diff --git a/.DS_Store b/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..69702a72885922a07a600a5fb521bd70c2e6893e Binary files /dev/null and b/.DS_Store differ diff --git a/.gitattributes b/.gitattributes index f6b1f326ca4ab7cf0c8798856f8fe0020ff82d58..96a0a566331e8f8d7c2947f30029c3020777b721 100644 --- a/.gitattributes +++ b/.gitattributes @@ -1,36 +1,12 @@ -*.7z filter=lfs diff=lfs merge=lfs -text -*.arrow filter=lfs diff=lfs merge=lfs -text +*.gif filter=lfs diff=lfs merge=lfs -text +data_process/lib/FaceVerse/v3/faceverse_v3_1.npy filter=lfs diff=lfs merge=lfs -text +data_process/lib/faceverse_process/BgMatting_models/rvm_resnet50_fp32.torchscript filter=lfs diff=lfs merge=lfs -text +data_process/lib/faceverse_process/metamodel/v3/faceverse_v3_1.npy filter=lfs diff=lfs merge=lfs -text +*.pt filter=lfs diff=lfs merge=lfs -text *.bin filter=lfs diff=lfs merge=lfs -text -*.bz2 filter=lfs diff=lfs merge=lfs -text *.ckpt filter=lfs diff=lfs merge=lfs -text -*.ftz filter=lfs diff=lfs merge=lfs -text -*.gz filter=lfs diff=lfs merge=lfs -text -*.h5 filter=lfs diff=lfs merge=lfs -text -*.joblib filter=lfs diff=lfs merge=lfs -text -*.lfs.* filter=lfs diff=lfs merge=lfs -text -*.mlmodel filter=lfs diff=lfs merge=lfs -text -*.model filter=lfs diff=lfs merge=lfs -text -*.msgpack filter=lfs diff=lfs merge=lfs -text -*.npy filter=lfs diff=lfs merge=lfs -text -*.npz filter=lfs diff=lfs merge=lfs -text -*.onnx filter=lfs diff=lfs merge=lfs -text -*.ot filter=lfs diff=lfs merge=lfs -text -*.parquet filter=lfs diff=lfs merge=lfs -text -*.pb filter=lfs diff=lfs merge=lfs -text -*.pickle filter=lfs diff=lfs merge=lfs -text -*.pkl filter=lfs diff=lfs merge=lfs -text -*.pt filter=lfs diff=lfs merge=lfs -text -*.pth filter=lfs diff=lfs merge=lfs -text -*.rar filter=lfs diff=lfs merge=lfs -text *.safetensors filter=lfs diff=lfs merge=lfs -text -saved_model/**/* filter=lfs diff=lfs merge=lfs -text -*.tar.* filter=lfs diff=lfs merge=lfs -text -*.tar filter=lfs diff=lfs merge=lfs -text -*.tflite filter=lfs diff=lfs merge=lfs -text -*.tgz filter=lfs diff=lfs merge=lfs -text -*.wasm filter=lfs diff=lfs merge=lfs -text -*.xz filter=lfs diff=lfs merge=lfs -text -*.zip filter=lfs diff=lfs merge=lfs -text -*.zst filter=lfs diff=lfs merge=lfs -text -*tfevents* filter=lfs diff=lfs merge=lfs -text +*.torchscript filter=lfs diff=lfs merge=lfs -text +*.npy filter=lfs diff=lfs merge=lfs -text *.png filter=lfs diff=lfs merge=lfs -text +*.mp4 filter=lfs diff=lfs merge=lfs -text diff --git a/DiT_VAE/.DS_Store b/DiT_VAE/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..6cbcbd31d58b7de1f610841ae85ffae6c12cb022 Binary files /dev/null and b/DiT_VAE/.DS_Store differ diff --git a/DiT_VAE/__init__.py b/DiT_VAE/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/DiT_VAE/diffusion/__init__.py b/DiT_VAE/diffusion/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..54508d56cbff959d571efbc6c1a8041e0ace22a1 --- /dev/null +++ b/DiT_VAE/diffusion/__init__.py @@ -0,0 +1,8 @@ +# Modified from OpenAI's diffusion repos +# GLIDE: https://github.com/openai/glide-text2im/blob/main/glide_text2im/gaussian_diffusion.py +# ADM: https://github.com/openai/guided-diffusion/blob/main/guided_diffusion +# IDDPM: https://github.com/openai/improved-diffusion/blob/main/improved_diffusion/gaussian_diffusion.py + +from .iddpm import IDDPM +from .dpm_solver import DPMS +from .sa_sampler import SASolverSampler diff --git a/DiT_VAE/diffusion/configs/PixArt_xl2_4D_Triplane.py b/DiT_VAE/diffusion/configs/PixArt_xl2_4D_Triplane.py new file mode 100644 index 0000000000000000000000000000000000000000..48bb085772b22096c184a1a728f20178b5899daa --- /dev/null +++ b/DiT_VAE/diffusion/configs/PixArt_xl2_4D_Triplane.py @@ -0,0 +1,64 @@ +data_root = '/data/data' +data = dict(type='TriplaneData', data_base_dir='triplane', data_json_file='/nas8/liuhongyu/HeadGallery_Data/data.json', model_names='configs/gan_model.yaml' ) +image_size = 256 # the generated image resolution +train_batch_size = 32 +eval_batch_size = 16 +use_fsdp=False # if use FSDP mode +valid_num=0 # take as valid aspect-ratio when sample number >= valid_num +triplane_size = (256*4, 256) +# model setting +image_encoder_path = "/home/liuhongyu/code/IP-Adapter/models/image_encoder" +vae_triplane_config_path = "vae_model.yaml" +std_dir = '/nas8/liuhongyu/HeadGallery_Data/final_std.pt' +mean_dir = '/nas8/liuhongyu/HeadGallery_Data/final_mean.pt' +conditioning_params_dir = '/nas8/liuhongyu/HeadGallery_Data/conditioning_params.pkl' +gan_model_base_dir = '/nas8/liuhongyu/HeadGallery_Data/gan_models' +model = 'PixArt_XL_2' +aspect_ratio_type = None # base aspect ratio [ASPECT_RATIO_512 or ASPECT_RATIO_256] +multi_scale = False # if use multiscale dataset model training +lewei_scale = 1.0 # lewei_scale for positional embedding interpolation +# training setting +num_workers=4 +train_sampling_steps = 1000 +eval_sampling_steps = 250 +model_max_length = 8 +lora_rank = 4 + +num_epochs = 80 +gradient_accumulation_steps = 1 +grad_checkpointing = False +gradient_clip = 1.0 +gc_step = 1 +auto_lr = dict(rule='sqrt') + +# we use different weight decay with the official implementation since it results better result +optimizer = dict(type='AdamW', lr=1e-4, weight_decay=3e-2, eps=1e-10) +lr_schedule = 'constant' +lr_schedule_args = dict(num_warmup_steps=500) + +save_image_epochs = 1 +save_model_epochs = 1 +save_model_steps=1000000 + +sample_posterior = True +mixed_precision = 'fp16' +scale_factor = 0.3994218 +ema_rate = 0.9999 +tensorboard_mox_interval = 50 +log_interval = 50 +cfg_scale = 4 +mask_type='null' +num_group_tokens=0 +mask_loss_coef=0. +load_mask_index=False # load prepared mask_type index +# load model settings +vae_pretrained = "/cache/pretrained_models/sd-vae-ft-ema" +load_from = None +resume_from = dict(checkpoint=None, load_ema=False, resume_optimizer=True, resume_lr_scheduler=True) +snr_loss=False + +# work dir settings +work_dir = '/cache/exps/' +s3_work_dir = None + +seed = 43 diff --git a/DiT_VAE/diffusion/configs/PixArt_xl2_img256_4D_Triplane.py b/DiT_VAE/diffusion/configs/PixArt_xl2_img256_4D_Triplane.py new file mode 100644 index 0000000000000000000000000000000000000000..e9479c5a6bd3bc205a35f04ab3c07125a0c0ccc6 --- /dev/null +++ b/DiT_VAE/diffusion/configs/PixArt_xl2_img256_4D_Triplane.py @@ -0,0 +1,41 @@ +_base_ = ['./PixArt_xl2_4D_Triplane.py'] +data_root = 'data' + +data = dict(type='TriplaneData', data_base_dir='/nas8/liuhongyu/HeadGallery_Data', + data_json_file='/nas8/liuhongyu/HeadGallery_Data/data_combine.json', model_names='configs/gan_model.yaml', + dino_path='/nas8/liuhongyu/model/dinov2-base') +image_size = 256 + +# model setting +gan_model_config = "./configs/gan_model.yaml" +image_encoder_path = "/home/liuhongyu/code/IP-Adapter/models/image_encoder" +vae_triplane_config_path = "./vae_model.yaml" +std_dir = '/nas8/liuhongyu/HeadGallery_Data/final_std.pt' +mean_dir = '/nas8/liuhongyu/HeadGallery_Data/final_mean.pt' +conditioning_params_dir = '/nas8/liuhongyu/HeadGallery_Data/conditioning_params.pkl' +gan_model_base_dir = '/nas8/liuhongyu/HeadGallery_Data/gan_models' +dino_pretrained = '/nas8/liuhongyu/HeadGallery_Data/dinov2-base' +window_block_indexes = [] +window_size = 0 +use_rel_pos = False +model = 'PixArt_XL_2' +fp32_attention = True +dino_norm = False +img_feature_self_attention = False +load_from = None +vae_pretrained = "/nas8/liuhongyu/all_training_results/VAE/checkpoint-140000" +# training setting +eval_sampling_steps = 200 +save_model_steps = 10000 +num_workers = 2 +train_batch_size = 8 # 32 # max 96 for PixArt-L/4 when grad_checkpoint +num_epochs = 200 # 3 +gradient_accumulation_steps = 1 +grad_checkpointing = True +gradient_clip = 0.01 +optimizer = dict(type='AdamW', lr=2e-5, weight_decay=3e-2, eps=1e-10) +lr_schedule_args = dict(num_warmup_steps=1000) + +log_interval = 20 +save_model_epochs = 5 +work_dir = 'output/debug' diff --git a/DiT_VAE/diffusion/configs/__init__.py b/DiT_VAE/diffusion/configs/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/DiT_VAE/diffusion/configs/vae_model.yaml b/DiT_VAE/diffusion/configs/vae_model.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ba04b4e21fa987059517d6874e7a191400981b47 --- /dev/null +++ b/DiT_VAE/diffusion/configs/vae_model.yaml @@ -0,0 +1,24 @@ +embed_dim: 8 +ddconfig: + double_z: True + z_channels: 8 + encoder: + target: DiT_VAE.vae.aemodules3d.Encoder + params: + n_hiddens: 128 + downsample: [4, 8, 8] + image_channel: 32 + norm_type: group + padding_type: replicate + double_z: True + z_channels: 8 + + decoder: + target: DiT_VAE.vae.aemodules3d.Decoder + params: + n_hiddens: 128 + upsample: [4, 8, 8] + z_channels: 8 + image_channel: 32 + norm_type: group + diff --git a/DiT_VAE/diffusion/data/__init__.py b/DiT_VAE/diffusion/data/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5bed3472a43d5e1b81d9400560c298e98b971a38 --- /dev/null +++ b/DiT_VAE/diffusion/data/__init__.py @@ -0,0 +1,2 @@ +from .datasets import * +from .transforms import get_transform diff --git a/DiT_VAE/diffusion/data/builder.py b/DiT_VAE/diffusion/data/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..58b9b5b390f5da336768e9f36f325710c122c9cf --- /dev/null +++ b/DiT_VAE/diffusion/data/builder.py @@ -0,0 +1,67 @@ +import os +import time + +from mmcv import Registry, build_from_cfg +from torch.utils.data import DataLoader + +from DiT_VAE.diffusion.data.transforms import get_transform +from DiT_VAE.diffusion.utils.logger import get_root_logger + +DATASETS = Registry('datasets') + +DATA_ROOT = '/cache/data' + + +def set_data_root(data_root): + global DATA_ROOT + DATA_ROOT = data_root + + +def get_data_path(data_dir): + if os.path.isabs(data_dir): + return data_dir + global DATA_ROOT + return os.path.join(DATA_ROOT, data_dir) + + +def build_dataset_triplane(cfg, resolution=256, **kwargs): + logger = get_root_logger() + + dataset_type = cfg.get('type') + logger.info(f"Constructing dataset {dataset_type}...") + t = time.time() + + dataset = build_from_cfg(cfg, DATASETS, default_args=dict( image_size=resolution, **kwargs)) + logger.info(f"Dataset {dataset_type} constructed. time: {(time.time() - t):.2f} s, length: {len(dataset)} ") + return dataset +def build_dataset(cfg, resolution=224, **kwargs): + logger = get_root_logger() + + dataset_type = cfg.get('type') + logger.info(f"Constructing dataset {dataset_type}...") + t = time.time() + transform = cfg.pop('transform', 'default_train') + transform = get_transform(transform, resolution) + dataset = build_from_cfg(cfg, DATASETS, default_args=dict(transform=transform, resolution=resolution, **kwargs)) + logger.info(f"Dataset {dataset_type} constructed. time: {(time.time() - t):.2f} s, length (use/ori): {len(dataset)}/{dataset.ori_imgs_nums}") + return dataset + + +def build_dataloader(dataset, batch_size=256, num_workers=2, shuffle=True, **kwargs): + return ( + DataLoader( + dataset, + batch_sampler=kwargs['batch_sampler'], + num_workers=num_workers, + pin_memory=True, + ) + if 'batch_sampler' in kwargs + else DataLoader( + dataset, + batch_size=batch_size, + shuffle=shuffle, + num_workers=num_workers, + pin_memory=True, + **kwargs + ) + ) diff --git a/DiT_VAE/diffusion/data/transforms.py b/DiT_VAE/diffusion/data/transforms.py new file mode 100644 index 0000000000000000000000000000000000000000..43b0fd74fdcfe8a86460b22e886a7afbaca299ea --- /dev/null +++ b/DiT_VAE/diffusion/data/transforms.py @@ -0,0 +1,29 @@ +import torchvision.transforms as T + +TRANSFORMS = {} + + +def register_transform(transform): + name = transform.__name__ + if name in TRANSFORMS: + raise RuntimeError(f'Transform {name} has already registered.') + TRANSFORMS.update({name: transform}) + + +def get_transform(type, resolution): + transform = TRANSFORMS[type](resolution) + transform = T.Compose(transform) + transform.image_size = resolution + return transform + + +@register_transform +def default_train(n_px): + return [ + T.Lambda(lambda img: img.convert('RGB')), + T.Resize(n_px), # Image.BICUBIC + T.CenterCrop(n_px), + # T.RandomHorizontalFlip(), + T.ToTensor(), + T.Normalize([0.5], [0.5]), + ] diff --git a/DiT_VAE/diffusion/dpm_solver.py b/DiT_VAE/diffusion/dpm_solver.py new file mode 100644 index 0000000000000000000000000000000000000000..7df6ebfeee16235813de50f72d68c3f142a5828b --- /dev/null +++ b/DiT_VAE/diffusion/dpm_solver.py @@ -0,0 +1,28 @@ +import torch +from .model import gaussian_diffusion as gd +from .model.dpm_solver import model_wrapper, DPM_Solver, NoiseScheduleVP + + +def DPMS(model, condition, uncondition, cfg_scale, model_type='noise', noise_schedule="linear", guidance_type='classifier-free', model_kwargs=None, diffusion_steps=1000): + if model_kwargs is None: + model_kwargs = {} + betas = torch.tensor(gd.get_named_beta_schedule(noise_schedule, diffusion_steps)) + + ## 1. Define the noise schedule. + noise_schedule = NoiseScheduleVP(schedule='discrete', betas=betas) + + ## 2. Convert your discrete-time `model` to the continuous-time + ## noise prediction model. Here is an example for a diffusion model + ## `model` with the noise prediction type ("noise") . + model_fn = model_wrapper( + model, + noise_schedule, + model_type=model_type, + model_kwargs=model_kwargs, + guidance_type=guidance_type, + condition=condition, + unconditional_condition=uncondition, + guidance_scale=cfg_scale, + ) + ## 3. Define dpm-solver and sample by multistep DPM-Solver. + return DPM_Solver(model_fn, noise_schedule, algorithm_type="dpmsolver++") \ No newline at end of file diff --git a/DiT_VAE/diffusion/iddpm.py b/DiT_VAE/diffusion/iddpm.py new file mode 100644 index 0000000000000000000000000000000000000000..f20361fca1b240dc783d583934139bd2b0298454 --- /dev/null +++ b/DiT_VAE/diffusion/iddpm.py @@ -0,0 +1,51 @@ +# Modified from OpenAI's diffusion repos +# GLIDE: https://github.com/openai/glide-text2im/blob/main/glide_text2im/gaussian_diffusion.py +# ADM: https://github.com/openai/guided-diffusion/blob/main/guided_diffusion +# IDDPM: https://github.com/openai/improved-diffusion/blob/main/improved_diffusion/gaussian_diffusion.py +from .model.respace import SpacedDiffusion, space_timesteps +from .model import gaussian_diffusion as gd + + +def IDDPM( + timestep_respacing, + noise_schedule="linear", + use_kl=False, + sigma_small=False, + predict_xstart=False, + learn_sigma=True, + pred_sigma=True, + rescale_learned_sigmas=False, + diffusion_steps=1000, + snr=False, + return_startx=False, +): + betas = gd.get_named_beta_schedule(noise_schedule, diffusion_steps) + if use_kl: + loss_type = gd.LossType.RESCALED_KL + elif rescale_learned_sigmas: + loss_type = gd.LossType.RESCALED_MSE + else: + loss_type = gd.LossType.MSE + if timestep_respacing is None or timestep_respacing == "": + timestep_respacing = [diffusion_steps] + return SpacedDiffusion( + use_timesteps=space_timesteps(diffusion_steps, timestep_respacing), + betas=betas, + model_mean_type=( + gd.ModelMeanType.START_X if predict_xstart else gd.ModelMeanType.EPSILON + ), + model_var_type=( + (gd.ModelVarType.LEARNED_RANGE if learn_sigma else ( + gd.ModelVarType.FIXED_LARGE + if not sigma_small + else gd.ModelVarType.FIXED_SMALL + ) + ) + if pred_sigma + else None + ), + loss_type=loss_type, + snr=snr, + return_startx=return_startx, + # rescale_timesteps=rescale_timesteps, + ) \ No newline at end of file diff --git a/DiT_VAE/diffusion/lcm_scheduler.py b/DiT_VAE/diffusion/lcm_scheduler.py new file mode 100644 index 0000000000000000000000000000000000000000..4fc6e955ecf3b7ac8b4a582ff6eef393ccb901d4 --- /dev/null +++ b/DiT_VAE/diffusion/lcm_scheduler.py @@ -0,0 +1,455 @@ +# Copyright 2023 Stanford University Team and The HuggingFace Team. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# DISCLAIMER: This code is strongly influenced by https://github.com/pesser/pytorch_diffusion +# and https://github.com/hojonathanho/diffusion + +import math +from dataclasses import dataclass +from typing import List, Optional, Tuple, Union + +import numpy as np +import torch + +from diffusers import ConfigMixin, SchedulerMixin +from diffusers.configuration_utils import register_to_config +from diffusers.utils import BaseOutput + + +@dataclass +# Copied from diffusers.schedulers.scheduling_ddpm.DDPMSchedulerOutput with DDPM->DDIM +class LCMSchedulerOutput(BaseOutput): + """ + Output class for the scheduler's `step` function output. + Args: + prev_sample (`torch.FloatTensor` of shape `(batch_size, num_channels, height, width)` for images): + Computed sample `(x_{t-1})` of previous timestep. `prev_sample` should be used as next model input in the + denoising loop. + pred_original_sample (`torch.FloatTensor` of shape `(batch_size, num_channels, height, width)` for images): + The predicted denoised sample `(x_{0})` based on the model output from the current timestep. + `pred_original_sample` can be used to preview progress or for guidance. + """ + + prev_sample: torch.FloatTensor + denoised: Optional[torch.FloatTensor] = None + + +# Copied from diffusers.schedulers.scheduling_ddpm.betas_for_alpha_bar +def betas_for_alpha_bar( + num_diffusion_timesteps, + max_beta=0.999, + alpha_transform_type="cosine", +): + """ + Create a beta schedule that discretizes the given alpha_t_bar function, which defines the cumulative product of + (1-beta) over time from t = [0,1]. + Contains a function alpha_bar that takes an argument t and transforms it to the cumulative product of (1-beta) up + to that part of the diffusion process. + Args: + num_diffusion_timesteps (`int`): the number of betas to produce. + max_beta (`float`): the maximum beta to use; use values lower than 1 to + prevent singularities. + alpha_transform_type (`str`, *optional*, default to `cosine`): the type of noise schedule for alpha_bar. + Choose from `cosine` or `exp` + Returns: + betas (`np.ndarray`): the betas used by the scheduler to step the model outputs + """ + if alpha_transform_type == "cosine": + + def alpha_bar_fn(t): + return math.cos((t + 0.008) / 1.008 * math.pi / 2) ** 2 + + elif alpha_transform_type == "exp": + + def alpha_bar_fn(t): + return math.exp(t * -12.0) + + else: + raise ValueError(f"Unsupported alpha_tranform_type: {alpha_transform_type}") + + betas = [] + for i in range(num_diffusion_timesteps): + t1 = i / num_diffusion_timesteps + t2 = (i + 1) / num_diffusion_timesteps + betas.append(min(1 - alpha_bar_fn(t2) / alpha_bar_fn(t1), max_beta)) + return torch.tensor(betas, dtype=torch.float32) + + +def rescale_zero_terminal_snr(betas): + """ + Rescales betas to have zero terminal SNR Based on https://arxiv.org/pdf/2305.08891.pdf (Algorithm 1) + Args: + betas (`torch.FloatTensor`): + the betas that the scheduler is being initialized with. + Returns: + `torch.FloatTensor`: rescaled betas with zero terminal SNR + """ + # Convert betas to alphas_bar_sqrt + alphas = 1.0 - betas + alphas_cumprod = torch.cumprod(alphas, dim=0) + alphas_bar_sqrt = alphas_cumprod.sqrt() + + # Store old values. + alphas_bar_sqrt_0 = alphas_bar_sqrt[0].clone() + alphas_bar_sqrt_T = alphas_bar_sqrt[-1].clone() + + # Shift so the last timestep is zero. + alphas_bar_sqrt -= alphas_bar_sqrt_T + + # Scale so the first timestep is back to the old value. + alphas_bar_sqrt *= alphas_bar_sqrt_0 / (alphas_bar_sqrt_0 - alphas_bar_sqrt_T) + + # Convert alphas_bar_sqrt to betas + alphas_bar = alphas_bar_sqrt ** 2 # Revert sqrt + alphas = alphas_bar[1:] / alphas_bar[:-1] # Revert cumprod + alphas = torch.cat([alphas_bar[:1], alphas]) + betas = 1 - alphas + + return betas + + +class LCMScheduler(SchedulerMixin, ConfigMixin): + """ + `LCMScheduler` extends the denoising procedure introduced in denoising diffusion probabilistic vae (DDPMs) with + non-Markovian guidance. + This model inherits from [`SchedulerMixin`] and [`ConfigMixin`]. Check the superclass documentation for the generic + methods the library implements for all schedulers such as loading and saving. + Args: + num_train_timesteps (`int`, defaults to 1000): + The number of diffusion steps to train the model. + beta_start (`float`, defaults to 0.0001): + The starting `beta` value of inference. + beta_end (`float`, defaults to 0.02): + The final `beta` value. + beta_schedule (`str`, defaults to `"linear"`): + The beta schedule, a mapping from a beta range to a sequence of betas for stepping the model. Choose from + `linear`, `scaled_linear`, or `squaredcos_cap_v2`. + trained_betas (`np.ndarray`, *optional*): + Pass an array of betas directly to the constructor to bypass `beta_start` and `beta_end`. + clip_sample (`bool`, defaults to `True`): + Clip the predicted sample for numerical stability. + clip_sample_range (`float`, defaults to 1.0): + The maximum magnitude for sample clipping. Valid only when `clip_sample=True`. + set_alpha_to_one (`bool`, defaults to `True`): + Each diffusion step uses the alphas product value at that step and at the previous one. For the final step + there is no previous alpha. When this option is `True` the previous alpha product is fixed to `1`, + otherwise it uses the alpha value at step 0. + steps_offset (`int`, defaults to 0): + An offset added to the inference steps. You can use a combination of `offset=1` and + `set_alpha_to_one=False` to make the last step use step 0 for the previous alpha product like in Stable + Diffusion. + prediction_type (`str`, defaults to `epsilon`, *optional*): + Prediction type of the scheduler function; can be `epsilon` (predicts the noise of the diffusion process), + `sample` (directly predicts the noisy sample`) or `v_prediction` (see section 2.4 of [Imagen + Video](https://imagen.research.google/video/paper.pdf) paper). + thresholding (`bool`, defaults to `False`): + Whether to use the "dynamic thresholding" method. This is unsuitable for latent-space diffusion vae such + as Stable Diffusion. + dynamic_thresholding_ratio (`float`, defaults to 0.995): + The ratio for the dynamic thresholding method. Valid only when `thresholding=True`. + sample_max_value (`float`, defaults to 1.0): + The threshold value for dynamic thresholding. Valid only when `thresholding=True`. + timestep_spacing (`str`, defaults to `"leading"`): + The way the timesteps should be scaled. Refer to Table 2 of the [Common Diffusion Noise Schedules and + Sample Steps are Flawed](https://huggingface.co/papers/2305.08891) for more information. + rescale_betas_zero_snr (`bool`, defaults to `False`): + Whether to rescale the betas to have zero terminal SNR. This enables the model to generate very bright and + dark samples instead of limiting it to samples with medium brightness. Loosely related to + [`--offset_noise`](https://github.com/huggingface/diffusers/blob/74fd735eb073eb1d774b1ab4154a0876eb82f055/examples/dreambooth/train_dreambooth.py#L506). + """ + + # _compatibles = [e.name for e in KarrasDiffusionSchedulers] + order = 1 + + @register_to_config + def __init__( + self, + num_train_timesteps: int = 1000, + beta_start: float = 0.0001, + beta_end: float = 0.02, + beta_schedule: str = "linear", + trained_betas: Optional[Union[np.ndarray, List[float]]] = None, + clip_sample: bool = True, + set_alpha_to_one: bool = True, + steps_offset: int = 0, + prediction_type: str = "epsilon", + thresholding: bool = False, + dynamic_thresholding_ratio: float = 0.995, + clip_sample_range: float = 1.0, + sample_max_value: float = 1.0, + timestep_spacing: str = "leading", + rescale_betas_zero_snr: bool = False, + ): + if trained_betas is not None: + self.betas = torch.tensor(trained_betas, dtype=torch.float32) + elif beta_schedule == "linear": + self.betas = torch.linspace(beta_start, beta_end, num_train_timesteps, dtype=torch.float32) + elif beta_schedule == "scaled_linear": + # this schedule is very specific to the latent diffusion model. + self.betas = ( + torch.linspace(beta_start ** 0.5, beta_end ** 0.5, num_train_timesteps, dtype=torch.float32) ** 2 + ) + elif beta_schedule == "squaredcos_cap_v2": + # Glide cosine schedule + self.betas = betas_for_alpha_bar(num_train_timesteps) + else: + raise NotImplementedError(f"{beta_schedule} does is not implemented for {self.__class__}") + + # Rescale for zero SNR + if rescale_betas_zero_snr: + self.betas = rescale_zero_terminal_snr(self.betas) + + self.alphas = 1.0 - self.betas + self.alphas_cumprod = torch.cumprod(self.alphas, dim=0) + + # At every step in ddim, we are looking into the previous alphas_cumprod + # For the final step, there is no previous alphas_cumprod because we are already at 0 + # `set_alpha_to_one` decides whether we set this parameter simply to one or + # whether we use the final alpha of the "non-previous" one. + self.final_alpha_cumprod = torch.tensor(1.0) if set_alpha_to_one else self.alphas_cumprod[0] + + # standard deviation of the initial noise distribution + self.init_noise_sigma = 1.0 + + # setable values + self.num_inference_steps = None + self.timesteps = torch.from_numpy(np.arange(0, num_train_timesteps)[::-1].copy().astype(np.int64)) + + def scale_model_input(self, sample: torch.FloatTensor, timestep: Optional[int] = None) -> torch.FloatTensor: + """ + Ensures interchangeability with schedulers that need to scale the denoising model input depending on the + current timestep. + Args: + sample (`torch.FloatTensor`): + The input sample. + timestep (`int`, *optional*): + The current timestep in the diffusion chain. + Returns: + `torch.FloatTensor`: + A scaled input sample. + """ + return sample + + def _get_variance(self, timestep, prev_timestep): + alpha_prod_t = self.alphas_cumprod[timestep] + alpha_prod_t_prev = self.alphas_cumprod[prev_timestep] if prev_timestep >= 0 else self.final_alpha_cumprod + beta_prod_t = 1 - alpha_prod_t + beta_prod_t_prev = 1 - alpha_prod_t_prev + + return (beta_prod_t_prev / beta_prod_t) * (1 - alpha_prod_t / alpha_prod_t_prev) + + # Copied from diffusers.schedulers.scheduling_ddpm.DDPMScheduler._threshold_sample + def _threshold_sample(self, sample: torch.FloatTensor) -> torch.FloatTensor: + """ + "Dynamic thresholding: At each sampling step we set s to a certain percentile absolute pixel value in xt0 (the + prediction of x_0 at timestep t), and if s > 1, then we threshold xt0 to the range [-s, s] and then divide by + s. Dynamic thresholding pushes saturated pixels (those near -1 and 1) inwards, thereby actively preventing + pixels from saturation at each step. We find that dynamic thresholding results in significantly better + photorealism as well as better image-text alignment, especially when using very large guidance weights." + https://arxiv.org/abs/2205.11487 + """ + dtype = sample.dtype + batch_size, channels, height, width = sample.shape + + if dtype not in (torch.float32, torch.float64): + sample = sample.float() # upcast for quantile calculation, and clamp not implemented for cpu half + + # Flatten sample for doing quantile calculation along each image + sample = sample.reshape(batch_size, channels * height * width) + + abs_sample = sample.abs() # "a certain percentile absolute pixel value" + + s = torch.quantile(abs_sample, self.config.dynamic_thresholding_ratio, dim=1) + s = torch.clamp( + s, min=1, max=self.config.sample_max_value + ) # When clamped to min=1, equivalent to standard clipping to [-1, 1] + + s = s.unsqueeze(1) # (batch_size, 1) because clamp will broadcast along dim=0 + sample = torch.clamp(sample, -s, s) / s # "we threshold xt0 to the range [-s, s] and then divide by s" + + sample = sample.reshape(batch_size, channels, height, width) + sample = sample.to(dtype) + + return sample + + def set_timesteps(self, num_inference_steps: int, lcm_origin_steps: int, device: Union[str, torch.device] = None): + """ + Sets the discrete timesteps used for the diffusion chain (to be run before inference). + Args: + num_inference_steps (`int`): + The number of diffusion steps used when generating samples with a pre-trained model. + """ + + if num_inference_steps > self.config.num_train_timesteps: + raise ValueError( + f"`num_inference_steps`: {num_inference_steps} cannot be larger than `self.config.train_timesteps`:" + f" {self.config.num_train_timesteps} as the unet model trained with this scheduler can only handle" + f" maximal {self.config.num_train_timesteps} timesteps." + ) + + self.num_inference_steps = num_inference_steps + + # LCM Timesteps Setting: # Linear Spacing + c = self.config.num_train_timesteps // lcm_origin_steps + lcm_origin_timesteps = np.asarray(list(range(1, lcm_origin_steps + 1))) * c - 1 # LCM Training Steps Schedule + skipping_step = len(lcm_origin_timesteps) // num_inference_steps + timesteps = lcm_origin_timesteps[::-skipping_step][:num_inference_steps] # LCM Inference Steps Schedule + + self.timesteps = torch.from_numpy(timesteps.copy()).to(device) + + def get_scalings_for_boundary_condition_discrete(self, t): + self.sigma_data = 0.5 # Default: 0.5 + + # By dividing 0.1: This is almost a delta function at t=0. + c_skip = self.sigma_data ** 2 / ((t / 0.1) ** 2 + self.sigma_data ** 2) + c_out = ((t / 0.1) / ((t / 0.1) ** 2 + self.sigma_data ** 2) ** 0.5) + return c_skip, c_out + + def step( + self, + model_output: torch.FloatTensor, + timeindex: int, + timestep: int, + sample: torch.FloatTensor, + eta: float = 0.0, + use_clipped_model_output: bool = False, + generator=None, + variance_noise: Optional[torch.FloatTensor] = None, + return_dict: bool = True, + ) -> Union[LCMSchedulerOutput, Tuple]: + """ + Predict the sample from the previous timestep by reversing the SDE. This function propagates the diffusion + process from the learned model outputs (most often the predicted noise). + Args: + model_output (`torch.FloatTensor`): + The direct output from learned diffusion model. + timestep (`float`): + The current discrete timestep in the diffusion chain. + sample (`torch.FloatTensor`): + A current instance of a sample created by the diffusion process. + eta (`float`): + The weight of noise for added noise in diffusion step. + use_clipped_model_output (`bool`, defaults to `False`): + If `True`, computes "corrected" `model_output` from the clipped predicted original sample. Necessary + because predicted original sample is clipped to [-1, 1] when `self.config.clip_sample` is `True`. If no + clipping has happened, "corrected" `model_output` would coincide with the one provided as input and + `use_clipped_model_output` has no effect. + generator (`torch.Generator`, *optional*): + A random number generator. + variance_noise (`torch.FloatTensor`): + Alternative to generating noise with `generator` by directly providing the noise for the variance + itself. Useful for methods such as [`CycleDiffusion`]. + return_dict (`bool`, *optional*, defaults to `True`): + Whether or not to return a [`~schedulers.scheduling_lcm.LCMSchedulerOutput`] or `tuple`. + Returns: + [`~schedulers.scheduling_utils.LCMSchedulerOutput`] or `tuple`: + If return_dict is `True`, [`~schedulers.scheduling_lcm.LCMSchedulerOutput`] is returned, otherwise a + tuple is returned where the first element is the sample tensor. + """ + if self.num_inference_steps is None: + raise ValueError( + "Number of inference steps is 'None', you need to run 'set_timesteps' after creating the scheduler" + ) + + # 1. get previous step value + prev_timeindex = timeindex + 1 + if prev_timeindex < len(self.timesteps): + prev_timestep = self.timesteps[prev_timeindex] + else: + prev_timestep = timestep + + # 2. compute alphas, betas + alpha_prod_t = self.alphas_cumprod[timestep] + alpha_prod_t_prev = self.alphas_cumprod[prev_timestep] if prev_timestep >= 0 else self.final_alpha_cumprod + + beta_prod_t = 1 - alpha_prod_t + beta_prod_t_prev = 1 - alpha_prod_t_prev + + # 3. Get scalings for boundary conditions + c_skip, c_out = self.get_scalings_for_boundary_condition_discrete(timestep) + + # 4. Different Parameterization: + parameterization = self.config.prediction_type + + if parameterization == "epsilon": # noise-prediction + pred_x0 = (sample - beta_prod_t.sqrt() * model_output) / alpha_prod_t.sqrt() + + elif parameterization == "sample": # x-prediction + pred_x0 = model_output + + elif parameterization == "v_prediction": # v-prediction + pred_x0 = alpha_prod_t.sqrt() * sample - beta_prod_t.sqrt() * model_output + + # 4. Denoise model output using boundary conditions + denoised = c_out * pred_x0 + c_skip * sample + + # 5. Sample z ~ N(0, I), For MultiStep Inference + # Noise is not used for one-step sampling. + if len(self.timesteps) > 1: + noise = torch.randn(model_output.shape).to(model_output.device) + prev_sample = alpha_prod_t_prev.sqrt() * denoised + beta_prod_t_prev.sqrt() * noise + else: + prev_sample = denoised + + if not return_dict: + return (prev_sample, denoised) + + return LCMSchedulerOutput(prev_sample=prev_sample, denoised=denoised) + + # Copied from diffusers.schedulers.scheduling_ddpm.DDPMScheduler.add_noise + def add_noise( + self, + original_samples: torch.FloatTensor, + noise: torch.FloatTensor, + timesteps: torch.IntTensor, + ) -> torch.FloatTensor: + # Make sure alphas_cumprod and timestep have same device and dtype as original_samples + alphas_cumprod = self.alphas_cumprod.to(device=original_samples.device, dtype=original_samples.dtype) + timesteps = timesteps.to(original_samples.device) + + sqrt_alpha_prod = alphas_cumprod[timesteps] ** 0.5 + sqrt_alpha_prod = sqrt_alpha_prod.flatten() + while len(sqrt_alpha_prod.shape) < len(original_samples.shape): + sqrt_alpha_prod = sqrt_alpha_prod.unsqueeze(-1) + + sqrt_one_minus_alpha_prod = (1 - alphas_cumprod[timesteps]) ** 0.5 + sqrt_one_minus_alpha_prod = sqrt_one_minus_alpha_prod.flatten() + while len(sqrt_one_minus_alpha_prod.shape) < len(original_samples.shape): + sqrt_one_minus_alpha_prod = sqrt_one_minus_alpha_prod.unsqueeze(-1) + + return sqrt_alpha_prod * original_samples + sqrt_one_minus_alpha_prod * noise + + # Copied from diffusers.schedulers.scheduling_ddpm.DDPMScheduler.get_velocity + def get_velocity( + self, sample: torch.FloatTensor, noise: torch.FloatTensor, timesteps: torch.IntTensor + ) -> torch.FloatTensor: + # Make sure alphas_cumprod and timestep have same device and dtype as sample + alphas_cumprod = self.alphas_cumprod.to(device=sample.device, dtype=sample.dtype) + timesteps = timesteps.to(sample.device) + + sqrt_alpha_prod = alphas_cumprod[timesteps] ** 0.5 + sqrt_alpha_prod = sqrt_alpha_prod.flatten() + while len(sqrt_alpha_prod.shape) < len(sample.shape): + sqrt_alpha_prod = sqrt_alpha_prod.unsqueeze(-1) + + sqrt_one_minus_alpha_prod = (1 - alphas_cumprod[timesteps]) ** 0.5 + sqrt_one_minus_alpha_prod = sqrt_one_minus_alpha_prod.flatten() + while len(sqrt_one_minus_alpha_prod.shape) < len(sample.shape): + sqrt_one_minus_alpha_prod = sqrt_one_minus_alpha_prod.unsqueeze(-1) + + return sqrt_alpha_prod * noise - sqrt_one_minus_alpha_prod * sample + + def __len__(self): + return self.config.num_train_timesteps + diff --git a/DiT_VAE/diffusion/model/__init__.py b/DiT_VAE/diffusion/model/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..dfd1e16b045a686262da899a22008fc5fece05fa --- /dev/null +++ b/DiT_VAE/diffusion/model/__init__.py @@ -0,0 +1,2 @@ +from .nets import * +# import utils \ No newline at end of file diff --git a/DiT_VAE/diffusion/model/builder.py b/DiT_VAE/diffusion/model/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..d445ade621a5d314b43d8e00f4c9024fbd703953 --- /dev/null +++ b/DiT_VAE/diffusion/model/builder.py @@ -0,0 +1,14 @@ +from mmcv import Registry + +from DiT_VAE.diffusion.model.utils import set_grad_checkpoint + +MODELS = Registry('vae') + + +def build_model(cfg, use_grad_checkpoint=False, use_fp32_attention=False, gc_step=1, **kwargs): + if isinstance(cfg, str): + cfg = dict(type=cfg) + model = MODELS.build(cfg, default_args=kwargs) + if use_grad_checkpoint: + set_grad_checkpoint(model, use_fp32_attention=use_fp32_attention, gc_step=gc_step) + return model diff --git a/DiT_VAE/diffusion/model/diffusion_utils.py b/DiT_VAE/diffusion/model/diffusion_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..d1c67fff5ddc28337bb7ea95f073a95bba46b434 --- /dev/null +++ b/DiT_VAE/diffusion/model/diffusion_utils.py @@ -0,0 +1,92 @@ +# Modified from OpenAI's diffusion repos +# GLIDE: https://github.com/openai/glide-text2im/blob/main/glide_text2im/gaussian_diffusion.py +# ADM: https://github.com/openai/guided-diffusion/blob/main/guided_diffusion +# IDDPM: https://github.com/openai/improved-diffusion/blob/main/improved_diffusion/gaussian_diffusion.py + +import numpy as np +import torch as th + + +def normal_kl(mean1, logvar1, mean2, logvar2): + """ + Compute the KL divergence between two gaussians. + Shapes are automatically broadcasted, so batches can be compared to + scalars, among other use cases. + """ + tensor = next( + ( + obj + for obj in (mean1, logvar1, mean2, logvar2) + if isinstance(obj, th.Tensor) + ), + None, + ) + assert tensor is not None, "at least one argument must be a Tensor" + + # Force variances to be Tensors. Broadcasting helps convert scalars to + # Tensors, but it does not work for th.exp(). + logvar1, logvar2 = [ + x if isinstance(x, th.Tensor) else th.tensor(x, device=tensor.device) + for x in (logvar1, logvar2) + ] + + return 0.5 * ( + -1.0 + + logvar2 + - logvar1 + + th.exp(logvar1 - logvar2) + + ((mean1 - mean2) ** 2) * th.exp(-logvar2) + ) + + +def approx_standard_normal_cdf(x): + """ + A fast approximation of the cumulative distribution function of the + standard normal. + """ + return 0.5 * (1.0 + th.tanh(np.sqrt(2.0 / np.pi) * (x + 0.044715 * th.pow(x, 3)))) + + +def continuous_gaussian_log_likelihood(x, *, means, log_scales): + """ + Compute the log-likelihood of a continuous Gaussian distribution. + :param x: the targets + :param means: the Gaussian mean Tensor. + :param log_scales: the Gaussian log stddev Tensor. + :return: a tensor like x of log probabilities (in nats). + """ + centered_x = x - means + inv_stdv = th.exp(-log_scales) + normalized_x = centered_x * inv_stdv + return th.distributions.Normal(th.zeros_like(x), th.ones_like(x)).log_prob( + normalized_x + ) + + +def discretized_gaussian_log_likelihood(x, *, means, log_scales): + """ + Compute the log-likelihood of a Gaussian distribution discretizing to a + given image. + :param x: the target images. It is assumed that this was uint8 values, + rescaled to the range [-1, 1]. + :param means: the Gaussian mean Tensor. + :param log_scales: the Gaussian log stddev Tensor. + :return: a tensor like x of log probabilities (in nats). + """ + assert x.shape == means.shape == log_scales.shape + centered_x = x - means + inv_stdv = th.exp(-log_scales) + plus_in = inv_stdv * (centered_x + 1.0 / 255.0) + cdf_plus = approx_standard_normal_cdf(plus_in) + min_in = inv_stdv * (centered_x - 1.0 / 255.0) + cdf_min = approx_standard_normal_cdf(min_in) + log_cdf_plus = th.log(cdf_plus.clamp(min=1e-12)) + log_one_minus_cdf_min = th.log((1.0 - cdf_min).clamp(min=1e-12)) + cdf_delta = cdf_plus - cdf_min + log_probs = th.where( + x < -0.999, + log_cdf_plus, + th.where(x > 0.999, log_one_minus_cdf_min, th.log(cdf_delta.clamp(min=1e-12))), + ) + assert log_probs.shape == x.shape + return log_probs diff --git a/DiT_VAE/diffusion/model/dpm_solver.py b/DiT_VAE/diffusion/model/dpm_solver.py new file mode 100644 index 0000000000000000000000000000000000000000..4e8603bf82085395285f74513909175213db63dd --- /dev/null +++ b/DiT_VAE/diffusion/model/dpm_solver.py @@ -0,0 +1,1337 @@ +import torch +from tqdm import tqdm + + +class NoiseScheduleVP: + def __init__( + self, + schedule='discrete', + betas=None, + alphas_cumprod=None, + continuous_beta_0=0.1, + continuous_beta_1=20., + dtype=torch.float32, + ): + """Create a wrapper class for the forward SDE (VP type). + + *** + Update: We support discrete-time diffusion vae by implementing a picewise linear interpolation for log_alpha_t. + We recommend to use schedule='discrete' for the discrete-time diffusion vae, especially for high-resolution images. + *** + + The forward SDE ensures that the condition distribution q_{t|0}(x_t | x_0) = N ( alpha_t * x_0, sigma_t^2 * I ). + We further define lambda_t = log(alpha_t) - log(sigma_t), which is the half-logSNR (described in the DPM-Solver paper). + Therefore, we implement the functions for computing alpha_t, sigma_t and lambda_t. For t in [0, T], we have: + + log_alpha_t = self.marginal_log_mean_coeff(t) + sigma_t = self.marginal_std(t) + lambda_t = self.marginal_lambda(t) + + Moreover, as lambda(t) is an invertible function, we also support its inverse function: + + t = self.inverse_lambda(lambda_t) + + =============================================================== + + We support both discrete-time DPMs (trained on n = 0, 1, ..., N-1) and continuous-time DPMs (trained on t in [t_0, T]). + + 1. For discrete-time DPMs: + + For discrete-time DPMs trained on n = 0, 1, ..., N-1, we convert the discrete steps to continuous time steps by: + t_i = (i + 1) / N + e.g. for N = 1000, we have t_0 = 1e-3 and T = t_{N-1} = 1. + We solve the corresponding diffusion ODE from time T = 1 to time t_0 = 1e-3. + + Args: + betas: A `torch.Tensor`. The beta array for the discrete-time DPM. (See the original DDPM paper for details) + alphas_cumprod: A `torch.Tensor`. The cumprod alphas for the discrete-time DPM. (See the original DDPM paper for details) + + Note that we always have alphas_cumprod = cumprod(1 - betas). Therefore, we only need to set one of `betas` and `alphas_cumprod`. + + **Important**: Please pay special attention for the args for `alphas_cumprod`: + The `alphas_cumprod` is the \hat{alpha_n} arrays in the notations of DDPM. Specifically, DDPMs assume that + q_{t_n | 0}(x_{t_n} | x_0) = N ( \sqrt{\hat{alpha_n}} * x_0, (1 - \hat{alpha_n}) * I ). + Therefore, the notation \hat{alpha_n} is different from the notation alpha_t in DPM-Solver. In fact, we have + alpha_{t_n} = \sqrt{\hat{alpha_n}}, + and + log(alpha_{t_n}) = 0.5 * log(\hat{alpha_n}). + + + 2. For continuous-time DPMs: + + We support the linear VPSDE for the continuous time setting. The hyperparameters for the noise + schedule are the default settings in Yang Song's ScoreSDE: + + Args: + beta_min: A `float` number. The smallest beta for the linear schedule. + beta_max: A `float` number. The largest beta for the linear schedule. + T: A `float` number. The ending time of the forward process. + + =============================================================== + + Args: + schedule: A `str`. The noise schedule of the forward SDE. 'discrete' for discrete-time DPMs, + 'linear' for continuous-time DPMs. + Returns: + A wrapper object of the forward SDE (VP type). + + =============================================================== + + Example: + + # For discrete-time DPMs, given betas (the beta array for n = 0, 1, ..., N - 1): + >>> ns = NoiseScheduleVP('discrete', betas=betas) + + # For discrete-time DPMs, given alphas_cumprod (the \hat{alpha_n} array for n = 0, 1, ..., N - 1): + >>> ns = NoiseScheduleVP('discrete', alphas_cumprod=alphas_cumprod) + + # For continuous-time DPMs (VPSDE), linear schedule: + >>> ns = NoiseScheduleVP('linear', continuous_beta_0=0.1, continuous_beta_1=20.) + + """ + + if schedule not in ['discrete', 'linear']: + raise ValueError( + f"Unsupported noise schedule {schedule}. The schedule needs to be 'discrete' or 'linear'" + ) + + self.schedule = schedule + if schedule == 'discrete': + if betas is not None: + log_alphas = 0.5 * torch.log(1 - betas).cumsum(dim=0) + else: + assert alphas_cumprod is not None + log_alphas = 0.5 * torch.log(alphas_cumprod) + self.T = 1. + self.log_alpha_array = self.numerical_clip_alpha(log_alphas).reshape((1, -1,)).to(dtype=dtype) + self.total_N = self.log_alpha_array.shape[1] + self.t_array = torch.linspace(0., 1., self.total_N + 1)[1:].reshape((1, -1)).to(dtype=dtype) + else: + self.T = 1. + self.total_N = 1000 + self.beta_0 = continuous_beta_0 + self.beta_1 = continuous_beta_1 + + def numerical_clip_alpha(self, log_alphas, clipped_lambda=-5.1): + """ + For some beta schedules such as cosine schedule, the log-SNR has numerical isssues. + We clip the log-SNR near t=T within -5.1 to ensure the stability. + Such a trick is very useful for diffusion vae with the cosine schedule, such as i-DDPM, guided-diffusion and GLIDE. + """ + log_sigmas = 0.5 * torch.log(1. - torch.exp(2. * log_alphas)) + lambs = log_alphas - log_sigmas + idx = torch.searchsorted(torch.flip(lambs, [0]), clipped_lambda) + if idx > 0: + log_alphas = log_alphas[:-idx] + return log_alphas + + def marginal_log_mean_coeff(self, t): + """ + Compute log(alpha_t) of a given continuous-time label t in [0, T]. + """ + if self.schedule == 'discrete': + return interpolate_fn(t.reshape((-1, 1)), self.t_array.to(t.device), + self.log_alpha_array.to(t.device)).reshape((-1)) + elif self.schedule == 'linear': + return -0.25 * t ** 2 * (self.beta_1 - self.beta_0) - 0.5 * t * self.beta_0 + + def marginal_alpha(self, t): + """ + Compute alpha_t of a given continuous-time label t in [0, T]. + """ + return torch.exp(self.marginal_log_mean_coeff(t)) + + def marginal_std(self, t): + """ + Compute sigma_t of a given continuous-time label t in [0, T]. + """ + return torch.sqrt(1. - torch.exp(2. * self.marginal_log_mean_coeff(t))) + + def marginal_lambda(self, t): + """ + Compute lambda_t = log(alpha_t) - log(sigma_t) of a given continuous-time label t in [0, T]. + """ + log_mean_coeff = self.marginal_log_mean_coeff(t) + log_std = 0.5 * torch.log(1. - torch.exp(2. * log_mean_coeff)) + return log_mean_coeff - log_std + + def inverse_lambda(self, lamb): + """ + Compute the continuous-time label t in [0, T] of a given half-logSNR lambda_t. + """ + if self.schedule == 'linear': + tmp = 2. * (self.beta_1 - self.beta_0) * torch.logaddexp(-2. * lamb, torch.zeros((1,)).to(lamb)) + Delta = self.beta_0 ** 2 + tmp + return tmp / (torch.sqrt(Delta) + self.beta_0) / (self.beta_1 - self.beta_0) + elif self.schedule == 'discrete': + log_alpha = -0.5 * torch.logaddexp(torch.zeros((1,)).to(lamb.device), -2. * lamb) + t = interpolate_fn(log_alpha.reshape((-1, 1)), torch.flip(self.log_alpha_array.to(lamb.device), [1]), + torch.flip(self.t_array.to(lamb.device), [1])) + return t.reshape((-1,)) + + +def model_wrapper( + model, + noise_schedule, + model_type="noise", + model_kwargs={}, + guidance_type="uncond", + condition=None, + unconditional_condition=None, + guidance_scale=1., + classifier_fn=None, + classifier_kwargs={}, +): + """Create a wrapper function for the noise prediction model. + + DPM-Solver needs to solve the continuous-time diffusion ODEs. For DPMs trained on discrete-time labels, we need to + firstly wrap the model function to a noise prediction model that accepts the continuous time as the input. + + We support four types of the diffusion model by setting `model_type`: + + 1. "noise": noise prediction model. (Trained by predicting noise). + + 2. "x_start": data prediction model. (Trained by predicting the data x_0 at time 0). + + 3. "v": velocity prediction model. (Trained by predicting the velocity). + The "v" prediction is derivation detailed in Appendix D of [1], and is used in Imagen-Video [2]. + + [1] Salimans, Tim, and Jonathan Ho. "Progressive distillation for fast sampling of diffusion vae." + arXiv preprint arXiv:2202.00512 (2022). + [2] Ho, Jonathan, et al. "Imagen Video: High Definition Video Generation with Diffusion Models." + arXiv preprint arXiv:2210.02303 (2022). + + 4. "score": marginal score function. (Trained by denoising score matching). + Note that the score function and the noise prediction model follows a simple relationship: + ``` + noise(x_t, t) = -sigma_t * score(x_t, t) + ``` + + We support three types of guided sampling by DPMs by setting `guidance_type`: + 1. "uncond": unconditional sampling by DPMs. + The input `model` has the following format: + `` + model(x, t_input, **model_kwargs) -> noise | x_start | v | score + `` + + 2. "classifier": classifier guidance sampling [3] by DPMs and another classifier. + The input `model` has the following format: + `` + model(x, t_input, **model_kwargs) -> noise | x_start | v | score + `` + + The input `classifier_fn` has the following format: + `` + classifier_fn(x, t_input, cond, **classifier_kwargs) -> logits(x, t_input, cond) + `` + + [3] P. Dhariwal and A. Q. Nichol, "Diffusion vae beat GANs on image synthesis," + in Advances in Neural Information Processing Systems, vol. 34, 2021, pp. 8780-8794. + + 3. "classifier-free": classifier-free guidance sampling by conditional DPMs. + The input `model` has the following format: + `` + model(x, t_input, cond, **model_kwargs) -> noise | x_start | v | score + `` + And if cond == `unconditional_condition`, the model output is the unconditional DPM output. + + [4] Ho, Jonathan, and Tim Salimans. "Classifier-free diffusion guidance." + arXiv preprint arXiv:2207.12598 (2022). + + + The `t_input` is the time label of the model, which may be discrete-time labels (i.e. 0 to 999) + or continuous-time labels (i.e. epsilon to T). + + We wrap the model function to accept only `x` and `t_continuous` as inputs, and outputs the predicted noise: + `` + def model_fn(x, t_continuous) -> noise: + t_input = get_model_input_time(t_continuous) + return noise_pred(model, x, t_input, **model_kwargs) + `` + where `t_continuous` is the continuous time labels (i.e. epsilon to T). And we use `model_fn` for DPM-Solver. + + =============================================================== + + Args: + model: A diffusion model with the corresponding format described above. + noise_schedule: A noise schedule object, such as NoiseScheduleVP. + model_type: A `str`. The parameterization type of the diffusion model. + "noise" or "x_start" or "v" or "score". + model_kwargs: A `dict`. A dict for the other inputs of the model function. + guidance_type: A `str`. The type of the guidance for sampling. + "uncond" or "classifier" or "classifier-free". + condition: A pytorch tensor. The condition for the guided sampling. + Only used for "classifier" or "classifier-free" guidance type. + unconditional_condition: A pytorch tensor. The condition for the unconditional sampling. + Only used for "classifier-free" guidance type. + guidance_scale: A `float`. The scale for the guided sampling. + classifier_fn: A classifier function. Only used for the classifier guidance. + classifier_kwargs: A `dict`. A dict for the other inputs of the classifier function. + Returns: + A noise prediction model that accepts the noised data and the continuous time as the inputs. + """ + + def get_model_input_time(t_continuous): + """ + Convert the continuous-time `t_continuous` (in [epsilon, T]) to the model input time. + For discrete-time DPMs, we convert `t_continuous` in [1 / N, 1] to `t_input` in [0, 1000 * (N - 1) / N]. + For continuous-time DPMs, we just use `t_continuous`. + """ + if noise_schedule.schedule == 'discrete': + return (t_continuous - 1. / noise_schedule.total_N) * 1000. + else: + return t_continuous + + def noise_pred_fn(x, t_continuous, cond=None, cond_2=None): + t_input = get_model_input_time(t_continuous) + if cond is None: + output = model(x, t_input, **model_kwargs) + else: + output = model(x, t_input, y=cond, img_feature=cond_2, **model_kwargs) + if model_type == "noise": + return output + elif model_type == "x_start": + alpha_t, sigma_t = noise_schedule.marginal_alpha(t_continuous), noise_schedule.marginal_std(t_continuous) + return (x - expand_dims(alpha_t, x.dim()) * output) / expand_dims(sigma_t, x.dim()) + elif model_type == "v": + alpha_t, sigma_t = noise_schedule.marginal_alpha(t_continuous), noise_schedule.marginal_std(t_continuous) + return expand_dims(alpha_t, x.dim()) * output + expand_dims(sigma_t, x.dim()) * x + elif model_type == "score": + sigma_t = noise_schedule.marginal_std(t_continuous) + return -expand_dims(sigma_t, x.dim()) * output + + def cond_grad_fn(x, t_input): + """ + Compute the gradient of the classifier, i.e. nabla_{x} log p_t(cond | x_t). + """ + with torch.enable_grad(): + x_in = x.detach().requires_grad_(True) + log_prob = classifier_fn(x_in, t_input, condition, **classifier_kwargs) + return torch.autograd.grad(log_prob.sum(), x_in)[0] + + def model_fn(x, t_continuous): + """ + The noise predicition model function that is used for DPM-Solver. + """ + if guidance_type == "uncond": + return noise_pred_fn(x, t_continuous) + elif guidance_type == "classifier": + assert classifier_fn is not None + t_input = get_model_input_time(t_continuous) + cond_grad = cond_grad_fn(x, t_input) + sigma_t = noise_schedule.marginal_std(t_continuous) + noise = noise_pred_fn(x, t_continuous) + return noise - guidance_scale * expand_dims(sigma_t, x.dim()) * cond_grad + elif guidance_type == "classifier-free": + if guidance_scale == 1. or unconditional_condition is None: + return noise_pred_fn(x, t_continuous, cond=condition) + x_in = torch.cat([x] * 2) + t_in = torch.cat([t_continuous] * 2) + # c_in = torch.cat([unconditional_condition, condition]) + c_in_y = torch.cat([unconditional_condition[0], condition[0]]) + c_in_dino = torch.cat([unconditional_condition[1], condition[1]]) + noise_uncond, noise = noise_pred_fn(x_in, t_in, cond=c_in_y, cond_2=c_in_dino).chunk(2) + return noise_uncond + guidance_scale * (noise - noise_uncond) + + assert model_type in ["noise", "x_start", "v", "score"] + assert guidance_type in ["uncond", "classifier", "classifier-free"] + return model_fn + + +class DPM_Solver: + def __init__( + self, + model_fn, + noise_schedule, + algorithm_type="dpmsolver++", + correcting_x0_fn=None, + correcting_xt_fn=None, + thresholding_max_val=1., + dynamic_thresholding_ratio=0.995, + ): + """Construct a DPM-Solver. + + We support both DPM-Solver (`algorithm_type="dpmsolver"`) and DPM-Solver++ (`algorithm_type="dpmsolver++"`). + + We also support the "dynamic thresholding" method in Imagen[1]. For pixel-space diffusion vae, you + can set both `algorithm_type="dpmsolver++"` and `correcting_x0_fn="dynamic_thresholding"` to use the + dynamic thresholding. The "dynamic thresholding" can greatly improve the sample quality for pixel-space + DPMs with large guidance scales. Note that the thresholding method is **unsuitable** for latent-space + DPMs (such as stable-diffusion). + + To support advanced algorithms in image-to-image applications, we also support corrector functions for + both x0 and xt. + + Args: + model_fn: A noise prediction model function which accepts the continuous-time input (t in [epsilon, T]): + `` + def model_fn(x, t_continuous): + return noise + `` + The shape of `x` is `(batch_size, **shape)`, and the shape of `t_continuous` is `(batch_size,)`. + noise_schedule: A noise schedule object, such as NoiseScheduleVP. + algorithm_type: A `str`. Either "dpmsolver" or "dpmsolver++". + correcting_x0_fn: A `str` or a function with the following format: + ``` + def correcting_x0_fn(x0, t): + x0_new = ... + return x0_new + ``` + This function is to correct the outputs of the data prediction model at each sampling step. e.g., + ``` + x0_pred = data_pred_model(xt, t) + if correcting_x0_fn is not None: + x0_pred = correcting_x0_fn(x0_pred, t) + xt_1 = update(x0_pred, xt, t) + ``` + If `correcting_x0_fn="dynamic_thresholding"`, we use the dynamic thresholding proposed in Imagen[1]. + correcting_xt_fn: A function with the following format: + ``` + def correcting_xt_fn(xt, t, step): + x_new = ... + return x_new + ``` + This function is to correct the intermediate samples xt at each sampling step. e.g., + ``` + xt = ... + xt = correcting_xt_fn(xt, t, step) + ``` + thresholding_max_val: A `float`. The max value for thresholding. + Valid only when use `dpmsolver++` and `correcting_x0_fn="dynamic_thresholding"`. + dynamic_thresholding_ratio: A `float`. The ratio for dynamic thresholding (see Imagen[1] for details). + Valid only when use `dpmsolver++` and `correcting_x0_fn="dynamic_thresholding"`. + + [1] Chitwan Saharia, William Chan, Saurabh Saxena, Lala Li, Jay Whang, Emily Denton, Seyed Kamyar Seyed Ghasemipour, + Burcu Karagol Ayan, S Sara Mahdavi, Rapha Gontijo Lopes, et al. Photorealistic text-to-image diffusion vae + with deep language understanding. arXiv preprint arXiv:2205.11487, 2022b. + """ + self.model = lambda x, t: model_fn(x, t.expand((x.shape[0]))) + self.noise_schedule = noise_schedule + assert algorithm_type in ["dpmsolver", "dpmsolver++"] + self.algorithm_type = algorithm_type + if correcting_x0_fn == "dynamic_thresholding": + self.correcting_x0_fn = self.dynamic_thresholding_fn + else: + self.correcting_x0_fn = correcting_x0_fn + self.correcting_xt_fn = correcting_xt_fn + self.dynamic_thresholding_ratio = dynamic_thresholding_ratio + self.thresholding_max_val = thresholding_max_val + + def dynamic_thresholding_fn(self, x0, t): + """ + The dynamic thresholding method. + """ + dims = x0.dim() + p = self.dynamic_thresholding_ratio + s = torch.quantile(torch.abs(x0).reshape((x0.shape[0], -1)), p, dim=1) + s = expand_dims(torch.maximum(s, self.thresholding_max_val * torch.ones_like(s).to(s.device)), dims) + x0 = torch.clamp(x0, -s, s) / s + return x0 + + def noise_prediction_fn(self, x, t): + """ + Return the noise prediction model. + """ + return self.model(x, t) + + def data_prediction_fn(self, x, t): + """ + Return the data prediction model (with corrector). + """ + noise = self.noise_prediction_fn(x, t) + alpha_t, sigma_t = self.noise_schedule.marginal_alpha(t), self.noise_schedule.marginal_std(t) + x0 = (x - sigma_t * noise) / alpha_t + if self.correcting_x0_fn is not None: + x0 = self.correcting_x0_fn(x0, t) + return x0 + + def model_fn(self, x, t): + """ + Convert the model to the noise prediction model or the data prediction model. + """ + if self.algorithm_type == "dpmsolver++": + return self.data_prediction_fn(x, t) + else: + return self.noise_prediction_fn(x, t) + + def get_time_steps(self, skip_type, t_T, t_0, N, device): + """Compute the intermediate time steps for sampling. + + Args: + skip_type: A `str`. The type for the spacing of the time steps. We support three types: + - 'logSNR': uniform logSNR for the time steps. + - 'time_uniform': uniform time for the time steps. (**Recommended for high-resolutional data**.) + - 'time_quadratic': quadratic time for the time steps. (Used in DDIM for low-resolutional data.) + t_T: A `float`. The starting time of the sampling (default is T). + t_0: A `float`. The ending time of the sampling (default is epsilon). + N: A `int`. The total number of the spacing of the time steps. + device: A torch device. + Returns: + A pytorch tensor of the time steps, with the shape (N + 1,). + """ + if skip_type == 'logSNR': + lambda_T = self.noise_schedule.marginal_lambda(torch.tensor(t_T).to(device)) + lambda_0 = self.noise_schedule.marginal_lambda(torch.tensor(t_0).to(device)) + logSNR_steps = torch.linspace(lambda_T.cpu().item(), lambda_0.cpu().item(), N + 1).to(device) + return self.noise_schedule.inverse_lambda(logSNR_steps) + elif skip_type == 'time_uniform': + return torch.linspace(t_T, t_0, N + 1).to(device) + elif skip_type == 'time_quadratic': + t_order = 2 + return ( + torch.linspace( + t_T ** (1.0 / t_order), t_0 ** (1.0 / t_order), N + 1 + ) + .pow(t_order) + .to(device) + ) + else: + raise ValueError( + f"Unsupported skip_type {skip_type}, need to be 'logSNR' or 'time_uniform' or 'time_quadratic'" + ) + + def get_orders_and_timesteps_for_singlestep_solver(self, steps, order, skip_type, t_T, t_0, device): + """ + Get the order of each step for sampling by the singlestep DPM-Solver. + + We combine both DPM-Solver-1,2,3 to use all the function evaluations, which is named as "DPM-Solver-fast". + Given a fixed number of function evaluations by `steps`, the sampling procedure by DPM-Solver-fast is: + - If order == 1: + We take `steps` of DPM-Solver-1 (i.e. DDIM). + - If order == 2: + - Denote K = (steps // 2). We take K or (K + 1) intermediate time steps for sampling. + - If steps % 2 == 0, we use K steps of DPM-Solver-2. + - If steps % 2 == 1, we use K steps of DPM-Solver-2 and 1 step of DPM-Solver-1. + - If order == 3: + - Denote K = (steps // 3 + 1). We take K intermediate time steps for sampling. + - If steps % 3 == 0, we use (K - 2) steps of DPM-Solver-3, and 1 step of DPM-Solver-2 and 1 step of DPM-Solver-1. + - If steps % 3 == 1, we use (K - 1) steps of DPM-Solver-3 and 1 step of DPM-Solver-1. + - If steps % 3 == 2, we use (K - 1) steps of DPM-Solver-3 and 1 step of DPM-Solver-2. + + ============================================ + Args: + order: A `int`. The max order for the solver (2 or 3). + steps: A `int`. The total number of function evaluations (NFE). + skip_type: A `str`. The type for the spacing of the time steps. We support three types: + - 'logSNR': uniform logSNR for the time steps. + - 'time_uniform': uniform time for the time steps. (**Recommended for high-resolutional data**.) + - 'time_quadratic': quadratic time for the time steps. (Used in DDIM for low-resolutional data.) + t_T: A `float`. The starting time of the sampling (default is T). + t_0: A `float`. The ending time of the sampling (default is epsilon). + device: A torch device. + Returns: + orders: A list of the solver order of each step. + """ + if order == 3: + K = steps // 3 + 1 + if steps % 3 == 0: + orders = [3, ] * (K - 2) + [2, 1] + elif steps % 3 == 1: + orders = [3, ] * (K - 1) + [1] + else: + orders = [3, ] * (K - 1) + [2] + elif order == 2: + if steps % 2 == 0: + K = steps // 2 + orders = [2, ] * K + else: + K = steps // 2 + 1 + orders = [2, ] * (K - 1) + [1] + elif order == 1: + K = 1 + orders = [1, ] * steps + else: + raise ValueError("'order' must be '1' or '2' or '3'.") + if skip_type == 'logSNR': + # To reproduce the results in DPM-Solver paper + timesteps_outer = self.get_time_steps(skip_type, t_T, t_0, K, device) + else: + timesteps_outer = self.get_time_steps(skip_type, t_T, t_0, steps, device)[ + torch.cumsum(torch.tensor([0, ] + orders), 0).to(device)] + return timesteps_outer, orders + + def denoise_to_zero_fn(self, x, s): + """ + Denoise at the final step, which is equivalent to solve the ODE from lambda_s to infty by first-order discretization. + """ + return self.data_prediction_fn(x, s) + + def dpm_solver_first_update(self, x, s, t, model_s=None, return_intermediate=False): + """ + DPM-Solver-1 (equivalent to DDIM) from time `s` to time `t`. + + Args: + x: A pytorch tensor. The initial value at time `s`. + s: A pytorch tensor. The starting time, with the shape (1,). + t: A pytorch tensor. The ending time, with the shape (1,). + model_s: A pytorch tensor. The model function evaluated at time `s`. + If `model_s` is None, we evaluate the model by `x` and `s`; otherwise we directly use it. + return_intermediate: A `bool`. If true, also return the model value at time `s`. + Returns: + x_t: A pytorch tensor. The approximated solution at time `t`. + """ + ns = self.noise_schedule + dims = x.dim() + lambda_s, lambda_t = ns.marginal_lambda(s), ns.marginal_lambda(t) + h = lambda_t - lambda_s + log_alpha_s, log_alpha_t = ns.marginal_log_mean_coeff(s), ns.marginal_log_mean_coeff(t) + sigma_s, sigma_t = ns.marginal_std(s), ns.marginal_std(t) + alpha_t = torch.exp(log_alpha_t) + + if self.algorithm_type == "dpmsolver++": + phi_1 = torch.expm1(-h) + if model_s is None: + model_s = self.model_fn(x, s) + x_t = ( + sigma_t / sigma_s * x + - alpha_t * phi_1 * model_s + ) + else: + phi_1 = torch.expm1(h) + if model_s is None: + model_s = self.model_fn(x, s) + x_t = ( + torch.exp(log_alpha_t - log_alpha_s) * x + - (sigma_t * phi_1) * model_s + ) + return (x_t, {'model_s': model_s}) if return_intermediate else x_t + + def singlestep_dpm_solver_second_update(self, x, s, t, r1=0.5, model_s=None, return_intermediate=False, + solver_type='dpmsolver'): + """ + Singlestep solver DPM-Solver-2 from time `s` to time `t`. + + Args: + x: A pytorch tensor. The initial value at time `s`. + s: A pytorch tensor. The starting time, with the shape (1,). + t: A pytorch tensor. The ending time, with the shape (1,). + r1: A `float`. The hyperparameter of the second-order solver. + model_s: A pytorch tensor. The model function evaluated at time `s`. + If `model_s` is None, we evaluate the model by `x` and `s`; otherwise we directly use it. + return_intermediate: A `bool`. If true, also return the model value at time `s` and `s1` (the intermediate time). + solver_type: either 'dpmsolver' or 'taylor'. The type for the high-order solvers. + The type slightly impacts the performance. We recommend to use 'dpmsolver' type. + Returns: + x_t: A pytorch tensor. The approximated solution at time `t`. + """ + if solver_type not in ['dpmsolver', 'taylor']: + raise ValueError( + f"'solver_type' must be either 'dpmsolver' or 'taylor', got {solver_type}" + ) + if r1 is None: + r1 = 0.5 + ns = self.noise_schedule + lambda_s, lambda_t = ns.marginal_lambda(s), ns.marginal_lambda(t) + h = lambda_t - lambda_s + lambda_s1 = lambda_s + r1 * h + s1 = ns.inverse_lambda(lambda_s1) + log_alpha_s, log_alpha_s1, log_alpha_t = ns.marginal_log_mean_coeff(s), ns.marginal_log_mean_coeff( + s1), ns.marginal_log_mean_coeff(t) + sigma_s, sigma_s1, sigma_t = ns.marginal_std(s), ns.marginal_std(s1), ns.marginal_std(t) + alpha_s1, alpha_t = torch.exp(log_alpha_s1), torch.exp(log_alpha_t) + + if self.algorithm_type == "dpmsolver++": + phi_11 = torch.expm1(-r1 * h) + phi_1 = torch.expm1(-h) + + if model_s is None: + model_s = self.model_fn(x, s) + x_s1 = ( + (sigma_s1 / sigma_s) * x + - (alpha_s1 * phi_11) * model_s + ) + model_s1 = self.model_fn(x_s1, s1) + if solver_type == 'dpmsolver': + x_t = ( + (sigma_t / sigma_s) * x + - (alpha_t * phi_1) * model_s + - (0.5 / r1) * (alpha_t * phi_1) * (model_s1 - model_s) + ) + elif solver_type == 'taylor': + x_t = ( + (sigma_t / sigma_s) * x + - (alpha_t * phi_1) * model_s + + (1. / r1) * (alpha_t * (phi_1 / h + 1.)) * (model_s1 - model_s) + ) + else: + phi_11 = torch.expm1(r1 * h) + phi_1 = torch.expm1(h) + + if model_s is None: + model_s = self.model_fn(x, s) + x_s1 = ( + torch.exp(log_alpha_s1 - log_alpha_s) * x + - (sigma_s1 * phi_11) * model_s + ) + model_s1 = self.model_fn(x_s1, s1) + if solver_type == 'dpmsolver': + x_t = ( + torch.exp(log_alpha_t - log_alpha_s) * x + - (sigma_t * phi_1) * model_s + - (0.5 / r1) * (sigma_t * phi_1) * (model_s1 - model_s) + ) + elif solver_type == 'taylor': + x_t = ( + torch.exp(log_alpha_t - log_alpha_s) * x + - (sigma_t * phi_1) * model_s + - (1. / r1) * (sigma_t * (phi_1 / h - 1.)) * (model_s1 - model_s) + ) + if return_intermediate: + return x_t, {'model_s': model_s, 'model_s1': model_s1} + else: + return x_t + + def singlestep_dpm_solver_third_update(self, x, s, t, r1=1. / 3., r2=2. / 3., model_s=None, model_s1=None, + return_intermediate=False, solver_type='dpmsolver'): + """ + Singlestep solver DPM-Solver-3 from time `s` to time `t`. + + Args: + x: A pytorch tensor. The initial value at time `s`. + s: A pytorch tensor. The starting time, with the shape (1,). + t: A pytorch tensor. The ending time, with the shape (1,). + r1: A `float`. The hyperparameter of the third-order solver. + r2: A `float`. The hyperparameter of the third-order solver. + model_s: A pytorch tensor. The model function evaluated at time `s`. + If `model_s` is None, we evaluate the model by `x` and `s`; otherwise we directly use it. + model_s1: A pytorch tensor. The model function evaluated at time `s1` (the intermediate time given by `r1`). + If `model_s1` is None, we evaluate the model at `s1`; otherwise we directly use it. + return_intermediate: A `bool`. If true, also return the model value at time `s`, `s1` and `s2` (the intermediate times). + solver_type: either 'dpmsolver' or 'taylor'. The type for the high-order solvers. + The type slightly impacts the performance. We recommend to use 'dpmsolver' type. + Returns: + x_t: A pytorch tensor. The approximated solution at time `t`. + """ + if solver_type not in ['dpmsolver', 'taylor']: + raise ValueError( + f"'solver_type' must be either 'dpmsolver' or 'taylor', got {solver_type}" + ) + if r1 is None: + r1 = 1. / 3. + if r2 is None: + r2 = 2. / 3. + ns = self.noise_schedule + lambda_s, lambda_t = ns.marginal_lambda(s), ns.marginal_lambda(t) + h = lambda_t - lambda_s + lambda_s1 = lambda_s + r1 * h + lambda_s2 = lambda_s + r2 * h + s1 = ns.inverse_lambda(lambda_s1) + s2 = ns.inverse_lambda(lambda_s2) + log_alpha_s, log_alpha_s1, log_alpha_s2, log_alpha_t = ns.marginal_log_mean_coeff( + s), ns.marginal_log_mean_coeff(s1), ns.marginal_log_mean_coeff(s2), ns.marginal_log_mean_coeff(t) + sigma_s, sigma_s1, sigma_s2, sigma_t = ns.marginal_std(s), ns.marginal_std(s1), ns.marginal_std( + s2), ns.marginal_std(t) + alpha_s1, alpha_s2, alpha_t = torch.exp(log_alpha_s1), torch.exp(log_alpha_s2), torch.exp(log_alpha_t) + + if self.algorithm_type == "dpmsolver++": + phi_11 = torch.expm1(-r1 * h) + phi_12 = torch.expm1(-r2 * h) + phi_1 = torch.expm1(-h) + phi_22 = torch.expm1(-r2 * h) / (r2 * h) + 1. + phi_2 = phi_1 / h + 1. + phi_3 = phi_2 / h - 0.5 + + if model_s is None: + model_s = self.model_fn(x, s) + if model_s1 is None: + x_s1 = ( + (sigma_s1 / sigma_s) * x + - (alpha_s1 * phi_11) * model_s + ) + model_s1 = self.model_fn(x_s1, s1) + x_s2 = ( + (sigma_s2 / sigma_s) * x + - (alpha_s2 * phi_12) * model_s + + r2 / r1 * (alpha_s2 * phi_22) * (model_s1 - model_s) + ) + model_s2 = self.model_fn(x_s2, s2) + if solver_type == 'dpmsolver': + x_t = ( + (sigma_t / sigma_s) * x + - (alpha_t * phi_1) * model_s + + (1. / r2) * (alpha_t * phi_2) * (model_s2 - model_s) + ) + elif solver_type == 'taylor': + D1_0 = (1. / r1) * (model_s1 - model_s) + D1_1 = (1. / r2) * (model_s2 - model_s) + D1 = (r2 * D1_0 - r1 * D1_1) / (r2 - r1) + D2 = 2. * (D1_1 - D1_0) / (r2 - r1) + x_t = ( + (sigma_t / sigma_s) * x + - (alpha_t * phi_1) * model_s + + (alpha_t * phi_2) * D1 + - (alpha_t * phi_3) * D2 + ) + else: + phi_11 = torch.expm1(r1 * h) + phi_12 = torch.expm1(r2 * h) + phi_1 = torch.expm1(h) + phi_22 = torch.expm1(r2 * h) / (r2 * h) - 1. + phi_2 = phi_1 / h - 1. + phi_3 = phi_2 / h - 0.5 + + if model_s is None: + model_s = self.model_fn(x, s) + if model_s1 is None: + x_s1 = ( + (torch.exp(log_alpha_s1 - log_alpha_s)) * x + - (sigma_s1 * phi_11) * model_s + ) + model_s1 = self.model_fn(x_s1, s1) + x_s2 = ( + (torch.exp(log_alpha_s2 - log_alpha_s)) * x + - (sigma_s2 * phi_12) * model_s + - r2 / r1 * (sigma_s2 * phi_22) * (model_s1 - model_s) + ) + model_s2 = self.model_fn(x_s2, s2) + if solver_type == 'dpmsolver': + x_t = ( + (torch.exp(log_alpha_t - log_alpha_s)) * x + - (sigma_t * phi_1) * model_s + - (1. / r2) * (sigma_t * phi_2) * (model_s2 - model_s) + ) + elif solver_type == 'taylor': + D1_0 = (1. / r1) * (model_s1 - model_s) + D1_1 = (1. / r2) * (model_s2 - model_s) + D1 = (r2 * D1_0 - r1 * D1_1) / (r2 - r1) + D2 = 2. * (D1_1 - D1_0) / (r2 - r1) + x_t = ( + (torch.exp(log_alpha_t - log_alpha_s)) * x + - (sigma_t * phi_1) * model_s + - (sigma_t * phi_2) * D1 + - (sigma_t * phi_3) * D2 + ) + + if return_intermediate: + return x_t, {'model_s': model_s, 'model_s1': model_s1, 'model_s2': model_s2} + else: + return x_t + + def multistep_dpm_solver_second_update(self, x, model_prev_list, t_prev_list, t, solver_type="dpmsolver"): + """ + Multistep solver DPM-Solver-2 from time `t_prev_list[-1]` to time `t`. + + Args: + x: A pytorch tensor. The initial value at time `s`. + model_prev_list: A list of pytorch tensor. The previous computed model values. + t_prev_list: A list of pytorch tensor. The previous times, each time has the shape (1,) + t: A pytorch tensor. The ending time, with the shape (1,). + solver_type: either 'dpmsolver' or 'taylor'. The type for the high-order solvers. + The type slightly impacts the performance. We recommend to use 'dpmsolver' type. + Returns: + x_t: A pytorch tensor. The approximated solution at time `t`. + """ + if solver_type not in ['dpmsolver', 'taylor']: + raise ValueError( + f"'solver_type' must be either 'dpmsolver' or 'taylor', got {solver_type}" + ) + ns = self.noise_schedule + model_prev_1, model_prev_0 = model_prev_list[-2], model_prev_list[-1] + t_prev_1, t_prev_0 = t_prev_list[-2], t_prev_list[-1] + lambda_prev_1, lambda_prev_0, lambda_t = ns.marginal_lambda(t_prev_1), ns.marginal_lambda( + t_prev_0), ns.marginal_lambda(t) + log_alpha_prev_0, log_alpha_t = ns.marginal_log_mean_coeff(t_prev_0), ns.marginal_log_mean_coeff(t) + sigma_prev_0, sigma_t = ns.marginal_std(t_prev_0), ns.marginal_std(t) + alpha_t = torch.exp(log_alpha_t) + + h_0 = lambda_prev_0 - lambda_prev_1 + h = lambda_t - lambda_prev_0 + r0 = h_0 / h + D1_0 = (1. / r0) * (model_prev_0 - model_prev_1) + if self.algorithm_type == "dpmsolver++": + phi_1 = torch.expm1(-h) + if solver_type == 'dpmsolver': + x_t = ( + (sigma_t / sigma_prev_0) * x + - (alpha_t * phi_1) * model_prev_0 + - 0.5 * (alpha_t * phi_1) * D1_0 + ) + elif solver_type == 'taylor': + x_t = ( + (sigma_t / sigma_prev_0) * x + - (alpha_t * phi_1) * model_prev_0 + + (alpha_t * (phi_1 / h + 1.)) * D1_0 + ) + else: + phi_1 = torch.expm1(h) + if solver_type == 'dpmsolver': + x_t = ( + (torch.exp(log_alpha_t - log_alpha_prev_0)) * x + - (sigma_t * phi_1) * model_prev_0 + - 0.5 * (sigma_t * phi_1) * D1_0 + ) + elif solver_type == 'taylor': + x_t = ( + (torch.exp(log_alpha_t - log_alpha_prev_0)) * x + - (sigma_t * phi_1) * model_prev_0 + - (sigma_t * (phi_1 / h - 1.)) * D1_0 + ) + return x_t + + def multistep_dpm_solver_third_update(self, x, model_prev_list, t_prev_list, t, solver_type='dpmsolver'): + """ + Multistep solver DPM-Solver-3 from time `t_prev_list[-1]` to time `t`. + + Args: + x: A pytorch tensor. The initial value at time `s`. + model_prev_list: A list of pytorch tensor. The previous computed model values. + t_prev_list: A list of pytorch tensor. The previous times, each time has the shape (1,) + t: A pytorch tensor. The ending time, with the shape (1,). + solver_type: either 'dpmsolver' or 'taylor'. The type for the high-order solvers. + The type slightly impacts the performance. We recommend to use 'dpmsolver' type. + Returns: + x_t: A pytorch tensor. The approximated solution at time `t`. + """ + ns = self.noise_schedule + model_prev_2, model_prev_1, model_prev_0 = model_prev_list + t_prev_2, t_prev_1, t_prev_0 = t_prev_list + lambda_prev_2, lambda_prev_1, lambda_prev_0, lambda_t = ns.marginal_lambda(t_prev_2), ns.marginal_lambda( + t_prev_1), ns.marginal_lambda(t_prev_0), ns.marginal_lambda(t) + log_alpha_prev_0, log_alpha_t = ns.marginal_log_mean_coeff(t_prev_0), ns.marginal_log_mean_coeff(t) + sigma_prev_0, sigma_t = ns.marginal_std(t_prev_0), ns.marginal_std(t) + alpha_t = torch.exp(log_alpha_t) + + h_1 = lambda_prev_1 - lambda_prev_2 + h_0 = lambda_prev_0 - lambda_prev_1 + h = lambda_t - lambda_prev_0 + r0, r1 = h_0 / h, h_1 / h + D1_0 = (1. / r0) * (model_prev_0 - model_prev_1) + D1_1 = (1. / r1) * (model_prev_1 - model_prev_2) + D1 = D1_0 + (r0 / (r0 + r1)) * (D1_0 - D1_1) + D2 = (1. / (r0 + r1)) * (D1_0 - D1_1) + if self.algorithm_type == "dpmsolver++": + phi_1 = torch.expm1(-h) + phi_2 = phi_1 / h + 1. + phi_3 = phi_2 / h - 0.5 + return ( + (sigma_t / sigma_prev_0) * x + - (alpha_t * phi_1) * model_prev_0 + + (alpha_t * phi_2) * D1 + - (alpha_t * phi_3) * D2 + ) + else: + phi_1 = torch.expm1(h) + phi_2 = phi_1 / h - 1. + phi_3 = phi_2 / h - 0.5 + return ( + (torch.exp(log_alpha_t - log_alpha_prev_0)) * x + - (sigma_t * phi_1) * model_prev_0 + - (sigma_t * phi_2) * D1 + - (sigma_t * phi_3) * D2 + ) + + def singlestep_dpm_solver_update(self, x, s, t, order, return_intermediate=False, solver_type='dpmsolver', r1=None, + r2=None): + """ + Singlestep DPM-Solver with the order `order` from time `s` to time `t`. + + Args: + x: A pytorch tensor. The initial value at time `s`. + s: A pytorch tensor. The starting time, with the shape (1,). + t: A pytorch tensor. The ending time, with the shape (1,). + order: A `int`. The order of DPM-Solver. We only support order == 1 or 2 or 3. + return_intermediate: A `bool`. If true, also return the model value at time `s`, `s1` and `s2` (the intermediate times). + solver_type: either 'dpmsolver' or 'taylor'. The type for the high-order solvers. + The type slightly impacts the performance. We recommend to use 'dpmsolver' type. + r1: A `float`. The hyperparameter of the second-order or third-order solver. + r2: A `float`. The hyperparameter of the third-order solver. + Returns: + x_t: A pytorch tensor. The approximated solution at time `t`. + """ + if order == 1: + return self.dpm_solver_first_update(x, s, t, return_intermediate=return_intermediate) + elif order == 2: + return self.singlestep_dpm_solver_second_update(x, s, t, return_intermediate=return_intermediate, + solver_type=solver_type, r1=r1) + elif order == 3: + return self.singlestep_dpm_solver_third_update(x, s, t, return_intermediate=return_intermediate, + solver_type=solver_type, r1=r1, r2=r2) + else: + raise ValueError(f"Solver order must be 1 or 2 or 3, got {order}") + + def multistep_dpm_solver_update(self, x, model_prev_list, t_prev_list, t, order, solver_type='dpmsolver'): + """ + Multistep DPM-Solver with the order `order` from time `t_prev_list[-1]` to time `t`. + + Args: + x: A pytorch tensor. The initial value at time `s`. + model_prev_list: A list of pytorch tensor. The previous computed model values. + t_prev_list: A list of pytorch tensor. The previous times, each time has the shape (1,) + t: A pytorch tensor. The ending time, with the shape (1,). + order: A `int`. The order of DPM-Solver. We only support order == 1 or 2 or 3. + solver_type: either 'dpmsolver' or 'taylor'. The type for the high-order solvers. + The type slightly impacts the performance. We recommend to use 'dpmsolver' type. + Returns: + x_t: A pytorch tensor. The approximated solution at time `t`. + """ + if order == 1: + return self.dpm_solver_first_update(x, t_prev_list[-1], t, model_s=model_prev_list[-1]) + elif order == 2: + return self.multistep_dpm_solver_second_update(x, model_prev_list, t_prev_list, t, solver_type=solver_type) + elif order == 3: + return self.multistep_dpm_solver_third_update(x, model_prev_list, t_prev_list, t, solver_type=solver_type) + else: + raise ValueError(f"Solver order must be 1 or 2 or 3, got {order}") + + def dpm_solver_adaptive(self, x, order, t_T, t_0, h_init=0.05, atol=0.0078, rtol=0.05, theta=0.9, t_err=1e-5, + solver_type='dpmsolver'): + """ + The adaptive step size solver based on singlestep DPM-Solver. + + Args: + x: A pytorch tensor. The initial value at time `t_T`. + order: A `int`. The (higher) order of the solver. We only support order == 2 or 3. + t_T: A `float`. The starting time of the sampling (default is T). + t_0: A `float`. The ending time of the sampling (default is epsilon). + h_init: A `float`. The initial step size (for logSNR). + atol: A `float`. The absolute tolerance of the solver. For image data, the default setting is 0.0078, followed [1]. + rtol: A `float`. The relative tolerance of the solver. The default setting is 0.05. + theta: A `float`. The safety hyperparameter for adapting the step size. The default setting is 0.9, followed [1]. + t_err: A `float`. The tolerance for the time. We solve the diffusion ODE until the absolute error between the + current time and `t_0` is less than `t_err`. The default setting is 1e-5. + solver_type: either 'dpmsolver' or 'taylor'. The type for the high-order solvers. + The type slightly impacts the performance. We recommend to use 'dpmsolver' type. + Returns: + x_0: A pytorch tensor. The approximated solution at time `t_0`. + + [1] A. Jolicoeur-Martineau, K. Li, R. Piché-Taillefer, T. Kachman, and I. Mitliagkas, "Gotta go fast when generating data with score-based vae," arXiv preprint arXiv:2105.14080, 2021. + """ + ns = self.noise_schedule + s = t_T * torch.ones((1,)).to(x) + lambda_s = ns.marginal_lambda(s) + lambda_0 = ns.marginal_lambda(t_0 * torch.ones_like(s).to(x)) + h = h_init * torch.ones_like(s).to(x) + x_prev = x + nfe = 0 + if order == 2: + r1 = 0.5 + lower_update = lambda x, s, t: self.dpm_solver_first_update(x, s, t, return_intermediate=True) + higher_update = lambda x, s, t, **kwargs: self.singlestep_dpm_solver_second_update(x, s, t, r1=r1, + solver_type=solver_type, + **kwargs) + elif order == 3: + r1, r2 = 1. / 3., 2. / 3. + lower_update = lambda x, s, t: self.singlestep_dpm_solver_second_update(x, s, t, r1=r1, + return_intermediate=True, + solver_type=solver_type) + higher_update = lambda x, s, t, **kwargs: self.singlestep_dpm_solver_third_update(x, s, t, r1=r1, r2=r2, + solver_type=solver_type, + **kwargs) + else: + raise ValueError( + f"For adaptive step size solver, order must be 2 or 3, got {order}" + ) + while torch.abs((s - t_0)).mean() > t_err: + t = ns.inverse_lambda(lambda_s + h) + x_lower, lower_noise_kwargs = lower_update(x, s, t) + x_higher = higher_update(x, s, t, **lower_noise_kwargs) + delta = torch.max(torch.ones_like(x).to(x) * atol, rtol * torch.max(torch.abs(x_lower), torch.abs(x_prev))) + norm_fn = lambda v: torch.sqrt(torch.square(v.reshape((v.shape[0], -1))).mean(dim=-1, keepdim=True)) + E = norm_fn((x_higher - x_lower) / delta).max() + if torch.all(E <= 1.): + x = x_higher + s = t + x_prev = x_lower + lambda_s = ns.marginal_lambda(s) + h = torch.min(theta * h * torch.float_power(E, -1. / order).float(), lambda_0 - lambda_s) + nfe += order + print('adaptive solver nfe', nfe) + return x + + def add_noise(self, x, t, noise=None): + """ + Compute the noised input xt = alpha_t * x + sigma_t * noise. + + Args: + x: A `torch.Tensor` with shape `(batch_size, *shape)`. + t: A `torch.Tensor` with shape `(t_size,)`. + Returns: + xt with shape `(t_size, batch_size, *shape)`. + """ + alpha_t, sigma_t = self.noise_schedule.marginal_alpha(t), self.noise_schedule.marginal_std(t) + if noise is None: + noise = torch.randn((t.shape[0], *x.shape), device=x.device) + x = x.reshape((-1, *x.shape)) + xt = expand_dims(alpha_t, x.dim()) * x + expand_dims(sigma_t, x.dim()) * noise + return xt.squeeze(0) if t.shape[0] == 1 else xt + + def inverse(self, x, steps=20, t_start=None, t_end=None, order=2, skip_type='time_uniform', + method='multistep', lower_order_final=True, denoise_to_zero=False, solver_type='dpmsolver', + atol=0.0078, rtol=0.05, return_intermediate=False, + ): + """ + Inverse the sample `x` from time `t_start` to `t_end` by DPM-Solver. + For discrete-time DPMs, we use `t_start=1/N`, where `N` is the total time steps during training. + """ + t_0 = 1. / self.noise_schedule.total_N if t_start is None else t_start + t_T = self.noise_schedule.T if t_end is None else t_end + assert t_0 > 0 and t_T > 0, "Time range needs to be greater than 0. For discrete-time DPMs, it needs to be in [1 / N, 1], where N is the length of betas array" + return self.sample(x, steps=steps, t_start=t_0, t_end=t_T, order=order, skip_type=skip_type, + method=method, lower_order_final=lower_order_final, denoise_to_zero=denoise_to_zero, + solver_type=solver_type, + atol=atol, rtol=rtol, return_intermediate=return_intermediate) + + def sample(self, x, steps=20, t_start=None, t_end=None, order=2, skip_type='time_uniform', + method='multistep', lower_order_final=True, denoise_to_zero=False, solver_type='dpmsolver', + atol=0.0078, rtol=0.05, return_intermediate=False, + ): + """ + Compute the sample at time `t_end` by DPM-Solver, given the initial `x` at time `t_start`. + + ===================================================== + + We support the following algorithms for both noise prediction model and data prediction model: + - 'singlestep': + Singlestep DPM-Solver (i.e. "DPM-Solver-fast" in the paper), which combines different orders of singlestep DPM-Solver. + We combine all the singlestep solvers with order <= `order` to use up all the function evaluations (steps). + The total number of function evaluations (NFE) == `steps`. + Given a fixed NFE == `steps`, the sampling procedure is: + - If `order` == 1: + - Denote K = steps. We use K steps of DPM-Solver-1 (i.e. DDIM). + - If `order` == 2: + - Denote K = (steps // 2) + (steps % 2). We take K intermediate time steps for sampling. + - If steps % 2 == 0, we use K steps of singlestep DPM-Solver-2. + - If steps % 2 == 1, we use (K - 1) steps of singlestep DPM-Solver-2 and 1 step of DPM-Solver-1. + - If `order` == 3: + - Denote K = (steps // 3 + 1). We take K intermediate time steps for sampling. + - If steps % 3 == 0, we use (K - 2) steps of singlestep DPM-Solver-3, and 1 step of singlestep DPM-Solver-2 and 1 step of DPM-Solver-1. + - If steps % 3 == 1, we use (K - 1) steps of singlestep DPM-Solver-3 and 1 step of DPM-Solver-1. + - If steps % 3 == 2, we use (K - 1) steps of singlestep DPM-Solver-3 and 1 step of singlestep DPM-Solver-2. + - 'multistep': + Multistep DPM-Solver with the order of `order`. The total number of function evaluations (NFE) == `steps`. + We initialize the first `order` values by lower order multistep solvers. + Given a fixed NFE == `steps`, the sampling procedure is: + Denote K = steps. + - If `order` == 1: + - We use K steps of DPM-Solver-1 (i.e. DDIM). + - If `order` == 2: + - We firstly use 1 step of DPM-Solver-1, then use (K - 1) step of multistep DPM-Solver-2. + - If `order` == 3: + - We firstly use 1 step of DPM-Solver-1, then 1 step of multistep DPM-Solver-2, then (K - 2) step of multistep DPM-Solver-3. + - 'singlestep_fixed': + Fixed order singlestep DPM-Solver (i.e. DPM-Solver-1 or singlestep DPM-Solver-2 or singlestep DPM-Solver-3). + We use singlestep DPM-Solver-`order` for `order`=1 or 2 or 3, with total [`steps` // `order`] * `order` NFE. + - 'adaptive': + Adaptive step size DPM-Solver (i.e. "DPM-Solver-12" and "DPM-Solver-23" in the paper). + We ignore `steps` and use adaptive step size DPM-Solver with a higher order of `order`. + You can adjust the absolute tolerance `atol` and the relative tolerance `rtol` to balance the computatation costs + (NFE) and the sample quality. + - If `order` == 2, we use DPM-Solver-12 which combines DPM-Solver-1 and singlestep DPM-Solver-2. + - If `order` == 3, we use DPM-Solver-23 which combines singlestep DPM-Solver-2 and singlestep DPM-Solver-3. + + ===================================================== + + Some advices for choosing the algorithm: + - For **unconditional sampling** or **guided sampling with small guidance scale** by DPMs: + Use singlestep DPM-Solver or DPM-Solver++ ("DPM-Solver-fast" in the paper) with `order = 3`. + e.g., DPM-Solver: + >>> dpm_solver = DPM_Solver(model_fn, noise_schedule, algorithm_type="dpmsolver") + >>> x_sample = dpm_solver.sample(x, steps=steps, t_start=t_start, t_end=t_end, order=3, + skip_type='time_uniform', method='singlestep') + e.g., DPM-Solver++: + >>> dpm_solver = DPM_Solver(model_fn, noise_schedule, algorithm_type="dpmsolver++") + >>> x_sample = dpm_solver.sample(x, steps=steps, t_start=t_start, t_end=t_end, order=3, + skip_type='time_uniform', method='singlestep') + - For **guided sampling with large guidance scale** by DPMs: + Use multistep DPM-Solver with `algorithm_type="dpmsolver++"` and `order = 2`. + e.g. + >>> dpm_solver = DPM_Solver(model_fn, noise_schedule, algorithm_type="dpmsolver++") + >>> x_sample = dpm_solver.sample(x, steps=steps, t_start=t_start, t_end=t_end, order=2, + skip_type='time_uniform', method='multistep') + + We support three types of `skip_type`: + - 'logSNR': uniform logSNR for the time steps. **Recommended for low-resolutional images** + - 'time_uniform': uniform time for the time steps. **Recommended for high-resolutional images**. + - 'time_quadratic': quadratic time for the time steps. + + ===================================================== + Args: + x: A pytorch tensor. The initial value at time `t_start` + e.g. if `t_start` == T, then `x` is a sample from the standard normal distribution. + steps: A `int`. The total number of function evaluations (NFE). + t_start: A `float`. The starting time of the sampling. + If `T` is None, we use self.noise_schedule.T (default is 1.0). + t_end: A `float`. The ending time of the sampling. + If `t_end` is None, we use 1. / self.noise_schedule.total_N. + e.g. if total_N == 1000, we have `t_end` == 1e-3. + For discrete-time DPMs: + - We recommend `t_end` == 1. / self.noise_schedule.total_N. + For continuous-time DPMs: + - We recommend `t_end` == 1e-3 when `steps` <= 15; and `t_end` == 1e-4 when `steps` > 15. + order: A `int`. The order of DPM-Solver. + skip_type: A `str`. The type for the spacing of the time steps. 'time_uniform' or 'logSNR' or 'time_quadratic'. + method: A `str`. The method for sampling. 'singlestep' or 'multistep' or 'singlestep_fixed' or 'adaptive'. + denoise_to_zero: A `bool`. Whether to denoise to time 0 at the final step. + Default is `False`. If `denoise_to_zero` is `True`, the total NFE is (`steps` + 1). + + This trick is firstly proposed by DDPM (https://arxiv.org/abs/2006.11239) and + score_sde (https://arxiv.org/abs/2011.13456). Such trick can improve the FID + for diffusion vae sampling by diffusion SDEs for low-resolutional images + (such as CIFAR-10). However, we observed that such trick does not matter for + high-resolutional images. As it needs an additional NFE, we do not recommend + it for high-resolutional images. + lower_order_final: A `bool`. Whether to use lower order solvers at the final steps. + Only valid for `method=multistep` and `steps < 15`. We empirically find that + this trick is a key to stabilizing the sampling by DPM-Solver with very few steps + (especially for steps <= 10). So we recommend to set it to be `True`. + solver_type: A `str`. The taylor expansion type for the solver. `dpmsolver` or `taylor`. We recommend `dpmsolver`. + atol: A `float`. The absolute tolerance of the adaptive step size solver. Valid when `method` == 'adaptive'. + rtol: A `float`. The relative tolerance of the adaptive step size solver. Valid when `method` == 'adaptive'. + return_intermediate: A `bool`. Whether to save the xt at each step. + When set to `True`, method returns a tuple (x0, intermediates); when set to False, method returns only x0. + Returns: + x_end: A pytorch tensor. The approximated solution at time `t_end`. + + """ + t_0 = 1. / self.noise_schedule.total_N if t_end is None else t_end + t_T = self.noise_schedule.T if t_start is None else t_start + assert t_0 > 0 and t_T > 0, "Time range needs to be greater than 0. For discrete-time DPMs, it needs to be in [1 / N, 1], where N is the length of betas array" + if return_intermediate: + assert method in ['multistep', 'singlestep', + 'singlestep_fixed'], "Cannot use adaptive solver when saving intermediate values" + if self.correcting_xt_fn is not None: + assert method in ['multistep', 'singlestep', + 'singlestep_fixed'], "Cannot use adaptive solver when correcting_xt_fn is not None" + device = x.device + intermediates = [] + with torch.no_grad(): + if method == 'adaptive': + x = self.dpm_solver_adaptive(x, order=order, t_T=t_T, t_0=t_0, atol=atol, rtol=rtol, + solver_type=solver_type) + elif method == 'multistep': + assert steps >= order + timesteps = self.get_time_steps(skip_type=skip_type, t_T=t_T, t_0=t_0, N=steps, device=device) + assert timesteps.shape[0] - 1 == steps + # Init the initial values. + step = 0 + t = timesteps[step] + t_prev_list = [t] + model_prev_list = [self.model_fn(x, t)] + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step) + if return_intermediate: + intermediates.append(x) + # Init the first `order` values by lower order multistep DPM-Solver. + for step in range(1, order): + t = timesteps[step] + x = self.multistep_dpm_solver_update(x, model_prev_list, t_prev_list, t, step, + solver_type=solver_type) + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step) + if return_intermediate: + intermediates.append(x) + t_prev_list.append(t) + model_prev_list.append(self.model_fn(x, t)) + # Compute the remaining values by `order`-th order multistep DPM-Solver. + for step in tqdm(range(order, steps + 1)): + t = timesteps[step] + # We only use lower order for steps < 10 + if lower_order_final and steps < 10: + step_order = min(order, steps + 1 - step) + else: + step_order = order + x = self.multistep_dpm_solver_update(x, model_prev_list, t_prev_list, t, step_order, + solver_type=solver_type) + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step) + if return_intermediate: + intermediates.append(x) + for i in range(order - 1): + t_prev_list[i] = t_prev_list[i + 1] + model_prev_list[i] = model_prev_list[i + 1] + t_prev_list[-1] = t + # We do not need to evaluate the final model value. + if step < steps: + model_prev_list[-1] = self.model_fn(x, t) + elif method in ['singlestep', 'singlestep_fixed']: + if method == 'singlestep': + timesteps_outer, orders = self.get_orders_and_timesteps_for_singlestep_solver(steps=steps, + order=order, + skip_type=skip_type, + t_T=t_T, t_0=t_0, + device=device) + elif method == 'singlestep_fixed': + K = steps // order + orders = [order, ] * K + timesteps_outer = self.get_time_steps(skip_type=skip_type, t_T=t_T, t_0=t_0, N=K, device=device) + for step, order in enumerate(orders): + s, t = timesteps_outer[step], timesteps_outer[step + 1] + timesteps_inner = self.get_time_steps(skip_type=skip_type, t_T=s.item(), t_0=t.item(), N=order, + device=device) + lambda_inner = self.noise_schedule.marginal_lambda(timesteps_inner) + h = lambda_inner[-1] - lambda_inner[0] + r1 = None if order <= 1 else (lambda_inner[1] - lambda_inner[0]) / h + r2 = None if order <= 2 else (lambda_inner[2] - lambda_inner[0]) / h + x = self.singlestep_dpm_solver_update(x, s, t, order, solver_type=solver_type, r1=r1, r2=r2) + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step) + if return_intermediate: + intermediates.append(x) + else: + raise ValueError(f"Got wrong method {method}") + if denoise_to_zero: + t = torch.ones((1,)).to(device) * t_0 + x = self.denoise_to_zero_fn(x, t) + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step + 1) + if return_intermediate: + intermediates.append(x) + return (x, intermediates) if return_intermediate else x + + +############################################################# +# other utility functions +############################################################# + +def interpolate_fn(x, xp, yp): + """ + A piecewise linear function y = f(x), using xp and yp as keypoints. + We implement f(x) in a differentiable way (i.e. applicable for autograd). + The function f(x) is well-defined for all x-axis. (For x beyond the bounds of xp, we use the outmost points of xp to define the linear function.) + + Args: + x: PyTorch tensor with shape [N, C], where N is the batch size, C is the number of channels (we use C = 1 for DPM-Solver). + xp: PyTorch tensor with shape [C, K], where K is the number of keypoints. + yp: PyTorch tensor with shape [C, K]. + Returns: + The function values f(x), with shape [N, C]. + """ + N, K = x.shape[0], xp.shape[1] + all_x = torch.cat([x.unsqueeze(2), xp.unsqueeze(0).repeat((N, 1, 1))], dim=2) + sorted_all_x, x_indices = torch.sort(all_x, dim=2) + x_idx = torch.argmin(x_indices, dim=2) + cand_start_idx = x_idx - 1 + start_idx = torch.where( + torch.eq(x_idx, 0), + torch.tensor(1, device=x.device), + torch.where( + torch.eq(x_idx, K), torch.tensor(K - 2, device=x.device), cand_start_idx, + ), + ) + end_idx = torch.where(torch.eq(start_idx, cand_start_idx), start_idx + 2, start_idx + 1) + start_x = torch.gather(sorted_all_x, dim=2, index=start_idx.unsqueeze(2)).squeeze(2) + end_x = torch.gather(sorted_all_x, dim=2, index=end_idx.unsqueeze(2)).squeeze(2) + start_idx2 = torch.where( + torch.eq(x_idx, 0), + torch.tensor(0, device=x.device), + torch.where( + torch.eq(x_idx, K), torch.tensor(K - 2, device=x.device), cand_start_idx, + ), + ) + y_positions_expanded = yp.unsqueeze(0).expand(N, -1, -1) + start_y = torch.gather(y_positions_expanded, dim=2, index=start_idx2.unsqueeze(2)).squeeze(2) + end_y = torch.gather(y_positions_expanded, dim=2, index=(start_idx2 + 1).unsqueeze(2)).squeeze(2) + return start_y + (x - start_x) * (end_y - start_y) / (end_x - start_x) + + +def expand_dims(v, dims): + """ + Expand the tensor `v` to the dim `dims`. + + Args: + `v`: a PyTorch tensor with shape [N]. + `dim`: a `int`. + Returns: + a PyTorch tensor with shape [N, 1, 1, ..., 1] and the total dimension is `dims`. + """ + return v[(...,) + (None,) * (dims - 1)] \ No newline at end of file diff --git a/DiT_VAE/diffusion/model/edm_sample.py b/DiT_VAE/diffusion/model/edm_sample.py new file mode 100644 index 0000000000000000000000000000000000000000..dccef70ea40c742fdee4243fdf90aa1fac4a93d4 --- /dev/null +++ b/DiT_VAE/diffusion/model/edm_sample.py @@ -0,0 +1,168 @@ +import numpy as np +from tqdm import tqdm + + +# ---------------------------------------------------------------------------- +# Proposed EDM sampler (Algorithm 2). + +def edm_sampler( + net, latents, class_labels=None, cfg_scale=None, randn_like=torch.randn_like, + num_steps=18, sigma_min=0.002, sigma_max=80, rho=7, + S_churn=0, S_min=0, S_max=float('inf'), S_noise=1, **kwargs +): + # Adjust noise levels based on what's supported by the network. + sigma_min = max(sigma_min, net.sigma_min) + sigma_max = min(sigma_max, net.sigma_max) + + # Time step discretization. + step_indices = torch.arange(num_steps, dtype=torch.float64, device=latents.device) + t_steps = (sigma_max ** (1 / rho) + step_indices / (num_steps - 1) * ( + sigma_min ** (1 / rho) - sigma_max ** (1 / rho))) ** rho + t_steps = torch.cat([net.round_sigma(t_steps), torch.zeros_like(t_steps[:1])]) # t_N = 0 + + # Main sampling loop. + x_next = latents.to(torch.float64) * t_steps[0] + for i, (t_cur, t_next) in tqdm(list(enumerate(zip(t_steps[:-1], t_steps[1:])))): # 0, ..., N-1 + x_cur = x_next + + # Increase noise temporarily. + gamma = min(S_churn / num_steps, np.sqrt(2) - 1) if S_min <= t_cur <= S_max else 0 + t_hat = net.round_sigma(t_cur + gamma * t_cur) + x_hat = x_cur + (t_hat ** 2 - t_cur ** 2).sqrt() * S_noise * randn_like(x_cur) + + # Euler step. + denoised = net(x_hat.float(), t_hat, class_labels, cfg_scale, **kwargs)['x'].to(torch.float64) + d_cur = (x_hat - denoised) / t_hat + x_next = x_hat + (t_next - t_hat) * d_cur + + # Apply 2nd order correction. + if i < num_steps - 1: + denoised = net(x_next.float(), t_next, class_labels, cfg_scale, **kwargs)['x'].to(torch.float64) + d_prime = (x_next - denoised) / t_next + x_next = x_hat + (t_next - t_hat) * (0.5 * d_cur + 0.5 * d_prime) + + return x_next + + +# ---------------------------------------------------------------------------- +# Generalized ablation sampler, representing the superset of all sampling +# methods discussed in the paper. + +def ablation_sampler( + net, latents, class_labels=None, cfg_scale=None, feat=None, randn_like=torch.randn_like, + num_steps=18, sigma_min=None, sigma_max=None, rho=7, + solver='heun', discretization='edm', schedule='linear', scaling='none', + epsilon_s=1e-3, C_1=0.001, C_2=0.008, M=1000, alpha=1, + S_churn=0, S_min=0, S_max=float('inf'), S_noise=1, +): + assert solver in ['euler', 'heun'] + assert discretization in ['vp', 've', 'iddpm', 'edm'] + assert schedule in ['vp', 've', 'linear'] + assert scaling in ['vp', 'none'] + + # Helper functions for VP & VE noise level schedules. + vp_sigma = lambda beta_d, beta_min: lambda t: (np.e ** (0.5 * beta_d * (t ** 2) + beta_min * t) - 1) ** 0.5 + vp_sigma_deriv = lambda beta_d, beta_min: lambda t: 0.5 * (beta_min + beta_d * t) * (sigma(t) + 1 / sigma(t)) + vp_sigma_inv = lambda beta_d, beta_min: lambda sigma: ((beta_min ** 2 + 2 * beta_d * ( + sigma ** 2 + 1).log()).sqrt() - beta_min) / beta_d + ve_sigma = lambda t: t.sqrt() + ve_sigma_deriv = lambda t: 0.5 / t.sqrt() + ve_sigma_inv = lambda sigma: sigma ** 2 + + # Select default noise level range based on the specified time step discretization. + if sigma_min is None: + vp_def = vp_sigma(beta_d=19.1, beta_min=0.1)(t=epsilon_s) + sigma_min = {'vp': vp_def, 've': 0.02, 'iddpm': 0.002, 'edm': 0.002}[discretization] + if sigma_max is None: + vp_def = vp_sigma(beta_d=19.1, beta_min=0.1)(t=1) + sigma_max = {'vp': vp_def, 've': 100, 'iddpm': 81, 'edm': 80}[discretization] + + # Adjust noise levels based on what's supported by the network. + sigma_min = max(sigma_min, net.sigma_min) + sigma_max = min(sigma_max, net.sigma_max) + + # Compute corresponding betas for VP. + vp_beta_d = 2 * (np.log(sigma_min ** 2 + 1) / epsilon_s - np.log(sigma_max ** 2 + 1)) / (epsilon_s - 1) + vp_beta_min = np.log(sigma_max ** 2 + 1) - 0.5 * vp_beta_d + + # Define time steps in terms of noise level. + step_indices = torch.arange(num_steps, dtype=torch.float64, device=latents.device) + if discretization == 'vp': + orig_t_steps = 1 + step_indices / (num_steps - 1) * (epsilon_s - 1) + sigma_steps = vp_sigma(vp_beta_d, vp_beta_min)(orig_t_steps) + elif discretization == 've': + orig_t_steps = (sigma_max ** 2) * ((sigma_min ** 2 / sigma_max ** 2) ** (step_indices / (num_steps - 1))) + sigma_steps = ve_sigma(orig_t_steps) + elif discretization == 'iddpm': + u = torch.zeros(M + 1, dtype=torch.float64, device=latents.device) + alpha_bar = lambda j: (0.5 * np.pi * j / M / (C_2 + 1)).sin() ** 2 + for j in torch.arange(M, 0, -1, device=latents.device): # M, ..., 1 + u[j - 1] = ((u[j] ** 2 + 1) / (alpha_bar(j - 1) / alpha_bar(j)).clip(min=C_1) - 1).sqrt() + u_filtered = u[torch.logical_and(u >= sigma_min, u <= sigma_max)] + sigma_steps = u_filtered[((len(u_filtered) - 1) / (num_steps - 1) * step_indices).round().to(torch.int64)] + else: + assert discretization == 'edm' + sigma_steps = (sigma_max ** (1 / rho) + step_indices / (num_steps - 1) * ( + sigma_min ** (1 / rho) - sigma_max ** (1 / rho))) ** rho + + # Define noise level schedule. + if schedule == 'vp': + sigma = vp_sigma(vp_beta_d, vp_beta_min) + sigma_deriv = vp_sigma_deriv(vp_beta_d, vp_beta_min) + sigma_inv = vp_sigma_inv(vp_beta_d, vp_beta_min) + elif schedule == 've': + sigma = ve_sigma + sigma_deriv = ve_sigma_deriv + sigma_inv = ve_sigma_inv + else: + assert schedule == 'linear' + sigma = lambda t: t + sigma_deriv = lambda t: 1 + sigma_inv = lambda sigma: sigma + + # Define scaling schedule. + if scaling == 'vp': + s = lambda t: 1 / (1 + sigma(t) ** 2).sqrt() + s_deriv = lambda t: -sigma(t) * sigma_deriv(t) * (s(t) ** 3) + else: + assert scaling == 'none' + s = lambda t: 1 + s_deriv = lambda t: 0 + + # Compute final time steps based on the corresponding noise levels. + t_steps = sigma_inv(net.round_sigma(sigma_steps)) + t_steps = torch.cat([t_steps, torch.zeros_like(t_steps[:1])]) # t_N = 0 + + # Main sampling loop. + t_next = t_steps[0] + x_next = latents.to(torch.float64) * (sigma(t_next) * s(t_next)) + for i, (t_cur, t_next) in enumerate(zip(t_steps[:-1], t_steps[1:])): # 0, ..., N-1 + x_cur = x_next + + # Increase noise temporarily. + gamma = min(S_churn / num_steps, np.sqrt(2) - 1) if S_min <= sigma(t_cur) <= S_max else 0 + t_hat = sigma_inv(net.round_sigma(sigma(t_cur) + gamma * sigma(t_cur))) + x_hat = s(t_hat) / s(t_cur) * x_cur + (sigma(t_hat) ** 2 - sigma(t_cur) ** 2).clip(min=0).sqrt() * s( + t_hat) * S_noise * randn_like(x_cur) + + # Euler step. + h = t_next - t_hat + denoised = net(x_hat.float() / s(t_hat), sigma(t_hat), class_labels, cfg_scale, feat=feat)['x'].to( + torch.float64) + d_cur = (sigma_deriv(t_hat) / sigma(t_hat) + s_deriv(t_hat) / s(t_hat)) * x_hat - sigma_deriv(t_hat) * s( + t_hat) / sigma(t_hat) * denoised + x_prime = x_hat + alpha * h * d_cur + t_prime = t_hat + alpha * h + + # Apply 2nd order correction. + if solver == 'euler' or i == num_steps - 1: + x_next = x_hat + h * d_cur + else: + assert solver == 'heun' + denoised = net(x_prime.float() / s(t_prime), sigma(t_prime), class_labels, cfg_scale, feat=feat)['x'].to( + torch.float64) + d_prime = (sigma_deriv(t_prime) / sigma(t_prime) + s_deriv(t_prime) / s(t_prime)) * x_prime - sigma_deriv( + t_prime) * s(t_prime) / sigma(t_prime) * denoised + x_next = x_hat + h * ((1 - 1 / (2 * alpha)) * d_cur + 1 / (2 * alpha) * d_prime) + + return x_next diff --git a/DiT_VAE/diffusion/model/gaussian_diffusion.py b/DiT_VAE/diffusion/model/gaussian_diffusion.py new file mode 100644 index 0000000000000000000000000000000000000000..fa5382e7f7cdc1298002c3c7f9df95c98e1c2e45 --- /dev/null +++ b/DiT_VAE/diffusion/model/gaussian_diffusion.py @@ -0,0 +1,1006 @@ +# Modified from OpenAI's diffusion repos +# GLIDE: https://github.com/openai/glide-text2im/blob/main/glide_text2im/gaussian_diffusion.py +# ADM: https://github.com/openai/guided-diffusion/blob/main/guided_diffusion +# IDDPM: https://github.com/openai/improved-diffusion/blob/main/improved_diffusion/gaussian_diffusion.py + + +import enum +import math + +import numpy as np +import torch as th +import torch.nn.functional as F + +from .diffusion_utils import discretized_gaussian_log_likelihood, normal_kl + + +def mean_flat(tensor): + """ + Take the mean over all non-batch dimensions. + """ + return tensor.mean(dim=list(range(1, len(tensor.shape)))) + + +class ModelMeanType(enum.Enum): + """ + Which type of output the model predicts. + """ + + PREVIOUS_X = enum.auto() # the model predicts x_{t-1} + START_X = enum.auto() # the model predicts x_0 + EPSILON = enum.auto() # the model predicts epsilon + + +class ModelVarType(enum.Enum): + """ + What is used as the model's output variance. + The LEARNED_RANGE option has been added to allow the model to predict + values between FIXED_SMALL and FIXED_LARGE, making its job easier. + """ + + LEARNED = enum.auto() + FIXED_SMALL = enum.auto() + FIXED_LARGE = enum.auto() + LEARNED_RANGE = enum.auto() + + +class LossType(enum.Enum): + MSE = enum.auto() # use raw MSE loss (and KL when learning variances) + RESCALED_MSE = ( + enum.auto() + ) # use raw MSE loss (with RESCALED_KL when learning variances) + KL = enum.auto() # use the variational lower-bound + RESCALED_KL = enum.auto() # like KL, but rescale to estimate the full VLB + + def is_vb(self): + return self in [LossType.KL, LossType.RESCALED_KL] + + +def _warmup_beta(beta_start, beta_end, num_diffusion_timesteps, warmup_frac): + betas = beta_end * np.ones(num_diffusion_timesteps, dtype=np.float64) + warmup_time = int(num_diffusion_timesteps * warmup_frac) + betas[:warmup_time] = np.linspace(beta_start, beta_end, warmup_time, dtype=np.float64) + return betas + + +def get_beta_schedule(beta_schedule, *, beta_start, beta_end, num_diffusion_timesteps): + """ + This is the deprecated API for creating beta schedules. + See get_named_beta_schedule() for the new library of schedules. + """ + if beta_schedule == "quad": + betas = ( + np.linspace( + beta_start ** 0.5, + beta_end ** 0.5, + num_diffusion_timesteps, + dtype=np.float64, + ) + ** 2 + ) + elif beta_schedule == "linear": + betas = np.linspace(beta_start, beta_end, num_diffusion_timesteps, dtype=np.float64) + elif beta_schedule == "warmup10": + betas = _warmup_beta(beta_start, beta_end, num_diffusion_timesteps, 0.1) + elif beta_schedule == "warmup50": + betas = _warmup_beta(beta_start, beta_end, num_diffusion_timesteps, 0.5) + elif beta_schedule == "const": + betas = beta_end * np.ones(num_diffusion_timesteps, dtype=np.float64) + elif beta_schedule == "jsd": # 1/T, 1/(T-1), 1/(T-2), ..., 1 + betas = 1.0 / np.linspace( + num_diffusion_timesteps, 1, num_diffusion_timesteps, dtype=np.float64 + ) + else: + raise NotImplementedError(beta_schedule) + assert betas.shape == (num_diffusion_timesteps,) + return betas + + +def get_named_beta_schedule(schedule_name, num_diffusion_timesteps): + """ + Get a pre-defined beta schedule for the given name. + The beta schedule library consists of beta schedules which remain similar + in the limit of num_diffusion_timesteps. + Beta schedules may be added, but should not be removed or changed once + they are committed to maintain backwards compatibility. + """ + if schedule_name == "linear": + # Linear schedule from Ho et al, extended to work for any number of + # diffusion steps. + scale = 1000 / num_diffusion_timesteps + return get_beta_schedule( + "linear", + beta_start=scale * 0.0001, + beta_end=scale * 0.02, + num_diffusion_timesteps=num_diffusion_timesteps, + ) + elif schedule_name == "squaredcos_cap_v2": + return betas_for_alpha_bar( + num_diffusion_timesteps, + lambda t: math.cos((t + 0.008) / 1.008 * math.pi / 2) ** 2, + ) + else: + raise NotImplementedError(f"unknown beta schedule: {schedule_name}") + + +def betas_for_alpha_bar(num_diffusion_timesteps, alpha_bar, max_beta=0.999): + """ + Create a beta schedule that discretizes the given alpha_t_bar function, + which defines the cumulative product of (1-beta) over time from t = [0,1]. + :param num_diffusion_timesteps: the number of betas to produce. + :param alpha_bar: a lambda that takes an argument t from 0 to 1 and + produces the cumulative product of (1-beta) up to that + part of the diffusion process. + :param max_beta: the maximum beta to use; use values lower than 1 to + prevent singularities. + """ + betas = [] + for i in range(num_diffusion_timesteps): + t1 = i / num_diffusion_timesteps + t2 = (i + 1) / num_diffusion_timesteps + betas.append(min(1 - alpha_bar(t2) / alpha_bar(t1), max_beta)) + return np.array(betas) + + +class GaussianDiffusion: + """ + Utilities for training and sampling diffusion vae. + Original ported from this codebase: + https://github.com/hojonathanho/diffusion/blob/1e0dceb3b3495bbe19116a5e1b3596cd0706c543/diffusion_tf/diffusion_utils_2.py#L42 + :param betas: a 1-D numpy array of betas for each diffusion timestep, + starting at T and going to 1. + """ + + def __init__( + self, + *, + betas, + model_mean_type, + model_var_type, + loss_type, + snr=False, + return_startx=False, + ): + + self.model_mean_type = model_mean_type + self.model_var_type = model_var_type + self.loss_type = loss_type + self.snr = snr + self.return_startx = return_startx + + # Use float64 for accuracy. + betas = np.array(betas, dtype=np.float64) + self.betas = betas + assert len(betas.shape) == 1, "betas must be 1-D" + assert (betas > 0).all() and (betas <= 1).all() + + self.num_timesteps = int(betas.shape[0]) + + alphas = 1.0 - betas + self.alphas_cumprod = np.cumprod(alphas, axis=0) + self.alphas_cumprod_prev = np.append(1.0, self.alphas_cumprod[:-1]) + self.alphas_cumprod_next = np.append(self.alphas_cumprod[1:], 0.0) + assert self.alphas_cumprod_prev.shape == (self.num_timesteps,) + + # calculations for diffusion q(x_t | x_{t-1}) and others + self.sqrt_alphas_cumprod = np.sqrt(self.alphas_cumprod) + self.sqrt_one_minus_alphas_cumprod = np.sqrt(1.0 - self.alphas_cumprod) + self.log_one_minus_alphas_cumprod = np.log(1.0 - self.alphas_cumprod) + self.sqrt_recip_alphas_cumprod = np.sqrt(1.0 / self.alphas_cumprod) + self.sqrt_recipm1_alphas_cumprod = np.sqrt(1.0 / self.alphas_cumprod - 1) + + # calculations for posterior q(x_{t-1} | x_t, x_0) + self.posterior_variance = ( + betas * (1.0 - self.alphas_cumprod_prev) / (1.0 - self.alphas_cumprod) + ) + # below: log calculation clipped because the posterior variance is 0 at the beginning of the diffusion chain + self.posterior_log_variance_clipped = np.log( + np.append(self.posterior_variance[1], self.posterior_variance[1:]) + ) if len(self.posterior_variance) > 1 else np.array([]) + + self.posterior_mean_coef1 = ( + betas * np.sqrt(self.alphas_cumprod_prev) / (1.0 - self.alphas_cumprod) + ) + self.posterior_mean_coef2 = ( + (1.0 - self.alphas_cumprod_prev) * np.sqrt(alphas) / (1.0 - self.alphas_cumprod) + ) + + def q_mean_variance(self, x_start, t): + """ + Get the distribution q(x_t | x_0). + :param x_start: the [N x C x ...] tensor of noiseless inputs. + :param t: the number of diffusion steps (minus 1). Here, 0 means one step. + :return: A tuple (mean, variance, log_variance), all of x_start's shape. + """ + mean = _extract_into_tensor(self.sqrt_alphas_cumprod, t, x_start.shape) * x_start + variance = _extract_into_tensor(1.0 - self.alphas_cumprod, t, x_start.shape) + log_variance = _extract_into_tensor(self.log_one_minus_alphas_cumprod, t, x_start.shape) + return mean, variance, log_variance + + def q_sample(self, x_start, t, noise=None): + """ + Diffuse the data for a given number of diffusion steps. + In other words, sample from q(x_t | x_0). + :param x_start: the initial data batch. + :param t: the number of diffusion steps (minus 1). Here, 0 means one step. + :param noise: if specified, the split-out normal noise. + :return: A noisy version of x_start. + """ + if noise is None: + noise = th.randn_like(x_start) + assert noise.shape == x_start.shape + return ( + _extract_into_tensor(self.sqrt_alphas_cumprod, t, x_start.shape) * x_start + + _extract_into_tensor(self.sqrt_one_minus_alphas_cumprod, t, x_start.shape) * noise + ) + + def q_posterior_mean_variance(self, x_start, x_t, t): + """ + Compute the mean and variance of the diffusion posterior: + q(x_{t-1} | x_t, x_0) + """ + assert x_start.shape == x_t.shape + posterior_mean = ( + _extract_into_tensor(self.posterior_mean_coef1, t, x_t.shape) * x_start + + _extract_into_tensor(self.posterior_mean_coef2, t, x_t.shape) * x_t + ) + posterior_variance = _extract_into_tensor(self.posterior_variance, t, x_t.shape) + posterior_log_variance_clipped = _extract_into_tensor( + self.posterior_log_variance_clipped, t, x_t.shape + ) + assert ( + posterior_mean.shape[0] + == posterior_variance.shape[0] + == posterior_log_variance_clipped.shape[0] + == x_start.shape[0] + ) + return posterior_mean, posterior_variance, posterior_log_variance_clipped + + def p_mean_variance(self, model, x, t, clip_denoised=True, denoised_fn=None, model_kwargs=None): + """ + Apply the model to get p(x_{t-1} | x_t), as well as a prediction of + the initial x, x_0. + :param model: the model, which takes a signal and a batch of timesteps + as input. + :param x: the [N x C x ...] tensor at time t. + :param t: a 1-D Tensor of timesteps. + :param clip_denoised: if True, clip the denoised signal into [-1, 1]. + :param denoised_fn: if not None, a function which applies to the + x_start prediction before it is used to sample. Applies before + clip_denoised. + :param model_kwargs: if not None, a dict of extra keyword arguments to + pass to the model. This can be used for conditioning. + :return: a dict with the following keys: + - 'mean': the model mean output. + - 'variance': the model variance output. + - 'log_variance': the log of 'variance'. + - 'pred_xstart': the prediction for x_0. + """ + if model_kwargs is None: + model_kwargs = {} + + B, C = x.shape[:2] + assert t.shape == (B,) + model_output = model(x, t, **model_kwargs) + if isinstance(model_output, tuple): + model_output, extra = model_output + else: + extra = None + + if self.model_var_type in [ModelVarType.LEARNED, ModelVarType.LEARNED_RANGE]: + assert model_output.shape == (B, C * 2, *x.shape[2:]) + model_output, model_var_values = th.split(model_output, C, dim=1) + min_log = _extract_into_tensor(self.posterior_log_variance_clipped, t, x.shape) + max_log = _extract_into_tensor(np.log(self.betas), t, x.shape) + # The model_var_values is [-1, 1] for [min_var, max_var]. + frac = (model_var_values + 1) / 2 + model_log_variance = frac * max_log + (1 - frac) * min_log + model_variance = th.exp(model_log_variance) + elif self.model_var_type in [ModelVarType.FIXED_LARGE, ModelVarType.FIXED_SMALL]: + model_variance, model_log_variance = { + # for fixedlarge, we set the initial (log-)variance like so + # to get a better decoder log likelihood. + ModelVarType.FIXED_LARGE: ( + np.append(self.posterior_variance[1], self.betas[1:]), + np.log(np.append(self.posterior_variance[1], self.betas[1:])), + ), + ModelVarType.FIXED_SMALL: ( + self.posterior_variance, + self.posterior_log_variance_clipped, + ), + }[self.model_var_type] + model_variance = _extract_into_tensor(model_variance, t, x.shape) + model_log_variance = _extract_into_tensor(model_log_variance, t, x.shape) + else: + model_variance = th.zeros_like(model_output) + model_log_variance = th.zeros_like(model_output) + + def process_xstart(x): + if denoised_fn is not None: + x = denoised_fn(x) + return x.clamp(-1, 1) if clip_denoised else x + + if self.model_mean_type == ModelMeanType.START_X: + pred_xstart = process_xstart(model_output) + else: + pred_xstart = process_xstart( + self._predict_xstart_from_eps(x_t=x, t=t, eps=model_output) + ) + model_mean, _, _ = self.q_posterior_mean_variance(x_start=pred_xstart, x_t=x, t=t) + + assert model_mean.shape == model_log_variance.shape == pred_xstart.shape == x.shape + return { + "mean": model_mean, + "variance": model_variance, + "log_variance": model_log_variance, + "pred_xstart": pred_xstart, + "extra": extra, + } + + def _predict_xstart_from_eps(self, x_t, t, eps): + assert x_t.shape == eps.shape + return ( + _extract_into_tensor(self.sqrt_recip_alphas_cumprod, t, x_t.shape) * x_t + - _extract_into_tensor(self.sqrt_recipm1_alphas_cumprod, t, x_t.shape) * eps + ) + + def _predict_eps_from_xstart(self, x_t, t, pred_xstart): + return ( + _extract_into_tensor(self.sqrt_recip_alphas_cumprod, t, x_t.shape) * x_t - pred_xstart + ) / _extract_into_tensor(self.sqrt_recipm1_alphas_cumprod, t, x_t.shape) + + def condition_mean(self, cond_fn, p_mean_var, x, t, model_kwargs=None): + """ + Compute the mean for the previous step, given a function cond_fn that + computes the gradient of a conditional log probability with respect to + x. In particular, cond_fn computes grad(log(p(y|x))), and we want to + condition on y. + This uses the conditioning strategy from Sohl-Dickstein et al. (2015). + """ + gradient = cond_fn(x, t, **model_kwargs) + return p_mean_var["mean"].float() + p_mean_var["variance"] * gradient.float() + + def condition_score(self, cond_fn, p_mean_var, x, t, model_kwargs=None): + """ + Compute what the p_mean_variance output would have been, should the + model's score function be conditioned by cond_fn. + See condition_mean() for details on cond_fn. + Unlike condition_mean(), this instead uses the conditioning strategy + from Song et al (2020). + """ + alpha_bar = _extract_into_tensor(self.alphas_cumprod, t, x.shape) + + eps = self._predict_eps_from_xstart(x, t, p_mean_var["pred_xstart"]) + eps = eps - (1 - alpha_bar).sqrt() * cond_fn(x, t, **model_kwargs) + + out = p_mean_var.copy() + out["pred_xstart"] = self._predict_xstart_from_eps(x, t, eps) + out["mean"], _, _ = self.q_posterior_mean_variance(x_start=out["pred_xstart"], x_t=x, t=t) + return out + + def p_sample( + self, + model, + x, + t, + clip_denoised=True, + denoised_fn=None, + cond_fn=None, + model_kwargs=None, + ): + """ + Sample x_{t-1} from the model at the given timestep. + :param model: the model to sample from. + :param x: the current tensor at x_{t-1}. + :param t: the value of t, starting at 0 for the first diffusion step. + :param clip_denoised: if True, clip the x_start prediction to [-1, 1]. + :param denoised_fn: if not None, a function which applies to the + x_start prediction before it is used to sample. + :param cond_fn: if not None, this is a gradient function that acts + similarly to the model. + :param model_kwargs: if not None, a dict of extra keyword arguments to + pass to the model. This can be used for conditioning. + :return: a dict containing the following keys: + - 'sample': a random sample from the model. + - 'pred_xstart': a prediction of x_0. + """ + out = self.p_mean_variance( + model, + x, + t, + clip_denoised=clip_denoised, + denoised_fn=denoised_fn, + model_kwargs=model_kwargs, + ) + noise = th.randn_like(x) + nonzero_mask = ( + (t != 0).float().view(-1, *([1] * (len(x.shape) - 1))) + ) # no noise when t == 0 + if cond_fn is not None: + out["mean"] = self.condition_mean(cond_fn, out, x, t, model_kwargs=model_kwargs) + sample = out["mean"] + nonzero_mask * th.exp(0.5 * out["log_variance"]) * noise + return {"sample": sample, "pred_xstart": out["pred_xstart"]} + + def p_sample_loop( + self, + model, + shape, + noise=None, + clip_denoised=True, + denoised_fn=None, + cond_fn=None, + model_kwargs=None, + device=None, + progress=False, + ): + """ + Generate samples from the model. + :param model: the model module. + :param shape: the shape of the samples, (N, C, H, W). + :param noise: if specified, the noise from the encoder to sample. + Should be of the same shape as `shape`. + :param clip_denoised: if True, clip x_start predictions to [-1, 1]. + :param denoised_fn: if not None, a function which applies to the + x_start prediction before it is used to sample. + :param cond_fn: if not None, this is a gradient function that acts + similarly to the model. + :param model_kwargs: if not None, a dict of extra keyword arguments to + pass to the model. This can be used for conditioning. + :param device: if specified, the device to create the samples on. + If not specified, use a model parameter's device. + :param progress: if True, show a tqdm progress bar. + :return: a non-differentiable batch of samples. + """ + final = None + for sample in self.p_sample_loop_progressive( + model, + shape, + noise=noise, + clip_denoised=clip_denoised, + denoised_fn=denoised_fn, + cond_fn=cond_fn, + model_kwargs=model_kwargs, + device=device, + progress=progress, + ): + final = sample + return final["sample"] + + def p_sample_loop_progressive( + self, + model, + shape, + noise=None, + clip_denoised=True, + denoised_fn=None, + cond_fn=None, + model_kwargs=None, + device=None, + progress=False, + ): + """ + Generate samples from the model and yield intermediate samples from + each timestep of diffusion. + Arguments are the same as p_sample_loop(). + Returns a generator over dicts, where each dict is the return value of + p_sample(). + """ + if device is None: + device = next(model.parameters()).device + assert isinstance(shape, (tuple, list)) + img = noise if noise is not None else th.randn(*shape, device=device) + indices = list(range(self.num_timesteps))[::-1] + + if progress: + # Lazy import so that we don't depend on tqdm. + from tqdm.auto import tqdm + + indices = tqdm(indices) + + for i in indices: + t = th.tensor([i] * shape[0], device=device) + with th.no_grad(): + out = self.p_sample( + model, + img, + t, + clip_denoised=clip_denoised, + denoised_fn=denoised_fn, + cond_fn=cond_fn, + model_kwargs=model_kwargs, + ) + yield out + img = out["sample"] + + def ddim_sample( + self, + model, + x, + t, + clip_denoised=True, + denoised_fn=None, + cond_fn=None, + model_kwargs=None, + eta=0.0, + ): + """ + Sample x_{t-1} from the model using DDIM. + Same usage as p_sample(). + """ + out = self.p_mean_variance( + model, + x, + t, + clip_denoised=clip_denoised, + denoised_fn=denoised_fn, + model_kwargs=model_kwargs, + ) + if cond_fn is not None: + out = self.condition_score(cond_fn, out, x, t, model_kwargs=model_kwargs) + + # Usually our model outputs epsilon, but we re-derive it + # in case we used x_start or x_prev prediction. + eps = self._predict_eps_from_xstart(x, t, out["pred_xstart"]) + + alpha_bar = _extract_into_tensor(self.alphas_cumprod, t, x.shape) + alpha_bar_prev = _extract_into_tensor(self.alphas_cumprod_prev, t, x.shape) + sigma = ( + eta + * th.sqrt((1 - alpha_bar_prev) / (1 - alpha_bar)) + * th.sqrt(1 - alpha_bar / alpha_bar_prev) + ) + # Equation 12. + noise = th.randn_like(x) + mean_pred = ( + out["pred_xstart"] * th.sqrt(alpha_bar_prev) + + th.sqrt(1 - alpha_bar_prev - sigma ** 2) * eps + ) + nonzero_mask = ( + (t != 0).float().view(-1, *([1] * (len(x.shape) - 1))) + ) # no noise when t == 0 + sample = mean_pred + nonzero_mask * sigma * noise + return {"sample": sample, "pred_xstart": out["pred_xstart"]} + + def ddim_reverse_sample( + self, + model, + x, + t, + clip_denoised=True, + denoised_fn=None, + cond_fn=None, + model_kwargs=None, + eta=0.0, + ): + """ + Sample x_{t+1} from the model using DDIM reverse ODE. + """ + assert eta == 0.0, "Reverse ODE only for deterministic path" + out = self.p_mean_variance( + model, + x, + t, + clip_denoised=clip_denoised, + denoised_fn=denoised_fn, + model_kwargs=model_kwargs, + ) + if cond_fn is not None: + out = self.condition_score(cond_fn, out, x, t, model_kwargs=model_kwargs) + # Usually our model outputs epsilon, but we re-derive it + # in case we used x_start or x_prev prediction. + eps = ( + _extract_into_tensor(self.sqrt_recip_alphas_cumprod, t, x.shape) * x + - out["pred_xstart"] + ) / _extract_into_tensor(self.sqrt_recipm1_alphas_cumprod, t, x.shape) + alpha_bar_next = _extract_into_tensor(self.alphas_cumprod_next, t, x.shape) + + # Equation 12. reversed + mean_pred = out["pred_xstart"] * th.sqrt(alpha_bar_next) + th.sqrt(1 - alpha_bar_next) * eps + + return {"sample": mean_pred, "pred_xstart": out["pred_xstart"]} + + def ddim_sample_loop( + self, + model, + shape, + noise=None, + clip_denoised=True, + denoised_fn=None, + cond_fn=None, + model_kwargs=None, + device=None, + progress=False, + eta=0.0, + ): + """ + Generate samples from the model using DDIM. + Same usage as p_sample_loop(). + """ + final = None + for sample in self.ddim_sample_loop_progressive( + model, + shape, + noise=noise, + clip_denoised=clip_denoised, + denoised_fn=denoised_fn, + cond_fn=cond_fn, + model_kwargs=model_kwargs, + device=device, + progress=progress, + eta=eta, + ): + final = sample + return final["sample"] + + def ddim_sample_loop_progressive( + self, + model, + shape, + noise=None, + clip_denoised=True, + denoised_fn=None, + cond_fn=None, + model_kwargs=None, + device=None, + progress=False, + eta=0.0, + ): + """ + Use DDIM to sample from the model and yield intermediate samples from + each timestep of DDIM. + Same usage as p_sample_loop_progressive(). + """ + if device is None: + device = next(model.parameters()).device + assert isinstance(shape, (tuple, list)) + img = noise if noise is not None else th.randn(*shape, device=device) + indices = list(range(self.num_timesteps))[::-1] + + if progress: + # Lazy import so that we don't depend on tqdm. + from tqdm.auto import tqdm + + indices = tqdm(indices) + + for i in indices: + t = th.tensor([i] * shape[0], device=device) + with th.no_grad(): + out = self.ddim_sample( + model, + img, + t, + clip_denoised=clip_denoised, + denoised_fn=denoised_fn, + cond_fn=cond_fn, + model_kwargs=model_kwargs, + eta=eta, + ) + yield out + img = out["sample"] + + def _vb_terms_bpd( + self, model, x_start, x_t, t, clip_denoised=True, model_kwargs=None + ): + """ + Get a term for the variational lower-bound. + The resulting units are bits (rather than nats, as one might expect). + This allows for comparison to other papers. + :return: a dict with the following keys: + - 'output': a shape [N] tensor of NLLs or KLs. + - 'pred_xstart': the x_0 predictions. + """ + true_mean, _, true_log_variance_clipped = self.q_posterior_mean_variance( + x_start=x_start, x_t=x_t, t=t + ) + out = self.p_mean_variance( + model, x_t, t, clip_denoised=clip_denoised, model_kwargs=model_kwargs + ) + kl = normal_kl( + true_mean, true_log_variance_clipped, out["mean"], out["log_variance"] + ) + kl = mean_flat(kl) / np.log(2.0) + + decoder_nll = -discretized_gaussian_log_likelihood( + x_start, means=out["mean"], log_scales=0.5 * out["log_variance"] + ) + assert decoder_nll.shape == x_start.shape + decoder_nll = mean_flat(decoder_nll) / np.log(2.0) + + # At the first timestep return the decoder NLL, + # otherwise return KL(q(x_{t-1}|x_t,x_0) || p(x_{t-1}|x_t)) + output = th.where((t == 0), decoder_nll, kl) + return {"output": output, "pred_xstart": out["pred_xstart"]} + + def training_losses(self, model, x_start, timestep, model_kwargs=None, noise=None, skip_noise=False): + """ + Compute training losses for a single timestep. + :param model: the model to evaluate loss on. + :param x_start: the [N x C x ...] tensor of inputs. + :param t: a batch of timestep indices. + :param model_kwargs: if not None, a dict of extra keyword arguments to + pass to the model. This can be used for conditioning. + :param noise: if specified, the specific Gaussian noise to try to remove. + :return: a dict with the key "loss" containing a tensor of shape [N]. + Some mean or variance settings may also have other keys. + """ + t = timestep + if model_kwargs is None: + model_kwargs = {} + if skip_noise: + x_t = x_start + else: + if noise is None: + noise = th.randn_like(x_start) + x_t = self.q_sample(x_start, t, noise=noise) + + terms = {} + + if self.loss_type == LossType.KL or self.loss_type == LossType.RESCALED_KL: + terms["loss"] = self._vb_terms_bpd( + model=model, + x_start=x_start, + x_t=x_t, + t=t, + clip_denoised=False, + model_kwargs=model_kwargs, + )["output"] + if self.loss_type == LossType.RESCALED_KL: + terms["loss"] *= self.num_timesteps + elif self.loss_type in [LossType.MSE, LossType.RESCALED_MSE]: + model_output = model(x_t, t, **model_kwargs) + if isinstance(model_output, dict) and model_output.get('x', None) is not None: + output = model_output['x'] + else: + output = model_output + + if self.return_startx and self.model_mean_type == ModelMeanType.EPSILON: + return self._extracted_from_training_losses_diffusers(x_t, output, t) + # self.model_var_type = ModelVarType.LEARNED_RANGE:4 + if self.model_var_type in [ + ModelVarType.LEARNED, + ModelVarType.LEARNED_RANGE, + ]: + B, C = x_t.shape[:2] + assert output.shape == (B, C * 2, *x_t.shape[2:]) + output, model_var_values = th.split(output, C, dim=1) + # Learn the variance using the variational bound, but don't let it affect our mean prediction. + frozen_out = th.cat([output.detach(), model_var_values], dim=1) + # vb variational bound + terms["vb"] = self._vb_terms_bpd( + model=lambda *args, r=frozen_out, **kwargs: r, + x_start=x_start, + x_t=x_t, + t=t, + clip_denoised=False, + )["output"] + if self.loss_type == LossType.RESCALED_MSE: + # Divide by 1000 for equivalence with initial implementation. + # Without a factor of 1/1000, the VB term hurts the MSE term. + terms["vb"] *= self.num_timesteps / 1000.0 + + target = { + ModelMeanType.PREVIOUS_X: self.q_posterior_mean_variance( + x_start=x_start, x_t=x_t, t=t + )[0], + ModelMeanType.START_X: x_start, + ModelMeanType.EPSILON: noise, + }[self.model_mean_type] + assert output.shape == target.shape == x_start.shape + if self.snr: + if self.model_mean_type == ModelMeanType.START_X: + pred_noise = self._predict_eps_from_xstart(x_t=x_t, t=t, pred_xstart=output) + pred_startx = output + elif self.model_mean_type == ModelMeanType.EPSILON: + pred_noise = output + pred_startx = self._predict_xstart_from_eps(x_t=x_t, t=t, eps=output) + # terms["mse_eps"] = mean_flat((noise - pred_noise) ** 2) + # terms["mse_x0"] = mean_flat((x_start - pred_startx) ** 2) + + t = t[:, None, None, None].expand(pred_startx.shape) # [128, 4, 32, 32] + # best + target = th.where(t > 249, noise, x_start) + output = th.where(t > 249, pred_noise, pred_startx) + loss = (target - output) ** 2 + if model_kwargs.get('mask_ratio', False) and model_kwargs['mask_ratio'] > 0: + assert 'mask' in model_output + loss = F.avg_pool2d(loss.mean(dim=1), model.model.module.patch_size).flatten(1) + mask = model_output['mask'] + unmask = 1 - mask + terms['mse'] = mean_flat(loss * unmask) * unmask.shape[1]/unmask.sum(1) + if model_kwargs['mask_loss_coef'] > 0: + terms['mae'] = model_kwargs['mask_loss_coef'] * mean_flat(loss * mask) * mask.shape[1]/mask.sum(1) + else: + terms["mse"] = mean_flat(loss) + terms["loss"] = terms["mse"] + terms["vb"] if "vb" in terms else terms["mse"] + if "mae" in terms: + terms["loss"] = terms["loss"] + terms["mae"] + else: + raise NotImplementedError(self.loss_type) + + return terms + + def training_losses_diffusers(self, model, x_start, timestep, model_kwargs=None, noise=None, skip_noise=False): + """ + Compute training losses for a single timestep. + :param model: the model to evaluate loss on. + :param x_start: the [N x C x ...] tensor of inputs. + :param t: a batch of timestep indices. + :param model_kwargs: if not None, a dict of extra keyword arguments to + pass to the model. This can be used for conditioning. + :param noise: if specified, the specific Gaussian noise to try to remove. + :return: a dict with the key "loss" containing a tensor of shape [N]. + Some mean or variance settings may also have other keys. + """ + t = timestep + if model_kwargs is None: + model_kwargs = {} + if skip_noise: + x_t = x_start + else: + if noise is None: + noise = th.randn_like(x_start) + x_t = self.q_sample(x_start, t, noise=noise) + + terms = {} + + if self.loss_type in [LossType.KL, LossType.RESCALED_KL]: + terms["loss"] = self._vb_terms_bpd( + model=model, + x_start=x_start, + x_t=x_t, + t=t, + clip_denoised=False, + model_kwargs=model_kwargs, + )["output"] + if self.loss_type == LossType.RESCALED_KL: + terms["loss"] *= self.num_timesteps + elif self.loss_type in [LossType.MSE, LossType.RESCALED_MSE]: + output = model(x_t, timestep=t, **model_kwargs, return_dict=False)[0] + + if self.return_startx and self.model_mean_type == ModelMeanType.EPSILON: + return self._extracted_from_training_losses_diffusers(x_t, output, t) + + if self.model_var_type in [ + ModelVarType.LEARNED, + ModelVarType.LEARNED_RANGE, + ]: + B, C = x_t.shape[:2] + assert output.shape == (B, C * 2, *x_t.shape[2:]) + output, model_var_values = th.split(output, C, dim=1) + # Learn the variance using the variational bound, but don't let it affect our mean prediction. + frozen_out = th.cat([output.detach(), model_var_values], dim=1) + terms["vb"] = self._vb_terms_bpd( + model=lambda *args, r=frozen_out, **kwargs: r, + x_start=x_start, + x_t=x_t, + t=t, + clip_denoised=False, + )["output"] + if self.loss_type == LossType.RESCALED_MSE: + # Divide by 1000 for equivalence with initial implementation. + # Without a factor of 1/1000, the VB term hurts the MSE term. + terms["vb"] *= self.num_timesteps / 1000.0 + + target = { + ModelMeanType.PREVIOUS_X: self.q_posterior_mean_variance( + x_start=x_start, x_t=x_t, t=t + )[0], + ModelMeanType.START_X: x_start, + ModelMeanType.EPSILON: noise, + }[self.model_mean_type] + assert output.shape == target.shape == x_start.shape + if self.snr: + if self.model_mean_type == ModelMeanType.START_X: + pred_noise = self._predict_eps_from_xstart(x_t=x_t, t=t, pred_xstart=output) + pred_startx = output + elif self.model_mean_type == ModelMeanType.EPSILON: + pred_noise = output + pred_startx = self._predict_xstart_from_eps(x_t=x_t, t=t, eps=output) + # terms["mse_eps"] = mean_flat((noise - pred_noise) ** 2) + # terms["mse_x0"] = mean_flat((x_start - pred_startx) ** 2) + + t = t[:, None, None, None].expand(pred_startx.shape) # [128, 4, 32, 32] + # best + target = th.where(t > 249, noise, x_start) + output = th.where(t > 249, pred_noise, pred_startx) + loss = (target - output) ** 2 + terms["mse"] = mean_flat(loss) + terms["loss"] = terms["mse"] + terms["vb"] if "vb" in terms else terms["mse"] + if "mae" in terms: + terms["loss"] = terms["loss"] + terms["mae"] + else: + raise NotImplementedError(self.loss_type) + + return terms + + def _extracted_from_training_losses_diffusers(self, x_t, output, t): + B, C = x_t.shape[:2] + assert output.shape == (B, C * 2, *x_t.shape[2:]) + output = th.split(output, C, dim=1)[0] + return output, self._predict_xstart_from_eps(x_t=x_t, t=t, eps=output), x_t + + def _prior_bpd(self, x_start): + """ + Get the prior KL term for the variational lower-bound, measured in + bits-per-dim. + This term can't be optimized, as it only depends on the encoder. + :param x_start: the [N x C x ...] tensor of inputs. + :return: a batch of [N] KL values (in bits), one per batch element. + """ + batch_size = x_start.shape[0] + t = th.tensor([self.num_timesteps - 1] * batch_size, device=x_start.device) + qt_mean, _, qt_log_variance = self.q_mean_variance(x_start, t) + kl_prior = normal_kl( + mean1=qt_mean, logvar1=qt_log_variance, mean2=0.0, logvar2=0.0 + ) + return mean_flat(kl_prior) / np.log(2.0) + + def calc_bpd_loop(self, model, x_start, clip_denoised=True, model_kwargs=None): + """ + Compute the entire variational lower-bound, measured in bits-per-dim, + as well as other related quantities. + :param model: the model to evaluate loss on. + :param x_start: the [N x C x ...] tensor of inputs. + :param clip_denoised: if True, clip denoised samples. + :param model_kwargs: if not None, a dict of extra keyword arguments to + pass to the model. This can be used for conditioning. + :return: a dict containing the following keys: + - total_bpd: the total variational lower-bound, per batch element. + - prior_bpd: the prior term in the lower-bound. + - vb: an [N x T] tensor of terms in the lower-bound. + - xstart_mse: an [N x T] tensor of x_0 MSEs for each timestep. + - mse: an [N x T] tensor of epsilon MSEs for each timestep. + """ + device = x_start.device + batch_size = x_start.shape[0] + + vb = [] + xstart_mse = [] + mse = [] + for t in list(range(self.num_timesteps))[::-1]: + t_batch = th.tensor([t] * batch_size, device=device) + noise = th.randn_like(x_start) + x_t = self.q_sample(x_start=x_start, t=t_batch, noise=noise) + # Calculate VLB term at the current timestep + with th.no_grad(): + out = self._vb_terms_bpd( + model, + x_start=x_start, + x_t=x_t, + t=t_batch, + clip_denoised=clip_denoised, + model_kwargs=model_kwargs, + ) + vb.append(out["output"]) + xstart_mse.append(mean_flat((out["pred_xstart"] - x_start) ** 2)) + eps = self._predict_eps_from_xstart(x_t, t_batch, out["pred_xstart"]) + mse.append(mean_flat((eps - noise) ** 2)) + + vb = th.stack(vb, dim=1) + xstart_mse = th.stack(xstart_mse, dim=1) + mse = th.stack(mse, dim=1) + + prior_bpd = self._prior_bpd(x_start) + total_bpd = vb.sum(dim=1) + prior_bpd + return { + "total_bpd": total_bpd, + "prior_bpd": prior_bpd, + "vb": vb, + "xstart_mse": xstart_mse, + "mse": mse, + } + + +def _extract_into_tensor(arr, timesteps, broadcast_shape): + """ + Extract values from a 1-D numpy array for a batch of indices. + :param arr: the 1-D numpy array. + :param timesteps: a tensor of indices into the array to extract. + :param broadcast_shape: a larger shape of K dimensions with the batch + dimension equal to the length of timesteps. + :return: a tensor of shape [batch_size, 1, ...] where the shape has K dims. + """ + res = th.from_numpy(arr).to(device=timesteps.device)[timesteps].float() + while len(res.shape) < len(broadcast_shape): + res = res[..., None] + return res + th.zeros(broadcast_shape, device=timesteps.device) diff --git a/DiT_VAE/diffusion/model/hed.py b/DiT_VAE/diffusion/model/hed.py new file mode 100644 index 0000000000000000000000000000000000000000..7a1b3fa9db2df66fae27acaf57ed806d8a116926 --- /dev/null +++ b/DiT_VAE/diffusion/model/hed.py @@ -0,0 +1,150 @@ +# This is an improved version and model of HED edge detection with Apache License, Version 2.0. +# Please use this implementation in your products +# This implementation may produce slightly different results from Saining Xie's official implementations, +# but it generates smoother edges and is more suitable for ControlNet as well as other image-to-image translations. +# Different from official vae and other implementations, this is an RGB-input model (rather than BGR) +# and in this way it works better for gradio's RGB protocol +import sys +from pathlib import Path +current_file_path = Path(__file__).resolve() +sys.path.insert(0, str(current_file_path.parent.parent.parent)) +from torch import nn +import torch +import numpy as np +from torchvision import transforms as T +from tqdm import tqdm +from torch.utils.data import Dataset, DataLoader +import json +from PIL import Image +import torchvision.transforms.functional as TF +from accelerate import Accelerator +from diffusers.models import AutoencoderKL +import os + +image_resize = 1024 + + +class DoubleConvBlock(nn.Module): + def __init__(self, input_channel, output_channel, layer_number): + super().__init__() + self.convs = torch.nn.Sequential() + self.convs.append(torch.nn.Conv2d(in_channels=input_channel, out_channels=output_channel, kernel_size=(3, 3), stride=(1, 1), padding=1)) + for i in range(1, layer_number): + self.convs.append(torch.nn.Conv2d(in_channels=output_channel, out_channels=output_channel, kernel_size=(3, 3), stride=(1, 1), padding=1)) + self.projection = torch.nn.Conv2d(in_channels=output_channel, out_channels=1, kernel_size=(1, 1), stride=(1, 1), padding=0) + + def forward(self, x, down_sampling=False): + h = x + if down_sampling: + h = torch.nn.functional.max_pool2d(h, kernel_size=(2, 2), stride=(2, 2)) + for conv in self.convs: + h = conv(h) + h = torch.nn.functional.relu(h) + return h, self.projection(h) + + +class ControlNetHED_Apache2(nn.Module): + def __init__(self): + super().__init__() + self.norm = torch.nn.Parameter(torch.zeros(size=(1, 3, 1, 1))) + self.block1 = DoubleConvBlock(input_channel=3, output_channel=64, layer_number=2) + self.block2 = DoubleConvBlock(input_channel=64, output_channel=128, layer_number=2) + self.block3 = DoubleConvBlock(input_channel=128, output_channel=256, layer_number=3) + self.block4 = DoubleConvBlock(input_channel=256, output_channel=512, layer_number=3) + self.block5 = DoubleConvBlock(input_channel=512, output_channel=512, layer_number=3) + + def forward(self, x): + h = x - self.norm + h, projection1 = self.block1(h) + h, projection2 = self.block2(h, down_sampling=True) + h, projection3 = self.block3(h, down_sampling=True) + h, projection4 = self.block4(h, down_sampling=True) + h, projection5 = self.block5(h, down_sampling=True) + return projection1, projection2, projection3, projection4, projection5 + + +class InternData(Dataset): + def __init__(self): + #### + with open('data/InternData/partition/data_info.json', 'r') as f: + self.j = json.load(f) + self.transform = T.Compose([ + T.Lambda(lambda img: img.convert('RGB')), + T.Resize(image_resize), # Image.BICUBIC + T.CenterCrop(image_resize), + T.ToTensor(), + ]) + + def __len__(self): + return len(self.j) + + def getdata(self, idx): + + path = self.j[idx]['path'] + image = Image.open("data/InternImgs/" + path) + image = self.transform(image) + return image, path + + def __getitem__(self, idx): + for i in range(20): + try: + data = self.getdata(idx) + return data + except Exception as e: + print(f"Error details: {str(e)}") + idx = np.random.randint(len(self)) + raise RuntimeError('Too many bad data.') + +class HEDdetector(nn.Module): + def __init__(self, feature=True, vae=None): + super().__init__() + self.model = ControlNetHED_Apache2() + self.model.load_state_dict(torch.load('output/pretrained_models/ControlNetHED.pth', map_location='cpu')) + self.model.eval() + self.model.requires_grad_(False) + if feature: + if vae is None: + self.vae = AutoencoderKL.from_pretrained("output/pretrained_models/sd-vae-ft-ema") + else: + self.vae = vae + self.vae.eval() + self.vae.requires_grad_(False) + else: + self.vae = None + + def forward(self, input_image): + B, C, H, W = input_image.shape + with torch.inference_mode(): + edges = self.model(input_image * 255.) + edges = torch.cat([TF.resize(e, [H, W]) for e in edges], dim=1) + edge = 1 / (1 + torch.exp(-torch.mean(edges, dim=1, keepdim=True))) + edge.clip_(0, 1) + if self.vae: + edge = TF.normalize(edge, [.5], [.5]) + edge = edge.repeat(1, 3, 1, 1) + posterior = self.vae.encode(edge).latent_dist + edge = torch.cat([posterior.mean, posterior.std], dim=1).cpu().numpy() + return edge + + +def main(): + dataset = InternData() + dataloader = DataLoader(dataset, batch_size=10, shuffle=False, num_workers=8, pin_memory=True) + hed = HEDdetector() + + accelerator = Accelerator() + hed, dataloader = accelerator.prepare(hed, dataloader) + + + for img, path in tqdm(dataloader): + out = hed(img.cuda()) + for p, o in zip(path, out): + save = f'data/InternalData/hed_feature_{image_resize}/' + p.replace('.png', '.npz') + if os.path.exists(save): + continue + os.makedirs(os.path.dirname(save), exist_ok=True) + np.savez_compressed(save, o) + + +if __name__ == "__main__": + main() diff --git a/DiT_VAE/diffusion/model/image_embedding.py b/DiT_VAE/diffusion/model/image_embedding.py new file mode 100644 index 0000000000000000000000000000000000000000..20ff422ab0c81532ca91f3d275ed00922f60e20a --- /dev/null +++ b/DiT_VAE/diffusion/model/image_embedding.py @@ -0,0 +1,15 @@ +import torch +from transformers import AutoImageProcessor, Dinov2Model +from PIL import Image +import requests + +# url = 'http://images.cocodataset.org/val2017/000000039769.jpg' +# image = Image.open(requests.get(url, stream=True).raw) +# +# processor = AutoImageProcessor.from_pretrained('facebook/dinov2-base') +# model = AutoModel.from_pretrained('facebook/dinov2-base') +# +# inputs = processor(images=image, return_tensors="pt") +# outputs = model(**inputs) +# last_hidden_states = outputs[0] + diff --git a/DiT_VAE/diffusion/model/nets/PixArt_blocks.py b/DiT_VAE/diffusion/model/nets/PixArt_blocks.py new file mode 100644 index 0000000000000000000000000000000000000000..f5588f143d452f59cbbbc3c89526001721672f43 --- /dev/null +++ b/DiT_VAE/diffusion/model/nets/PixArt_blocks.py @@ -0,0 +1,655 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. +# -------------------------------------------------------- +# References: +# GLIDE: https://github.com/openai/glide-text2im +# MAE: https://github.com/facebookresearch/mae/blob/main/models_mae.py +# -------------------------------------------------------- +import math +import torch +import torch.nn as nn +from timm.models.vision_transformer import Mlp, Attention as Attention_ +from einops import rearrange +import xformers.ops + + +def modulate(x, shift, scale): + return x * (1 + scale.unsqueeze(1)) + shift.unsqueeze(1) + + +def t2i_modulate(x, shift, scale): + return x * (1 + scale) + shift + + +class MultiHeadCrossAttention(nn.Module): + def __init__(self, d_model, num_heads, attn_drop=0., proj_drop=0., **block_kwargs): + super(MultiHeadCrossAttention, self).__init__() + assert d_model % num_heads == 0, "d_model must be divisible by num_heads" + + self.d_model = d_model + self.num_heads = num_heads + self.head_dim = d_model // num_heads + + self.q_linear = nn.Linear(d_model, d_model) + self.kv_linear = nn.Linear(d_model, d_model * 2) + self.attn_drop = nn.Dropout(attn_drop) + self.proj = nn.Linear(d_model, d_model) + self.proj_drop = nn.Dropout(proj_drop) + + def forward(self, x, cond, mask=None): + # query: img tokens; key/value: condition; mask: if padding tokens + B, N, C = x.shape + + q = self.q_linear(x).view(1, -1, self.num_heads, self.head_dim) + kv = self.kv_linear(cond).view(1, -1, 2, self.num_heads, self.head_dim) + + k, v = kv.unbind(2) + attn_bias = None + if mask is not None: + attn_bias = xformers.ops.fmha.BlockDiagonalMask.from_seqlens([N] * B, mask) + x = xformers.ops.memory_efficient_attention(q, k, v, p=self.attn_drop.p, attn_bias=attn_bias) + x = x.view(B, -1, C) + x = self.proj(x) + x = self.proj_drop(x) + + # q = self.q_linear(x).reshape(B, -1, self.num_heads, self.head_dim) + # kv = self.kv_linear(cond).reshape(B, -1, 2, self.num_heads, self.head_dim) + # k, v = kv.unbind(2) + # attn_bias = None + # if mask is not None: + # attn_bias = torch.zeros([B * self.num_heads, q.shape[1], k.shape[1]], dtype=q.dtype, device=q.device) + # attn_bias.masked_fill_(mask.squeeze(1).repeat(self.num_heads, 1, 1) == 0, float('-inf')) + # x = xformers.ops.memory_efficient_attention(q, k, v, p=self.attn_drop.p, attn_bias=attn_bias) + # x = x.contiguous().reshape(B, -1, C) + # x = self.proj(x) + # x = self.proj_drop(x) + + return x + + +class WindowAttention(Attention_): + """Multi-head Attention block with relative position embeddings.""" + + def __init__( + self, + dim, + num_heads=8, + qkv_bias=True, + use_rel_pos=False, + rel_pos_zero_init=True, + input_size=None, + **block_kwargs, + ): + """ + Args: + dim (int): Number of input channels. + num_heads (int): Number of attention heads. + qkv_bias (bool: If True, add a learnable bias to query, key, value. + rel_pos (bool): If True, add relative positional embeddings to the attention map. + rel_pos_zero_init (bool): If True, zero initialize relative positional parameters. + input_size (int or None): Input resolution for calculating the relative positional + parameter size. + """ + super().__init__(dim, num_heads=num_heads, qkv_bias=qkv_bias, **block_kwargs) + + self.use_rel_pos = use_rel_pos + if self.use_rel_pos: + # initialize relative positional embeddings + self.rel_pos_h = nn.Parameter(torch.zeros(2 * input_size[0] - 1, self.head_dim)) + self.rel_pos_w = nn.Parameter(torch.zeros(2 * input_size[1] - 1, self.head_dim)) + + if not rel_pos_zero_init: + nn.init.trunc_normal_(self.rel_pos_h, std=0.02) + nn.init.trunc_normal_(self.rel_pos_w, std=0.02) + + def forward(self, x, mask=None): + B, N, C = x.shape + qkv = self.qkv(x).reshape(B, N, 3, self.num_heads, C // self.num_heads) + q, k, v = qkv.unbind(2) + if use_fp32_attention := getattr(self, 'fp32_attention', False): + q, k, v = q.float(), k.float(), v.float() + + attn_bias = None + if mask is not None: + attn_bias = torch.zeros([B * self.num_heads, q.shape[1], k.shape[1]], dtype=q.dtype, device=q.device) + attn_bias.masked_fill_(mask.squeeze(1).repeat(self.num_heads, 1, 1) == 0, float('-inf')) + x = xformers.ops.memory_efficient_attention(q, k, v, p=self.attn_drop.p, attn_bias=attn_bias) + + x = x.view(B, N, C) + x = self.proj(x) + x = self.proj_drop(x) + return x + + +################################################################################# +# AMP attention with fp32 softmax to fix loss NaN problem during training # +################################################################################# +class Attention(Attention_): + def forward(self, x): + B, N, C = x.shape + qkv = self.qkv(x).reshape(B, N, 3, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4) + q, k, v = qkv.unbind(0) # make torchscript happy (cannot use tensor as tuple) + use_fp32_attention = getattr(self, 'fp32_attention', False) + if use_fp32_attention: + q, k = q.float(), k.float() + with torch.cuda.amp.autocast(enabled=not use_fp32_attention): + attn = (q @ k.transpose(-2, -1)) * self.scale + attn = attn.softmax(dim=-1) + + attn = self.attn_drop(attn) + + x = (attn @ v).transpose(1, 2).reshape(B, N, C) + x = self.proj(x) + x = self.proj_drop(x) + return x + +class AttentionTest(Attention_): + def forward(self, x, mask=None): + B, N, C = x.shape + qkv = self.qkv(x).reshape(B, N, 3, self.num_heads, C // self.num_heads) + q, k, v = qkv.unbind(2) + + + attn_bias = None + if mask is not None: + attn_bias = torch.zeros([B * self.num_heads, q.shape[1], k.shape[1]], dtype=q.dtype, device=q.device) + attn_bias.masked_fill_(mask.squeeze(1).repeat(self.num_heads, 1, 1) == 0, float('-inf')) + x = xformers.ops.memory_efficient_attention(q, k, v, p=self.attn_drop.p, attn_bias=attn_bias) + + x = x.view(B, N, C) + x = self.proj(x) + x = self.proj_drop(x) + return x + +class FinalLayer(nn.Module): + """ + The final layer of PixArt. + """ + + def __init__(self, hidden_size, patch_size, out_channels): + super().__init__() + self.norm_final = nn.LayerNorm(hidden_size, elementwise_affine=False, eps=1e-6) + self.linear = nn.Linear(hidden_size, patch_size * patch_size * out_channels, bias=True) + self.adaLN_modulation = nn.Sequential( + nn.SiLU(), + nn.Linear(hidden_size, 2 * hidden_size, bias=True) + ) + + def forward(self, x, c): + shift, scale = self.adaLN_modulation(c).chunk(2, dim=1) + x = modulate(self.norm_final(x), shift, scale) + x = self.linear(x) + return x + + +class T2IFinalLayer(nn.Module): + """ + The final layer of PixArt. + """ + + def __init__(self, hidden_size, patch_size, out_channels): + super().__init__() + self.norm_final = nn.LayerNorm(hidden_size, elementwise_affine=False, eps=1e-6) + self.linear = nn.Linear(hidden_size, patch_size * patch_size * out_channels, bias=True) + self.scale_shift_table = nn.Parameter(torch.randn(2, hidden_size) / hidden_size ** 0.5) + self.out_channels = out_channels + + def forward(self, x, t): + shift, scale = (self.scale_shift_table[None] + t[:, None]).chunk(2, dim=1) + x = t2i_modulate(self.norm_final(x), shift, scale) + x = self.linear(x) + return x + + +class MaskFinalLayer(nn.Module): + """ + The final layer of PixArt. + """ + + def __init__(self, final_hidden_size, c_emb_size, patch_size, out_channels): + super().__init__() + self.norm_final = nn.LayerNorm(final_hidden_size, elementwise_affine=False, eps=1e-6) + self.linear = nn.Linear(final_hidden_size, patch_size * patch_size * out_channels, bias=True) + self.adaLN_modulation = nn.Sequential( + nn.SiLU(), + nn.Linear(c_emb_size, 2 * final_hidden_size, bias=True) + ) + + def forward(self, x, t): + shift, scale = self.adaLN_modulation(t).chunk(2, dim=1) + x = modulate(self.norm_final(x), shift, scale) + x = self.linear(x) + return x + + +class DecoderLayer(nn.Module): + """ + The final layer of PixArt. + """ + + def __init__(self, hidden_size, decoder_hidden_size): + super().__init__() + self.norm_decoder = nn.LayerNorm(hidden_size, elementwise_affine=False, eps=1e-6) + self.linear = nn.Linear(hidden_size, decoder_hidden_size, bias=True) + self.adaLN_modulation = nn.Sequential( + nn.SiLU(), + nn.Linear(hidden_size, 2 * hidden_size, bias=True) + ) + + def forward(self, x, t): + shift, scale = self.adaLN_modulation(t).chunk(2, dim=1) + x = modulate(self.norm_decoder(x), shift, scale) + x = self.linear(x) + return x + + +################################################################################# +# Embedding Layers for Timesteps and Class Labels # +################################################################################# +class TimestepEmbedder(nn.Module): + """ + Embeds scalar timesteps into vector representations. + """ + + def __init__(self, hidden_size, frequency_embedding_size=256): + super().__init__() + self.mlp = nn.Sequential( + nn.Linear(frequency_embedding_size, hidden_size, bias=True), + nn.SiLU(), + nn.Linear(hidden_size, hidden_size, bias=True), + ) + self.frequency_embedding_size = frequency_embedding_size + + @staticmethod + def timestep_embedding(t, dim, max_period=10000): + """ + Create sinusoidal timestep embeddings. + :param t: a 1-D Tensor of N indices, one per batch element. + These may be fractional. + :param dim: the dimension of the output. + :param max_period: controls the minimum frequency of the embeddings. + :return: an (N, D) Tensor of positional embeddings. + """ + # https://github.com/openai/glide-text2im/blob/main/glide_text2im/nn.py + half = dim // 2 + freqs = torch.exp( + -math.log(max_period) * torch.arange(start=0, end=half, dtype=torch.float32, device=t.device) / half) + args = t[:, None].float() * freqs[None] + embedding = torch.cat([torch.cos(args), torch.sin(args)], dim=-1) + if dim % 2: + embedding = torch.cat([embedding, torch.zeros_like(embedding[:, :1])], dim=-1) + return embedding + + def forward(self, t): + t_freq = self.timestep_embedding(t, self.frequency_embedding_size).to(self.dtype) + return self.mlp(t_freq) + + @property + def dtype(self): + # 返回模型参数的数据类型 + return next(self.parameters()).dtype + + +class SizeEmbedder(TimestepEmbedder): + """ + Embeds scalar timesteps into vector representations. + """ + + def __init__(self, hidden_size, frequency_embedding_size=256): + super().__init__(hidden_size=hidden_size, frequency_embedding_size=frequency_embedding_size) + self.mlp = nn.Sequential( + nn.Linear(frequency_embedding_size, hidden_size, bias=True), + nn.SiLU(), + nn.Linear(hidden_size, hidden_size, bias=True), + ) + self.frequency_embedding_size = frequency_embedding_size + self.outdim = hidden_size + + def forward(self, s, bs): + if s.ndim == 1: + s = s[:, None] + assert s.ndim == 2 + if s.shape[0] != bs: + s = s.repeat(bs // s.shape[0], 1) + assert s.shape[0] == bs + b, dims = s.shape[0], s.shape[1] + s = rearrange(s, "b d -> (b d)") + s_freq = self.timestep_embedding(s, self.frequency_embedding_size).to(self.dtype) + s_emb = self.mlp(s_freq) + s_emb = rearrange(s_emb, "(b d) d2 -> b (d d2)", b=b, d=dims, d2=self.outdim) + return s_emb + + @property + def dtype(self): + # 返回模型参数的数据类型 + return next(self.parameters()).dtype + + +class LabelEmbedder(nn.Module): + """ + Embeds class labels into vector representations. Also handles label dropout for classifier-free guidance. + """ + + def __init__(self, num_classes, hidden_size, dropout_prob): + super().__init__() + use_cfg_embedding = dropout_prob > 0 + self.embedding_table = nn.Embedding(num_classes + use_cfg_embedding, hidden_size) + self.num_classes = num_classes + self.dropout_prob = dropout_prob + + def token_drop(self, labels, force_drop_ids=None): + """ + Drops labels to enable classifier-free guidance. + """ + if force_drop_ids is None: + drop_ids = torch.rand(labels.shape[0]).cuda() < self.dropout_prob + else: + drop_ids = force_drop_ids == 1 + labels = torch.where(drop_ids, self.num_classes, labels) + return labels + + def forward(self, labels, train, force_drop_ids=None): + use_dropout = self.dropout_prob > 0 + if (train and use_dropout) or (force_drop_ids is not None): + labels = self.token_drop(labels, force_drop_ids) + return self.embedding_table(labels) + + +def FeedForward(dim, mult=4): + inner_dim = int(dim * mult) + return nn.Sequential( + nn.LayerNorm(dim), + nn.Linear(dim, inner_dim, bias=False), + nn.GELU(), + nn.Linear(inner_dim, dim, bias=False), + ) + + +def reshape_tensor(x, heads): + bs, length, width = x.shape + # (bs, length, width) --> (bs, length, n_heads, dim_per_head) + x = x.view(bs, length, heads, -1) + # (bs, length, n_heads, dim_per_head) --> (bs, n_heads, length, dim_per_head) + x = x.transpose(1, 2) + # (bs, n_heads, length, dim_per_head) --> (bs*n_heads, length, dim_per_head) + x = x.reshape(bs, heads, length, -1) + return x + + +class PerceiverAttention(nn.Module): + def __init__(self, *, dim, dim_head=64, heads=8): + super().__init__() + self.scale = dim_head ** -0.5 + self.dim_head = dim_head + self.heads = heads + inner_dim = dim_head * heads + + self.norm1 = nn.LayerNorm(dim) + self.norm2 = nn.LayerNorm(dim) + + self.to_q = nn.Linear(dim, inner_dim, bias=False) + self.to_kv = nn.Linear(dim, inner_dim * 2, bias=False) + self.to_out = nn.Linear(inner_dim, dim, bias=False) + + def forward(self, x, latents): + """ + Args: + x (torch.Tensor): image features + shape (b, n1, D) + latent (torch.Tensor): latent features + shape (b, n2, D) + """ + x = self.norm1(x) + latents = self.norm2(latents) + + b, l, _ = latents.shape + + q = self.to_q(latents) + kv_input = torch.cat((x, latents), dim=-2) + k, v = self.to_kv(kv_input).chunk(2, dim=-1) + + q = reshape_tensor(q, self.heads) + k = reshape_tensor(k, self.heads) + v = reshape_tensor(v, self.heads) + + # attention + scale = 1 / math.sqrt(math.sqrt(self.dim_head)) + weight = (q * scale) @ (k * scale).transpose(-2, -1) # More stable with f16 than dividing afterwards + weight = torch.softmax(weight.float(), dim=-1).type(weight.dtype) + out = weight @ v + + out = out.permute(0, 2, 1, 3).reshape(b, l, -1) + + return self.to_out(out) + + +class ImageCaptionEmbedder(nn.Module): + """ + Embeds image feature into vector representations. Also handles label dropout for classifier-free guidance. + """ + + def __init__(self, in_channels, hidden_size, uncond_prob, act_layer=nn.GELU(approximate='tanh'), depth=4, + dim_head=64, heads=12, ff_mult=4, token_num=4): + super().__init__() + self.latents = nn.Parameter(torch.randn(1, token_num, hidden_size) / hidden_size ** 0.5) + + self.proj_in = nn.Linear(in_channels, hidden_size) + + self.proj_out = Mlp(in_features=hidden_size, hidden_features=hidden_size, out_features=hidden_size, + act_layer=act_layer, drop=0) + self.norm_out = nn.LayerNorm(hidden_size) + + self.layers = nn.ModuleList([]) + for _ in range(depth): + self.layers.append( + nn.ModuleList( + [ + PerceiverAttention(dim=hidden_size, dim_head=dim_head, heads=heads), + FeedForward(dim=hidden_size, mult=ff_mult), + ] + ) + ) + self.uncond_prob = uncond_prob + + def forward(self, x, train, force_drop_ids=None): + latents = self.latents.repeat(x.size(0), 1, 1) + x = self.proj_in(x) + + for attn, ff in self.layers: + latents = attn(x, latents) + latents + latents = ff(latents) + latents + + latents = self.proj_out(latents) + latents = self.norm_out(latents) + image_caption = latents.unsqueeze(1) # # (N, 1, L, D) + return image_caption + + + +class DinoFeatureEmbedderQFormer(nn.Module): + """ + Embeds class labels into vector representations. Also handles label dropout for classifier-free guidance. + """ + + def __init__(self, in_channels, hidden_size, uncond_prob, act_layer=nn.GELU(approximate='tanh'), token_num=257, depth=4, + dim_head=64, heads=12, ff_mult=4 ): + super().__init__() + self.latents = nn.Parameter(torch.randn(1, token_num, hidden_size) / hidden_size ** 0.5) + + self.proj_in = nn.Linear(in_channels, hidden_size) + + self.proj_out = Mlp(in_features=hidden_size, hidden_features=hidden_size, out_features=hidden_size, + act_layer=act_layer, drop=0) + self.norm_out = nn.LayerNorm(hidden_size) + + self.layers = nn.ModuleList([]) + for _ in range(depth): + self.layers.append( + nn.ModuleList( + [ + PerceiverAttention(dim=hidden_size, dim_head=dim_head, heads=heads), + FeedForward(dim=hidden_size, mult=ff_mult), + ] + ) + ) + def forward(self, x, train, force_drop_ids=None): + latents = self.latents.repeat(x.size(0), 1, 1) + x = self.proj_in(x) + + for attn, ff in self.layers: + latents = attn(x, latents) + latents + latents = ff(latents) + latents + + latents = self.proj_out(latents) + latents = self.norm_out(latents) + image_caption = latents.unsqueeze(1) # # (N, 1, L, D) + return image_caption + + + +class DinoFeatureEmbedderV2(nn.Module): + """ + Embeds class labels into vector representations. Also handles label dropout for classifier-free guidance. + """ + + def __init__(self, in_channels, hidden_size, uncond_prob, act_layer=nn.GELU(approximate='tanh'), token_num=257, use_drop=True, dino_norm=False): + super().__init__() + self.y_proj = Mlp(in_features=in_channels, hidden_features=hidden_size, out_features=hidden_size, + act_layer=act_layer, drop=0) + self.dino_norm = dino_norm + if self.dino_norm: + self.norm_out = nn.LayerNorm(hidden_size) + + def forward(self, dino_feature): + dino_feature = dino_feature.unsqueeze(1) + dino_feature = self.y_proj(dino_feature) + if self.dino_norm: + dino_feature = self.norm_out(dino_feature) + + return dino_feature + + +class DinoFeatureEmbedder(nn.Module): + """ + Embeds class labels into vector representations. Also handles label dropout for classifier-free guidance. + """ + + def __init__(self, in_channels, hidden_size, uncond_prob, act_layer=nn.GELU(approximate='tanh'), token_num=257 ): + super().__init__() + self.y_proj = Mlp(in_features=in_channels, hidden_features=hidden_size, out_features=hidden_size, + act_layer=act_layer, drop=0) + self.register_buffer("y_embedding", nn.Parameter(torch.randn(token_num, in_channels) / in_channels ** 0.5)) + self.uncond_prob = uncond_prob + + def token_drop(self, dino_feature, force_drop_ids=None): + """ + Drops labels to enable classifier-free guidance. + """ + if force_drop_ids is None: + drop_ids = torch.rand(dino_feature.shape[0]).cuda() < self.uncond_prob + else: + force_drop_ids = torch.tensor(force_drop_ids).cuda() + drop_ids = force_drop_ids == 1 + dino_feature = torch.where(drop_ids[:, None, None, None], self.y_embedding, dino_feature) + return dino_feature + + def forward(self, dino_feature, train, force_drop_ids=None): + # print("dino_2", dino_feature) + dino_feature = dino_feature.unsqueeze(1) + + if train: + assert dino_feature.shape[2:] == self.y_embedding.shape + use_dropout = self.uncond_prob > 0 + + if (train and use_dropout) or (force_drop_ids is not None and force_drop_ids != {} and len(force_drop_ids) != 0): + dino_feature = self.token_drop(dino_feature, force_drop_ids) + dino_feature = self.y_proj(dino_feature) + # print("dino_3", dino_feature) + + return dino_feature + + +class FusionEmbedder(nn.Module): + """ + Embeds class labels into vector representations. Also handles label dropout for classifier-free guidance. + """ + + def __init__(self, in_channels, hidden_size, act_layer=nn.GELU(approximate='tanh')): + super().__init__() + self.y_proj = Mlp(in_features=in_channels, hidden_features=hidden_size, out_features=hidden_size, + act_layer=act_layer, drop=0) + + def forward(self, fusion_feature): + dino_feature = self.y_proj(fusion_feature) + return dino_feature + + +class CaptionEmbedder(nn.Module): + """ + Embeds class labels into vector representations. Also handles label dropout for classifier-free guidance. + """ + + def __init__(self, in_channels, hidden_size, uncond_prob, act_layer=nn.GELU(approximate='tanh'), token_num=120): + super().__init__() + self.y_proj = Mlp(in_features=in_channels, hidden_features=hidden_size, out_features=hidden_size, + act_layer=act_layer, drop=0) + self.register_buffer("y_embedding", nn.Parameter(torch.randn(token_num, in_channels) / in_channels ** 0.5)) + self.uncond_prob = uncond_prob + + def token_drop(self, caption, force_drop_ids=None): + """ + Drops labels to enable classifier-free guidance. + """ + if force_drop_ids is None: + drop_ids = torch.rand(caption.shape[0]).cuda() < self.uncond_prob + else: + drop_ids = force_drop_ids == 1 + caption = torch.where(drop_ids[:, None, None, None], self.y_embedding, caption) + return caption + + def forward(self, caption, train, force_drop_ids=None): + if train: + assert caption.shape[2:] == self.y_embedding.shape + use_dropout = self.uncond_prob > 0 + if (train and use_dropout) or (force_drop_ids is not None): + caption = self.token_drop(caption, force_drop_ids) + caption = self.y_proj(caption) + return caption + + +class CaptionEmbedderDoubleBr(nn.Module): + """ + Embeds class labels into vector representations. Also handles label dropout for classifier-free guidance. + """ + + def __init__(self, in_channels, hidden_size, uncond_prob, act_layer=nn.GELU(approximate='tanh'), token_num=120): + super().__init__() + self.proj = Mlp(in_features=in_channels, hidden_features=hidden_size, out_features=hidden_size, + act_layer=act_layer, drop=0) + self.embedding = nn.Parameter(torch.randn(1, in_channels) / 10 ** 0.5) + self.y_embedding = nn.Parameter(torch.randn(token_num, in_channels) / 10 ** 0.5) + self.uncond_prob = uncond_prob + + def token_drop(self, global_caption, caption, force_drop_ids=None): + """ + Drops labels to enable classifier-free guidance. + """ + if force_drop_ids is None: + drop_ids = torch.rand(global_caption.shape[0]).cuda() < self.uncond_prob + else: + drop_ids = force_drop_ids == 1 + global_caption = torch.where(drop_ids[:, None], self.embedding, global_caption) + caption = torch.where(drop_ids[:, None, None, None], self.y_embedding, caption) + return global_caption, caption + + def forward(self, caption, train, force_drop_ids=None): + assert caption.shape[2:] == self.y_embedding.shape + global_caption = caption.mean(dim=2).squeeze() + use_dropout = self.uncond_prob > 0 + if (train and use_dropout) or (force_drop_ids is not None): + global_caption, caption = self.token_drop(global_caption, caption, force_drop_ids) + y_embed = self.proj(global_caption) + return y_embed, caption diff --git a/DiT_VAE/diffusion/model/nets/TriDitCLIPDINO.py b/DiT_VAE/diffusion/model/nets/TriDitCLIPDINO.py new file mode 100644 index 0000000000000000000000000000000000000000..fb70ff591d0c7f0b70f6e9469e9ee3961c7b092b --- /dev/null +++ b/DiT_VAE/diffusion/model/nets/TriDitCLIPDINO.py @@ -0,0 +1,315 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. +# -------------------------------------------------------- +# References: +# GLIDE: https://github.com/openai/glide-text2im +# MAE: https://github.com/facebookresearch/mae/blob/main/models_mae.py +# -------------------------------------------------------- +import torch +import torch.nn as nn +import os +import numpy as np +from timm.models.layers import DropPath +from timm.models.vision_transformer import PatchEmbed, Mlp +from DiT_VAE.diffusion.model.builder import MODELS +from DiT_VAE.diffusion.model.utils import auto_grad_checkpoint, to_2tuple +from DiT_VAE.diffusion.model.nets.PixArt_blocks import t2i_modulate, WindowAttention, MultiHeadCrossAttention, \ + T2IFinalLayer, TimestepEmbedder, ImageCaptionEmbedder, DinoFeatureEmbedderQFormer +from DiT_VAE.diffusion.utils.logger import get_root_logger + + +class PixArtBlock(nn.Module): + """ + A PixArt block with adaptive layer norm (adaLN-single) conditioning. + """ + + def __init__(self, hidden_size, num_heads, mlp_ratio=4.0, drop_path=0., window_size=0, input_size=None, + use_rel_pos=False, **block_kwargs): + super().__init__() + self.hidden_size = hidden_size + self.norm1 = nn.LayerNorm(hidden_size, elementwise_affine=False, eps=1e-6) + self.attn = WindowAttention(hidden_size, num_heads=num_heads, qkv_bias=True, + input_size=input_size if window_size == 0 else (window_size, window_size), + use_rel_pos=use_rel_pos, **block_kwargs) + self.cross_attn = MultiHeadCrossAttention(hidden_size, num_heads, **block_kwargs) + self.norm2 = nn.LayerNorm(hidden_size, elementwise_affine=False, eps=1e-6) + # to be compatible with lower version pytorch + approx_gelu = lambda: nn.GELU(approximate="tanh") + self.mlp = Mlp(in_features=hidden_size, hidden_features=int(hidden_size * mlp_ratio), act_layer=approx_gelu, + drop=0) + self.drop_path = DropPath(drop_path) if drop_path > 0. else nn.Identity() + self.window_size = window_size + self.scale_shift_table = nn.Parameter(torch.randn(6, hidden_size) / hidden_size ** 0.5) + + def forward(self, x, y, t, mask=None, img_feature=None, **kwargs): + B, N, C = x.shape + shift_msa, scale_msa, gate_msa, shift_mlp, scale_mlp, gate_mlp = ( + self.scale_shift_table[None] + t.reshape(B, 6, -1)).chunk(6, dim=1) + if img_feature is None: + x = x + self.drop_path(gate_msa * self.attn(t2i_modulate(self.norm1(x), shift_msa, scale_msa)).reshape(B, N, C)) + else: + x_m = t2i_modulate(self.norm1(x), shift_msa, scale_msa) + img_feature = img_feature.squeeze(1) + N_new = N + img_feature.shape[1] + x_m = self.attn(torch.cat([x_m, img_feature], dim=1)).reshape(B, N_new, C) + x_m = x_m[:,:N, :] + x = x + self.drop_path(gate_msa * x_m) + x = x + self.cross_attn(x, y, mask) + x = x + self.drop_path(gate_mlp * self.mlp(t2i_modulate(self.norm2(x), shift_mlp, scale_mlp))) + + return x + + +############################################################################# +# Core PixArt Model # +################################################################################# +@MODELS.register_module() +class TriDitCLIPDINO(nn.Module): + """ + Diffusion model with a Transformer backbone. + """ + + def __init__(self, input_size, patch_size=2, in_channels=8, hidden_size=1152, depth=28, num_heads=16, mlp_ratio=4.0, + class_dropout_prob=0.1, pred_sigma=True, drop_path: float = 0., window_size=0, + window_block_indexes=None, use_rel_pos=False, caption_channels=1280, lewei_scale=1.0, config=None, dino_channels=768, img_feature_self_attention=False, dino_norm=False, + model_max_length=257, **kwargs): + if window_block_indexes is None: + window_block_indexes = [] + super().__init__() + self.img_feature_self_attention= img_feature_self_attention + self.pred_sigma = pred_sigma + self.in_channels = in_channels + self.out_channels = in_channels * 2 if pred_sigma else in_channels + self.patch_size = patch_size + self.num_heads = num_heads + self.lewei_scale = lewei_scale, + assert isinstance(input_size, tuple) + self.x_embedder = PatchEmbed(input_size, patch_size, in_channels, hidden_size, bias=True) + self.t_embedder = TimestepEmbedder(hidden_size) + num_patches = self.x_embedder.num_patches + self.base_size_h = input_size[0] // self.patch_size + self.base_size_w = input_size[1] // self.patch_size + self.h = self.base_size_h + self.w= self.base_size_w + # Will use fixed sin-cos embedding: + self.register_buffer("pos_embed", torch.zeros(1, num_patches, hidden_size)) + + approx_gelu = lambda: nn.GELU(approximate="tanh") + self.t_block = nn.Sequential( + nn.SiLU(), + nn.Linear(hidden_size, 6 * hidden_size, bias=True) + ) + self.dino_embedder = DinoFeatureEmbedderQFormer(in_channels=dino_channels, hidden_size=hidden_size, uncond_prob=class_dropout_prob, act_layer=approx_gelu, token_num=256) + self.y_embedder = ImageCaptionEmbedder(in_channels=caption_channels, hidden_size=hidden_size, + uncond_prob=class_dropout_prob, act_layer=approx_gelu, + token_num=16) + drop_path = [x.item() for x in torch.linspace(0, drop_path, depth)] # stochastic depth decay rule + self.blocks = nn.ModuleList([ + PixArtBlock(hidden_size, num_heads, mlp_ratio=mlp_ratio, drop_path=drop_path[i], + input_size=(input_size[0] // patch_size, input_size[1] // patch_size), + window_size=window_size if i in window_block_indexes else 0, + use_rel_pos=use_rel_pos if i in window_block_indexes else False) + for i in range(depth) + ]) + self.final_layer = T2IFinalLayer(hidden_size, patch_size, self.out_channels) + + self.initialize_weights() + + if config: + logger = get_root_logger(os.path.join(config.work_dir, 'train_log.log')) + logger.warning( + f"lewei scale: {self.lewei_scale}, base size h: {self.base_size_h} base size w: {self.base_size_w}") + else: + print( + f'Warning: lewei scale: {self.lewei_scale}, base size h: {self.base_size_h} base size w: {self.base_size_w}') + + def forward(self, x, timestep, y, img_feature, drop_img_mask=None, mask=None, data_info=None, **kwargs): + """ + Forward pass of PixArt. + x: (N, C, H, W) tensor of spatial inputs (images or latent representations of images) + t: (N,) tensor of diffusion timesteps + y: (N, 1, 120, C) tensor of class labels + """ + x = x.to(self.dtype) + timestep = timestep.to(self.dtype) + y = y.to(self.dtype) + img_feature = img_feature.to(self.dtype) + pos_embed = self.pos_embed.to(self.dtype) + self.h, self.w = x.shape[-2] // self.patch_size, x.shape[-1] // self.patch_size + x = self.x_embedder(x) + pos_embed # (N, T, D), where T = H * W / patch_size ** 2 + t = self.t_embedder(timestep.to(x.dtype)) # (N, D) + t0 = self.t_block(t) + y = self.y_embedder(y, self.training) # (N, 1, L, D) + img_embedding = self.dino_embedder(img_feature, self.training) + # y_fusion = y + if mask is not None: + if mask.shape[0] != y.shape[0]: + mask = mask.repeat(y.shape[0] // mask.shape[0], 1) + mask = mask.squeeze(1).squeeze(1) + y = y.squeeze(1).masked_select(mask.unsqueeze(-1) != 0).view(1, -1, x.shape[-1]) + y_lens = mask.sum(dim=1).tolist() + else: + y_lens = [y.shape[2]] * y.shape[0] + y = y.squeeze(1).view(1, -1, x.shape[-1]) + for block in self.blocks: + x = auto_grad_checkpoint(block, x, y, t0, y_lens, img_embedding) # (N, T, D) #support grad checkpoint + x = self.final_layer(x, t) # (N, T, patch_size ** 2 * out_channels) + x = self.unpatchify(x) # (N, out_channels, H, W) + return x + + def forward_with_dpmsolver(self, x, timestep, y, img_feature, mask=None, **kwargs): + """ + dpm solver donnot need variance prediction + """ + # https://github.com/openai/glide-text2im/blob/main/notebooks/text2im.ipynb + model_out = self.forward(x, timestep, y, img_feature) + return model_out.chunk(2, dim=1)[0] + + def forward_with_cfg(self, x, timestep, y, img_feature, cfg_scale, mask=None, **kwargs): + """ + Forward pass of PixArt, but also batches the unconditional forward pass for classifier-free guidance. + """ + # https://github.com/openai/glide-text2im/blob/main/notebooks/text2im.ipynb + half = x[: len(x) // 2] + combined = torch.cat([half, half], dim=0) + model_out = self.forward(combined, timestep, y, img_feature, kwargs) + model_out = model_out['x'] if isinstance(model_out, dict) else model_out + eps, rest = torch.split(model_out, self.in_channels, dim=1) + # eps, rest = model_out[:, :3], model_out[:, 3:] + + cond_eps, uncond_eps = torch.split(eps, len(eps) // 2, dim=0) + half_eps = uncond_eps + cfg_scale * (cond_eps - uncond_eps) + eps = torch.cat([half_eps, half_eps], dim=0) + return torch.cat([eps, rest], dim=1) + + def unpatchify(self, x): + """ + x: (N, T, patch_size**2 * C) + imgs: (N, H, W, C) + """ + c = self.out_channels + p = self.x_embedder.patch_size[0] + h = int(x.shape[1] ** 0.5 * 2) + w = int(x.shape[1] ** 0.5 / 2) + assert h * w == x.shape[1] + + x = x.reshape(shape=(x.shape[0], h, w, p, p, c)) + x = torch.einsum('nhwpqc->nchpwq', x) + return x.reshape(shape=(x.shape[0], c, h * p, w * p)) + + def initialize_weights(self): + # Initialize transformer layers: + def _basic_init(module): + if isinstance(module, nn.Linear): + torch.nn.init.xavier_uniform_(module.weight) + if module.bias is not None: + nn.init.constant_(module.bias, 0) + + self.apply(_basic_init) + + # Initialize (and freeze) pos_embed by sin-cos embedding: + pos_embed = get_2d_sincos_pos_embed(self.pos_embed.shape[-1], int(self.x_embedder.num_patches ** 0.5), + lewei_scale=self.lewei_scale, base_size_h=self.base_size_h, + base_size_w=self.base_size_w) + self.pos_embed.data.copy_(torch.from_numpy(pos_embed).float().unsqueeze(0)) + + # Initialize patch_embed like nn.Linear (instead of nn.Conv2d): + w = self.x_embedder.proj.weight.data + nn.init.xavier_uniform_(w.view([w.shape[0], -1])) + + # Initialize timestep embedding MLP: + nn.init.normal_(self.t_embedder.mlp[0].weight, std=0.02) + nn.init.normal_(self.t_embedder.mlp[2].weight, std=0.02) + nn.init.normal_(self.t_block[1].weight, std=0.02) + + # Initialize caption embedding MLP: + nn.init.normal_(self.y_embedder.proj_out.fc1.weight, std=0.02) + nn.init.normal_(self.y_embedder.proj_out.fc2.weight, std=0.02) + nn.init.normal_(self.y_embedder.proj_in.weight, std=0.02) + + + # Initialize dino embedding MLP: + # nn.init.normal_(self.dino_embedder.y_proj.fc1.weight, std=0.02) + # nn.init.normal_(self.dino_embedder.y_proj.fc2.weight, std=0.02) + nn.init.normal_(self.dino_embedder.proj_out.fc1.weight, std=0.02) + nn.init.normal_(self.dino_embedder.proj_out.fc2.weight, std=0.02) + nn.init.normal_(self.dino_embedder.proj_in.weight, std=0.02) + # if not self.img_feature_self_attention: + # # Initialize fusion embedding MLP: + # nn.init.normal_(self.fusion_embedder.y_proj.fc1.weight, std=0.02) + # nn.init.normal_(self.fusion_embedder.y_proj.fc2.weight, std=0.02) + + # Zero-out adaLN modulation layers in PixArt blocks: + for block in self.blocks: + nn.init.constant_(block.cross_attn.proj.weight, 0) + nn.init.constant_(block.cross_attn.proj.bias, 0) + + # Zero-out output layers: + nn.init.constant_(self.final_layer.linear.weight, 0) + nn.init.constant_(self.final_layer.linear.bias, 0) + + @property + def dtype(self): + return next(self.parameters()).dtype + + +def get_2d_sincos_pos_embed(embed_dim, grid_size, cls_token=False, extra_tokens=0, lewei_scale=1.0, base_size_h=16, + base_size_w=16): + """ + grid_size: int of the grid height and width + return: + pos_embed: [grid_size*grid_size, embed_dim] or [1+grid_size*grid_size, embed_dim] (w/ or w/o cls_token) + """ + if isinstance(grid_size, int): + grid_size = to_2tuple(grid_size) + grid_h = np.arange(grid_size[0], dtype=np.float32) / (grid_size[0] / base_size_h) / lewei_scale + grid_w = np.arange(grid_size[1], dtype=np.float32) / (grid_size[1] / base_size_w) / lewei_scale + grid = np.meshgrid(grid_w, grid_h) # here w goes first + grid = np.stack(grid, axis=0) + grid = grid.reshape([2, 1, grid_size[1], grid_size[0]]) + + pos_embed = get_2d_sincos_pos_embed_from_grid(embed_dim, grid) + if cls_token and extra_tokens > 0: + pos_embed = np.concatenate([np.zeros([extra_tokens, embed_dim]), pos_embed], axis=0) + return pos_embed + + +def get_2d_sincos_pos_embed_from_grid(embed_dim, grid): + assert embed_dim % 2 == 0 + + # use half of dimensions to encode grid_h + emb_h = get_1d_sincos_pos_embed_from_grid(embed_dim // 2, grid[0]) # (H*W, D/2) + emb_w = get_1d_sincos_pos_embed_from_grid(embed_dim // 2, grid[1]) # (H*W, D/2) + + return np.concatenate([emb_h, emb_w], axis=1) + + +def get_1d_sincos_pos_embed_from_grid(embed_dim, pos): + """ + embed_dim: output dimension for each position + pos: a list of positions to be encoded: size (M,) + out: (M, D) + """ + assert embed_dim % 2 == 0 + omega = np.arange(embed_dim // 2, dtype=np.float64) + omega /= embed_dim / 2. + omega = 1. / 10000 ** omega # (D/2,) + + pos = pos.reshape(-1) # (M,) + out = np.einsum('m,d->md', pos, omega) # (M, D/2), outer product + + emb_sin = np.sin(out) # (M, D/2) + emb_cos = np.cos(out) # (M, D/2) + + return np.concatenate([emb_sin, emb_cos], axis=1) + + +################################################################################# +# PixArt Configs # +################################################################################# +@MODELS.register_module() +def TriDitCLIPDINO_XL_2(**kwargs): + return TriDitCLIPDINO(depth=28, hidden_size=1152, patch_size=2, num_heads=16, **kwargs) diff --git a/DiT_VAE/diffusion/model/nets/__init__.py b/DiT_VAE/diffusion/model/nets/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..1b16f4d56a82bff0fd06ccc174638907f2f8358c --- /dev/null +++ b/DiT_VAE/diffusion/model/nets/__init__.py @@ -0,0 +1 @@ +from .TriDitCLIPDINO import TriDitCLIPDINO_XL_2, TriDitCLIPDINO diff --git a/DiT_VAE/diffusion/model/respace.py b/DiT_VAE/diffusion/model/respace.py new file mode 100644 index 0000000000000000000000000000000000000000..5208f05ef64b4741108c24ea2b87cb3a386450ca --- /dev/null +++ b/DiT_VAE/diffusion/model/respace.py @@ -0,0 +1,131 @@ +# Modified from OpenAI's diffusion repos +# GLIDE: https://github.com/openai/glide-text2im/blob/main/glide_text2im/gaussian_diffusion.py +# ADM: https://github.com/openai/guided-diffusion/blob/main/guided_diffusion +# IDDPM: https://github.com/openai/improved-diffusion/blob/main/improved_diffusion/gaussian_diffusion.py + +import numpy as np +import torch as th + +from .gaussian_diffusion import GaussianDiffusion + + +def space_timesteps(num_timesteps, section_counts): + """ + Create a list of timesteps to use from an original diffusion process, + given the number of timesteps we want to take from equally-sized portions + of the original process. + For example, if there's 300 timesteps and the section counts are [10,15,20] + then the first 100 timesteps are strided to be 10 timesteps, the second 100 + are strided to be 15 timesteps, and the final 100 are strided to be 20. + If the stride is a string starting with "ddim", then the fixed striding + from the DDIM paper is used, and only one section is allowed. + :param num_timesteps: the number of diffusion steps in the original + process to divide up. + :param section_counts: either a list of numbers, or a string containing + comma-separated numbers, indicating the step count + per section. As a special case, use "ddimN" where N + is a number of steps to use the striding from the + DDIM paper. + :return: a set of diffusion steps from the original process to use. + """ + if isinstance(section_counts, str): + if section_counts.startswith("ddim"): + desired_count = int(section_counts[len("ddim") :]) + for i in range(1, num_timesteps): + if len(range(0, num_timesteps, i)) == desired_count: + return set(range(0, num_timesteps, i)) + raise ValueError( + f"cannot create exactly {num_timesteps} steps with an integer stride" + ) + section_counts = [int(x) for x in section_counts.split(",")] + size_per = num_timesteps // len(section_counts) + extra = num_timesteps % len(section_counts) + start_idx = 0 + all_steps = [] + for i, section_count in enumerate(section_counts): + size = size_per + (1 if i < extra else 0) + if size < section_count: + raise ValueError( + f"cannot divide section of {size} steps into {section_count}" + ) + frac_stride = 1 if section_count <= 1 else (size - 1) / (section_count - 1) + cur_idx = 0.0 + taken_steps = [] + for _ in range(section_count): + taken_steps.append(start_idx + round(cur_idx)) + cur_idx += frac_stride + all_steps += taken_steps + start_idx += size + return set(all_steps) + + +class SpacedDiffusion(GaussianDiffusion): + """ + A diffusion process which can skip steps in a base diffusion process. + :param use_timesteps: a collection (sequence or set) of timesteps from the + original diffusion process to retain. + :param kwargs: the kwargs to create the base diffusion process. + """ + + def __init__(self, use_timesteps, **kwargs): + self.use_timesteps = set(use_timesteps) + self.timestep_map = [] + self.original_num_steps = len(kwargs["betas"]) + + base_diffusion = GaussianDiffusion(**kwargs) # pylint: disable=missing-kwoa + last_alpha_cumprod = 1.0 + new_betas = [] + for i, alpha_cumprod in enumerate(base_diffusion.alphas_cumprod): + if i in self.use_timesteps: + new_betas.append(1 - alpha_cumprod / last_alpha_cumprod) + last_alpha_cumprod = alpha_cumprod + self.timestep_map.append(i) + kwargs["betas"] = np.array(new_betas) + super().__init__(**kwargs) + + def p_mean_variance( + self, model, *args, **kwargs + ): # pylint: disable=signature-differs + return super().p_mean_variance(self._wrap_model(model), *args, **kwargs) + + def training_losses( + self, model, *args, **kwargs + ): # pylint: disable=signature-differs + return super().training_losses(self._wrap_model(model), *args, **kwargs) + + def training_losses_diffusers( + self, model, *args, **kwargs + ): # pylint: disable=signature-differs + return super().training_losses_diffusers(self._wrap_model(model), *args, **kwargs) + + def condition_mean(self, cond_fn, *args, **kwargs): + return super().condition_mean(self._wrap_model(cond_fn), *args, **kwargs) + + def condition_score(self, cond_fn, *args, **kwargs): + return super().condition_score(self._wrap_model(cond_fn), *args, **kwargs) + + def _wrap_model(self, model): + if isinstance(model, _WrappedModel): + return model + return _WrappedModel( + model, self.timestep_map, self.original_num_steps + ) + + def _scale_timesteps(self, t): + # Scaling is done by the wrapped model. + return t + + +class _WrappedModel: + def __init__(self, model, timestep_map, original_num_steps): + self.model = model + self.timestep_map = timestep_map + # self.rescale_timesteps = rescale_timesteps + self.original_num_steps = original_num_steps + + def __call__(self, x, timestep, **kwargs): + map_tensor = th.tensor(self.timestep_map, device=timestep.device, dtype=timestep.dtype) + new_ts = map_tensor[timestep] + # if self.rescale_timesteps: + # new_ts = new_ts.float() * (1000.0 / self.original_num_steps) + return self.model(x, timestep=new_ts, **kwargs) diff --git a/DiT_VAE/diffusion/model/sa_solver.py b/DiT_VAE/diffusion/model/sa_solver.py new file mode 100644 index 0000000000000000000000000000000000000000..1b45b791d7b3ee2daa969e80606e4477deeaec96 --- /dev/null +++ b/DiT_VAE/diffusion/model/sa_solver.py @@ -0,0 +1,1129 @@ +import torch +import torch.nn.functional as F +import math +from tqdm import tqdm + + +class NoiseScheduleVP: + def __init__( + self, + schedule='discrete', + betas=None, + alphas_cumprod=None, + continuous_beta_0=0.1, + continuous_beta_1=20., + dtype=torch.float32, + ): + """Thanks to DPM-Solver for their code base""" + """Create a wrapper class for the forward SDE (VP type). + *** + Update: We support discrete-time diffusion vae by implementing a picewise linear interpolation for log_alpha_t. + We recommend to use schedule='discrete' for the discrete-time diffusion vae, especially for high-resolution images. + *** + The forward SDE ensures that the condition distribution q_{t|0}(x_t | x_0) = N ( alpha_t * x_0, sigma_t^2 * I ). + We further define lambda_t = log(alpha_t) - log(sigma_t), which is the half-logSNR (described in the DPM-Solver paper). + Therefore, we implement the functions for computing alpha_t, sigma_t and lambda_t. For t in [0, T], we have: + log_alpha_t = self.marginal_log_mean_coeff(t) + sigma_t = self.marginal_std(t) + lambda_t = self.marginal_lambda(t) + Moreover, as lambda(t) is an invertible function, we also support its inverse function: + t = self.inverse_lambda(lambda_t) + =============================================================== + We support both discrete-time DPMs (trained on n = 0, 1, ..., N-1) and continuous-time DPMs (trained on t in [t_0, T]). + 1. For discrete-time DPMs: + For discrete-time DPMs trained on n = 0, 1, ..., N-1, we convert the discrete steps to continuous time steps by: + t_i = (i + 1) / N + e.g. for N = 1000, we have t_0 = 1e-3 and T = t_{N-1} = 1. + We solve the corresponding diffusion ODE from time T = 1 to time t_0 = 1e-3. + Args: + betas: A `torch.Tensor`. The beta array for the discrete-time DPM. (See the original DDPM paper for details) + alphas_cumprod: A `torch.Tensor`. The cumprod alphas for the discrete-time DPM. (See the original DDPM paper for details) + Note that we always have alphas_cumprod = cumprod(1 - betas). Therefore, we only need to set one of `betas` and `alphas_cumprod`. + **Important**: Please pay special attention for the args for `alphas_cumprod`: + The `alphas_cumprod` is the \hat{alpha_n} arrays in the notations of DDPM. Specifically, DDPMs assume that + q_{t_n | 0}(x_{t_n} | x_0) = N ( \sqrt{\hat{alpha_n}} * x_0, (1 - \hat{alpha_n}) * I ). + Therefore, the notation \hat{alpha_n} is different from the notation alpha_t in DPM-Solver. In fact, we have + alpha_{t_n} = \sqrt{\hat{alpha_n}}, + and + log(alpha_{t_n}) = 0.5 * log(\hat{alpha_n}). + 2. For continuous-time DPMs: + We support two types of VPSDEs: linear (DDPM) and cosine (improved-DDPM). The hyperparameters for the noise + schedule are the default settings in DDPM and improved-DDPM: + Args: + beta_min: A `float` number. The smallest beta for the linear schedule. + beta_max: A `float` number. The largest beta for the linear schedule. + cosine_s: A `float` number. The hyperparameter in the cosine schedule. + cosine_beta_max: A `float` number. The hyperparameter in the cosine schedule. + T: A `float` number. The ending time of the forward process. + =============================================================== + Args: + schedule: A `str`. The noise schedule of the forward SDE. 'discrete' for discrete-time DPMs, + 'linear' or 'cosine' for continuous-time DPMs. + Returns: + A wrapper object of the forward SDE (VP type). + + =============================================================== + Example: + # For discrete-time DPMs, given betas (the beta array for n = 0, 1, ..., N - 1): + >>> ns = NoiseScheduleVP('discrete', betas=betas) + # For discrete-time DPMs, given alphas_cumprod (the \hat{alpha_n} array for n = 0, 1, ..., N - 1): + >>> ns = NoiseScheduleVP('discrete', alphas_cumprod=alphas_cumprod) + # For continuous-time DPMs (VPSDE), linear schedule: + >>> ns = NoiseScheduleVP('linear', continuous_beta_0=0.1, continuous_beta_1=20.) + """ + + if schedule not in ['discrete', 'linear', 'cosine']: + raise ValueError( + f"Unsupported noise schedule {schedule}. The schedule needs to be 'discrete' or 'linear' or 'cosine'" + ) + + self.schedule = schedule + if schedule == 'discrete': + if betas is not None: + log_alphas = 0.5 * torch.log(1 - betas).cumsum(dim=0) + else: + assert alphas_cumprod is not None + log_alphas = 0.5 * torch.log(alphas_cumprod) + self.total_N = len(log_alphas) + self.T = 1. + self.t_array = torch.linspace(0., 1., self.total_N + 1)[1:].reshape((1, -1)).to(dtype=dtype) + self.log_alpha_array = log_alphas.reshape((1, -1,)).to(dtype=dtype) + else: + self.total_N = 1000 + self.beta_0 = continuous_beta_0 + self.beta_1 = continuous_beta_1 + self.cosine_s = 0.008 + self.cosine_beta_max = 999. + self.cosine_t_max = math.atan(self.cosine_beta_max * (1. + self.cosine_s) / math.pi) * 2. * ( + 1. + self.cosine_s) / math.pi - self.cosine_s + self.cosine_log_alpha_0 = math.log(math.cos(self.cosine_s / (1. + self.cosine_s) * math.pi / 2.)) + self.schedule = schedule + self.T = 0.9946 if schedule == 'cosine' else 1. + + def marginal_log_mean_coeff(self, t): + """ + Compute log(alpha_t) of a given continuous-time label t in [0, T]. + """ + if self.schedule == 'discrete': + return interpolate_fn(t.reshape((-1, 1)), self.t_array.to(t.device), + self.log_alpha_array.to(t.device)).reshape((-1)) + elif self.schedule == 'linear': + return -0.25 * t ** 2 * (self.beta_1 - self.beta_0) - 0.5 * t * self.beta_0 + elif self.schedule == 'cosine': + log_alpha_fn = lambda s: torch.log(torch.cos((s + self.cosine_s) / (1. + self.cosine_s) * math.pi / 2.)) + return log_alpha_fn(t) - self.cosine_log_alpha_0 + + def marginal_alpha(self, t): + """ + Compute alpha_t of a given continuous-time label t in [0, T]. + """ + return torch.exp(self.marginal_log_mean_coeff(t)) + + def marginal_std(self, t): + """ + Compute sigma_t of a given continuous-time label t in [0, T]. + """ + return torch.sqrt(1. - torch.exp(2. * self.marginal_log_mean_coeff(t))) + + def marginal_lambda(self, t): + """ + Compute lambda_t = log(alpha_t) - log(sigma_t) of a given continuous-time label t in [0, T]. + """ + log_mean_coeff = self.marginal_log_mean_coeff(t) + log_std = 0.5 * torch.log(1. - torch.exp(2. * log_mean_coeff)) + return log_mean_coeff - log_std + + def inverse_lambda(self, lamb): + """ + Compute the continuous-time label t in [0, T] of a given half-logSNR lambda_t. + """ + if self.schedule == 'linear': + tmp = 2. * (self.beta_1 - self.beta_0) * torch.logaddexp(-2. * lamb, torch.zeros((1,)).to(lamb)) + Delta = self.beta_0 ** 2 + tmp + return tmp / (torch.sqrt(Delta) + self.beta_0) / (self.beta_1 - self.beta_0) + elif self.schedule == 'discrete': + log_alpha = -0.5 * torch.logaddexp(torch.zeros((1,)).to(lamb.device), -2. * lamb) + t = interpolate_fn(log_alpha.reshape((-1, 1)), torch.flip(self.log_alpha_array.to(lamb.device), [1]), + torch.flip(self.t_array.to(lamb.device), [1])) + return t.reshape((-1,)) + else: + log_alpha = -0.5 * torch.logaddexp(-2. * lamb, torch.zeros((1,)).to(lamb)) + t_fn = lambda log_alpha_t: torch.arccos(torch.exp(log_alpha_t + self.cosine_log_alpha_0)) * 2. * ( + 1. + self.cosine_s) / math.pi - self.cosine_s + return t_fn(log_alpha) + + def edm_sigma(self, t): + return self.marginal_std(t) / self.marginal_alpha(t) + + def edm_inverse_sigma(self, edmsigma): + alpha = 1 / (edmsigma ** 2 + 1).sqrt() + sigma = alpha * edmsigma + lambda_t = torch.log(alpha / sigma) + return self.inverse_lambda(lambda_t) + + +def model_wrapper( + model, + noise_schedule, + model_type="noise", + model_kwargs={}, + guidance_type="uncond", + condition=None, + unconditional_condition=None, + guidance_scale=1., + classifier_fn=None, + classifier_kwargs={}, +): + """Thanks to DPM-Solver for their code base""" + """Create a wrapper function for the noise prediction model. + SA-Solver needs to solve the continuous-time diffusion SDEs. For DPMs trained on discrete-time labels, we need to + firstly wrap the model function to a noise prediction model that accepts the continuous time as the input. + We support four types of the diffusion model by setting `model_type`: + 1. "noise": noise prediction model. (Trained by predicting noise). + 2. "x_start": data prediction model. (Trained by predicting the data x_0 at time 0). + 3. "v": velocity prediction model. (Trained by predicting the velocity). + The "v" prediction is derivation detailed in Appendix D of [1], and is used in Imagen-Video [2]. + [1] Salimans, Tim, and Jonathan Ho. "Progressive distillation for fast sampling of diffusion vae." + arXiv preprint arXiv:2202.00512 (2022). + [2] Ho, Jonathan, et al. "Imagen Video: High Definition Video Generation with Diffusion Models." + arXiv preprint arXiv:2210.02303 (2022). + + 4. "score": marginal score function. (Trained by denoising score matching). + Note that the score function and the noise prediction model follows a simple relationship: + ``` + noise(x_t, t) = -sigma_t * score(x_t, t) + ``` + We support three types of guided sampling by DPMs by setting `guidance_type`: + 1. "uncond": unconditional sampling by DPMs. + The input `model` has the following format: + `` + model(x, t_input, **model_kwargs) -> noise | x_start | v | score + `` + 2. "classifier": classifier guidance sampling [3] by DPMs and another classifier. + The input `model` has the following format: + `` + model(x, t_input, **model_kwargs) -> noise | x_start | v | score + `` + The input `classifier_fn` has the following format: + `` + classifier_fn(x, t_input, cond, **classifier_kwargs) -> logits(x, t_input, cond) + `` + [3] P. Dhariwal and A. Q. Nichol, "Diffusion vae beat GANs on image synthesis," + in Advances in Neural Information Processing Systems, vol. 34, 2021, pp. 8780-8794. + 3. "classifier-free": classifier-free guidance sampling by conditional DPMs. + The input `model` has the following format: + `` + model(x, t_input, cond, **model_kwargs) -> noise | x_start | v | score + `` + And if cond == `unconditional_condition`, the model output is the unconditional DPM output. + [4] Ho, Jonathan, and Tim Salimans. "Classifier-free diffusion guidance." + arXiv preprint arXiv:2207.12598 (2022). + + The `t_input` is the time label of the model, which may be discrete-time labels (i.e. 0 to 999) + or continuous-time labels (i.e. epsilon to T). + We wrap the model function to accept only `x` and `t_continuous` as inputs, and outputs the predicted noise: + `` + def model_fn(x, t_continuous) -> noise: + t_input = get_model_input_time(t_continuous) + return noise_pred(model, x, t_input, **model_kwargs) + `` + where `t_continuous` is the continuous time labels (i.e. epsilon to T). And we use `model_fn` for SA-Solver. + =============================================================== + Args: + model: A diffusion model with the corresponding format described above. + noise_schedule: A noise schedule object, such as NoiseScheduleVP. + model_type: A `str`. The parameterization type of the diffusion model. + "noise" or "x_start" or "v" or "score". + model_kwargs: A `dict`. A dict for the other inputs of the model function. + guidance_type: A `str`. The type of the guidance for sampling. + "uncond" or "classifier" or "classifier-free". + condition: A pytorch tensor. The condition for the guided sampling. + Only used for "classifier" or "classifier-free" guidance type. + unconditional_condition: A pytorch tensor. The condition for the unconditional sampling. + Only used for "classifier-free" guidance type. + guidance_scale: A `float`. The scale for the guided sampling. + classifier_fn: A classifier function. Only used for the classifier guidance. + classifier_kwargs: A `dict`. A dict for the other inputs of the classifier function. + Returns: + A noise prediction model that accepts the noised data and the continuous time as the inputs. + """ + + def get_model_input_time(t_continuous): + """ + Convert the continuous-time `t_continuous` (in [epsilon, T]) to the model input time. + For discrete-time DPMs, we convert `t_continuous` in [1 / N, 1] to `t_input` in [0, 1000 * (N - 1) / N]. + For continuous-time DPMs, we just use `t_continuous`. + """ + if noise_schedule.schedule == 'discrete': + return (t_continuous - 1. / noise_schedule.total_N) * 1000. + else: + return t_continuous + + def noise_pred_fn(x, t_continuous, cond=None, cond_2=None): + t_input = get_model_input_time(t_continuous) + if cond is None: + output = model(x, t_input, **model_kwargs) + else: + output = model(x, t_input, cond, cond_2, **model_kwargs) + if model_type == "noise": + return output + elif model_type == "x_start": + alpha_t, sigma_t = noise_schedule.marginal_alpha(t_continuous), noise_schedule.marginal_std(t_continuous) + return (x - alpha_t[0] * output) / sigma_t[0] + elif model_type == "v": + alpha_t, sigma_t = noise_schedule.marginal_alpha(t_continuous), noise_schedule.marginal_std(t_continuous) + return alpha_t[0] * output + sigma_t[0] * x + elif model_type == "score": + sigma_t = noise_schedule.marginal_std(t_continuous) + return -sigma_t[0] * output + + def cond_grad_fn(x, t_input): + """ + Compute the gradient of the classifier, i.e. nabla_{x} log p_t(cond | x_t). + """ + with torch.enable_grad(): + x_in = x.detach().requires_grad_(True) + log_prob = classifier_fn(x_in, t_input, condition, **classifier_kwargs) + return torch.autograd.grad(log_prob.sum(), x_in)[0] + + def model_fn(x, t_continuous): + """ + The noise predicition model function that is used for DPM-Solver. + """ + if guidance_type == "uncond": + return noise_pred_fn(x, t_continuous) + elif guidance_type == "classifier": + assert classifier_fn is not None + t_input = get_model_input_time(t_continuous) + cond_grad = cond_grad_fn(x, t_input) + sigma_t = noise_schedule.marginal_std(t_continuous) + noise = noise_pred_fn(x, t_continuous) + return noise - guidance_scale * sigma_t * cond_grad + elif guidance_type == "classifier-free": + if guidance_scale == 1. or unconditional_condition is None: + return noise_pred_fn(x, t_continuous, cond=condition) + x_in = torch.cat([x] * 2) + t_in = torch.cat([t_continuous] * 2) + # c_in = torch.cat([unconditional_condition, condition]) + c_in_y = torch.cat([unconditional_condition[0], condition[0]]) + c_in_dino = torch.cat([unconditional_condition[1], condition[1]]) + noise_uncond, noise = noise_pred_fn(x_in, t_in, cond=c_in_y, cond_2=c_in_dino).chunk(2) + return noise_uncond + guidance_scale * (noise - noise_uncond) + + assert model_type in ["noise", "x_start", "v", "score"] + assert guidance_type in ["uncond", "classifier", "classifier-free"] + return model_fn + + +class SASolver: + def __init__( + self, + model_fn, + noise_schedule, + algorithm_type="data_prediction", + correcting_x0_fn=None, + correcting_xt_fn=None, + thresholding_max_val=1., + dynamic_thresholding_ratio=0.995 + ): + """ + Construct a SA-Solver + The default value for algorithm_type is "data_prediction" and we recommend not to change it to + "noise_prediction". For details, please see Appendix A.2.4 in SA-Solver paper https://arxiv.org/pdf/2309.05019.pdf + """ + + self.model = lambda x, t: model_fn(x, t.expand((x.shape[0]))) + self.noise_schedule = noise_schedule + assert algorithm_type in ["data_prediction", "noise_prediction"] + + if correcting_x0_fn == "dynamic_thresholding": + self.correcting_x0_fn = self.dynamic_thresholding_fn + else: + self.correcting_x0_fn = correcting_x0_fn + + self.correcting_xt_fn = correcting_xt_fn + self.dynamic_thresholding_ratio = dynamic_thresholding_ratio + self.thresholding_max_val = thresholding_max_val + + self.predict_x0 = algorithm_type == "data_prediction" + + self.sigma_min = float(self.noise_schedule.edm_sigma(torch.tensor([1e-3]))) + self.sigma_max = float(self.noise_schedule.edm_sigma(torch.tensor([1]))) + + def dynamic_thresholding_fn(self, x0, t=None): + """ + The dynamic thresholding method. + """ + dims = x0.dim() + p = self.dynamic_thresholding_ratio + s = torch.quantile(torch.abs(x0).reshape((x0.shape[0], -1)), p, dim=1) + s = expand_dims(torch.maximum(s, self.thresholding_max_val * torch.ones_like(s).to(s.device)), dims) + x0 = torch.clamp(x0, -s, s) / s + return x0 + + def noise_prediction_fn(self, x, t): + """ + Return the noise prediction model. + """ + return self.model(x, t) + + def data_prediction_fn(self, x, t): + """ + Return the data prediction model (with corrector). + """ + noise = self.noise_prediction_fn(x, t) + alpha_t, sigma_t = self.noise_schedule.marginal_alpha(t), self.noise_schedule.marginal_std(t) + x0 = (x - sigma_t * noise) / alpha_t + if self.correcting_x0_fn is not None: + x0 = self.correcting_x0_fn(x0) + return x0 + + def model_fn(self, x, t): + """ + Convert the model to the noise prediction model or the data prediction model. + """ + + if self.predict_x0: + return self.data_prediction_fn(x, t) + else: + return self.noise_prediction_fn(x, t) + + def get_time_steps(self, skip_type, t_T, t_0, N, order, device): + """Compute the intermediate time steps for sampling. + """ + if skip_type == 'logSNR': + lambda_T = self.noise_schedule.marginal_lambda(torch.tensor(t_T).to(device)) + lambda_0 = self.noise_schedule.marginal_lambda(torch.tensor(t_0).to(device)) + logSNR_steps = lambda_T + torch.linspace(torch.tensor(0.).cpu().item(), + (lambda_0 - lambda_T).cpu().item() ** (1. / order), N + 1).pow( + order).to(device) + return self.noise_schedule.inverse_lambda(logSNR_steps) + elif skip_type == 'time': + t = torch.linspace(t_T ** (1. / order), t_0 ** (1. / order), N + 1).pow(order).to(device) + return t + elif skip_type == 'karras': + sigma_min = max(0.002, self.sigma_min) + sigma_max = min(80, self.sigma_max) + sigma_steps = torch.linspace(sigma_max ** (1. / 7), sigma_min ** (1. / 7), N + 1).pow(7).to(device) + return self.noise_schedule.edm_inverse_sigma(sigma_steps) + else: + raise ValueError( + f"Unsupported skip_type {skip_type}, need to be 'logSNR' or 'time' or 'karras'" + ) + + def denoise_to_zero_fn(self, x, s): + """ + Denoise at the final step, which is equivalent to solve the ODE from lambda_s to infty by first-order discretization. + """ + return self.data_prediction_fn(x, s) + + def get_coefficients_exponential_negative(self, order, interval_start, interval_end): + """ + Calculate the integral of exp(-x) * x^order dx from interval_start to interval_end + For calculating the coefficient of gradient terms after the lagrange interpolation, + see Eq.(15) and Eq.(18) in SA-Solver paper https://arxiv.org/pdf/2309.05019.pdf + For noise_prediction formula. + """ + assert order in [0, 1, 2, 3], "order is only supported for 0, 1, 2 and 3" + + if order == 0: + return torch.exp(-interval_end) * (torch.exp(interval_end - interval_start) - 1) + elif order == 1: + return torch.exp(-interval_end) * ( + (interval_start + 1) * torch.exp(interval_end - interval_start) - (interval_end + 1)) + elif order == 2: + return torch.exp(-interval_end) * ( + (interval_start ** 2 + 2 * interval_start + 2) * torch.exp(interval_end - interval_start) - ( + interval_end ** 2 + 2 * interval_end + 2)) + elif order == 3: + return torch.exp(-interval_end) * ( + (interval_start ** 3 + 3 * interval_start ** 2 + 6 * interval_start + 6) * torch.exp( + interval_end - interval_start) - (interval_end ** 3 + 3 * interval_end ** 2 + 6 * interval_end + 6)) + + def get_coefficients_exponential_positive(self, order, interval_start, interval_end, tau): + """ + Calculate the integral of exp(x(1+tau^2)) * x^order dx from interval_start to interval_end + For calculating the coefficient of gradient terms after the lagrange interpolation, + see Eq.(15) and Eq.(18) in SA-Solver paper https://arxiv.org/pdf/2309.05019.pdf + For data_prediction formula. + """ + assert order in [0, 1, 2, 3], "order is only supported for 0, 1, 2 and 3" + + # after change of variable(cov) + interval_end_cov = (1 + tau ** 2) * interval_end + interval_start_cov = (1 + tau ** 2) * interval_start + + if order == 0: + return torch.exp(interval_end_cov) * (1 - torch.exp(-(interval_end_cov - interval_start_cov))) / ( + (1 + tau ** 2)) + elif order == 1: + return torch.exp(interval_end_cov) * ((interval_end_cov - 1) - (interval_start_cov - 1) * torch.exp( + -(interval_end_cov - interval_start_cov))) / ((1 + tau ** 2) ** 2) + elif order == 2: + return torch.exp(interval_end_cov) * ((interval_end_cov ** 2 - 2 * interval_end_cov + 2) - ( + interval_start_cov ** 2 - 2 * interval_start_cov + 2) * torch.exp( + -(interval_end_cov - interval_start_cov))) / ((1 + tau ** 2) ** 3) + elif order == 3: + return torch.exp(interval_end_cov) * ( + (interval_end_cov ** 3 - 3 * interval_end_cov ** 2 + 6 * interval_end_cov - 6) - ( + interval_start_cov ** 3 - 3 * interval_start_cov ** 2 + 6 * interval_start_cov - 6) * torch.exp( + -(interval_end_cov - interval_start_cov))) / ((1 + tau ** 2) ** 4) + + def lagrange_polynomial_coefficient(self, order, lambda_list): + """ + Calculate the coefficient of lagrange polynomial + For lagrange interpolation + """ + assert order in [0, 1, 2, 3] + assert order == len(lambda_list) - 1 + if order == 0: + return [[1]] + elif order == 1: + return [[1 / (lambda_list[0] - lambda_list[1]), -lambda_list[1] / (lambda_list[0] - lambda_list[1])], + [1 / (lambda_list[1] - lambda_list[0]), -lambda_list[0] / (lambda_list[1] - lambda_list[0])]] + elif order == 2: + denominator1 = (lambda_list[0] - lambda_list[1]) * (lambda_list[0] - lambda_list[2]) + denominator2 = (lambda_list[1] - lambda_list[0]) * (lambda_list[1] - lambda_list[2]) + denominator3 = (lambda_list[2] - lambda_list[0]) * (lambda_list[2] - lambda_list[1]) + return [[1 / denominator1, + (-lambda_list[1] - lambda_list[2]) / denominator1, + lambda_list[1] * lambda_list[2] / denominator1], + + [1 / denominator2, + (-lambda_list[0] - lambda_list[2]) / denominator2, + lambda_list[0] * lambda_list[2] / denominator2], + + [1 / denominator3, + (-lambda_list[0] - lambda_list[1]) / denominator3, + lambda_list[0] * lambda_list[1] / denominator3] + ] + elif order == 3: + denominator1 = (lambda_list[0] - lambda_list[1]) * (lambda_list[0] - lambda_list[2]) * ( + lambda_list[0] - lambda_list[3]) + denominator2 = (lambda_list[1] - lambda_list[0]) * (lambda_list[1] - lambda_list[2]) * ( + lambda_list[1] - lambda_list[3]) + denominator3 = (lambda_list[2] - lambda_list[0]) * (lambda_list[2] - lambda_list[1]) * ( + lambda_list[2] - lambda_list[3]) + denominator4 = (lambda_list[3] - lambda_list[0]) * (lambda_list[3] - lambda_list[1]) * ( + lambda_list[3] - lambda_list[2]) + return [[1 / denominator1, + (-lambda_list[1] - lambda_list[2] - lambda_list[3]) / denominator1, + (lambda_list[1] * lambda_list[2] + lambda_list[1] * lambda_list[3] + lambda_list[2] * lambda_list[ + 3]) / denominator1, + (-lambda_list[1] * lambda_list[2] * lambda_list[3]) / denominator1], + + [1 / denominator2, + (-lambda_list[0] - lambda_list[2] - lambda_list[3]) / denominator2, + (lambda_list[0] * lambda_list[2] + lambda_list[0] * lambda_list[3] + lambda_list[2] * lambda_list[ + 3]) / denominator2, + (-lambda_list[0] * lambda_list[2] * lambda_list[3]) / denominator2], + + [1 / denominator3, + (-lambda_list[0] - lambda_list[1] - lambda_list[3]) / denominator3, + (lambda_list[0] * lambda_list[1] + lambda_list[0] * lambda_list[3] + lambda_list[1] * lambda_list[ + 3]) / denominator3, + (-lambda_list[0] * lambda_list[1] * lambda_list[3]) / denominator3], + + [1 / denominator4, + (-lambda_list[0] - lambda_list[1] - lambda_list[2]) / denominator4, + (lambda_list[0] * lambda_list[1] + lambda_list[0] * lambda_list[2] + lambda_list[1] * lambda_list[ + 2]) / denominator4, + (-lambda_list[0] * lambda_list[1] * lambda_list[2]) / denominator4] + + ] + + def get_coefficients_fn(self, order, interval_start, interval_end, lambda_list, tau): + """ + Calculate the coefficient of gradients. + """ + assert order in [1, 2, 3, 4] + assert order == len(lambda_list), 'the length of lambda list must be equal to the order' + coefficients = [] + lagrange_coefficient = self.lagrange_polynomial_coefficient(order - 1, lambda_list) + for i in range(order): + coefficient = sum( + lagrange_coefficient[i][j] + * self.get_coefficients_exponential_positive( + order - 1 - j, interval_start, interval_end, tau + ) + if self.predict_x0 + else lagrange_coefficient[i][j] + * self.get_coefficients_exponential_negative( + order - 1 - j, interval_start, interval_end + ) + for j in range(order) + ) + coefficients.append(coefficient) + assert len(coefficients) == order, 'the length of coefficients does not match the order' + return coefficients + + def adams_bashforth_update(self, order, x, tau, model_prev_list, t_prev_list, noise, t): + """ + SA-Predictor, without the "rescaling" trick in Appendix D in SA-Solver paper https://arxiv.org/pdf/2309.05019.pdf + """ + assert order in [1, 2, 3, 4], "order of stochastic adams bashforth method is only supported for 1, 2, 3 and 4" + + # get noise schedule + ns = self.noise_schedule + alpha_t = ns.marginal_alpha(t) + sigma_t = ns.marginal_std(t) + lambda_t = ns.marginal_lambda(t) + alpha_prev = ns.marginal_alpha(t_prev_list[-1]) + sigma_prev = ns.marginal_std(t_prev_list[-1]) + gradient_part = torch.zeros_like(x) + h = lambda_t - ns.marginal_lambda(t_prev_list[-1]) + lambda_list = [ns.marginal_lambda(t_prev_list[-(i + 1)]) for i in range(order)] + gradient_coefficients = self.get_coefficients_fn(order, ns.marginal_lambda(t_prev_list[-1]), lambda_t, + lambda_list, tau) + + for i in range(order): + if self.predict_x0: + gradient_part += (1 + tau ** 2) * sigma_t * torch.exp(- tau ** 2 * lambda_t) * gradient_coefficients[ + i] * model_prev_list[-(i + 1)] + else: + gradient_part += -(1 + tau ** 2) * alpha_t * gradient_coefficients[i] * model_prev_list[-(i + 1)] + + if self.predict_x0: + noise_part = sigma_t * torch.sqrt(1 - torch.exp(-2 * tau ** 2 * h)) * noise + else: + noise_part = tau * sigma_t * torch.sqrt(torch.exp(2 * h) - 1) * noise + + if self.predict_x0: + x_t = torch.exp(-tau ** 2 * h) * (sigma_t / sigma_prev) * x + gradient_part + noise_part + else: + x_t = (alpha_t / alpha_prev) * x + gradient_part + noise_part + + return x_t + + def adams_moulton_update(self, order, x, tau, model_prev_list, t_prev_list, noise, t): + """ + SA-Corrector, without the "rescaling" trick in Appendix D in SA-Solver paper https://arxiv.org/pdf/2309.05019.pdf + """ + + assert order in [1, 2, 3, 4], "order of stochastic adams bashforth method is only supported for 1, 2, 3 and 4" + + # get noise schedule + ns = self.noise_schedule + alpha_t = ns.marginal_alpha(t) + sigma_t = ns.marginal_std(t) + lambda_t = ns.marginal_lambda(t) + alpha_prev = ns.marginal_alpha(t_prev_list[-1]) + sigma_prev = ns.marginal_std(t_prev_list[-1]) + gradient_part = torch.zeros_like(x) + h = lambda_t - ns.marginal_lambda(t_prev_list[-1]) + t_list = t_prev_list + [t] + lambda_list = [ns.marginal_lambda(t_list[-(i + 1)]) for i in range(order)] + gradient_coefficients = self.get_coefficients_fn(order, ns.marginal_lambda(t_prev_list[-1]), lambda_t, + lambda_list, tau) + + for i in range(order): + if self.predict_x0: + gradient_part += (1 + tau ** 2) * sigma_t * torch.exp(- tau ** 2 * lambda_t) * gradient_coefficients[ + i] * model_prev_list[-(i + 1)] + else: + gradient_part += -(1 + tau ** 2) * alpha_t * gradient_coefficients[i] * model_prev_list[-(i + 1)] + + if self.predict_x0: + noise_part = sigma_t * torch.sqrt(1 - torch.exp(-2 * tau ** 2 * h)) * noise + else: + noise_part = tau * sigma_t * torch.sqrt(torch.exp(2 * h) - 1) * noise + + if self.predict_x0: + x_t = torch.exp(-tau ** 2 * h) * (sigma_t / sigma_prev) * x + gradient_part + noise_part + else: + x_t = (alpha_t / alpha_prev) * x + gradient_part + noise_part + + return x_t + + def adams_bashforth_update_few_steps(self, order, x, tau, model_prev_list, t_prev_list, noise, t): + """ + SA-Predictor, with the "rescaling" trick in Appendix D in SA-Solver paper https://arxiv.org/pdf/2309.05019.pdf + """ + + assert order in [1, 2, 3, 4], "order of stochastic adams bashforth method is only supported for 1, 2, 3 and 4" + + # get noise schedule + ns = self.noise_schedule + alpha_t = ns.marginal_alpha(t) + sigma_t = ns.marginal_std(t) + lambda_t = ns.marginal_lambda(t) + alpha_prev = ns.marginal_alpha(t_prev_list[-1]) + sigma_prev = ns.marginal_std(t_prev_list[-1]) + gradient_part = torch.zeros_like(x) + h = lambda_t - ns.marginal_lambda(t_prev_list[-1]) + lambda_list = [ns.marginal_lambda(t_prev_list[-(i + 1)]) for i in range(order)] + gradient_coefficients = self.get_coefficients_fn(order, ns.marginal_lambda(t_prev_list[-1]), lambda_t, + lambda_list, tau) + + if self.predict_x0: + if order == 2: ## if order = 2 we do a modification that does not influence the convergence order similar to unipc. Note: This is used only for few steps sampling. + # The added term is O(h^3). Empirically we find it will slightly improve the image quality. + # ODE case + # gradient_coefficients[0] += 1.0 * torch.exp(lambda_t) * (h ** 2 / 2 - (h - 1 + torch.exp(-h))) / (ns.marginal_lambda(t_prev_list[-1]) - ns.marginal_lambda(t_prev_list[-2])) + # gradient_coefficients[1] -= 1.0 * torch.exp(lambda_t) * (h ** 2 / 2 - (h - 1 + torch.exp(-h))) / (ns.marginal_lambda(t_prev_list[-1]) - ns.marginal_lambda(t_prev_list[-2])) + gradient_coefficients[0] += 1.0 * torch.exp((1 + tau ** 2) * lambda_t) * ( + h ** 2 / 2 - (h * (1 + tau ** 2) - 1 + torch.exp((1 + tau ** 2) * (-h))) / ( + (1 + tau ** 2) ** 2)) / (ns.marginal_lambda(t_prev_list[-1]) - ns.marginal_lambda( + t_prev_list[-2])) + gradient_coefficients[1] -= 1.0 * torch.exp((1 + tau ** 2) * lambda_t) * ( + h ** 2 / 2 - (h * (1 + tau ** 2) - 1 + torch.exp((1 + tau ** 2) * (-h))) / ( + (1 + tau ** 2) ** 2)) / (ns.marginal_lambda(t_prev_list[-1]) - ns.marginal_lambda( + t_prev_list[-2])) + + for i in range(order): + if self.predict_x0: + gradient_part += (1 + tau ** 2) * sigma_t * torch.exp(- tau ** 2 * lambda_t) * gradient_coefficients[ + i] * model_prev_list[-(i + 1)] + else: + gradient_part += -(1 + tau ** 2) * alpha_t * gradient_coefficients[i] * model_prev_list[-(i + 1)] + + if self.predict_x0: + noise_part = sigma_t * torch.sqrt(1 - torch.exp(-2 * tau ** 2 * h)) * noise + else: + noise_part = tau * sigma_t * torch.sqrt(torch.exp(2 * h) - 1) * noise + + if self.predict_x0: + x_t = torch.exp(-tau ** 2 * h) * (sigma_t / sigma_prev) * x + gradient_part + noise_part + else: + x_t = (alpha_t / alpha_prev) * x + gradient_part + noise_part + + return x_t + + def adams_moulton_update_few_steps(self, order, x, tau, model_prev_list, t_prev_list, noise, t): + """ + SA-Corrector, without the "rescaling" trick in Appendix D in SA-Solver paper https://arxiv.org/pdf/2309.05019.pdf + """ + + assert order in [1, 2, 3, 4], "order of stochastic adams bashforth method is only supported for 1, 2, 3 and 4" + + # get noise schedule + ns = self.noise_schedule + alpha_t = ns.marginal_alpha(t) + sigma_t = ns.marginal_std(t) + lambda_t = ns.marginal_lambda(t) + alpha_prev = ns.marginal_alpha(t_prev_list[-1]) + sigma_prev = ns.marginal_std(t_prev_list[-1]) + gradient_part = torch.zeros_like(x) + h = lambda_t - ns.marginal_lambda(t_prev_list[-1]) + t_list = t_prev_list + [t] + lambda_list = [ns.marginal_lambda(t_list[-(i + 1)]) for i in range(order)] + gradient_coefficients = self.get_coefficients_fn(order, ns.marginal_lambda(t_prev_list[-1]), lambda_t, + lambda_list, tau) + + if self.predict_x0: + if order == 2: ## if order = 2 we do a modification that does not influence the convergence order similar to UniPC. Note: This is used only for few steps sampling. + # The added term is O(h^3). Empirically we find it will slightly improve the image quality. + # ODE case + # gradient_coefficients[0] += 1.0 * torch.exp(lambda_t) * (h / 2 - (h - 1 + torch.exp(-h)) / h) + # gradient_coefficients[1] -= 1.0 * torch.exp(lambda_t) * (h / 2 - (h - 1 + torch.exp(-h)) / h) + gradient_coefficients[0] += 1.0 * torch.exp((1 + tau ** 2) * lambda_t) * ( + h / 2 - (h * (1 + tau ** 2) - 1 + torch.exp((1 + tau ** 2) * (-h))) / ( + (1 + tau ** 2) ** 2 * h)) + gradient_coefficients[1] -= 1.0 * torch.exp((1 + tau ** 2) * lambda_t) * ( + h / 2 - (h * (1 + tau ** 2) - 1 + torch.exp((1 + tau ** 2) * (-h))) / ( + (1 + tau ** 2) ** 2 * h)) + + for i in range(order): + if self.predict_x0: + gradient_part += (1 + tau ** 2) * sigma_t * torch.exp(- tau ** 2 * lambda_t) * gradient_coefficients[ + i] * model_prev_list[-(i + 1)] + else: + gradient_part += -(1 + tau ** 2) * alpha_t * gradient_coefficients[i] * model_prev_list[-(i + 1)] + + if self.predict_x0: + noise_part = sigma_t * torch.sqrt(1 - torch.exp(-2 * tau ** 2 * h)) * noise + else: + noise_part = tau * sigma_t * torch.sqrt(torch.exp(2 * h) - 1) * noise + + if self.predict_x0: + x_t = torch.exp(-tau ** 2 * h) * (sigma_t / sigma_prev) * x + gradient_part + noise_part + else: + x_t = (alpha_t / alpha_prev) * x + gradient_part + noise_part + + return x_t + + def sample_few_steps(self, x, tau, steps=5, t_start=None, t_end=None, skip_type='time', skip_order=1, + predictor_order=3, corrector_order=4, pc_mode='PEC', return_intermediate=False + ): + """ + For the PC-mode, please refer to the wiki page + https://en.wikipedia.org/wiki/Predictor%E2%80%93corrector_method#PEC_mode_and_PECE_mode + 'PEC' needs one model evaluation per step while 'PECE' needs two model evaluations + We recommend use pc_mode='PEC' for NFEs is limited. 'PECE' mode is only for test with sufficient NFEs. + """ + + skip_first_step = False + skip_final_step = True + lower_order_final = True + denoise_to_zero = False + + assert pc_mode in ['PEC', 'PECE'], 'Predictor-corrector mode only supports PEC and PECE' + t_0 = 1. / self.noise_schedule.total_N if t_end is None else t_end + t_T = self.noise_schedule.T if t_start is None else t_start + assert t_0 > 0 and t_T > 0, "Time range needs to be greater than 0. For discrete-time DPMs, it needs to be in [1 / N, 1], where N is the length of betas array" + + device = x.device + intermediates = [] + with torch.no_grad(): + assert steps >= max(predictor_order, corrector_order - 1) + timesteps = self.get_time_steps(skip_type=skip_type, t_T=t_T, t_0=t_0, N=steps, order=skip_order, + device=device) + assert timesteps.shape[0] - 1 == steps + # Init the initial values. + step = 0 + t = timesteps[step] + noise = torch.randn_like(x) + t_prev_list = [t] + # do not evaluate if skip_first_step + if skip_first_step: + if self.predict_x0: + alpha_t = self.noise_schedule.marginal_alpha(t) + sigma_t = self.noise_schedule.marginal_std(t) + model_prev_list = [(1 - sigma_t) / alpha_t * x] + else: + model_prev_list = [x] + else: + model_prev_list = [self.model_fn(x, t)] + + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step) + if return_intermediate: + intermediates.append(x) + + # determine the first several values + for step in tqdm(range(1, max(predictor_order, corrector_order - 1))): + + t = timesteps[step] + predictor_order_used = min(predictor_order, step) + corrector_order_used = min(corrector_order, step + 1) + noise = torch.randn_like(x) + # predictor step + x_p = self.adams_bashforth_update_few_steps(order=predictor_order_used, x=x, tau=tau(t), + model_prev_list=model_prev_list, t_prev_list=t_prev_list, + noise=noise, t=t) + # evaluation step + model_x = self.model_fn(x_p, t) + + # update model_list + model_prev_list.append(model_x) + # corrector step + if corrector_order > 0: + x = self.adams_moulton_update_few_steps(order=corrector_order_used, x=x, tau=tau(t), + model_prev_list=model_prev_list, t_prev_list=t_prev_list, + noise=noise, t=t) + else: + x = x_p + + # evaluation step if correction and mode = pece + if corrector_order > 0 and pc_mode == 'PECE': + model_x = self.model_fn(x, t) + del model_prev_list[-1] + model_prev_list.append(model_x) + + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step) + if return_intermediate: + intermediates.append(x) + + t_prev_list.append(t) + + for step in tqdm(range(max(predictor_order, corrector_order - 1), steps + 1)): + if lower_order_final: + predictor_order_used = min(predictor_order, steps - step + 1) + corrector_order_used = min(corrector_order, steps - step + 2) + + else: + predictor_order_used = predictor_order + corrector_order_used = corrector_order + t = timesteps[step] + noise = torch.randn_like(x) + + # predictor step + if skip_final_step and step == steps and not denoise_to_zero: + x_p = self.adams_bashforth_update_few_steps(order=predictor_order_used, x=x, tau=0, + model_prev_list=model_prev_list, + t_prev_list=t_prev_list, noise=noise, t=t) + else: + x_p = self.adams_bashforth_update_few_steps(order=predictor_order_used, x=x, tau=tau(t), + model_prev_list=model_prev_list, + t_prev_list=t_prev_list, noise=noise, t=t) + + # evaluation step + # do not evaluate if skip_final_step and step = steps + if not skip_final_step or step < steps: + model_x = self.model_fn(x_p, t) + + # update model_list + # do not update if skip_final_step and step = steps + if not skip_final_step or step < steps: + model_prev_list.append(model_x) + + # corrector step + # do not correct if skip_final_step and step = steps + if corrector_order > 0 and (not skip_final_step or step < steps): + x = self.adams_moulton_update_few_steps(order=corrector_order_used, x=x, tau=tau(t), + model_prev_list=model_prev_list, + t_prev_list=t_prev_list, noise=noise, t=t) + else: + x = x_p + + # evaluation step if mode = pece and step != steps + if corrector_order > 0 and (pc_mode == 'PECE' and step < steps): + model_x = self.model_fn(x, t) + del model_prev_list[-1] + model_prev_list.append(model_x) + + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step) + if return_intermediate: + intermediates.append(x) + + t_prev_list.append(t) + del model_prev_list[0] + + if denoise_to_zero: + t = torch.ones((1,)).to(device) * t_0 + x = self.denoise_to_zero_fn(x, t) + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step + 1) + if return_intermediate: + intermediates.append(x) + return (x, intermediates) if return_intermediate else x + + def sample_more_steps(self, x, tau, steps=20, t_start=None, t_end=None, skip_type='time', skip_order=1, + predictor_order=3, corrector_order=4, pc_mode='PEC', return_intermediate=False + ): + """ + For the PC-mode, please refer to the wiki page + https://en.wikipedia.org/wiki/Predictor%E2%80%93corrector_method#PEC_mode_and_PECE_mode + 'PEC' needs one model evaluation per step while 'PECE' needs two model evaluations + We recommend use pc_mode='PEC' for NFEs is limited. 'PECE' mode is only for test with sufficient NFEs. + """ + + skip_first_step = False + skip_final_step = False + lower_order_final = True + denoise_to_zero = True + + assert pc_mode in ['PEC', 'PECE'], 'Predictor-corrector mode only supports PEC and PECE' + t_0 = 1. / self.noise_schedule.total_N if t_end is None else t_end + t_T = self.noise_schedule.T if t_start is None else t_start + assert t_0 > 0 and t_T > 0, "Time range needs to be greater than 0. For discrete-time DPMs, it needs to be in [1 / N, 1], where N is the length of betas array" + + device = x.device + intermediates = [] + with torch.no_grad(): + assert steps >= max(predictor_order, corrector_order - 1) + timesteps = self.get_time_steps(skip_type=skip_type, t_T=t_T, t_0=t_0, N=steps, order=skip_order, + device=device) + assert timesteps.shape[0] - 1 == steps + # Init the initial values. + step = 0 + t = timesteps[step] + noise = torch.randn_like(x) + t_prev_list = [t] + # do not evaluate if skip_first_step + if skip_first_step: + if self.predict_x0: + alpha_t = self.noise_schedule.marginal_alpha(t) + sigma_t = self.noise_schedule.marginal_std(t) + model_prev_list = [(1 - sigma_t) / alpha_t * x] + else: + model_prev_list = [x] + else: + model_prev_list = [self.model_fn(x, t)] + + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step) + if return_intermediate: + intermediates.append(x) + + # determine the first several values + for step in tqdm(range(1, max(predictor_order, corrector_order - 1))): + + t = timesteps[step] + predictor_order_used = min(predictor_order, step) + corrector_order_used = min(corrector_order, step + 1) + noise = torch.randn_like(x) + # predictor step + x_p = self.adams_bashforth_update(order=predictor_order_used, x=x, tau=tau(t), + model_prev_list=model_prev_list, t_prev_list=t_prev_list, noise=noise, + t=t) + # evaluation step + model_x = self.model_fn(x_p, t) + + # update model_list + model_prev_list.append(model_x) + # corrector step + if corrector_order > 0: + x = self.adams_moulton_update(order=corrector_order_used, x=x, tau=tau(t), + model_prev_list=model_prev_list, t_prev_list=t_prev_list, noise=noise, + t=t) + else: + x = x_p + + # evaluation step if mode = pece + if corrector_order > 0 and pc_mode == 'PECE': + model_x = self.model_fn(x, t) + del model_prev_list[-1] + model_prev_list.append(model_x) + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step) + if return_intermediate: + intermediates.append(x) + + t_prev_list.append(t) + + for step in tqdm(range(max(predictor_order, corrector_order - 1), steps + 1)): + if lower_order_final: + predictor_order_used = min(predictor_order, steps - step + 1) + corrector_order_used = min(corrector_order, steps - step + 2) + + else: + predictor_order_used = predictor_order + corrector_order_used = corrector_order + t = timesteps[step] + noise = torch.randn_like(x) + + # predictor step + if skip_final_step and step == steps and not denoise_to_zero: + x_p = self.adams_bashforth_update(order=predictor_order_used, x=x, tau=0, + model_prev_list=model_prev_list, t_prev_list=t_prev_list, + noise=noise, t=t) + else: + x_p = self.adams_bashforth_update(order=predictor_order_used, x=x, tau=tau(t), + model_prev_list=model_prev_list, t_prev_list=t_prev_list, + noise=noise, t=t) + + # evaluation step + # do not evaluate if skip_final_step and step = steps + if not skip_final_step or step < steps: + model_x = self.model_fn(x_p, t) + + # update model_list + # do not update if skip_final_step and step = steps + if not skip_final_step or step < steps: + model_prev_list.append(model_x) + + # corrector step + # do not correct if skip_final_step and step = steps + if corrector_order > 0: + if not skip_final_step or step < steps: + x = self.adams_moulton_update(order=corrector_order_used, x=x, tau=tau(t), + model_prev_list=model_prev_list, t_prev_list=t_prev_list, + noise=noise, t=t) + else: + x = x_p + else: + x = x_p + + # evaluation step if mode = pece and step != steps + if corrector_order > 0 and (pc_mode == 'PECE' and step < steps): + model_x = self.model_fn(x, t) + del model_prev_list[-1] + model_prev_list.append(model_x) + + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step) + if return_intermediate: + intermediates.append(x) + + t_prev_list.append(t) + del model_prev_list[0] + + if denoise_to_zero: + t = torch.ones((1,)).to(device) * t_0 + x = self.denoise_to_zero_fn(x, t) + if self.correcting_xt_fn is not None: + x = self.correcting_xt_fn(x, t, step + 1) + if return_intermediate: + intermediates.append(x) + if return_intermediate: + return x, intermediates + else: + return x + + def sample(self, mode, x, tau, steps, t_start=None, t_end=None, skip_type='time', skip_order=1, predictor_order=3, + corrector_order=4, pc_mode='PEC', return_intermediate=False + ): + """ + For the PC-mode, please refer to the wiki page + https://en.wikipedia.org/wiki/Predictor%E2%80%93corrector_method#PEC_mode_and_PECE_mode + 'PEC' needs one model evaluation per step while 'PECE' needs two model evaluations + We recommend use pc_mode='PEC' for NFEs is limited. 'PECE' mode is only for test with sufficient NFEs. + + 'few_steps' mode is recommended. The differences between 'few_steps' and 'more_steps' are as below: + 1) 'few_steps' do not correct at final step and do not denoise to zero, while 'more_steps' do these two. + Thus the NFEs for 'few_steps' = steps, NFEs for 'more_steps' = steps + 2 + For most of the experiments and tasks, we find these two operations do not have much help to sample quality. + 2) 'few_steps' use a rescaling trick as in Appendix D in SA-Solver paper https://arxiv.org/pdf/2309.05019.pdf + We find it will slightly improve the sample quality especially in few steps. + """ + assert mode in ['few_steps', 'more_steps'], "mode must be either 'few_steps' or 'more_steps'" + if mode == 'few_steps': + return self.sample_few_steps(x=x, tau=tau, steps=steps, t_start=t_start, t_end=t_end, skip_type=skip_type, + skip_order=skip_order, predictor_order=predictor_order, + corrector_order=corrector_order, pc_mode=pc_mode, + return_intermediate=return_intermediate) + else: + return self.sample_more_steps(x=x, tau=tau, steps=steps, t_start=t_start, t_end=t_end, skip_type=skip_type, + skip_order=skip_order, predictor_order=predictor_order, + corrector_order=corrector_order, pc_mode=pc_mode, + return_intermediate=return_intermediate) + + +############################################################# +# other utility functions +############################################################# + +def interpolate_fn(x, xp, yp): + """ + A piecewise linear function y = f(x), using xp and yp as keypoints. + We implement f(x) in a differentiable way (i.e. applicable for autograd). + The function f(x) is well-defined for all x-axis. (For x beyond the bounds of xp, we use the outmost points of xp to define the linear function.) + Args: + x: PyTorch tensor with shape [N, C], where N is the batch size, C is the number of channels (we use C = 1 for DPM-Solver). + xp: PyTorch tensor with shape [C, K], where K is the number of keypoints. + yp: PyTorch tensor with shape [C, K]. + Returns: + The function values f(x), with shape [N, C]. + """ + N, K = x.shape[0], xp.shape[1] + all_x = torch.cat([x.unsqueeze(2), xp.unsqueeze(0).repeat((N, 1, 1))], dim=2) + sorted_all_x, x_indices = torch.sort(all_x, dim=2) + x_idx = torch.argmin(x_indices, dim=2) + cand_start_idx = x_idx - 1 + start_idx = torch.where( + torch.eq(x_idx, 0), + torch.tensor(1, device=x.device), + torch.where( + torch.eq(x_idx, K), torch.tensor(K - 2, device=x.device), cand_start_idx, + ), + ) + end_idx = torch.where(torch.eq(start_idx, cand_start_idx), start_idx + 2, start_idx + 1) + start_x = torch.gather(sorted_all_x, dim=2, index=start_idx.unsqueeze(2)).squeeze(2) + end_x = torch.gather(sorted_all_x, dim=2, index=end_idx.unsqueeze(2)).squeeze(2) + start_idx2 = torch.where( + torch.eq(x_idx, 0), + torch.tensor(0, device=x.device), + torch.where( + torch.eq(x_idx, K), torch.tensor(K - 2, device=x.device), cand_start_idx, + ), + ) + y_positions_expanded = yp.unsqueeze(0).expand(N, -1, -1) + start_y = torch.gather(y_positions_expanded, dim=2, index=start_idx2.unsqueeze(2)).squeeze(2) + end_y = torch.gather(y_positions_expanded, dim=2, index=(start_idx2 + 1).unsqueeze(2)).squeeze(2) + cand = start_y + (x - start_x) * (end_y - start_y) / (end_x - start_x) + return cand + + +def expand_dims(v, dims): + """ + Expand the tensor `v` to the dim `dims`. + Args: + `v`: a PyTorch tensor with shape [N]. + `dim`: a `int`. + Returns: + a PyTorch tensor with shape [N, 1, 1, ..., 1] and the total dimension is `dims`. + """ + return v[(...,) + (None,) * (dims - 1)] \ No newline at end of file diff --git a/DiT_VAE/diffusion/model/timestep_sampler.py b/DiT_VAE/diffusion/model/timestep_sampler.py new file mode 100644 index 0000000000000000000000000000000000000000..a9d23f7a4b1611db52e891406419e5c690b26f91 --- /dev/null +++ b/DiT_VAE/diffusion/model/timestep_sampler.py @@ -0,0 +1,150 @@ +# Modified from OpenAI's diffusion repos +# GLIDE: https://github.com/openai/glide-text2im/blob/main/glide_text2im/gaussian_diffusion.py +# ADM: https://github.com/openai/guided-diffusion/blob/main/guided_diffusion +# IDDPM: https://github.com/openai/improved-diffusion/blob/main/improved_diffusion/gaussian_diffusion.py + +from abc import ABC, abstractmethod + +import numpy as np +import torch as th +import torch.distributed as dist + + +def create_named_schedule_sampler(name, diffusion): + """ + Create a ScheduleSampler from a library of pre-defined samplers. + :param name: the name of the sampler. + :param diffusion: the diffusion object to sample for. + """ + if name == "uniform": + return UniformSampler(diffusion) + elif name == "loss-second-moment": + return LossSecondMomentResampler(diffusion) + else: + raise NotImplementedError(f"unknown schedule sampler: {name}") + + +class ScheduleSampler(ABC): + """ + A distribution over timesteps in the diffusion process, intended to reduce + variance of the objective. + By default, samplers perform unbiased importance sampling, in which the + objective's mean is unchanged. + However, subclasses may override sample() to change how the resampled + terms are reweighted, allowing for actual changes in the objective. + """ + + @abstractmethod + def weights(self): + """ + Get a numpy array of weights, one per diffusion step. + The weights needn't be normalized, but must be positive. + """ + + def sample(self, batch_size, device): + """ + Importance-sample timesteps for a batch. + :param batch_size: the number of timesteps. + :param device: the torch device to save to. + :return: a tuple (timesteps, weights): + - timesteps: a tensor of timestep indices. + - weights: a tensor of weights to scale the resulting losses. + """ + w = self.weights() + p = w / np.sum(w) + indices_np = np.random.choice(len(p), size=(batch_size,), p=p) + indices = th.from_numpy(indices_np).long().to(device) + weights_np = 1 / (len(p) * p[indices_np]) + weights = th.from_numpy(weights_np).float().to(device) + return indices, weights + + +class UniformSampler(ScheduleSampler): + def __init__(self, diffusion): + self.diffusion = diffusion + self._weights = np.ones([diffusion.num_timesteps]) + + def weights(self): + return self._weights + + +class LossAwareSampler(ScheduleSampler): + def update_with_local_losses(self, local_ts, local_losses): + """ + Update the reweighting using losses from a model. + Call this method from each rank with a batch of timesteps and the + corresponding losses for each of those timesteps. + This method will perform synchronization to make sure all of the ranks + maintain the exact same reweighting. + :param local_ts: an integer Tensor of timesteps. + :param local_losses: a 1D Tensor of losses. + """ + batch_sizes = [ + th.tensor([0], dtype=th.int32, device=local_ts.device) + for _ in range(dist.get_world_size()) + ] + dist.all_gather( + batch_sizes, + th.tensor([len(local_ts)], dtype=th.int32, device=local_ts.device), + ) + + # Pad all_gather batches to be the maximum batch size. + batch_sizes = [x.item() for x in batch_sizes] + max_bs = max(batch_sizes) + + timestep_batches = [th.zeros(max_bs, device=local_ts.device) for _ in batch_sizes] + loss_batches = [th.zeros(max_bs, device=local_losses.device) for _ in batch_sizes] + dist.all_gather(timestep_batches, local_ts) + dist.all_gather(loss_batches, local_losses) + timesteps = [ + x.item() for y, bs in zip(timestep_batches, batch_sizes) for x in y[:bs] + ] + losses = [x.item() for y, bs in zip(loss_batches, batch_sizes) for x in y[:bs]] + self.update_with_all_losses(timesteps, losses) + + @abstractmethod + def update_with_all_losses(self, ts, losses): + """ + Update the reweighting using losses from a model. + Sub-classes should override this method to update the reweighting + using losses from the model. + This method directly updates the reweighting without synchronizing + between workers. It is called by update_with_local_losses from all + ranks with identical arguments. Thus, it should have deterministic + behavior to maintain state across workers. + :param ts: a list of int timesteps. + :param losses: a list of float losses, one per timestep. + """ + + +class LossSecondMomentResampler(LossAwareSampler): + def __init__(self, diffusion, history_per_term=10, uniform_prob=0.001): + self.diffusion = diffusion + self.history_per_term = history_per_term + self.uniform_prob = uniform_prob + self._loss_history = np.zeros( + [diffusion.num_timesteps, history_per_term], dtype=np.float64 + ) + self._loss_counts = np.zeros([diffusion.num_timesteps], dtype=np.int) + + def weights(self): + if not self._warmed_up(): + return np.ones([self.diffusion.num_timesteps], dtype=np.float64) + weights = np.sqrt(np.mean(self._loss_history ** 2, axis=-1)) + weights /= np.sum(weights) + weights *= 1 - self.uniform_prob + weights += self.uniform_prob / len(weights) + return weights + + def update_with_all_losses(self, ts, losses): + for t, loss in zip(ts, losses): + if self._loss_counts[t] == self.history_per_term: + # Shift out the oldest loss term. + self._loss_history[t, :-1] = self._loss_history[t, 1:] + self._loss_history[t, -1] = loss + else: + self._loss_history[t, self._loss_counts[t]] = loss + self._loss_counts[t] += 1 + + def _warmed_up(self): + return (self._loss_counts == self.history_per_term).all() diff --git a/DiT_VAE/diffusion/model/utils.py b/DiT_VAE/diffusion/model/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..7a9ea2030ec645ae854c0cb17f82f4c2067f2134 --- /dev/null +++ b/DiT_VAE/diffusion/model/utils.py @@ -0,0 +1,510 @@ +import os +import sys +import torch.nn as nn +from torch.utils.checkpoint import checkpoint, checkpoint_sequential +import torch.nn.functional as F +import torch +import torch.distributed as dist +import re +import math +from collections.abc import Iterable +from itertools import repeat +from torchvision import transforms as T +import random +from PIL import Image + + +def _ntuple(n): + def parse(x): + if isinstance(x, Iterable) and not isinstance(x, str): + return x + return tuple(repeat(x, n)) + return parse + + +to_1tuple = _ntuple(1) +to_2tuple = _ntuple(2) + +def set_grad_checkpoint(model, use_fp32_attention=False, gc_step=1): + assert isinstance(model, nn.Module) + + def set_attr(module): + module.grad_checkpointing = True + module.fp32_attention = use_fp32_attention + module.grad_checkpointing_step = gc_step + model.apply(set_attr) + + +def auto_grad_checkpoint(module, *args, **kwargs): + if getattr(module, 'grad_checkpointing', False): + if not isinstance(module, Iterable): + return checkpoint(module, *args, **kwargs) + gc_step = module[0].grad_checkpointing_step + return checkpoint_sequential(module, gc_step, *args, **kwargs) + return module(*args, **kwargs) + + +def checkpoint_sequential(functions, step, input, *args, **kwargs): + + # Hack for keyword-only parameter in a python 2.7-compliant way + preserve = kwargs.pop('preserve_rng_state', True) + if kwargs: + raise ValueError("Unexpected keyword arguments: " + ",".join(kwargs)) + + def run_function(start, end, functions): + def forward(input): + for j in range(start, end + 1): + input = functions[j](input, *args) + return input + return forward + + if isinstance(functions, torch.nn.Sequential): + functions = list(functions.children()) + + # the last chunk has to be non-volatile + end = -1 + segment = len(functions) // step + for start in range(0, step * (segment - 1), step): + end = start + step - 1 + input = checkpoint(run_function(start, end, functions), input, preserve_rng_state=preserve) + return run_function(end + 1, len(functions) - 1, functions)(input) + + +def window_partition(x, window_size): + """ + Partition into non-overlapping windows with padding if needed. + Args: + x (tensor): input tokens with [B, H, W, C]. + window_size (int): window size. + + Returns: + windows: windows after partition with [B * num_windows, window_size, window_size, C]. + (Hp, Wp): padded height and width before partition + """ + B, H, W, C = x.shape + + pad_h = (window_size - H % window_size) % window_size + pad_w = (window_size - W % window_size) % window_size + if pad_h > 0 or pad_w > 0: + x = F.pad(x, (0, 0, 0, pad_w, 0, pad_h)) + Hp, Wp = H + pad_h, W + pad_w + + x = x.view(B, Hp // window_size, window_size, Wp // window_size, window_size, C) + windows = x.permute(0, 1, 3, 2, 4, 5).contiguous().view(-1, window_size, window_size, C) + return windows, (Hp, Wp) + + +def window_unpartition(windows, window_size, pad_hw, hw): + """ + Window unpartition into original sequences and removing padding. + Args: + x (tensor): input tokens with [B * num_windows, window_size, window_size, C]. + window_size (int): window size. + pad_hw (Tuple): padded height and width (Hp, Wp). + hw (Tuple): original height and width (H, W) before padding. + + Returns: + x: unpartitioned sequences with [B, H, W, C]. + """ + Hp, Wp = pad_hw + H, W = hw + B = windows.shape[0] // (Hp * Wp // window_size // window_size) + x = windows.view(B, Hp // window_size, Wp // window_size, window_size, window_size, -1) + x = x.permute(0, 1, 3, 2, 4, 5).contiguous().view(B, Hp, Wp, -1) + + if Hp > H or Wp > W: + x = x[:, :H, :W, :].contiguous() + return x + + +def get_rel_pos(q_size, k_size, rel_pos): + """ + Get relative positional embeddings according to the relative positions of + query and key sizes. + Args: + q_size (int): size of query q. + k_size (int): size of key k. + rel_pos (Tensor): relative position embeddings (L, C). + + Returns: + Extracted positional embeddings according to relative positions. + """ + max_rel_dist = int(2 * max(q_size, k_size) - 1) + # Interpolate rel pos if needed. + if rel_pos.shape[0] != max_rel_dist: + # Interpolate rel pos. + rel_pos_resized = F.interpolate( + rel_pos.reshape(1, rel_pos.shape[0], -1).permute(0, 2, 1), + size=max_rel_dist, + mode="linear", + ) + rel_pos_resized = rel_pos_resized.reshape(-1, max_rel_dist).permute(1, 0) + else: + rel_pos_resized = rel_pos + + # Scale the coords with short length if shapes for q and k are different. + q_coords = torch.arange(q_size)[:, None] * max(k_size / q_size, 1.0) + k_coords = torch.arange(k_size)[None, :] * max(q_size / k_size, 1.0) + relative_coords = (q_coords - k_coords) + (k_size - 1) * max(q_size / k_size, 1.0) + + return rel_pos_resized[relative_coords.long()] + + +def add_decomposed_rel_pos(attn, q, rel_pos_h, rel_pos_w, q_size, k_size): + """ + Calculate decomposed Relative Positional Embeddings from :paper:`mvitv2`. + https://github.com/facebookresearch/mvit/blob/19786631e330df9f3622e5402b4a419a263a2c80/mvit/models/attention.py # noqa B950 + Args: + attn (Tensor): attention map. + q (Tensor): query q in the attention layer with shape (B, q_h * q_w, C). + rel_pos_h (Tensor): relative position embeddings (Lh, C) for height axis. + rel_pos_w (Tensor): relative position embeddings (Lw, C) for width axis. + q_size (Tuple): spatial sequence size of query q with (q_h, q_w). + k_size (Tuple): spatial sequence size of key k with (k_h, k_w). + + Returns: + attn (Tensor): attention map with added relative positional embeddings. + """ + q_h, q_w = q_size + k_h, k_w = k_size + Rh = get_rel_pos(q_h, k_h, rel_pos_h) + Rw = get_rel_pos(q_w, k_w, rel_pos_w) + + B, _, dim = q.shape + r_q = q.reshape(B, q_h, q_w, dim) + rel_h = torch.einsum("bhwc,hkc->bhwk", r_q, Rh) + rel_w = torch.einsum("bhwc,wkc->bhwk", r_q, Rw) + + attn = ( + attn.view(B, q_h, q_w, k_h, k_w) + rel_h[:, :, :, :, None] + rel_w[:, :, :, None, :] + ).view(B, q_h * q_w, k_h * k_w) + + return attn + +def mean_flat(tensor): + return tensor.mean(dim=list(range(1, tensor.ndim))) + + +################################################################################# +# Token Masking and Unmasking # +################################################################################# +def get_mask(batch, length, mask_ratio, device, mask_type=None, data_info=None, extra_len=0): + """ + Get the binary mask for the input sequence. + Args: + - batch: batch size + - length: sequence length + - mask_ratio: ratio of tokens to mask + - data_info: dictionary with info for reconstruction + return: + mask_dict with following keys: + - mask: binary mask, 0 is keep, 1 is remove + - ids_keep: indices of tokens to keep + - ids_restore: indices to restore the original order + """ + assert mask_type in ['random', 'fft', 'laplacian', 'group'] + mask = torch.ones([batch, length], device=device) + len_keep = int(length * (1 - mask_ratio)) - extra_len + + if mask_type in ['random', 'group']: + noise = torch.rand(batch, length, device=device) # noise in [0, 1] + ids_shuffle = torch.argsort(noise, dim=1) # ascend: small is keep, large is remove + ids_restore = torch.argsort(ids_shuffle, dim=1) + # keep the first subset + ids_keep = ids_shuffle[:, :len_keep] + ids_removed = ids_shuffle[:, len_keep:] + + elif mask_type in ['fft', 'laplacian']: + if 'strength' in data_info: + strength = data_info['strength'] + + else: + N = data_info['N'][0] + img = data_info['ori_img'] + # 获取原图的尺寸信息 + _, C, H, W = img.shape + if mask_type == 'fft': + # 对图片进行reshape,将其变为patch (3, H/N, N, W/N, N) + reshaped_image = img.reshape((batch, -1, H // N, N, W // N, N)) + fft_image = torch.fft.fftn(reshaped_image, dim=(3, 5)) + # 取绝对值并求和获取频率强度 + strength = torch.sum(torch.abs(fft_image), dim=(1, 3, 5)).reshape((batch, -1,)) + elif type == 'laplacian': + laplacian_kernel = torch.tensor([[-1, -1, -1], [-1, 8, -1], [-1, -1, -1]], dtype=torch.float32).reshape(1, 1, 3, 3) + laplacian_kernel = laplacian_kernel.repeat(C, 1, 1, 1) + # 对图片进行reshape,将其变为patch (3, H/N, N, W/N, N) + reshaped_image = img.reshape(-1, C, H // N, N, W // N, N).permute(0, 2, 4, 1, 3, 5).reshape(-1, C, N, N) + laplacian_response = F.conv2d(reshaped_image, laplacian_kernel, padding=1, groups=C) + strength = laplacian_response.sum(dim=[1, 2, 3]).reshape((batch, -1,)) + + # 对频率强度进行归一化,然后使用torch.multinomial进行采样 + probabilities = strength / (strength.max(dim=1)[0][:, None]+1e-5) + ids_shuffle = torch.multinomial(probabilities.clip(1e-5, 1), length, replacement=False) + ids_keep = ids_shuffle[:, :len_keep] + ids_restore = torch.argsort(ids_shuffle, dim=1) + ids_removed = ids_shuffle[:, len_keep:] + + mask[:, :len_keep] = 0 + mask = torch.gather(mask, dim=1, index=ids_restore) + + return {'mask': mask, + 'ids_keep': ids_keep, + 'ids_restore': ids_restore, + 'ids_removed': ids_removed} + + +def mask_out_token(x, ids_keep, ids_removed=None): + """ + Mask out the tokens specified by ids_keep. + Args: + - x: input sequence, [N, L, D] + - ids_keep: indices of tokens to keep + return: + - x_masked: masked sequence + """ + N, L, D = x.shape # batch, length, dim + x_remain = torch.gather(x, dim=1, index=ids_keep.unsqueeze(-1).repeat(1, 1, D)) + if ids_removed is not None: + x_masked = torch.gather(x, dim=1, index=ids_removed.unsqueeze(-1).repeat(1, 1, D)) + return x_remain, x_masked + else: + return x_remain + + +def mask_tokens(x, mask_ratio): + """ + Perform per-sample random masking by per-sample shuffling. + Per-sample shuffling is done by argsort random noise. + x: [N, L, D], sequence + """ + N, L, D = x.shape # batch, length, dim + len_keep = int(L * (1 - mask_ratio)) + + noise = torch.rand(N, L, device=x.device) # noise in [0, 1] + + # sort noise for each sample + ids_shuffle = torch.argsort(noise, dim=1) # ascend: small is keep, large is remove + ids_restore = torch.argsort(ids_shuffle, dim=1) + + # keep the first subset + ids_keep = ids_shuffle[:, :len_keep] + x_masked = torch.gather(x, dim=1, index=ids_keep.unsqueeze(-1).repeat(1, 1, D)) + + # generate the binary mask: 0 is keep, 1 is remove + mask = torch.ones([N, L], device=x.device) + mask[:, :len_keep] = 0 + mask = torch.gather(mask, dim=1, index=ids_restore) + + return x_masked, mask, ids_restore + + +def unmask_tokens(x, ids_restore, mask_token): + # x: [N, T, D] if extras == 0 (i.e., no cls token) else x: [N, T+1, D] + mask_tokens = mask_token.repeat(x.shape[0], ids_restore.shape[1] - x.shape[1], 1) + x = torch.cat([x, mask_tokens], dim=1) + x = torch.gather(x, dim=1, index=ids_restore.unsqueeze(-1).repeat(1, 1, x.shape[2])) # unshuffle + return x + + +# Parse 'None' to None and others to float value +def parse_float_none(s): + assert isinstance(s, str) + return None if s == 'None' else float(s) + + +#---------------------------------------------------------------------------- +# Parse a comma separated list of numbers or ranges and return a list of ints. +# Example: '1,2,5-10' returns [1, 2, 5, 6, 7, 8, 9, 10] + +def parse_int_list(s): + if isinstance(s, list): return s + ranges = [] + range_re = re.compile(r'^(\d+)-(\d+)$') + for p in s.split(','): + if m := range_re.match(p): + ranges.extend(range(int(m.group(1)), int(m.group(2))+1)) + else: + ranges.append(int(p)) + return ranges + + +def init_processes(fn, args): + """ Initialize the distributed environment. """ + os.environ['MASTER_ADDR'] = args.master_address + os.environ['MASTER_PORT'] = str(random.randint(2000, 6000)) + print(f'MASTER_ADDR = {os.environ["MASTER_ADDR"]}') + print(f'MASTER_PORT = {os.environ["MASTER_PORT"]}') + torch.cuda.set_device(args.local_rank) + dist.init_process_group(backend='nccl', init_method='env://', rank=args.global_rank, world_size=args.global_size) + fn(args) + if args.global_size > 1: + cleanup() + + +def mprint(*args, **kwargs): + """ + Print only from rank 0. + """ + if dist.get_rank() == 0: + print(*args, **kwargs) + + +def cleanup(): + """ + End DDP training. + """ + dist.barrier() + mprint("Done!") + dist.barrier() + dist.destroy_process_group() + + +#---------------------------------------------------------------------------- +# logging info. +class Logger(object): + """ + Redirect stderr to stdout, optionally print stdout to a file, + and optionally force flushing on both stdout and the file. + """ + + def __init__(self, file_name=None, file_mode="w", should_flush=True): + self.file = None + + if file_name is not None: + self.file = open(file_name, file_mode) + + self.should_flush = should_flush + self.stdout = sys.stdout + self.stderr = sys.stderr + + sys.stdout = self + sys.stderr = self + + def __enter__(self): + return self + + def __exit__(self, exc_type, exc_value, traceback): + self.close() + + def write(self, text): + """Write text to stdout (and a file) and optionally flush.""" + if len(text) == 0: # workaround for a bug in VSCode debugger: sys.stdout.write(''); sys.stdout.flush() => crash + return + + if self.file is not None: + self.file.write(text) + + self.stdout.write(text) + + if self.should_flush: + self.flush() + + def flush(self): + """Flush written text to both stdout and a file, if open.""" + if self.file is not None: + self.file.flush() + + self.stdout.flush() + + def close(self): + """Flush, close possible files, and remove stdout/stderr mirroring.""" + self.flush() + + # if using multiple loggers, prevent closing in wrong order + if sys.stdout is self: + sys.stdout = self.stdout + if sys.stderr is self: + sys.stderr = self.stderr + + if self.file is not None: + self.file.close() + + +class StackedRandomGenerator: + def __init__(self, device, seeds): + super().__init__() + self.generators = [torch.Generator(device).manual_seed(int(seed) % (1 << 32)) for seed in seeds] + + def randn(self, size, **kwargs): + assert size[0] == len(self.generators) + return torch.stack([torch.randn(size[1:], generator=gen, **kwargs) for gen in self.generators]) + + def randn_like(self, input): + return self.randn(input.shape, dtype=input.dtype, layout=input.layout, device=input.device) + + def randint(self, *args, size, **kwargs): + assert size[0] == len(self.generators) + return torch.stack([torch.randint(*args, size=size[1:], generator=gen, **kwargs) for gen in self.generators]) + + +def prepare_prompt_ar(prompt, ratios, device='cpu', show=True): + # get aspect_ratio or ar + aspect_ratios = re.findall(r"--aspect_ratio\s+(\d+:\d+)", prompt) + ars = re.findall(r"--ar\s+(\d+:\d+)", prompt) + custom_hw = re.findall(r"--hw\s+(\d+:\d+)", prompt) + if show: + print("aspect_ratios:", aspect_ratios, "ars:", ars, "hws:", custom_hw) + prompt_clean = prompt.split("--aspect_ratio")[0].split("--ar")[0].split("--hw")[0] + if len(aspect_ratios) + len(ars) + len(custom_hw) == 0 and show: + print( "Wrong prompt format. Set to default ar: 1. change your prompt into format '--ar h:w or --hw h:w' for correct generating") + if len(aspect_ratios) != 0: + ar = float(aspect_ratios[0].split(':')[0]) / float(aspect_ratios[0].split(':')[1]) + elif len(ars) != 0: + ar = float(ars[0].split(':')[0]) / float(ars[0].split(':')[1]) + else: + ar = 1. + closest_ratio = min(ratios.keys(), key=lambda ratio: abs(float(ratio) - ar)) + if len(custom_hw) != 0: + custom_hw = [float(custom_hw[0].split(':')[0]), float(custom_hw[0].split(':')[1])] + else: + custom_hw = ratios[closest_ratio] + default_hw = ratios[closest_ratio] + prompt_show = f'prompt: {prompt_clean.strip()}\nSize: --ar {closest_ratio}, --bin hw {ratios[closest_ratio]}, --custom hw {custom_hw}' + return prompt_clean, prompt_show, torch.tensor(default_hw, device=device)[None], torch.tensor([float(closest_ratio)], device=device)[None], torch.tensor(custom_hw, device=device)[None] + + +def resize_and_crop_tensor(samples: torch.Tensor, new_width: int, new_height: int): + orig_hw = torch.tensor([samples.shape[2], samples.shape[3]], dtype=torch.int) + custom_hw = torch.tensor([int(new_height), int(new_width)], dtype=torch.int) + + if (orig_hw != custom_hw).all(): + ratio = max(custom_hw[0] / orig_hw[0], custom_hw[1] / orig_hw[1]) + resized_width = int(orig_hw[1] * ratio) + resized_height = int(orig_hw[0] * ratio) + + transform = T.Compose([ + T.Resize((resized_height, resized_width)), + T.CenterCrop(custom_hw.tolist()) + ]) + return transform(samples) + else: + return samples + + +def resize_and_crop_img(img: Image, new_width, new_height): + orig_width, orig_height = img.size + + ratio = max(new_width/orig_width, new_height/orig_height) + resized_width = int(orig_width * ratio) + resized_height = int(orig_height * ratio) + + img = img.resize((resized_width, resized_height), Image.LANCZOS) + + left = (resized_width - new_width)/2 + top = (resized_height - new_height)/2 + right = (resized_width + new_width)/2 + bottom = (resized_height + new_height)/2 + + img = img.crop((left, top, right, bottom)) + + return img + + + +def mask_feature(emb, mask): + if emb.shape[0] == 1: + keep_index = mask.sum().item() + return emb[:, :, :keep_index, :], keep_index + else: + masked_feature = emb * mask[:, None, :, None] + return masked_feature, emb.shape[2] \ No newline at end of file diff --git a/DiT_VAE/diffusion/sa_sampler.py b/DiT_VAE/diffusion/sa_sampler.py new file mode 100644 index 0000000000000000000000000000000000000000..8c21f5db49d723fec252560a5147557e11af95f9 --- /dev/null +++ b/DiT_VAE/diffusion/sa_sampler.py @@ -0,0 +1,66 @@ +"""SAMPLING ONLY.""" + +import torch +import numpy as np + +from DiT_VAE.diffusion.model.sa_solver import NoiseScheduleVP, model_wrapper, SASolver +from .model import gaussian_diffusion as gd + + +class SASolverSampler(object): + def __init__(self, model, + noise_schedule="linear", + diffusion_steps=1000, + device='cpu', + ): + super().__init__() + self.model = model + self.device = device + to_torch = lambda x: x.clone().detach().to(torch.float32).to(device) + betas = torch.tensor(gd.get_named_beta_schedule(noise_schedule, diffusion_steps)) + alphas = 1.0 - betas + self.register_buffer('alphas_cumprod', to_torch(np.cumprod(alphas, axis=0))) + + def register_buffer(self, name, attr): + if type(attr) == torch.Tensor and attr.device != torch.device("cuda"): + attr = attr.to(torch.device("cuda")) + setattr(self, name, attr) + + @torch.no_grad() + def sample(self, S, batch_size, shape, conditioning=None, callback=None, normals_sequence=None, img_callback=None, quantize_x0=False, eta=0., mask=None, x0=None, temperature=1., noise_dropout=0., score_corrector=None, corrector_kwargs=None, verbose=True, x_T=None, log_every_t=100, unconditional_guidance_scale=1., unconditional_conditioning=None, model_kwargs=None, **kwargs): + if model_kwargs is None: + model_kwargs = {} + if conditioning is not None: + if isinstance(conditioning, dict): + cbs = conditioning[list(conditioning.keys())[0]].shape[0] + if cbs != batch_size: + print(f"Warning: Got {cbs} conditionings but batch-size is {batch_size}") + elif conditioning.shape[0] != batch_size: + print(f"Warning: Got {conditioning.shape[0]} conditionings but batch-size is {batch_size}") + + # sampling + C, H, W = shape + size = (batch_size, C, H, W) + + device = self.device + img = torch.randn(size, device=device) if x_T is None else x_T + ns = NoiseScheduleVP('discrete', alphas_cumprod=self.alphas_cumprod) + + model_fn = model_wrapper( + self.model, + ns, + model_type="noise", + guidance_type="classifier-free", + condition=conditioning, + unconditional_condition=unconditional_conditioning, + guidance_scale=unconditional_guidance_scale, + model_kwargs=model_kwargs, + ) + + sasolver = SASolver(model_fn, ns, algorithm_type="data_prediction") + + tau_t = lambda t: eta if 0.2 <= t <= 0.8 else 0 + + x = sasolver.sample(mode='few_steps', x=img, tau=tau_t, steps=S, skip_type='time', skip_order=1, predictor_order=2, corrector_order=2, pc_mode='PEC', return_intermediate=False) + + return x.to(device), None \ No newline at end of file diff --git a/DiT_VAE/diffusion/sa_solver_diffusers.py b/DiT_VAE/diffusion/sa_solver_diffusers.py new file mode 100644 index 0000000000000000000000000000000000000000..f9ddadc1fa8b92f299a5107aa6c3974ea4d20620 --- /dev/null +++ b/DiT_VAE/diffusion/sa_solver_diffusers.py @@ -0,0 +1,840 @@ +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# DISCLAIMER: check https://arxiv.org/abs/2309.05019 +# The codebase is modified based on https://github.com/huggingface/diffusers/blob/main/src/diffusers/schedulers/scheduling_dpmsolver_multistep.py + +import math +from typing import List, Optional, Tuple, Union, Callable + +import numpy as np +import torch + +from diffusers.configuration_utils import ConfigMixin, register_to_config +from diffusers.utils.torch_utils import randn_tensor +from diffusers.schedulers.scheduling_utils import KarrasDiffusionSchedulers, SchedulerMixin, SchedulerOutput + + +# Copied from diffusers.schedulers.scheduling_ddpm.betas_for_alpha_bar +def betas_for_alpha_bar( + num_diffusion_timesteps, + max_beta=0.999, + alpha_transform_type="cosine", +): + """ + Create a beta schedule that discretizes the given alpha_t_bar function, which defines the cumulative product of + (1-beta) over time from t = [0,1]. + + Contains a function alpha_bar that takes an argument t and transforms it to the cumulative product of (1-beta) up + to that part of the diffusion process. + + + Args: + num_diffusion_timesteps (`int`): the number of betas to produce. + max_beta (`float`): the maximum beta to use; use values lower than 1 to + prevent singularities. + alpha_transform_type (`str`, *optional*, default to `cosine`): the type of noise schedule for alpha_bar. + Choose from `cosine` or `exp` + + Returns: + betas (`np.ndarray`): the betas used by the scheduler to step the model outputs + """ + if alpha_transform_type == "cosine": + + def alpha_bar_fn(t): + return math.cos((t + 0.008) / 1.008 * math.pi / 2) ** 2 + + elif alpha_transform_type == "exp": + + def alpha_bar_fn(t): + return math.exp(t * -12.0) + + else: + raise ValueError(f"Unsupported alpha_tranform_type: {alpha_transform_type}") + + betas = [] + for i in range(num_diffusion_timesteps): + t1 = i / num_diffusion_timesteps + t2 = (i + 1) / num_diffusion_timesteps + betas.append(min(1 - alpha_bar_fn(t2) / alpha_bar_fn(t1), max_beta)) + return torch.tensor(betas, dtype=torch.float32) + + +class SASolverScheduler(SchedulerMixin, ConfigMixin): + """ + `SASolverScheduler` is a fast dedicated high-order solver for diffusion SDEs. + + This model inherits from [`SchedulerMixin`] and [`ConfigMixin`]. Check the superclass documentation for the generic + methods the library implements for all schedulers such as loading and saving. + + Args: + num_train_timesteps (`int`, defaults to 1000): + The number of diffusion steps to train the model. + beta_start (`float`, defaults to 0.0001): + The starting `beta` value of inference. + beta_end (`float`, defaults to 0.02): + The final `beta` value. + beta_schedule (`str`, defaults to `"linear"`): + The beta schedule, a mapping from a beta range to a sequence of betas for stepping the model. Choose from + `linear`, `scaled_linear`, or `squaredcos_cap_v2`. + trained_betas (`np.ndarray`, *optional*): + Pass an array of betas directly to the constructor to bypass `beta_start` and `beta_end`. + predictor_order (`int`, defaults to 2): + The predictor order which can be `1` or `2` or `3` or '4'. It is recommended to use `predictor_order=2` for guided + sampling, and `predictor_order=3` for unconditional sampling. + corrector_order (`int`, defaults to 2): + The corrector order which can be `1` or `2` or `3` or '4'. It is recommended to use `corrector_order=2` for guided + sampling, and `corrector_order=3` for unconditional sampling. + predictor_corrector_mode (`str`, defaults to `PEC`): + The predictor-corrector mode can be `PEC` or 'PECE'. It is recommended to use `PEC` mode for fast + sampling, and `PECE` for high-quality sampling (PECE needs around twice model evaluations as PEC). + prediction_type (`str`, defaults to `epsilon`, *optional*): + Prediction type of the scheduler function; can be `epsilon` (predicts the noise of the diffusion process), + `sample` (directly predicts the noisy sample`) or `v_prediction` (see section 2.4 of [Imagen + Video](https://imagen.research.google/video/paper.pdf) paper). + thresholding (`bool`, defaults to `False`): + Whether to use the "dynamic thresholding" method. This is unsuitable for latent-space diffusion vae such + as Stable Diffusion. + dynamic_thresholding_ratio (`float`, defaults to 0.995): + The ratio for the dynamic thresholding method. Valid only when `thresholding=True`. + sample_max_value (`float`, defaults to 1.0): + The threshold value for dynamic thresholding. Valid only when `thresholding=True` and + `algorithm_type="dpmsolver++"`. + algorithm_type (`str`, defaults to `data_prediction`): + Algorithm type for the solver; can be `data_prediction` or `noise_prediction`. It is recommended to use `data_prediction` + with `solver_order=2` for guided sampling like in Stable Diffusion. + lower_order_final (`bool`, defaults to `True`): + Whether to use lower-order solvers in the final steps. Default = True. + use_karras_sigmas (`bool`, *optional*, defaults to `False`): + Whether to use Karras sigmas for step sizes in the noise schedule during the sampling process. If `True`, + the sigmas are determined according to a sequence of noise levels {σi}. + lambda_min_clipped (`float`, defaults to `-inf`): + Clipping threshold for the minimum value of `lambda(t)` for numerical stability. This is critical for the + cosine (`squaredcos_cap_v2`) noise schedule. + variance_type (`str`, *optional*): + Set to "learned" or "learned_range" for diffusion vae that predict variance. If set, the model's output + contains the predicted Gaussian variance. + timestep_spacing (`str`, defaults to `"linspace"`): + The way the timesteps should be scaled. Refer to Table 2 of the [Common Diffusion Noise Schedules and + Sample Steps are Flawed](https://huggingface.co/papers/2305.08891) for more information. + steps_offset (`int`, defaults to 0): + An offset added to the inference steps. You can use a combination of `offset=1` and + `set_alpha_to_one=False` to make the last step use step 0 for the previous alpha product like in Stable + Diffusion. + """ + + _compatibles = [e.name for e in KarrasDiffusionSchedulers] + order = 1 + + @register_to_config + def __init__( + self, + num_train_timesteps: int = 1000, + beta_start: float = 0.0001, + beta_end: float = 0.02, + beta_schedule: str = "linear", + trained_betas: Optional[Union[np.ndarray, List[float]]] = None, + predictor_order: int = 2, + corrector_order: int = 2, + predictor_corrector_mode: str = 'PEC', + prediction_type: str = "epsilon", + tau_func: Callable = lambda t: 1 if t >= 200 and t <= 800 else 0, + thresholding: bool = False, + dynamic_thresholding_ratio: float = 0.995, + sample_max_value: float = 1.0, + algorithm_type: str = "data_prediction", + lower_order_final: bool = True, + use_karras_sigmas: Optional[bool] = False, + lambda_min_clipped: float = -float("inf"), + variance_type: Optional[str] = None, + timestep_spacing: str = "linspace", + steps_offset: int = 0, + ): + if trained_betas is not None: + self.betas = torch.tensor(trained_betas, dtype=torch.float32) + elif beta_schedule == "linear": + self.betas = torch.linspace(beta_start, beta_end, num_train_timesteps, dtype=torch.float32) + elif beta_schedule == "scaled_linear": + # this schedule is very specific to the latent diffusion model. + self.betas = ( + torch.linspace(beta_start ** 0.5, beta_end ** 0.5, num_train_timesteps, dtype=torch.float32) ** 2 + ) + elif beta_schedule == "squaredcos_cap_v2": + # Glide cosine schedule + self.betas = betas_for_alpha_bar(num_train_timesteps) + else: + raise NotImplementedError(f"{beta_schedule} does is not implemented for {self.__class__}") + + self.alphas = 1.0 - self.betas + self.alphas_cumprod = torch.cumprod(self.alphas, dim=0) + # Currently we only support VP-type noise schedule + self.alpha_t = torch.sqrt(self.alphas_cumprod) + self.sigma_t = torch.sqrt(1 - self.alphas_cumprod) + self.lambda_t = torch.log(self.alpha_t) - torch.log(self.sigma_t) + + # standard deviation of the initial noise distribution + self.init_noise_sigma = 1.0 + + if algorithm_type not in ["data_prediction", "noise_prediction"]: + raise NotImplementedError(f"{algorithm_type} does is not implemented for {self.__class__}") + + # setable values + self.num_inference_steps = None + timesteps = np.linspace(0, num_train_timesteps - 1, num_train_timesteps, dtype=np.float32)[::-1].copy() + self.timesteps = torch.from_numpy(timesteps) + self.timestep_list = [None] * max(predictor_order, corrector_order - 1) + self.model_outputs = [None] * max(predictor_order, corrector_order - 1) + + self.tau_func = tau_func + self.predict_x0 = algorithm_type == "data_prediction" + self.lower_order_nums = 0 + self.last_sample = None + + def set_timesteps(self, num_inference_steps: int = None, device: Union[str, torch.device] = None): + """ + Sets the discrete timesteps used for the diffusion chain (to be run before inference). + + Args: + num_inference_steps (`int`): + The number of diffusion steps used when generating samples with a pre-trained model. + device (`str` or `torch.device`, *optional*): + The device to which the timesteps should be moved to. If `None`, the timesteps are not moved. + """ + # Clipping the minimum of all lambda(t) for numerical stability. + # This is critical for cosine (squaredcos_cap_v2) noise schedule. + clipped_idx = torch.searchsorted(torch.flip(self.lambda_t, [0]), self.config.lambda_min_clipped) + last_timestep = ((self.config.num_train_timesteps - clipped_idx).numpy()).item() + + # "linspace", "leading", "trailing" corresponds to annotation of Table 2. of https://arxiv.org/abs/2305.08891 + if self.config.timestep_spacing == "linspace": + timesteps = ( + np.linspace(0, last_timestep - 1, num_inference_steps + 1).round()[::-1][:-1].copy().astype(np.int64) + ) + + elif self.config.timestep_spacing == "leading": + step_ratio = last_timestep // (num_inference_steps + 1) + # creates integer timesteps by multiplying by ratio + # casting to int to avoid issues when num_inference_step is power of 3 + timesteps = (np.arange(0, num_inference_steps + 1) * step_ratio).round()[::-1][:-1].copy().astype(np.int64) + timesteps += self.config.steps_offset + elif self.config.timestep_spacing == "trailing": + step_ratio = self.config.num_train_timesteps / num_inference_steps + # creates integer timesteps by multiplying by ratio + # casting to int to avoid issues when num_inference_step is power of 3 + timesteps = np.arange(last_timestep, 0, -step_ratio).round().copy().astype(np.int64) + timesteps -= 1 + else: + raise ValueError( + f"{self.config.timestep_spacing} is not supported. Please make sure to choose one of 'linspace', 'leading' or 'trailing'." + ) + + sigmas = np.array(((1 - self.alphas_cumprod) / self.alphas_cumprod) ** 0.5) + if self.config.use_karras_sigmas: + log_sigmas = np.log(sigmas) + sigmas = self._convert_to_karras(in_sigmas=sigmas, num_inference_steps=num_inference_steps) + timesteps = np.array([self._sigma_to_t(sigma, log_sigmas) for sigma in sigmas]).round() + timesteps = np.flip(timesteps).copy().astype(np.int64) + + self.sigmas = torch.from_numpy(sigmas) + + # when num_inference_steps == num_train_timesteps, we can end up with + # duplicates in timesteps. + _, unique_indices = np.unique(timesteps, return_index=True) + timesteps = timesteps[np.sort(unique_indices)] + + self.timesteps = torch.from_numpy(timesteps).to(device) + + self.num_inference_steps = len(timesteps) + + self.model_outputs = [ + None, + ] * max(self.config.predictor_order, self.config.corrector_order - 1) + self.lower_order_nums = 0 + self.last_sample = None + + # Copied from diffusers.schedulers.scheduling_ddpm.DDPMScheduler._threshold_sample + def _threshold_sample(self, sample: torch.FloatTensor) -> torch.FloatTensor: + """ + "Dynamic thresholding: At each sampling step we set s to a certain percentile absolute pixel value in xt0 (the + prediction of x_0 at timestep t), and if s > 1, then we threshold xt0 to the range [-s, s] and then divide by + s. Dynamic thresholding pushes saturated pixels (those near -1 and 1) inwards, thereby actively preventing + pixels from saturation at each step. We find that dynamic thresholding results in significantly better + photorealism as well as better image-text alignment, especially when using very large guidance weights." + + https://arxiv.org/abs/2205.11487 + """ + dtype = sample.dtype + batch_size, channels, height, width = sample.shape + + if dtype not in (torch.float32, torch.float64): + sample = sample.float() # upcast for quantile calculation, and clamp not implemented for cpu half + + # Flatten sample for doing quantile calculation along each image + sample = sample.reshape(batch_size, channels * height * width) + + abs_sample = sample.abs() # "a certain percentile absolute pixel value" + + s = torch.quantile(abs_sample, self.config.dynamic_thresholding_ratio, dim=1) + s = torch.clamp( + s, min=1, max=self.config.sample_max_value + ) # When clamped to min=1, equivalent to standard clipping to [-1, 1] + + s = s.unsqueeze(1) # (batch_size, 1) because clamp will broadcast along dim=0 + sample = torch.clamp(sample, -s, s) / s # "we threshold xt0 to the range [-s, s] and then divide by s" + + sample = sample.reshape(batch_size, channels, height, width) + sample = sample.to(dtype) + + return sample + + # Copied from diffusers.schedulers.scheduling_euler_discrete.EulerDiscreteScheduler._sigma_to_t + def _sigma_to_t(self, sigma, log_sigmas): + # get log sigma + log_sigma = np.log(sigma) + + # get distribution + dists = log_sigma - log_sigmas[:, np.newaxis] + + # get sigmas range + low_idx = np.cumsum((dists >= 0), axis=0).argmax(axis=0).clip(max=log_sigmas.shape[0] - 2) + high_idx = low_idx + 1 + + low = log_sigmas[low_idx] + high = log_sigmas[high_idx] + + # interpolate sigmas + w = (low - log_sigma) / (low - high) + w = np.clip(w, 0, 1) + + # transform interpolation to time range + t = (1 - w) * low_idx + w * high_idx + t = t.reshape(sigma.shape) + return t + + # Copied from diffusers.schedulers.scheduling_euler_discrete.EulerDiscreteScheduler._convert_to_karras + def _convert_to_karras(self, in_sigmas: torch.FloatTensor, num_inference_steps) -> torch.FloatTensor: + """Constructs the noise schedule of Karras et al. (2022).""" + + sigma_min: float = in_sigmas[-1].item() + sigma_max: float = in_sigmas[0].item() + + rho = 7.0 # 7.0 is the value used in the paper + ramp = np.linspace(0, 1, num_inference_steps) + min_inv_rho = sigma_min ** (1 / rho) + max_inv_rho = sigma_max ** (1 / rho) + return (max_inv_rho + ramp * (min_inv_rho - max_inv_rho)) ** rho + + def convert_model_output( + self, model_output: torch.FloatTensor, timestep: int, sample: torch.FloatTensor + ) -> torch.FloatTensor: + """ + Convert the model output to the corresponding type the DPMSolver/DPMSolver++ algorithm needs. DPM-Solver is + designed to discretize an integral of the noise prediction model, and DPM-Solver++ is designed to discretize an + integral of the data prediction model. + + + + The algorithm and model type are decoupled. You can use either DPMSolver or DPMSolver++ for both noise + prediction and data prediction vae. + + + + Args: + model_output (`torch.FloatTensor`): + The direct output from the learned diffusion model. + timestep (`int`): + The current discrete timestep in the diffusion chain. + sample (`torch.FloatTensor`): + A current instance of a sample created by the diffusion process. + + Returns: + `torch.FloatTensor`: + The converted model output. + """ + + # SA-Solver_data_prediction needs to solve an integral of the data prediction model. + if self.config.algorithm_type in ["data_prediction"]: + if self.config.prediction_type == "epsilon": + # SA-Solver only needs the "mean" output. + if self.config.variance_type in ["learned", "learned_range"]: + model_output = model_output[:, :3] + alpha_t, sigma_t = self.alpha_t[timestep], self.sigma_t[timestep] + x0_pred = (sample - sigma_t * model_output) / alpha_t + elif self.config.prediction_type == "sample": + x0_pred = model_output + elif self.config.prediction_type == "v_prediction": + alpha_t, sigma_t = self.alpha_t[timestep], self.sigma_t[timestep] + x0_pred = alpha_t * sample - sigma_t * model_output + else: + raise ValueError( + f"prediction_type given as {self.config.prediction_type} must be one of `epsilon`, `sample`, or" + " `v_prediction` for the SASolverScheduler." + ) + + if self.config.thresholding: + x0_pred = self._threshold_sample(x0_pred) + + return x0_pred + + # SA-Solver_noise_prediction needs to solve an integral of the noise prediction model. + elif self.config.algorithm_type in ["noise_prediction"]: + if self.config.prediction_type == "epsilon": + # SA-Solver only needs the "mean" output. + if self.config.variance_type in ["learned", "learned_range"]: + epsilon = model_output[:, :3] + else: + epsilon = model_output + elif self.config.prediction_type == "sample": + alpha_t, sigma_t = self.alpha_t[timestep], self.sigma_t[timestep] + epsilon = (sample - alpha_t * model_output) / sigma_t + elif self.config.prediction_type == "v_prediction": + alpha_t, sigma_t = self.alpha_t[timestep], self.sigma_t[timestep] + epsilon = alpha_t * model_output + sigma_t * sample + else: + raise ValueError( + f"prediction_type given as {self.config.prediction_type} must be one of `epsilon`, `sample`, or" + " `v_prediction` for the SASolverScheduler." + ) + + if self.config.thresholding: + alpha_t, sigma_t = self.alpha_t[timestep], self.sigma_t[timestep] + x0_pred = (sample - sigma_t * epsilon) / alpha_t + x0_pred = self._threshold_sample(x0_pred) + epsilon = (sample - alpha_t * x0_pred) / sigma_t + + return epsilon + + def get_coefficients_exponential_negative(self, order, interval_start, interval_end): + """ + Calculate the integral of exp(-x) * x^order dx from interval_start to interval_end + """ + assert order in [0, 1, 2, 3], "order is only supported for 0, 1, 2 and 3" + + if order == 0: + return torch.exp(-interval_end) * (torch.exp(interval_end - interval_start) - 1) + elif order == 1: + return torch.exp(-interval_end) * ( + (interval_start + 1) * torch.exp(interval_end - interval_start) - (interval_end + 1)) + elif order == 2: + return torch.exp(-interval_end) * ( + (interval_start ** 2 + 2 * interval_start + 2) * torch.exp(interval_end - interval_start) - ( + interval_end ** 2 + 2 * interval_end + 2)) + elif order == 3: + return torch.exp(-interval_end) * ( + (interval_start ** 3 + 3 * interval_start ** 2 + 6 * interval_start + 6) * torch.exp( + interval_end - interval_start) - (interval_end ** 3 + 3 * interval_end ** 2 + 6 * interval_end + 6)) + + def get_coefficients_exponential_positive(self, order, interval_start, interval_end, tau): + """ + Calculate the integral of exp(x(1+tau^2)) * x^order dx from interval_start to interval_end + """ + assert order in [0, 1, 2, 3], "order is only supported for 0, 1, 2 and 3" + + # after change of variable(cov) + interval_end_cov = (1 + tau ** 2) * interval_end + interval_start_cov = (1 + tau ** 2) * interval_start + + if order == 0: + return torch.exp(interval_end_cov) * (1 - torch.exp(-(interval_end_cov - interval_start_cov))) / ( + (1 + tau ** 2)) + elif order == 1: + return torch.exp(interval_end_cov) * ((interval_end_cov - 1) - (interval_start_cov - 1) * torch.exp( + -(interval_end_cov - interval_start_cov))) / ((1 + tau ** 2) ** 2) + elif order == 2: + return torch.exp(interval_end_cov) * ((interval_end_cov ** 2 - 2 * interval_end_cov + 2) - ( + interval_start_cov ** 2 - 2 * interval_start_cov + 2) * torch.exp( + -(interval_end_cov - interval_start_cov))) / ((1 + tau ** 2) ** 3) + elif order == 3: + return torch.exp(interval_end_cov) * ( + (interval_end_cov ** 3 - 3 * interval_end_cov ** 2 + 6 * interval_end_cov - 6) - ( + interval_start_cov ** 3 - 3 * interval_start_cov ** 2 + 6 * interval_start_cov - 6) * torch.exp( + -(interval_end_cov - interval_start_cov))) / ((1 + tau ** 2) ** 4) + + def lagrange_polynomial_coefficient(self, order, lambda_list): + """ + Calculate the coefficient of lagrange polynomial + """ + + assert order in [0, 1, 2, 3] + assert order == len(lambda_list) - 1 + if order == 0: + return [[1]] + elif order == 1: + return [[1 / (lambda_list[0] - lambda_list[1]), -lambda_list[1] / (lambda_list[0] - lambda_list[1])], + [1 / (lambda_list[1] - lambda_list[0]), -lambda_list[0] / (lambda_list[1] - lambda_list[0])]] + elif order == 2: + denominator1 = (lambda_list[0] - lambda_list[1]) * (lambda_list[0] - lambda_list[2]) + denominator2 = (lambda_list[1] - lambda_list[0]) * (lambda_list[1] - lambda_list[2]) + denominator3 = (lambda_list[2] - lambda_list[0]) * (lambda_list[2] - lambda_list[1]) + return [[1 / denominator1, + (-lambda_list[1] - lambda_list[2]) / denominator1, + lambda_list[1] * lambda_list[2] / denominator1], + + [1 / denominator2, + (-lambda_list[0] - lambda_list[2]) / denominator2, + lambda_list[0] * lambda_list[2] / denominator2], + + [1 / denominator3, + (-lambda_list[0] - lambda_list[1]) / denominator3, + lambda_list[0] * lambda_list[1] / denominator3] + ] + elif order == 3: + denominator1 = (lambda_list[0] - lambda_list[1]) * (lambda_list[0] - lambda_list[2]) * ( + lambda_list[0] - lambda_list[3]) + denominator2 = (lambda_list[1] - lambda_list[0]) * (lambda_list[1] - lambda_list[2]) * ( + lambda_list[1] - lambda_list[3]) + denominator3 = (lambda_list[2] - lambda_list[0]) * (lambda_list[2] - lambda_list[1]) * ( + lambda_list[2] - lambda_list[3]) + denominator4 = (lambda_list[3] - lambda_list[0]) * (lambda_list[3] - lambda_list[1]) * ( + lambda_list[3] - lambda_list[2]) + return [[1 / denominator1, + (-lambda_list[1] - lambda_list[2] - lambda_list[3]) / denominator1, + (lambda_list[1] * lambda_list[2] + lambda_list[1] * lambda_list[3] + lambda_list[2] * lambda_list[ + 3]) / denominator1, + (-lambda_list[1] * lambda_list[2] * lambda_list[3]) / denominator1], + + [1 / denominator2, + (-lambda_list[0] - lambda_list[2] - lambda_list[3]) / denominator2, + (lambda_list[0] * lambda_list[2] + lambda_list[0] * lambda_list[3] + lambda_list[2] * lambda_list[ + 3]) / denominator2, + (-lambda_list[0] * lambda_list[2] * lambda_list[3]) / denominator2], + + [1 / denominator3, + (-lambda_list[0] - lambda_list[1] - lambda_list[3]) / denominator3, + (lambda_list[0] * lambda_list[1] + lambda_list[0] * lambda_list[3] + lambda_list[1] * lambda_list[ + 3]) / denominator3, + (-lambda_list[0] * lambda_list[1] * lambda_list[3]) / denominator3], + + [1 / denominator4, + (-lambda_list[0] - lambda_list[1] - lambda_list[2]) / denominator4, + (lambda_list[0] * lambda_list[1] + lambda_list[0] * lambda_list[2] + lambda_list[1] * lambda_list[ + 2]) / denominator4, + (-lambda_list[0] * lambda_list[1] * lambda_list[2]) / denominator4] + + ] + + def get_coefficients_fn(self, order, interval_start, interval_end, lambda_list, tau): + assert order in [1, 2, 3, 4] + assert order == len(lambda_list), 'the length of lambda list must be equal to the order' + coefficients = [] + lagrange_coefficient = self.lagrange_polynomial_coefficient(order - 1, lambda_list) + for i in range(order): + coefficient = sum( + lagrange_coefficient[i][j] + * self.get_coefficients_exponential_positive( + order - 1 - j, interval_start, interval_end, tau + ) + if self.predict_x0 + else lagrange_coefficient[i][j] + * self.get_coefficients_exponential_negative( + order - 1 - j, interval_start, interval_end + ) + for j in range(order) + ) + coefficients.append(coefficient) + assert len(coefficients) == order, 'the length of coefficients does not match the order' + return coefficients + + def stochastic_adams_bashforth_update( + self, + model_output: torch.FloatTensor, + prev_timestep: int, + sample: torch.FloatTensor, + noise: torch.FloatTensor, + order: int, + tau: torch.FloatTensor, + ) -> torch.FloatTensor: + """ + One step for the SA-Predictor. + + Args: + model_output (`torch.FloatTensor`): + The direct output from the learned diffusion model at the current timestep. + prev_timestep (`int`): + The previous discrete timestep in the diffusion chain. + sample (`torch.FloatTensor`): + A current instance of a sample created by the diffusion process. + order (`int`): + The order of SA-Predictor at this timestep. + + Returns: + `torch.FloatTensor`: + The sample tensor at the previous timestep. + """ + + assert noise is not None + timestep_list = self.timestep_list + model_output_list = self.model_outputs + s0, t = self.timestep_list[-1], prev_timestep + lambda_t, lambda_s0 = self.lambda_t[t], self.lambda_t[s0] + alpha_t, alpha_s0 = self.alpha_t[t], self.alpha_t[s0] + sigma_t, sigma_s0 = self.sigma_t[t], self.sigma_t[s0] + gradient_part = torch.zeros_like(sample) + h = lambda_t - lambda_s0 + lambda_list = [self.lambda_t[timestep_list[-(i + 1)]] for i in range(order)] + gradient_coefficients = self.get_coefficients_fn(order, lambda_s0, lambda_t, lambda_list, tau) + + x = sample + + if self.predict_x0 and order == 2: + gradient_coefficients[0] += 1.0 * torch.exp((1 + tau ** 2) * lambda_t) * ( + h ** 2 / 2 - (h * (1 + tau ** 2) - 1 + torch.exp((1 + tau ** 2) * (-h))) / ( + (1 + tau ** 2) ** 2)) / (self.lambda_t[timestep_list[-1]] - self.lambda_t[ + timestep_list[-2]]) + gradient_coefficients[1] -= 1.0 * torch.exp((1 + tau ** 2) * lambda_t) * ( + h ** 2 / 2 - (h * (1 + tau ** 2) - 1 + torch.exp((1 + tau ** 2) * (-h))) / ( + (1 + tau ** 2) ** 2)) / (self.lambda_t[timestep_list[-1]] - self.lambda_t[ + timestep_list[-2]]) + + for i in range(order): + if self.predict_x0: + + gradient_part += (1 + tau ** 2) * sigma_t * torch.exp(- tau ** 2 * lambda_t) * gradient_coefficients[ + i] * model_output_list[-(i + 1)] + else: + gradient_part += -(1 + tau ** 2) * alpha_t * gradient_coefficients[i] * model_output_list[-(i + 1)] + + if self.predict_x0: + noise_part = sigma_t * torch.sqrt(1 - torch.exp(-2 * tau ** 2 * h)) * noise + else: + noise_part = tau * sigma_t * torch.sqrt(torch.exp(2 * h) - 1) * noise + + if self.predict_x0: + x_t = torch.exp(-tau ** 2 * h) * (sigma_t / sigma_s0) * x + gradient_part + noise_part + else: + x_t = (alpha_t / alpha_s0) * x + gradient_part + noise_part + + x_t = x_t.to(x.dtype) + return x_t + + def stochastic_adams_moulton_update( + self, + this_model_output: torch.FloatTensor, + this_timestep: int, + last_sample: torch.FloatTensor, + last_noise: torch.FloatTensor, + this_sample: torch.FloatTensor, + order: int, + tau: torch.FloatTensor, + ) -> torch.FloatTensor: + """ + One step for the SA-Corrector. + + Args: + this_model_output (`torch.FloatTensor`): + The model outputs at `x_t`. + this_timestep (`int`): + The current timestep `t`. + last_sample (`torch.FloatTensor`): + The generated sample before the last predictor `x_{t-1}`. + this_sample (`torch.FloatTensor`): + The generated sample after the last predictor `x_{t}`. + order (`int`): + The order of SA-Corrector at this step. + + Returns: + `torch.FloatTensor`: + The corrected sample tensor at the current timestep. + """ + + assert last_noise is not None + timestep_list = self.timestep_list + model_output_list = self.model_outputs + s0, t = self.timestep_list[-1], this_timestep + lambda_t, lambda_s0 = self.lambda_t[t], self.lambda_t[s0] + alpha_t, alpha_s0 = self.alpha_t[t], self.alpha_t[s0] + sigma_t, sigma_s0 = self.sigma_t[t], self.sigma_t[s0] + gradient_part = torch.zeros_like(this_sample) + h = lambda_t - lambda_s0 + t_list = timestep_list + [this_timestep] + lambda_list = [self.lambda_t[t_list[-(i + 1)]] for i in range(order)] + model_prev_list = model_output_list + [this_model_output] + + gradient_coefficients = self.get_coefficients_fn(order, lambda_s0, lambda_t, lambda_list, tau) + + x = last_sample + + if self.predict_x0 and order == 2: + gradient_coefficients[0] += 1.0 * torch.exp((1 + tau ** 2) * lambda_t) * ( + h / 2 - (h * (1 + tau ** 2) - 1 + torch.exp((1 + tau ** 2) * (-h))) / ( + (1 + tau ** 2) ** 2 * h)) + gradient_coefficients[1] -= 1.0 * torch.exp((1 + tau ** 2) * lambda_t) * ( + h / 2 - (h * (1 + tau ** 2) - 1 + torch.exp((1 + tau ** 2) * (-h))) / ( + (1 + tau ** 2) ** 2 * h)) + + for i in range(order): + if self.predict_x0: + gradient_part += (1 + tau ** 2) * sigma_t * torch.exp(- tau ** 2 * lambda_t) * gradient_coefficients[ + i] * model_prev_list[-(i + 1)] + else: + gradient_part += -(1 + tau ** 2) * alpha_t * gradient_coefficients[i] * model_prev_list[-(i + 1)] + + if self.predict_x0: + noise_part = sigma_t * torch.sqrt(1 - torch.exp(-2 * tau ** 2 * h)) * last_noise + else: + noise_part = tau * sigma_t * torch.sqrt(torch.exp(2 * h) - 1) * last_noise + + if self.predict_x0: + x_t = torch.exp(-tau ** 2 * h) * (sigma_t / sigma_s0) * x + gradient_part + noise_part + else: + x_t = (alpha_t / alpha_s0) * x + gradient_part + noise_part + + x_t = x_t.to(x.dtype) + return x_t + + def step( + self, + model_output: torch.FloatTensor, + timestep: int, + sample: torch.FloatTensor, + generator=None, + return_dict: bool = True, + ) -> Union[SchedulerOutput, Tuple]: + """ + Predict the sample from the previous timestep by reversing the SDE. This function propagates the sample with + the SA-Solver. + + Args: + model_output (`torch.FloatTensor`): + The direct output from learned diffusion model. + timestep (`int`): + The current discrete timestep in the diffusion chain. + sample (`torch.FloatTensor`): + A current instance of a sample created by the diffusion process. + generator (`torch.Generator`, *optional*): + A random number generator. + return_dict (`bool`): + Whether or not to return a [`~schedulers.scheduling_utils.SchedulerOutput`] or `tuple`. + + Returns: + [`~schedulers.scheduling_utils.SchedulerOutput`] or `tuple`: + If return_dict is `True`, [`~schedulers.scheduling_utils.SchedulerOutput`] is returned, otherwise a + tuple is returned where the first element is the sample tensor. + + """ + if self.num_inference_steps is None: + raise ValueError( + "Number of inference steps is 'None', you need to run 'set_timesteps' after creating the scheduler" + ) + + if isinstance(timestep, torch.Tensor): + timestep = timestep.to(self.timesteps.device) + step_index = (self.timesteps == timestep).nonzero() + if len(step_index) == 0: + step_index = len(self.timesteps) - 1 + else: + step_index = step_index.item() + + use_corrector = ( + step_index > 0 and self.last_sample is not None + ) + + model_output_convert = self.convert_model_output(model_output, timestep, sample) + + if use_corrector: + current_tau = self.tau_func(self.timestep_list[-1]) + sample = self.stochastic_adams_moulton_update( + this_model_output=model_output_convert, + this_timestep=timestep, + last_sample=self.last_sample, + last_noise=self.last_noise, + this_sample=sample, + order=self.this_corrector_order, + tau=current_tau, + ) + + prev_timestep = 0 if step_index == len(self.timesteps) - 1 else self.timesteps[step_index + 1] + + for i in range(max(self.config.predictor_order, self.config.corrector_order - 1) - 1): + self.model_outputs[i] = self.model_outputs[i + 1] + self.timestep_list[i] = self.timestep_list[i + 1] + + self.model_outputs[-1] = model_output_convert + self.timestep_list[-1] = timestep + + noise = randn_tensor( + model_output.shape, generator=generator, device=model_output.device, dtype=model_output.dtype + ) + + if self.config.lower_order_final: + this_predictor_order = min(self.config.predictor_order, len(self.timesteps) - step_index) + this_corrector_order = min(self.config.corrector_order, len(self.timesteps) - step_index + 1) + else: + this_predictor_order = self.config.predictor_order + this_corrector_order = self.config.corrector_order + + self.this_predictor_order = min(this_predictor_order, self.lower_order_nums + 1) # warmup for multistep + self.this_corrector_order = min(this_corrector_order, self.lower_order_nums + 2) # warmup for multistep + assert self.this_predictor_order > 0 + assert self.this_corrector_order > 0 + + self.last_sample = sample + self.last_noise = noise + + current_tau = self.tau_func(self.timestep_list[-1]) + prev_sample = self.stochastic_adams_bashforth_update( + model_output=model_output_convert, + prev_timestep=prev_timestep, + sample=sample, + noise=noise, + order=self.this_predictor_order, + tau=current_tau, + ) + + if self.lower_order_nums < max(self.config.predictor_order, self.config.corrector_order - 1): + self.lower_order_nums += 1 + + if not return_dict: + return (prev_sample,) + + return SchedulerOutput(prev_sample=prev_sample) + + def scale_model_input(self, sample: torch.FloatTensor, *args, **kwargs) -> torch.FloatTensor: + """ + Ensures interchangeability with schedulers that need to scale the denoising model input depending on the + current timestep. + + Args: + sample (`torch.FloatTensor`): + The input sample. + + Returns: + `torch.FloatTensor`: + A scaled input sample. + """ + return sample + + # Copied from diffusers.schedulers.scheduling_ddpm.DDPMScheduler.add_noise + def add_noise( + self, + original_samples: torch.FloatTensor, + noise: torch.FloatTensor, + timesteps: torch.IntTensor, + ) -> torch.FloatTensor: + # Make sure alphas_cumprod and timestep have same device and dtype as original_samples + alphas_cumprod = self.alphas_cumprod.to(device=original_samples.device, dtype=original_samples.dtype) + timesteps = timesteps.to(original_samples.device) + + sqrt_alpha_prod = alphas_cumprod[timesteps] ** 0.5 + sqrt_alpha_prod = sqrt_alpha_prod.flatten() + while len(sqrt_alpha_prod.shape) < len(original_samples.shape): + sqrt_alpha_prod = sqrt_alpha_prod.unsqueeze(-1) + + sqrt_one_minus_alpha_prod = (1 - alphas_cumprod[timesteps]) ** 0.5 + sqrt_one_minus_alpha_prod = sqrt_one_minus_alpha_prod.flatten() + while len(sqrt_one_minus_alpha_prod.shape) < len(original_samples.shape): + sqrt_one_minus_alpha_prod = sqrt_one_minus_alpha_prod.unsqueeze(-1) + + return sqrt_alpha_prod * original_samples + sqrt_one_minus_alpha_prod * noise + + def __len__(self): + return self.config.num_train_timesteps \ No newline at end of file diff --git a/DiT_VAE/diffusion/utils/__init__.py b/DiT_VAE/diffusion/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..86e767a53682c90f860279645b7a2008cd84c1a1 --- /dev/null +++ b/DiT_VAE/diffusion/utils/__init__.py @@ -0,0 +1 @@ +# from .logger import get_root_logger diff --git a/DiT_VAE/diffusion/utils/checkpoint.py b/DiT_VAE/diffusion/utils/checkpoint.py new file mode 100644 index 0000000000000000000000000000000000000000..d76a2b24f279f1fa6f8dd3f3c2df53546b5a48cb --- /dev/null +++ b/DiT_VAE/diffusion/utils/checkpoint.py @@ -0,0 +1,80 @@ +import os +import re +import torch + +from DiT_VAE.diffusion.utils.logger import get_root_logger + + +def save_checkpoint(work_dir, + epoch, + model, + model_ema=None, + optimizer=None, + lr_scheduler=None, + keep_last=False, + step=None, + ): + os.makedirs(work_dir, exist_ok=True) + state_dict = dict(state_dict=model.state_dict()) + if model_ema is not None: + state_dict['state_dict_ema'] = model_ema.state_dict() + if optimizer is not None: + state_dict['optimizer'] = optimizer.state_dict() + if lr_scheduler is not None: + state_dict['scheduler'] = lr_scheduler.state_dict() + if epoch is not None: + state_dict['epoch'] = epoch + file_path = os.path.join(work_dir, f"epoch_{epoch}.pth") + if step is not None: + file_path = file_path.split('.pth')[0] + f"_step_{step}.pth" + logger = get_root_logger() + torch.save(state_dict, file_path) + logger.info(f'Saved checkpoint of epoch {epoch} to {file_path.format(epoch)}.') + if keep_last: + for i in range(epoch): + previous_ckgt = file_path.format(i) + if os.path.exists(previous_ckgt): + os.remove(previous_ckgt) + + +def load_checkpoint(checkpoint, + model, + model_ema=None, + optimizer=None, + lr_scheduler=None, + load_ema=False, + resume_optimizer=True, + resume_lr_scheduler=True + ): + assert isinstance(checkpoint, str) + ckpt_file = checkpoint + checkpoint = torch.load(ckpt_file, map_location="cpu") + + state_dict_keys = ['pos_embed', 'base_model.pos_embed', 'model.pos_embed'] + for key in state_dict_keys: + if key in checkpoint['state_dict']: + del checkpoint['state_dict'][key] + if 'state_dict_ema' in checkpoint and key in checkpoint['state_dict_ema']: + del checkpoint['state_dict_ema'][key] + break + + if load_ema: + state_dict = checkpoint['state_dict_ema'] + else: + state_dict = checkpoint.get('state_dict', checkpoint) # to be compatible with the official checkpoint + # model.load_state_dict(state_dict) + missing, unexpect = model.load_state_dict(state_dict, strict=False) + if model_ema is not None: + model_ema.load_state_dict(checkpoint['state_dict_ema'], strict=False) + if optimizer is not None and resume_optimizer: + optimizer.load_state_dict(checkpoint['optimizer']) + if lr_scheduler is not None and resume_lr_scheduler: + lr_scheduler.load_state_dict(checkpoint['scheduler']) + logger = get_root_logger() + if optimizer is not None: + epoch = checkpoint.get('epoch', re.match(r'.*epoch_(\d*).*.pth', ckpt_file).group()[0]) + logger.info(f'Resume checkpoint of epoch {epoch} from {ckpt_file}. Load ema: {load_ema}, ' + f'resume optimizer: {resume_optimizer}, resume lr scheduler: {resume_lr_scheduler}.') + return epoch, missing, unexpect + logger.info(f'Load checkpoint from {ckpt_file}. Load ema: {load_ema}.') + return missing, unexpect diff --git a/DiT_VAE/diffusion/utils/data_sampler.py b/DiT_VAE/diffusion/utils/data_sampler.py new file mode 100644 index 0000000000000000000000000000000000000000..8b45f706af4b8bdc8e15627e22e4761f277bbeb0 --- /dev/null +++ b/DiT_VAE/diffusion/utils/data_sampler.py @@ -0,0 +1,138 @@ +# Copyright (c) OpenMMLab. All rights reserved. +import os +from typing import Sequence +from torch.utils.data import BatchSampler, Sampler, Dataset +from random import shuffle, choice +from copy import deepcopy +from DiT_VAE.diffusion.utils.logger import get_root_logger + + +class AspectRatioBatchSampler(BatchSampler): + """A sampler wrapper for grouping images with similar aspect ratio into a same batch. + + Args: + sampler (Sampler): Base sampler. + dataset (Dataset): Dataset providing data information. + batch_size (int): Size of mini-batch. + drop_last (bool): If ``True``, the sampler will drop the last batch if + its size would be less than ``batch_size``. + aspect_ratios (dict): The predefined aspect ratios. + """ + + def __init__(self, + sampler: Sampler, + dataset: Dataset, + batch_size: int, + aspect_ratios: dict, + drop_last: bool = False, + config=None, + valid_num=0, # take as valid aspect-ratio when sample number >= valid_num + **kwargs) -> None: + if not isinstance(sampler, Sampler): + raise TypeError('sampler should be an instance of ``Sampler``, ' + f'but got {sampler}') + if not isinstance(batch_size, int) or batch_size <= 0: + raise ValueError('batch_size should be a positive integer value, ' + f'but got batch_size={batch_size}') + self.sampler = sampler + self.dataset = dataset + self.batch_size = batch_size + self.aspect_ratios = aspect_ratios + self.drop_last = drop_last + self.ratio_nums_gt = kwargs.get('ratio_nums', None) + self.config = config + assert self.ratio_nums_gt + # buckets for each aspect ratio + self._aspect_ratio_buckets = {ratio: [] for ratio in aspect_ratios} + self.current_available_bucket_keys = [str(k) for k, v in self.ratio_nums_gt.items() if v >= valid_num] + logger = get_root_logger() if config is None else get_root_logger(os.path.join(config.work_dir, 'train_log.log')) + logger.warning(f"Using valid_num={valid_num} in config file. Available {len(self.current_available_bucket_keys)} aspect_ratios: {self.current_available_bucket_keys}") + + def __iter__(self) -> Sequence[int]: + for idx in self.sampler: + data_info = self.dataset.get_data_info(idx) + height, width = data_info['height'], data_info['width'] + ratio = height / width + # find the closest aspect ratio + closest_ratio = min(self.aspect_ratios.keys(), key=lambda r: abs(float(r) - ratio)) + if closest_ratio not in self.current_available_bucket_keys: + continue + bucket = self._aspect_ratio_buckets[closest_ratio] + bucket.append(idx) + # yield a batch of indices in the same aspect ratio group + if len(bucket) == self.batch_size: + yield bucket[:] + del bucket[:] + + # yield the rest data and reset the buckets + for bucket in self._aspect_ratio_buckets.values(): + while len(bucket) > 0: + if len(bucket) <= self.batch_size: + if not self.drop_last: + yield bucket[:] + bucket = [] + else: + yield bucket[:self.batch_size] + bucket = bucket[self.batch_size:] + + +class BalancedAspectRatioBatchSampler(AspectRatioBatchSampler): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + # Assign samples to each bucket + self.ratio_nums_gt = kwargs.get('ratio_nums', None) + assert self.ratio_nums_gt + self._aspect_ratio_buckets = {float(ratio): [] for ratio in self.aspect_ratios.keys()} + self.original_buckets = {} + self.current_available_bucket_keys = [k for k, v in self.ratio_nums_gt.items() if v >= 3000] + self.all_available_keys = deepcopy(self.current_available_bucket_keys) + self.exhausted_bucket_keys = [] + self.total_batches = len(self.sampler) // self.batch_size + self._aspect_ratio_count = {} + for k in self.all_available_keys: + self._aspect_ratio_count[float(k)] = 0 + self.original_buckets[float(k)] = [] + logger = get_root_logger(os.path.join(self.config.work_dir, 'train_log.log')) + logger.warning(f"Available {len(self.current_available_bucket_keys)} aspect_ratios: {self.current_available_bucket_keys}") + + def __iter__(self) -> Sequence[int]: + i = 0 + for idx in self.sampler: + data_info = self.dataset.get_data_info(idx) + height, width = data_info['height'], data_info['width'] + ratio = height / width + closest_ratio = float(min(self.aspect_ratios.keys(), key=lambda r: abs(float(r) - ratio))) + if closest_ratio not in self.all_available_keys: + continue + if self._aspect_ratio_count[closest_ratio] < self.ratio_nums_gt[closest_ratio]: + self._aspect_ratio_count[closest_ratio] += 1 + self._aspect_ratio_buckets[closest_ratio].append(idx) + self.original_buckets[closest_ratio].append(idx) # Save the original samples for each bucket + if not self.current_available_bucket_keys: + self.current_available_bucket_keys, self.exhausted_bucket_keys = self.exhausted_bucket_keys, [] + + if closest_ratio not in self.current_available_bucket_keys: + continue + key = closest_ratio + bucket = self._aspect_ratio_buckets[key] + if len(bucket) == self.batch_size: + yield bucket[:self.batch_size] + del bucket[:self.batch_size] + i += 1 + self.exhausted_bucket_keys.append(key) + self.current_available_bucket_keys.remove(key) + + for _ in range(self.total_batches - i): + key = choice(self.all_available_keys) + bucket = self._aspect_ratio_buckets[key] + if len(bucket) >= self.batch_size: + yield bucket[:self.batch_size] + del bucket[:self.batch_size] + + # If a bucket is exhausted + if not bucket: + self._aspect_ratio_buckets[key] = deepcopy(self.original_buckets[key][:]) + shuffle(self._aspect_ratio_buckets[key]) + else: + self._aspect_ratio_buckets[key] = deepcopy(self.original_buckets[key][:]) + shuffle(self._aspect_ratio_buckets[key]) diff --git a/DiT_VAE/diffusion/utils/dist_utils.py b/DiT_VAE/diffusion/utils/dist_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..2623e02fc28dc79b5b07acfcefe652f911bf193f --- /dev/null +++ b/DiT_VAE/diffusion/utils/dist_utils.py @@ -0,0 +1,303 @@ +""" +This file contains primitives for multi-gpu communication. +This is useful when doing distributed training. +""" +import os +import pickle +import shutil + +import gc +import mmcv +import torch +import torch.distributed as dist +from mmcv.runner import get_dist_info + + +def is_distributed(): + return get_world_size() > 1 + + +def get_world_size(): + if not dist.is_available(): + return 1 + return dist.get_world_size() if dist.is_initialized() else 1 + + +def get_rank(): + if not dist.is_available(): + return 0 + return dist.get_rank() if dist.is_initialized() else 0 + + +def get_local_rank(): + if not dist.is_available(): + return 0 + return int(os.getenv('LOCAL_RANK', 0)) if dist.is_initialized() else 0 + + +def is_master(): + return get_rank() == 0 + + +def is_local_master(): + return get_local_rank() == 0 + + +def get_local_proc_group(group_size=8): + world_size = get_world_size() + if world_size <= group_size or group_size == 1: + return None + assert world_size % group_size == 0, f'world size ({world_size}) should be evenly divided by group size ({group_size}).' + process_groups = getattr(get_local_proc_group, 'process_groups', {}) + if group_size not in process_groups: + num_groups = dist.get_world_size() // group_size + groups = [list(range(i * group_size, (i + 1) * group_size)) for i in range(num_groups)] + process_groups.update({group_size: [torch.distributed.new_group(group) for group in groups]}) + get_local_proc_group.process_groups = process_groups + + group_idx = get_rank() // group_size + return get_local_proc_group.process_groups.get(group_size)[group_idx] + + +def synchronize(): + """ + Helper function to synchronize (barrier) among all processes when + using distributed training + """ + if not dist.is_available(): + return + if not dist.is_initialized(): + return + world_size = dist.get_world_size() + if world_size == 1: + return + dist.barrier() + + +def all_gather(data): + """ + Run all_gather on arbitrary picklable data (not necessarily tensors) + Args: + data: any picklable object + Returns: + list[data]: list of data gathered from each rank + """ + to_device = torch.device("cuda") + # to_device = torch.device("cpu") + + world_size = get_world_size() + if world_size == 1: + return [data] + + # serialized to a Tensor + buffer = pickle.dumps(data) + storage = torch.ByteStorage.from_buffer(buffer) + tensor = torch.ByteTensor(storage).to(to_device) + + # obtain Tensor size of each rank + local_size = torch.LongTensor([tensor.numel()]).to(to_device) + size_list = [torch.LongTensor([0]).to(to_device) for _ in range(world_size)] + dist.all_gather(size_list, local_size) + size_list = [int(size.item()) for size in size_list] + max_size = max(size_list) + + tensor_list = [ + torch.ByteTensor(size=(max_size,)).to(to_device) for _ in size_list + ] + if local_size != max_size: + padding = torch.ByteTensor(size=(max_size - local_size,)).to(to_device) + tensor = torch.cat((tensor, padding), dim=0) + dist.all_gather(tensor_list, tensor) + + data_list = [] + for size, tensor in zip(size_list, tensor_list): + buffer = tensor.cpu().numpy().tobytes()[:size] + data_list.append(pickle.loads(buffer)) + + return data_list + + +def reduce_dict(input_dict, average=True): + """ + Args: + input_dict (dict): all the values will be reduced + average (bool): whether to do average or sum + Reduce the values in the dictionary from all processes so that process with rank + 0 has the averaged results. Returns a dict with the same fields as + input_dict, after reduction. + """ + world_size = get_world_size() + if world_size < 2: + return input_dict + with torch.no_grad(): + reduced_dict = _extracted_from_reduce_dict_14(input_dict, average, world_size) + return reduced_dict + + +# TODO Rename this here and in `reduce_dict` +def _extracted_from_reduce_dict_14(input_dict, average, world_size): + names = [] + values = [] + # sort the keys so that they are consistent across processes + for k in sorted(input_dict.keys()): + names.append(k) + values.append(input_dict[k]) + values = torch.stack(values, dim=0) + dist.reduce(values, dst=0) + if dist.get_rank() == 0 and average: + # only main process gets accumulated, so only divide by + # world_size in this case + values /= world_size + return dict(zip(names, values)) + + +def broadcast(data, **kwargs): + if get_world_size() == 1: + return data + data = [data] + dist.broadcast_object_list(data, **kwargs) + return data[0] + + +def all_gather_cpu(result_part, tmpdir=None, collect_by_master=True): + rank, world_size = get_dist_info() + if tmpdir is None: + tmpdir = './tmp' + if rank == 0: + mmcv.mkdir_or_exist(tmpdir) + synchronize() + # dump the part result to the dir + mmcv.dump(result_part, os.path.join(tmpdir, f'part_{rank}.pkl')) + synchronize() + if collect_by_master and rank != 0: + return None + # load results of all parts from tmp dir + results = [] + for i in range(world_size): + part_file = os.path.join(tmpdir, f'part_{i}.pkl') + results.append(mmcv.load(part_file)) + if not collect_by_master: + synchronize() + # remove tmp dir + if rank == 0: + shutil.rmtree(tmpdir) + return results + +def all_gather_tensor(tensor, group_size=None, group=None): + if group_size is None: + group_size = get_world_size() + if group_size == 1: + output = [tensor] + else: + output = [torch.zeros_like(tensor) for _ in range(group_size)] + dist.all_gather(output, tensor, group=group) + return output + + +def gather_difflen_tensor(feat, num_samples_list, concat=True, group=None, group_size=None): + world_size = get_world_size() + if world_size == 1: + return feat if concat else [feat] + num_samples, *feat_dim = feat.size() + # padding to max number of samples + feat_padding = feat.new_zeros((max(num_samples_list), *feat_dim)) + feat_padding[:num_samples] = feat + # gather + feat_gather = all_gather_tensor(feat_padding, group=group, group_size=group_size) + for r, num in enumerate(num_samples_list): + feat_gather[r] = feat_gather[r][:num] + if concat: + feat_gather = torch.cat(feat_gather) + return feat_gather + + +class GatherLayer(torch.autograd.Function): + '''Gather tensors from all process, supporting backward propagation. + ''' + + @staticmethod + def forward(ctx, input): + ctx.save_for_backward(input) + num_samples = torch.tensor(input.size(0), dtype=torch.long, device=input.device) + ctx.num_samples_list = all_gather_tensor(num_samples) + output = gather_difflen_tensor(input, ctx.num_samples_list, concat=False) + return tuple(output) + + @staticmethod + def backward(ctx, *grads): # tuple(output)'s grad + input, = ctx.saved_tensors + num_samples_list = ctx.num_samples_list + rank = get_rank() + start, end = sum(num_samples_list[:rank]), sum(num_samples_list[:rank + 1]) + grads = torch.cat(grads) + if is_distributed(): + dist.all_reduce(grads) + grad_out = torch.zeros_like(input) + grad_out[:] = grads[start:end] + return grad_out, None, None + + +class GatherLayerWithGroup(torch.autograd.Function): + '''Gather tensors from all process, supporting backward propagation. + ''' + + @staticmethod + def forward(ctx, input, group, group_size): + ctx.save_for_backward(input) + ctx.group_size = group_size + output = all_gather_tensor(input, group=group, group_size=group_size) + return tuple(output) + + @staticmethod + def backward(ctx, *grads): # tuple(output)'s grad + input, = ctx.saved_tensors + grads = torch.stack(grads) + if is_distributed(): + dist.all_reduce(grads) + grad_out = torch.zeros_like(input) + grad_out[:] = grads[get_rank() % ctx.group_size] + return grad_out, None, None + + +def gather_layer_with_group(data, group=None, group_size=None): + if group_size is None: + group_size = get_world_size() + return GatherLayer.apply(data, group, group_size) + +from typing import Union +import math +# from torch.distributed.fsdp.fully_sharded_data_parallel import TrainingState_, _calc_grad_norm + +@torch.no_grad() +def clip_grad_norm_( + self, max_norm: Union[float, int], norm_type: Union[float, int] = 2.0 +) -> None: + self._lazy_init() + self._wait_for_previous_optim_step() + assert self._is_root, "clip_grad_norm should only be called on the root (parent) instance" + self._assert_state(TrainingState_.IDLE) + + max_norm = float(max_norm) + norm_type = float(norm_type) + # Computes the max norm for this shard's gradients and sync's across workers + local_norm = _calc_grad_norm(self.params_with_grad, norm_type).cuda() # type: ignore[arg-type] + if norm_type == math.inf: + total_norm = local_norm + dist.all_reduce(total_norm, op=torch.distributed.ReduceOp.MAX, group=self.process_group) + else: + total_norm = local_norm ** norm_type + dist.all_reduce(total_norm, group=self.process_group) + total_norm = total_norm ** (1.0 / norm_type) + + clip_coef = torch.tensor(max_norm, dtype=total_norm.dtype, device=total_norm.device) / (total_norm + 1e-6) + if clip_coef < 1: + # multiply by clip_coef, aka, (max_norm/total_norm). + for p in self.params_with_grad: + assert p.grad is not None + p.grad.detach().mul_(clip_coef.to(p.grad.device)) + return total_norm + + +def flush(): + gc.collect() + torch.cuda.empty_cache() diff --git a/DiT_VAE/diffusion/utils/logger.py b/DiT_VAE/diffusion/utils/logger.py new file mode 100644 index 0000000000000000000000000000000000000000..1df0664133522a5b11ac9ecba69b3309ea6a6df6 --- /dev/null +++ b/DiT_VAE/diffusion/utils/logger.py @@ -0,0 +1,94 @@ +import logging +import os +import torch.distributed as dist +from datetime import datetime +from .dist_utils import is_local_master +from mmcv.utils.logging import logger_initialized + + +def get_root_logger(log_file=None, log_level=logging.INFO, name='PixArt'): + """Get root logger. + + Args: + log_file (str, optional): File path of log. Defaults to None. + log_level (int, optional): The level of logger. + Defaults to logging.INFO. + name (str): logger name + Returns: + :obj:`logging.Logger`: The obtained logger + """ + if log_file is None: + log_file = '/dev/null' + return get_logger(name=name, log_file=log_file, log_level=log_level) + + +def get_logger(name, log_file=None, log_level=logging.INFO): + """Initialize and get a logger by name. + + If the logger has not been initialized, this method will initialize the + logger by adding one or two handlers, otherwise the initialized logger will + be directly returned. During initialization, a StreamHandler will always be + added. If `log_file` is specified and the process rank is 0, a FileHandler + will also be added. + + Args: + name (str): Logger name. + log_file (str | None): The log filename. If specified, a FileHandler + will be added to the logger. + log_level (int): The logger level. Note that only the process of + rank 0 is affected, and other processes will set the level to + "Error" thus be silent most of the time. + + Returns: + logging.Logger: The expected logger. + """ + logger = logging.getLogger(name) + logger.propagate = False # disable root logger to avoid duplicate logging + + if name in logger_initialized: + return logger + # handle hierarchical names + # e.g., logger "a" is initialized, then logger "a.b" will skip the + # initialization since it is a child of "a". + for logger_name in logger_initialized: + if name.startswith(logger_name): + return logger + + stream_handler = logging.StreamHandler() + handlers = [stream_handler] + + rank = dist.get_rank() if dist.is_available() and dist.is_initialized() else 0 + # only rank 0 will add a FileHandler + if rank == 0 and log_file is not None: + file_handler = logging.FileHandler(log_file, 'w') + handlers.append(file_handler) + + formatter = logging.Formatter( + '%(asctime)s - %(name)s - %(levelname)s - %(message)s') + for handler in handlers: + handler.setFormatter(formatter) + handler.setLevel(log_level) + logger.addHandler(handler) + + # only rank0 for each node will print logs + log_level = log_level if is_local_master() else logging.ERROR + logger.setLevel(log_level) + + logger_initialized[name] = True + + return logger + +def rename_file_with_creation_time(file_path): + # 获取文件的创建时间 + creation_time = os.path.getctime(file_path) + creation_time_str = datetime.fromtimestamp(creation_time).strftime('%Y-%m-%d_%H-%M-%S') + + # 构建新的文件名 + dir_name, file_name = os.path.split(file_path) + name, ext = os.path.splitext(file_name) + new_file_name = f"{name}_{creation_time_str}{ext}" + new_file_path = os.path.join(dir_name, new_file_name) + + # 重命名文件 + os.rename(file_path, new_file_path) + print(f"File renamed to: {new_file_path}") diff --git a/DiT_VAE/diffusion/utils/lr_scheduler.py b/DiT_VAE/diffusion/utils/lr_scheduler.py new file mode 100644 index 0000000000000000000000000000000000000000..bdd857fa52ddb647e7c61230dbfd03b7b06bdefc --- /dev/null +++ b/DiT_VAE/diffusion/utils/lr_scheduler.py @@ -0,0 +1,89 @@ +from diffusers import get_cosine_schedule_with_warmup, get_constant_schedule_with_warmup +from torch.optim import Optimizer +from torch.optim.lr_scheduler import LambdaLR +import math + +from DiT_VAE.diffusion.utils.logger import get_root_logger + + +def build_lr_scheduler(config, optimizer, train_dataloader, lr_scale_ratio): + if not config.get('lr_schedule_args', None): + config.lr_schedule_args = {} + if config.get('lr_warmup_steps', None): + config['num_warmup_steps'] = config.get('lr_warmup_steps') # for compatibility with old version + + logger = get_root_logger() + logger.info( + f'Lr schedule: {config.lr_schedule}, ' + ",".join( + [f"{key}:{value}" for key, value in config.lr_schedule_args.items()]) + '.') + if config.lr_schedule == 'cosine': + lr_scheduler = get_cosine_schedule_with_warmup( + optimizer=optimizer, + **config.lr_schedule_args, + num_training_steps=(len(train_dataloader) * config.num_epochs), + ) + elif config.lr_schedule == 'constant': + lr_scheduler = get_constant_schedule_with_warmup( + optimizer=optimizer, + **config.lr_schedule_args, + ) + elif config.lr_schedule == 'cosine_decay_to_constant': + assert lr_scale_ratio >= 1 + lr_scheduler = get_cosine_decay_to_constant_with_warmup( + optimizer=optimizer, + **config.lr_schedule_args, + final_lr=1 / lr_scale_ratio, + num_training_steps=(len(train_dataloader) * config.num_epochs), + ) + else: + raise RuntimeError(f'Unrecognized lr schedule {config.lr_schedule}.') + return lr_scheduler + + +def get_cosine_decay_to_constant_with_warmup(optimizer: Optimizer, + num_warmup_steps: int, + num_training_steps: int, + final_lr: float = 0.0, + num_decay: float = 0.667, + num_cycles: float = 0.5, + last_epoch: int = -1 + ): + """ + Create a schedule with a cosine annealing lr followed by a constant lr. + + Args: + optimizer ([`~torch.optim.Optimizer`]): + The optimizer for which to schedule the learning rate. + num_warmup_steps (`int`): + The number of steps for the warmup phase. + num_training_steps (`int`): + The number of total training steps. + final_lr (`int`): + The final constant lr after cosine decay. + num_decay (`int`): + The + last_epoch (`int`, *optional*, defaults to -1): + The index of the last epoch when resuming training. + + Return: + `torch.optim.lr_scheduler.LambdaLR` with the appropriate schedule. + """ + + def lr_lambda(current_step): + if current_step < num_warmup_steps: + return float(current_step) / float(max(1, num_warmup_steps)) + + num_decay_steps = int(num_training_steps * num_decay) + if current_step > num_decay_steps: + return final_lr + + progress = float(current_step - num_warmup_steps) / float(max(1, num_decay_steps - num_warmup_steps)) + return ( + max( + 0.0, + 0.5 * (1.0 + math.cos(math.pi * num_cycles * 2.0 * progress)), + ) + * (1 - final_lr) + ) + final_lr + + return LambdaLR(optimizer, lr_lambda, last_epoch) diff --git a/DiT_VAE/diffusion/utils/misc.py b/DiT_VAE/diffusion/utils/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..df1a91992077948b3e471173eb5279711f25685a --- /dev/null +++ b/DiT_VAE/diffusion/utils/misc.py @@ -0,0 +1,366 @@ +import collections +import datetime +import os +import random +import time + +import numpy as np +import torch +import torch.distributed as dist +from mmcv import Config +from mmcv.runner import get_dist_info + +from .logger import get_root_logger + +os.environ["MOX_SILENT_MODE"] = "1" # mute moxing log + + +def read_config(file): + # solve config loading conflict when multi-processes + import time + while True: + config = Config.fromfile(file) + if len(config) == 0: + time.sleep(0.1) + continue + break + return config + + +def init_random_seed(seed=None, device='cuda'): + """Initialize random seed. + + If the seed is not set, the seed will be automatically randomized, + and then broadcast to all processes to prevent some potential bugs. + + Args: + seed (int, Optional): The seed. Default to None. + device (str): The device where the seed will be put on. + Default to 'cuda'. + + Returns: + int: Seed to be used. + """ + if seed is not None: + return seed + + # Make sure all ranks share the same random seed to prevent + # some potential bugs. Please refer to + # https://github.com/open-mmlab/mmdetection/issues/6339 + rank, world_size = get_dist_info() + seed = np.random.randint(2 ** 31) + if world_size == 1: + return seed + + if rank == 0: + random_num = torch.tensor(seed, dtype=torch.int32, device=device) + else: + random_num = torch.tensor(0, dtype=torch.int32, device=device) + dist.broadcast(random_num, src=0) + return random_num.item() + + +def set_random_seed(seed, deterministic=False): + """Set random seed. + + Args: + seed (int): Seed to be used. + deterministic (bool): Whether to set the deterministic option for + CUDNN backend, i.e., set `torch.backends.cudnn.deterministic` + to True and `torch.backends.cudnn.benchmark` to False. + Default: False. + """ + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + if deterministic: + torch.backends.cudnn.deterministic = True + torch.backends.cudnn.benchmark = False + +class SimpleTimer: + def __init__(self, num_tasks, log_interval=1, desc="Process"): + self.num_tasks = num_tasks + self.desc = desc + self.count = 0 + self.log_interval = log_interval + self.start_time = time.time() + self.logger = get_root_logger() + + def log(self): + self.count += 1 + if (self.count % self.log_interval) == 0 or self.count == self.num_tasks: + time_elapsed = time.time() - self.start_time + avg_time = time_elapsed / self.count + eta_sec = avg_time * (self.num_tasks - self.count) + eta_str = str(datetime.timedelta(seconds=int(eta_sec))) + elapsed_str = str(datetime.timedelta(seconds=int(time_elapsed))) + log_info = f"{self.desc} [{self.count}/{self.num_tasks}], elapsed_time:{elapsed_str}," \ + f" avg_time: {avg_time}, eta: {eta_str}." + self.logger.info(log_info) + + +class DebugUnderflowOverflow: + """ + This debug class helps detect and understand where the model starts getting very large or very small, and more + importantly `nan` or `inf` weight and activation elements. + There are 2 working modes: + 1. Underflow/overflow detection (default) + 2. Specific batch absolute min/max tracing without detection + Mode 1: Underflow/overflow detection + To activate the underflow/overflow detection, initialize the object with the model : + ```python + debug_overflow = DebugUnderflowOverflow(model) + ``` + then run the training as normal and if `nan` or `inf` gets detected in at least one of the weight, input or + output elements this module will throw an exception and will print `max_frames_to_save` frames that lead to this + event, each frame reporting + 1. the fully qualified module name plus the class name whose `forward` was run + 2. the absolute min and max value of all elements for each module weights, and the inputs and output + For example, here is the header and the last few frames in detection report for `google/mt5-small` run in fp16 mixed precision : + ``` + Detected inf/nan during batch_number=0 + Last 21 forward frames: + abs min abs max metadata + [...] + encoder.block.2.layer.1.DenseReluDense.wi_0 Linear + 2.17e-07 4.50e+00 weight + 1.79e-06 4.65e+00 input[0] + 2.68e-06 3.70e+01 output + encoder.block.2.layer.1.DenseReluDense.wi_1 Linear + 8.08e-07 2.66e+01 weight + 1.79e-06 4.65e+00 input[0] + 1.27e-04 2.37e+02 output + encoder.block.2.layer.1.DenseReluDense.wo Linear + 1.01e-06 6.44e+00 weight + 0.00e+00 9.74e+03 input[0] + 3.18e-04 6.27e+04 output + encoder.block.2.layer.1.DenseReluDense T5DenseGatedGeluDense + 1.79e-06 4.65e+00 input[0] + 3.18e-04 6.27e+04 output + encoder.block.2.layer.1.dropout Dropout + 3.18e-04 6.27e+04 input[0] + 0.00e+00 inf output + ``` + You can see here, that `T5DenseGatedGeluDense.forward` resulted in output activations, whose absolute max value + was around 62.7K, which is very close to fp16's top limit of 64K. In the next frame we have `Dropout` which + renormalizes the weights, after it zeroed some of the elements, which pushes the absolute max value to more than + 64K, and we get an overlow. + As you can see it's the previous frames that we need to look into when the numbers start going into very large for + fp16 numbers. + The tracking is done in a forward hook, which gets invoked immediately after `forward` has completed. + By default the last 21 frames are printed. You can change the default to adjust for your needs. For example : + ```python + debug_overflow = DebugUnderflowOverflow(model, max_frames_to_save=100) + ``` + To validate that you have set up this debugging feature correctly, and you intend to use it in a training that may + take hours to complete, first run it with normal tracing enabled for one of a few batches as explained in the next + section. + Mode 2. Specific batch absolute min/max tracing without detection + The second work mode is per-batch tracing with the underflow/overflow detection feature turned off. + Let's say you want to watch the absolute min and max values for all the ingredients of each `forward` call of a + given batch, and only do that for batches 1 and 3. Then you instantiate this class as : + ```python + debug_overflow = DebugUnderflowOverflow(model, trace_batch_nums=[1,3]) + ``` + And now full batches 1 and 3 will be traced using the same format as explained above. Batches are 0-indexed. + This is helpful if you know that the program starts misbehaving after a certain batch number, so you can + fast-forward right to that area. + Early stopping: + You can also specify the batch number after which to stop the training, with : + ```python + debug_overflow = DebugUnderflowOverflow(model, trace_batch_nums=[1,3], abort_after_batch_num=3) + ``` + This feature is mainly useful in the tracing mode, but you can use it for any mode. + **Performance**: + As this module measures absolute `min`/``max` of each weight of the model on every forward it'll slow the + training down. Therefore remember to turn it off once the debugging needs have been met. + Args: + model (`nn.Module`): + The model to debug. + max_frames_to_save (`int`, *optional*, defaults to 21): + How many frames back to record + trace_batch_nums(`List[int]`, *optional*, defaults to `[]`): + Which batch numbers to trace (turns detection off) + abort_after_batch_num (`int``, *optional*): + Whether to abort after a certain batch number has finished + """ + + def __init__(self, model, max_frames_to_save=21, trace_batch_nums=None, abort_after_batch_num=None): + if trace_batch_nums is None: + trace_batch_nums = [] + self.model = model + self.trace_batch_nums = trace_batch_nums + self.abort_after_batch_num = abort_after_batch_num + + # keep a LIFO buffer of frames to dump as soon as inf/nan is encountered to give context to the problem emergence + self.frames = collections.deque([], max_frames_to_save) + self.frame = [] + self.batch_number = 0 + self.total_calls = 0 + self.detected_overflow = False + self.prefix = " " + + self.analyse_model() + + self.register_forward_hook() + + def save_frame(self, frame=None): + if frame is not None: + self.expand_frame(frame) + self.frames.append("\n".join(self.frame)) + self.frame = [] # start a new frame + + def expand_frame(self, line): + self.frame.append(line) + + def trace_frames(self): + print("\n".join(self.frames)) + self.frames = [] + + def reset_saved_frames(self): + self.frames = [] + + def dump_saved_frames(self): + print(f"\nDetected inf/nan during batch_number={self.batch_number} " + f"Last {len(self.frames)} forward frames:" + f"{'abs min':8} {'abs max':8} metadata" + f"'\n'.join(self.frames)" + f"\n\n") + self.frames = [] + + def analyse_model(self): + # extract the fully qualified module names, to be able to report at run time. e.g.: + # encoder.block.2.layer.0.SelfAttention.o + # + # for shared weights only the first shared module name will be registered + self.module_names = {m: name for name, m in self.model.named_modules()} + # self.longest_module_name = max(len(v) for v in self.module_names.values()) + + def analyse_variable(self, var, ctx): + if torch.is_tensor(var): + self.expand_frame(self.get_abs_min_max(var, ctx)) + if self.detect_overflow(var, ctx): + self.detected_overflow = True + elif var is None: + self.expand_frame(f"{'None':>17} {ctx}") + else: + self.expand_frame(f"{'not a tensor':>17} {ctx}") + + def batch_start_frame(self): + self.expand_frame(f"\n\n{self.prefix} *** Starting batch number={self.batch_number} ***") + self.expand_frame(f"{'abs min':8} {'abs max':8} metadata") + + def batch_end_frame(self): + self.expand_frame(f"{self.prefix} *** Finished batch number={self.batch_number - 1} ***\n\n") + + def create_frame(self, module, input, output): + self.expand_frame(f"{self.prefix} {self.module_names[module]} {module.__class__.__name__}") + + # params + for name, p in module.named_parameters(recurse=False): + self.analyse_variable(p, name) + + # inputs + if isinstance(input, tuple): + for i, x in enumerate(input): + self.analyse_variable(x, f"input[{i}]") + else: + self.analyse_variable(input, "input") + + # outputs + if isinstance(output, tuple): + for i, x in enumerate(output): + # possibly a tuple of tuples + if isinstance(x, tuple): + for j, y in enumerate(x): + self.analyse_variable(y, f"output[{i}][{j}]") + else: + self.analyse_variable(x, f"output[{i}]") + else: + self.analyse_variable(output, "output") + + self.save_frame() + + def register_forward_hook(self): + self.model.apply(self._register_forward_hook) + + def _register_forward_hook(self, module): + module.register_forward_hook(self.forward_hook) + + def forward_hook(self, module, input, output): + # - input is a tuple of packed inputs (could be non-Tensors) + # - output could be a Tensor or a tuple of Tensors and non-Tensors + + last_frame_of_batch = False + + trace_mode = self.batch_number in self.trace_batch_nums + if trace_mode: + self.reset_saved_frames() + + if self.total_calls == 0: + self.batch_start_frame() + self.total_calls += 1 + + # count batch numbers - the very first forward hook of the batch will be called when the + # batch completes - i.e. it gets called very last - we know this batch has finished + if module == self.model: + self.batch_number += 1 + last_frame_of_batch = True + + self.create_frame(module, input, output) + + # if last_frame_of_batch: + # self.batch_end_frame() + + if trace_mode: + self.trace_frames() + + if last_frame_of_batch: + self.batch_start_frame() + + if self.detected_overflow and not trace_mode: + self.dump_saved_frames() + + # now we can abort, as it's pointless to continue running + raise ValueError( + "DebugUnderflowOverflow: inf/nan detected, aborting as there is no point running further. " + "Please scroll up above this traceback to see the activation values prior to this event." + ) + + # abort after certain batch if requested to do so + if self.abort_after_batch_num is not None and self.batch_number > self.abort_after_batch_num: + raise ValueError( + f"DebugUnderflowOverflow: aborting after {self.batch_number} batches due to `abort_after_batch_num={self.abort_after_batch_num}` arg" + ) + + @staticmethod + def get_abs_min_max(var, ctx): + abs_var = var.abs() + return f"{abs_var.min():8.2e} {abs_var.max():8.2e} {ctx}" + + @staticmethod + def detect_overflow(var, ctx): + """ + Report whether the tensor contains any `nan` or `inf` entries. + This is useful for detecting overflows/underflows and best to call right after the function that did some math that + modified the tensor in question. + This function contains a few other helper features that you can enable and tweak directly if you want to track + various other things. + Args: + var: the tensor variable to check + ctx: the message to print as a context + Return: + `True` if `inf` or `nan` was detected, `False` otherwise + """ + detected = False + if torch.isnan(var).any().item(): + detected = True + print(f"{ctx} has nans") + if torch.isinf(var).any().item(): + detected = True + print(f"{ctx} has infs") + if var.dtype == torch.float32 and torch.ge(var.abs(), 65535).any().item(): + detected = True + print(f"{ctx} has overflow values {var.abs().max().item()}.") + return detected diff --git a/DiT_VAE/diffusion/utils/optimizer.py b/DiT_VAE/diffusion/utils/optimizer.py new file mode 100644 index 0000000000000000000000000000000000000000..618eaf240610f810e0a53f44d0bf09f0cfdcb388 --- /dev/null +++ b/DiT_VAE/diffusion/utils/optimizer.py @@ -0,0 +1,237 @@ +import math + +from mmcv import Config +from mmcv.runner import build_optimizer as mm_build_optimizer, OPTIMIZER_BUILDERS, DefaultOptimizerConstructor, \ + OPTIMIZERS +from mmcv.utils import _BatchNorm, _InstanceNorm +from torch.nn import GroupNorm, LayerNorm + +from .logger import get_root_logger + +from typing import Tuple, Optional, Callable + +import torch +from torch.optim.optimizer import Optimizer + + +def auto_scale_lr(effective_bs, optimizer_cfg, rule='linear', base_batch_size=256): + assert rule in ['linear', 'sqrt'] + logger = get_root_logger() + # scale by world size + if rule == 'sqrt': + scale_ratio = math.sqrt(effective_bs / base_batch_size) + elif rule == 'linear': + scale_ratio = effective_bs / base_batch_size + optimizer_cfg['lr'] *= scale_ratio + logger.info(f'Automatically adapt lr to {optimizer_cfg["lr"]:.7f} (using {rule} scaling rule).') + return scale_ratio + + +@OPTIMIZER_BUILDERS.register_module() +class MyOptimizerConstructor(DefaultOptimizerConstructor): + + def add_params(self, params, module, prefix='', is_dcn_module=None): + """Add all parameters of module to the params list. + + The parameters of the given module will be added to the list of param + groups, with specific rules defined by paramwise_cfg. + + Args: + params (list[dict]): A list of param groups, it will be modified + in place. + module (nn.Module): The module to be added. + prefix (str): The prefix of the module + + """ + # get param-wise options + custom_keys = self.paramwise_cfg.get('custom_keys', {}) + # first sort with alphabet order and then sort with reversed len of str + # sorted_keys = sorted(sorted(custom_keys.keys()), key=len, reverse=True) + + bias_lr_mult = self.paramwise_cfg.get('bias_lr_mult', 1.) + bias_decay_mult = self.paramwise_cfg.get('bias_decay_mult', 1.) + norm_decay_mult = self.paramwise_cfg.get('norm_decay_mult', 1.) + bypass_duplicate = self.paramwise_cfg.get('bypass_duplicate', False) + + # special rules for norm layers and depth-wise conv layers + is_norm = isinstance(module, + (_BatchNorm, _InstanceNorm, GroupNorm, LayerNorm)) + + for name, param in module.named_parameters(recurse=False): + base_lr = self.base_lr + if name == 'bias' and not is_norm and not is_dcn_module: + base_lr *= bias_lr_mult + + # apply weight decay policies + base_wd = self.base_wd + # norm decay + if is_norm: + if self.base_wd is not None: + base_wd *= norm_decay_mult + elif name == 'bias' and not is_dcn_module: + if self.base_wd is not None: + # TODO: current bias_decay_mult will have affect on DCN + base_wd *= bias_decay_mult + + param_group = {'params': [param]} + if not param.requires_grad: + param_group['requires_grad'] = False + params.append(param_group) + continue + if bypass_duplicate and self._is_in(param_group, params): + logger = get_root_logger() + logger.warn(f'{prefix} is duplicate. It is skipped since ' + f'bypass_duplicate={bypass_duplicate}') + continue + # if the parameter match one of the custom keys, ignore other rules + is_custom = False + for key in custom_keys: + scope, key_name = key if isinstance(key, tuple) else (None, key) + if scope is not None and scope not in f'{prefix}': + continue + if key_name in f'{prefix}.{name}': + is_custom = True + if 'lr_mult' in custom_keys[key]: + # if 'base_classes' in f'{prefix}.{name}' or 'attn_base' in f'{prefix}.{name}': + # param_group['lr'] = self.base_lr + # else: + param_group['lr'] = self.base_lr * custom_keys[key]['lr_mult'] + elif 'lr' not in param_group: + param_group['lr'] = base_lr + if self.base_wd is not None: + if 'decay_mult' in custom_keys[key]: + param_group['weight_decay'] = self.base_wd * custom_keys[key]['decay_mult'] + elif 'weight_decay' not in param_group: + param_group['weight_decay'] = base_wd + + if not is_custom: + # bias_lr_mult affects all bias parameters + # except for norm.bias dcn.conv_offset.bias + if base_lr != self.base_lr: + param_group['lr'] = base_lr + if base_wd != self.base_wd: + param_group['weight_decay'] = base_wd + params.append(param_group) + + for child_name, child_mod in module.named_children(): + child_prefix = f'{prefix}.{child_name}' if prefix else child_name + self.add_params( + params, + child_mod, + prefix=child_prefix, + is_dcn_module=is_dcn_module) + + +def build_optimizer(model, optimizer_cfg): + # default parameter-wise config + logger = get_root_logger() + + if hasattr(model, 'module'): + model = model.module + # set optimizer constructor + optimizer_cfg.setdefault('constructor', 'MyOptimizerConstructor') + # parameter-wise setting: cancel weight decay for some specific modules + custom_keys = dict() + for name, module in model.named_modules(): + if hasattr(module, 'zero_weight_decay'): + custom_keys |= { + (name, key): dict(decay_mult=0) + for key in module.zero_weight_decay + } + + paramwise_cfg = Config(dict(cfg=dict(custom_keys=custom_keys))) + if given_cfg := optimizer_cfg.get('paramwise_cfg'): + paramwise_cfg.merge_from_dict(dict(cfg=given_cfg)) + optimizer_cfg['paramwise_cfg'] = paramwise_cfg.cfg + # build optimizer + optimizer = mm_build_optimizer(model, optimizer_cfg) + + weight_decay_groups = dict() + lr_groups = dict() + for group in optimizer.param_groups: + if not group.get('requires_grad', True): continue + lr_groups.setdefault(group['lr'], []).append(group) + weight_decay_groups.setdefault(group['weight_decay'], []).append(group) + + learnable_count, fix_count = 0, 0 + for p in model.parameters(): + if p.requires_grad: + learnable_count += 1 + else: + fix_count += 1 + fix_info = f"{learnable_count} are learnable, {fix_count} are fix" + lr_info = "Lr group: " + ", ".join([f'{len(group)} params with lr {lr:.5f}' for lr, group in lr_groups.items()]) + wd_info = "Weight decay group: " + ", ".join( + [f'{len(group)} params with weight decay {wd}' for wd, group in weight_decay_groups.items()]) + opt_info = f"Optimizer: total {len(optimizer.param_groups)} param groups, {fix_info}. {lr_info}; {wd_info}." + logger.info(opt_info) + + return optimizer + + +@OPTIMIZERS.register_module() +class Lion(Optimizer): + def __init__( + self, + params, + lr: float = 1e-4, + betas: Tuple[float, float] = (0.9, 0.99), + weight_decay: float = 0.0, + ): + assert lr > 0. + assert all(0. <= beta <= 1. for beta in betas) + + defaults = dict(lr=lr, betas=betas, weight_decay=weight_decay) + + super().__init__(params, defaults) + + @staticmethod + def update_fn(p, grad, exp_avg, lr, wd, beta1, beta2): + # stepweight decay + p.data.mul_(1 - lr * wd) + + # weight update + update = exp_avg.clone().lerp_(grad, 1 - beta1).sign_() + p.add_(update, alpha=-lr) + + # decay the momentum running average coefficient + exp_avg.lerp_(grad, 1 - beta2) + + @staticmethod + def exists(val): + return val is not None + + @torch.no_grad() + def step( + self, + closure: Optional[Callable] = None + ): + + loss = None + if self.exists(closure): + with torch.enable_grad(): + loss = closure() + + for group in self.param_groups: + for p in filter(lambda p: self.exists(p.grad), group['params']): + + grad, lr, wd, beta1, beta2, state = p.grad, group['lr'], group['weight_decay'], *group['betas'], \ + self.state[p] + + # init state - exponential moving average of gradient values + if len(state) == 0: + state['exp_avg'] = torch.zeros_like(p) + + exp_avg = state['exp_avg'] + + self.update_fn( + p, + grad, + exp_avg, + lr, + wd, + beta1, + beta2 + ) + + return loss diff --git a/DiT_VAE/train_diffusion.py b/DiT_VAE/train_diffusion.py new file mode 100644 index 0000000000000000000000000000000000000000..63f0d12044e9d2b70b80a4cac636012baa8b402f --- /dev/null +++ b/DiT_VAE/train_diffusion.py @@ -0,0 +1,5 @@ +# TODO: Implement model training and evaluation. +# This script will load data, train a deep learning model, and evaluate its performance. +# Future improvements may include hyperparameter tuning and multi-GPU training. + + \ No newline at end of file diff --git a/DiT_VAE/train_vae.py b/DiT_VAE/train_vae.py new file mode 100644 index 0000000000000000000000000000000000000000..b76bd4fb321cfd86fdb2015cc16735733b5a23a7 --- /dev/null +++ b/DiT_VAE/train_vae.py @@ -0,0 +1,369 @@ +import argparse +import math +import os + +import sys + +current_path = os.path.abspath(__file__) +father_path = os.path.abspath(os.path.dirname(current_path) + os.path.sep + ".") +sys.path.append((os.path.join(father_path, 'Next3d'))) + +from typing import Dict, Optional, Tuple +from omegaconf import OmegaConf +import torch +import logging +import torch.nn.functional as F +import torch.utils.checkpoint +from torch.utils.data import Dataset +import inspect +from accelerate import Accelerator +from accelerate.logging import get_logger +from accelerate.utils import set_seed +import dnnlib +from diffusers.optimization import get_scheduler +from tqdm.auto import tqdm +from vae.triplane_vae import AutoencoderKL, AutoencoderKLRollOut +from vae.data.dataset_online_vae import TriplaneDataset +from einops import rearrange +from vae.utils.common_utils import instantiate_from_config +from Next3d.training_avatar_texture.triplane_generation import TriPlaneGenerator +import Next3d.legacy as legacy + +from torch_utils import misc +import datetime + +logger = get_logger(__name__, log_level="INFO") + + +def collate_fn(data): + model_names = [example["data_model_name"] for example in data] + zs = torch.cat([example["data_z"] for example in data], dim=0) + verts = torch.cat([example["data_vert"] for example in data], dim=0) + + return { + 'model_names': model_names, + 'zs': zs, + 'verts': verts + } + + +def rollout_fn(triplane): + triplane = rearrange(triplane, "b c f h w -> b f c h w") + b, f, c, h, w = triplane.shape + triplane = triplane.permute(0, 2, 3, 1, 4).reshape(-1, c, h, f * w) + return triplane + + +def unrollout_fn(triplane): + res = triplane.shape[-2] + ch = triplane.shape[1] + triplane = triplane.reshape(-1, ch // 3, res, 3, res).permute(0, 3, 1, 2, 4).reshape(-1, 3, ch, res, res) + triplane = rearrange(triplane, "b f c h w -> b c f h w") + return triplane + + +def triplane_generate(G_model, z, conditioning_params, std, mean, truncation_psi=0.7, truncation_cutoff=14): + w = G_model.mapping(z, conditioning_params, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff) + triplane = G_model.synthesis(w, noise_mode='const') + triplane = (triplane - mean) / std + return triplane + + +def gan_model(gan_models, device, gan_model_base_dir): + gan_model_dict = gan_models + gan_model_load = {} + for model_name in gan_model_dict.keys(): + model_pkl = os.path.join(gan_model_base_dir, model_name + '.pkl') + with dnnlib.util.open_url(model_pkl) as f: + G = legacy.load_network_pkl(f)['G_ema'].to(device) # type: ignore + G_new = TriPlaneGenerator(*G.init_args, **G.init_kwargs).eval().requires_grad_(False).to(device) + misc.copy_params_and_buffers(G, G_new, require_all=True) + G_new.neural_rendering_resolution = G.neural_rendering_resolution + G_new.rendering_kwargs = G.rendering_kwargs + gan_model_load[model_name] = G_new + return gan_model_load + + +def main(vae_config: str, + gan_model_config: str, + output_dir: str, + std_dir: str, + mean_dir: str, + conditioning_params_dir: str, + gan_model_base_dir: str, + train_data: Dict, + train_batch_size: int = 2, + max_train_steps: int = 500, + learning_rate: float = 3e-5, + scale_lr: bool = False, + lr_scheduler: str = "constant", + lr_warmup_steps: int = 0, + adam_beta1: float = 0.5, + adam_beta2: float = 0.9, + adam_weight_decay: float = 1e-2, + adam_epsilon: float = 1e-08, + max_grad_norm: float = 1.0, + gradient_accumulation_steps: int = 1, + gradient_checkpointing: bool = True, + checkpointing_steps: int = 500, + pretrained_model_path_zero123: str = None, + resume_from_checkpoint: Optional[str] = None, + mixed_precision: Optional[str] = "fp16", + use_8bit_adam: bool = False, + rollout: bool = False, + enable_xformers_memory_efficient_attention: bool = True, + seed: Optional[int] = None, ): + *_, config = inspect.getargvalues(inspect.currentframe()) + base_dir = output_dir + + accelerator = Accelerator( + gradient_accumulation_steps=gradient_accumulation_steps, + mixed_precision=mixed_precision, + ) + logging.basicConfig( + format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", + datefmt="%m/%d/%Y %H:%M:%S", + level=logging.INFO, + ) + logger.info(accelerator.state, main_process_only=False) + # If passed along, set the training seed now. + if seed is not None: + set_seed(seed) + if accelerator.is_main_process: + now = datetime.datetime.now().strftime("%Y-%m-%dT%H-%M-%S") + output_dir = os.path.join(output_dir, now) + os.makedirs(output_dir, exist_ok=True) + os.makedirs(f"{output_dir}/samples", exist_ok=True) + os.makedirs(f"{output_dir}/inv_latents", exist_ok=True) + OmegaConf.save(config, os.path.join(output_dir, 'config.yaml')) + + config_vae = OmegaConf.load(vae_config) + + if rollout: + vae = AutoencoderKLRollOut(ddconfig=config_vae['ddconfig'], lossconfig=config_vae['lossconfig'], embed_dim=8) + + else: + vae = AutoencoderKL(ddconfig=config_vae['ddconfig'], lossconfig=config_vae['lossconfig'], embed_dim=8) + print(f"VAE total params = {len(list(vae.named_parameters()))} ") + if 'perceptual_weight' in config_vae['lossconfig']['params'].keys(): + config_vae['lossconfig']['params']['device'] = str(accelerator.device) + loss_fn = instantiate_from_config(config_vae['lossconfig']) + conditioning_params = torch.load(conditioning_params_dir).to(str(accelerator.device)) + data_std = torch.load(std_dir).to(str(accelerator.device)).reshape(1, -1, 1, 1, 1) + + data_mean = torch.load(mean_dir).to(str(accelerator.device)).reshape(1, -1, 1, 1, 1) + + # define the gan model + print("########## gan model load ##########") + config_gan_model = OmegaConf.load(gan_model_config) + gan_model_all = gan_model(config_gan_model['gan_models'], str(accelerator.device), gan_model_base_dir) + print("########## gan model loaded ##########") + if scale_lr: + learning_rate = ( + learning_rate * gradient_accumulation_steps * train_batch_size * accelerator.num_processes + ) + + # Use 8-bit Adam for lower memory usage or to fine-tune the model in 16GB GPUs + if use_8bit_adam: + try: + import bitsandbytes as bnb + except ImportError: + raise ImportError( + "Please install bitsandbytes to use 8-bit Adam. You can do so by running `pip install bitsandbytes`" + ) + + optimizer_cls = bnb.optim.AdamW8bit + else: + optimizer_cls = torch.optim.AdamW + + optimizer = optimizer_cls( + vae.parameters(), + lr=learning_rate, + betas=(adam_beta1, adam_beta2), + weight_decay=adam_weight_decay, + eps=adam_epsilon, + ) + + train_dataset = TriplaneDataset(**train_data) + + # Preprocessing the dataset + + # DataLoaders creation: + train_dataloader = torch.utils.data.DataLoader( + train_dataset, batch_size=train_batch_size, collate_fn=collate_fn, shuffle=True, num_workers=2 + ) + + lr_scheduler = get_scheduler( + lr_scheduler, + optimizer=optimizer, + num_warmup_steps=lr_warmup_steps * gradient_accumulation_steps, + num_training_steps=max_train_steps * gradient_accumulation_steps, + ) + + vae, optimizer, train_dataloader, lr_scheduler = accelerator.prepare( + vae, optimizer, train_dataloader, lr_scheduler + ) + + weight_dtype = torch.float32 + + # Move text_encode and vae to gpu and cast to weight_dtype + + if accelerator.mixed_precision == "fp16": + weight_dtype = torch.float16 + elif accelerator.mixed_precision == "bf16": + weight_dtype = torch.bfloat16 + + vae.to(accelerator.device, dtype=weight_dtype) + num_update_steps_per_epoch = math.ceil(len(train_dataloader) / gradient_accumulation_steps) + # Afterwards we recalculate our number of training epochs + num_train_epochs = math.ceil(max_train_steps / num_update_steps_per_epoch) + + # We need to initialize the trackers we use, and also store our configuration. + # The trackers initializes automatically on the main process. + if accelerator.is_main_process: + accelerator.init_trackers("trainvae", config=vars(args)) + + # Train! + total_batch_size = train_batch_size * accelerator.num_processes * gradient_accumulation_steps + + logger.info("***** Running training *****") + logger.info(f" Num examples = {len(train_dataset)}") + logger.info(f" Num Epochs = {num_train_epochs}") + logger.info(f" Instantaneous batch size per device = {train_batch_size}") + logger.info(f" Total train batch size (w. parallel, distributed & accumulation) = {total_batch_size}") + logger.info(f" Gradient Accumulation steps = {gradient_accumulation_steps}") + logger.info(f" Total optimization steps = {max_train_steps}") + global_step = 0 + first_epoch = 0 + + # Potentially load in the weights and states from a previous save + if resume_from_checkpoint: + if resume_from_checkpoint != "latest": + path = os.path.basename(resume_from_checkpoint) + else: + # Get the most recent checkpoint + dirs = os.listdir(output_dir) + dirs = [d for d in dirs if d.startswith("checkpoint")] + dirs = sorted(dirs, key=lambda x: int(x.split("-")[1])) + path = dirs[-1] + accelerator.print(f"Resuming from checkpoint {path}") + if resume_from_checkpoint != "latest": + accelerator.load_state(resume_from_checkpoint) + else: + accelerator.load_state(os.path.join(output_dir, path)) + + global_step = int(path.split("-")[1]) + + first_epoch = global_step // num_update_steps_per_epoch + resume_step = global_step % num_update_steps_per_epoch + else: + all_final_training_dirs = [] + dirs = os.listdir(base_dir) + if len(dirs) != 0: + dirs = [d for d in dirs if d.startswith("2024")] # specific years + if len(dirs) != 0: + base_resume_paths = [os.path.join(base_dir, d) for d in dirs] + for base_resume_path in base_resume_paths: + checkpoint_file_names = os.listdir(base_resume_path) + checkpoint_file_names = [d for d in checkpoint_file_names if d.startswith("checkpoint")] + if len(checkpoint_file_names) != 0: + for checkpoint_file_name in checkpoint_file_names: + final_training_dir = os.path.join(base_resume_path, checkpoint_file_name) + all_final_training_dirs.append(final_training_dir) + if len(all_final_training_dirs) != 0: + sorted_all_final_training_dirs = sorted(all_final_training_dirs, key=lambda x: int(x.split("-")[1])) + latest_dir = sorted_all_final_training_dirs[-1] + path = os.path.basename( latest_dir) + accelerator.print(f"Resuming from checkpoint {path}") + accelerator.load_state(latest_dir) + global_step = int(path.split("-")[1]) + + first_epoch = global_step // num_update_steps_per_epoch + resume_step = global_step % num_update_steps_per_epoch + else: + accelerator.print(f"Training from start") + else: + accelerator.print(f"Training from start") + else: + accelerator.print(f"Training from start") + + # Only show the progress bar once on each machine. + progress_bar = tqdm(range(global_step, max_train_steps), disable=not accelerator.is_local_main_process) + progress_bar.set_description("Steps") + + for epoch in range(first_epoch, num_train_epochs): + vae.train() + train_loss = 0.0 + for step, batch in enumerate(train_dataloader): + # if resume_from_checkpoint and epoch == first_epoch and step < resume_step: + # print(epoch) + # print(first_epoch) + # print(step) + # if step % gradient_accumulation_steps == 0: + # progress_bar.update(1) + # continue + with accelerator.accumulate(vae): + # Convert images to latent space + z_values = batch["zs"].to(weight_dtype) + model_names = batch["model_names"] + + triplane_values = [] + with torch.no_grad(): + for z_id in range(z_values.shape[0]): + z_value = z_values[z_id].unsqueeze(0) + model_name = model_names[z_id] + triplane_value = triplane_generate(gan_model_all[model_name], z_value, + conditioning_params, data_std, data_mean) + triplane_values.append(triplane_value) + triplane_values = torch.cat(triplane_values, dim=0) + vert_values = batch["verts"].to(weight_dtype) + triplane_values = rearrange(triplane_values, "b f c h w -> b c f h w") + if rollout: + triplane_values_roll = rollout_fn(triplane_values.clone()) + reconstructions, posterior = vae(triplane_values_roll) + reconstructions_unroll = unrollout_fn(reconstructions) + loss, log_dict_ae = loss_fn(triplane_values, reconstructions_unroll, posterior, vert_values, + split="train") + else: + reconstructions, posterior = vae(triplane_values) + loss, log_dict_ae = loss_fn(triplane_values, reconstructions, posterior, vert_values, + split="train") + accelerator.backward(loss) + if accelerator.sync_gradients: + accelerator.clip_grad_norm_(vae.parameters(), max_grad_norm) + optimizer.step() + lr_scheduler.step() + optimizer.zero_grad() + + # Checks if the accelerator has performed an optimization step behind the scenes + if accelerator.sync_gradients: + progress_bar.update(1) + global_step += 1 + accelerator.log({"train_loss": train_loss}, step=global_step) + train_loss = 0.0 + + if global_step % checkpointing_steps == 0: + if accelerator.is_main_process: + save_path = os.path.join(output_dir, f"checkpoint-{global_step}") + accelerator.save_state(save_path) + logger.info(f"Saved state to {save_path}") + + # logs = {"loss": loss.detach().item(), "lr": lr_scheduler.get_last_lr()[0]} + + logs = log_dict_ae + progress_bar.set_postfix(**logs) + accelerator.log(logs, step=global_step) + + if global_step >= max_train_steps: + break + + accelerator.wait_for_everyone() + + accelerator.end_training() + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument("--config", type=str, default="./configs/triplane_vae.yaml") + args = parser.parse_args() + main(**OmegaConf.load(args.config)) diff --git a/DiT_VAE/util.py b/DiT_VAE/util.py new file mode 100644 index 0000000000000000000000000000000000000000..d9d069cbd50e2b483fdd1301a4033318201886ea --- /dev/null +++ b/DiT_VAE/util.py @@ -0,0 +1,217 @@ +import os +import imageio +import numpy as np +from typing import Union + +import torch +import torchvision + +from tqdm import tqdm +from einops import rearrange + + +def save_videos_grid(videos: torch.Tensor, path: str, rescale=False, n_rows=4, fps=8): + videos = rearrange(videos, "b c t h w -> t b c h w") + outputs = [] + for x in videos: + x = torchvision.utils.make_grid(x, nrow=n_rows) + x = x.transpose(0, 1).transpose(1, 2).squeeze(-1) + if rescale: + x = (x + 1.0) / 2.0 # -1,1 -> 0,1 + x = (x * 255).numpy().astype(np.uint8) + outputs.append(x) + + os.makedirs(os.path.dirname(path), exist_ok=True) + imageio.mimsave(path, outputs, fps=fps) + + +# DDIM Inversion +@torch.no_grad() +def init_prompt(prompt, pipeline): + uncond_input = pipeline.tokenizer( + [""], padding="max_length", max_length=pipeline.tokenizer.model_max_length, + return_tensors="pt" + ) + uncond_embeddings = pipeline.text_encoder(uncond_input.input_ids.to(pipeline.device))[0] + text_input = pipeline.tokenizer( + [prompt], + padding="max_length", + max_length=pipeline.tokenizer.model_max_length, + truncation=True, + return_tensors="pt", + ) + text_embeddings = pipeline.text_encoder(text_input.input_ids.to(pipeline.device))[0] + context = torch.cat([uncond_embeddings, text_embeddings]) + + return context + + +def next_step(model_output: Union[torch.FloatTensor, np.ndarray], timestep: int, + sample: Union[torch.FloatTensor, np.ndarray], ddim_scheduler): + timestep, next_timestep = min( + timestep - ddim_scheduler.config.num_train_timesteps // ddim_scheduler.num_inference_steps, 999), timestep + alpha_prod_t = ddim_scheduler.alphas_cumprod[timestep] if timestep >= 0 else ddim_scheduler.final_alpha_cumprod + alpha_prod_t_next = ddim_scheduler.alphas_cumprod[next_timestep] + beta_prod_t = 1 - alpha_prod_t + next_original_sample = (sample - beta_prod_t ** 0.5 * model_output) / alpha_prod_t ** 0.5 + next_sample_direction = (1 - alpha_prod_t_next) ** 0.5 * model_output + next_sample = alpha_prod_t_next ** 0.5 * next_original_sample + next_sample_direction + return next_sample + + +def get_noise_pred_single(latents, t, context, unet): + noise_pred = unet(latents, t, encoder_hidden_states=context)["sample"] + return noise_pred + + +@torch.no_grad() +def ddim_loop(pipeline, ddim_scheduler, latent, num_inv_steps, prompt): + context = init_prompt(prompt, pipeline) + uncond_embeddings, cond_embeddings = context.chunk(2) + all_latent = [latent] + latent = latent.clone().detach() + for i in tqdm(range(num_inv_steps)): + t = ddim_scheduler.timesteps[len(ddim_scheduler.timesteps) - i - 1] + noise_pred = get_noise_pred_single(latent, t, cond_embeddings, pipeline.unet) + latent = next_step(noise_pred, t, latent, ddim_scheduler) + all_latent.append(latent) + return all_latent + + +@torch.no_grad() +def ddim_inversion(pipeline, ddim_scheduler, video_latent, num_inv_steps, prompt=""): + ddim_latents = ddim_loop(pipeline, ddim_scheduler, video_latent, num_inv_steps, prompt) + return ddim_latents + +def rendering(): + pass + + + +def force_zero_snr(betas): + alphas = 1 - betas + alphas_bar = torch.cumprod(alphas, dim=0) + alphas_bar_sqrt = alphas_bar ** (1/2) + alphas_bar_sqrt_0 = alphas_bar_sqrt[0].clone() + alphas_bar_sqrt_T = alphas_bar_sqrt[-1].clone() - 1e-6 + alphas_bar_sqrt -= alphas_bar_sqrt_T + alphas_bar_sqrt *= alphas_bar_sqrt_0 / (alphas_bar_sqrt_0 - alphas_bar_sqrt_T) + alphas_bar = alphas_bar_sqrt ** 2 + alphas = alphas_bar[1:] / alphas_bar[:-1] + alphas = torch.cat([alphas_bar[0:1], alphas], 0) + betas = 1 - alphas + return betas + +def make_beta_schedule(schedule="scaled_linear", n_timestep=1000, linear_start=0.00085, linear_end=0.012, cosine_s=8e-3, shift_scale=None): + if schedule == "scaled_linear": + betas = ( + torch.linspace(linear_start ** 0.5, linear_end ** 0.5, n_timestep, dtype=torch.float64) ** 2 + ) + elif schedule == 'linear': + betas = ( + torch.linspace(linear_start, linear_end, n_timestep, dtype=torch.float64) + ) + elif schedule == "cosine": + timesteps = ( + torch.arange(n_timestep + 1, dtype=torch.float64) / n_timestep + cosine_s + ) + alphas = timesteps / (1 + cosine_s) * np.pi / 2 + alphas = torch.cos(alphas).pow(2) + alphas = alphas / alphas[0] + betas = 1 - alphas[1:] / alphas[:-1] + betas = np.clip(betas, a_min=0, a_max=0.999) + + elif schedule == "sqrt_linear": + betas = torch.linspace(linear_start, linear_end, n_timestep, dtype=torch.float64) + elif schedule == "sqrt": + betas = torch.linspace(linear_start, linear_end, n_timestep, dtype=torch.float64) ** 0.5 + elif schedule == 'linear_force_zero_snr': + betas = ( + torch.linspace(linear_start ** 0.5, linear_end ** 0.5, n_timestep, dtype=torch.float64) ** 2 + ) + betas = force_zero_snr(betas) + elif schedule == 'linear_100': + betas = ( + torch.linspace(linear_start ** 0.5, linear_end ** 0.5, n_timestep, dtype=torch.float64) ** 2 + ) + betas = betas[:100] + else: + raise ValueError(f"schedule '{schedule}' unknown.") + + if shift_scale is not None: + print("shift_scale") + betas = shift_schedule(betas, shift_scale) + + return betas.numpy() + +def shift_schedule(base_betas, shift_scale): + alphas = 1 - base_betas + alphas_bar = torch.cumprod(alphas, dim=0) + snr = alphas_bar / (1 - alphas_bar) # snr(1-ab)=ab; snr-snr*ab=ab; snr=(1+snr)ab; ab=snr/(1+snr) + shifted_snr = snr * ((1 / shift_scale) ** 2) + shifted_alphas_bar = shifted_snr / (1 + shifted_snr) + shifted_alphas = shifted_alphas_bar[1:] / shifted_alphas_bar[:-1] + shifted_alphas = torch.cat([shifted_alphas_bar[0:1], shifted_alphas], 0) + shifted_betas = 1 - shifted_alphas + return shifted_betas + + +def shift_dim(x, src_dim=-1, dest_dim=-1, make_contiguous=True): + n_dims = len(x.shape) + if src_dim < 0: + src_dim = n_dims + src_dim + if dest_dim < 0: + dest_dim = n_dims + dest_dim + + assert 0 <= src_dim < n_dims and 0 <= dest_dim < n_dims + + dims = list(range(n_dims)) + del dims[src_dim] + + permutation = [] + ctr = 0 + for i in range(n_dims): + if i == dest_dim: + permutation.append(src_dim) + else: + permutation.append(dims[ctr]) + ctr += 1 + x = x.permute(permutation) + if make_contiguous: + x = x.contiguous() + return x + + +# reshapes tensor start from dim i (inclusive) +# to dim j (exclusive) to the desired shape +# e.g. if x.shape = (b, thw, c) then +# view_range(x, 1, 2, (t, h, w)) returns +# x of shape (b, t, h, w, c) +def view_range(x, i, j, shape): + shape = tuple(shape) + + n_dims = len(x.shape) + if i < 0: + i = n_dims + i + + if j is None: + j = n_dims + elif j < 0: + j = n_dims + j + + assert 0 <= i < j <= n_dims + + x_shape = x.shape + target_shape = x_shape[:i] + shape + x_shape[j:] + return x.view(target_shape) + + +def tensor_slice(x, begin, size): + assert all([b >= 0 for b in begin]) + size = [l - b if s == -1 else s + for s, b, l in zip(size, begin, x.shape)] + assert all([s >= 0 for s in size]) + + slices = [slice(b, b + s) for b, s in zip(begin, size)] + return x[slices] + diff --git a/DiT_VAE/vae/__init__.py b/DiT_VAE/vae/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/DiT_VAE/vae/aemodules3d.py b/DiT_VAE/vae/aemodules3d.py new file mode 100644 index 0000000000000000000000000000000000000000..310be51f25e3358f7f446af96c8b2d108242fc76 --- /dev/null +++ b/DiT_VAE/vae/aemodules3d.py @@ -0,0 +1,368 @@ +# TATS +# Copyright (c) Meta Platforms, Inc. All Rights Reserved + +import math +import numpy as np + +import torch +import torch.nn as nn +import torch.nn.functional as F +from .attention_vae import MultiHeadAttention + + +def shift_dim(x, src_dim=-1, dest_dim=-1, make_contiguous=True): + n_dims = len(x.shape) + if src_dim < 0: + src_dim = n_dims + src_dim + if dest_dim < 0: + dest_dim = n_dims + dest_dim + + assert 0 <= src_dim < n_dims and 0 <= dest_dim < n_dims + + dims = list(range(n_dims)) + del dims[src_dim] + + permutation = [] + ctr = 0 + for i in range(n_dims): + if i == dest_dim: + permutation.append(src_dim) + else: + permutation.append(dims[ctr]) + ctr += 1 + x = x.permute(permutation) + if make_contiguous: + x = x.contiguous() + return x + +def silu(x): + return x * torch.sigmoid(x) + + +class SiLU(nn.Module): + def __init__(self): + super(SiLU, self).__init__() + + def forward(self, x): + return silu(x) + + +def hinge_d_loss(logits_real, logits_fake): + loss_real = torch.mean(F.relu(1. - logits_real)) + loss_fake = torch.mean(F.relu(1. + logits_fake)) + d_loss = 0.5 * (loss_real + loss_fake) + return d_loss + + +def vanilla_d_loss(logits_real, logits_fake): + d_loss = 0.5 * ( + torch.mean(torch.nn.functional.softplus(-logits_real)) + + torch.mean(torch.nn.functional.softplus(logits_fake))) + return d_loss + + +def Normalize(in_channels, norm_type='group'): + assert norm_type in ['group', 'batch'] + if norm_type == 'group': + return torch.nn.GroupNorm(num_groups=32, num_channels=in_channels, eps=1e-6, affine=True) + elif norm_type == 'batch': + return torch.nn.SyncBatchNorm(in_channels) + + +class ResBlock(nn.Module): + def __init__(self, in_channels, out_channels=None, conv_shortcut=False, dropout=0.0, norm_type='group', + padding_type='replicate'): + super().__init__() + self.in_channels = in_channels + out_channels = in_channels if out_channels is None else out_channels + self.out_channels = out_channels + self.use_conv_shortcut = conv_shortcut + + self.norm1 = Normalize(in_channels, norm_type) + self.conv1 = SamePadConv3d(in_channels, out_channels, kernel_size=3, padding_type=padding_type) + self.dropout = torch.nn.Dropout(dropout) + self.norm2 = Normalize(in_channels, norm_type) + self.conv2 = SamePadConv3d(out_channels, out_channels, kernel_size=3, padding_type=padding_type) + if self.in_channels != self.out_channels: + self.conv_shortcut = SamePadConv3d(in_channels, out_channels, kernel_size=3, padding_type=padding_type) + + def forward(self, x): + h = x + h = self.norm1(h) + h = silu(h) + h = self.conv1(h) + h = self.norm2(h) + h = silu(h) + h = self.conv2(h) + + if self.in_channels != self.out_channels: + x = self.conv_shortcut(x) + + return x + h + + +# Does not support dilation +class SamePadConv3d(nn.Module): + def __init__(self, in_channels, out_channels, kernel_size, stride=1, bias=True, padding_type='replicate'): + super().__init__() + if isinstance(kernel_size, int): + kernel_size = (kernel_size,) * 3 + if isinstance(stride, int): + stride = (stride,) * 3 + + # assumes that the input shape is divisible by stride + total_pad = tuple([k - s for k, s in zip(kernel_size, stride)]) + pad_input = [] + for p in total_pad[::-1]: # reverse since F.pad starts from last dim + pad_input.append((p // 2 + p % 2, p // 2)) + pad_input = sum(pad_input, tuple()) + + self.pad_input = pad_input + self.padding_type = padding_type + + self.conv = nn.Conv3d(in_channels, out_channels, kernel_size, + stride=stride, padding=0, bias=bias) + self.weight = self.conv.weight + + def forward(self, x): + return self.conv(F.pad(x, self.pad_input, mode=self.padding_type)) + + +class SamePadConvTranspose3d(nn.Module): + def __init__(self, in_channels, out_channels, kernel_size, stride=1, bias=True, padding_type='replicate'): + super().__init__() + if isinstance(kernel_size, int): + kernel_size = (kernel_size,) * 3 + if isinstance(stride, int): + stride = (stride,) * 3 + + total_pad = tuple([k - s for k, s in zip(kernel_size, stride)]) + pad_input = [] + for p in total_pad[::-1]: # reverse since F.pad starts from last dim + pad_input.append((p // 2 + p % 2, p // 2)) + pad_input = sum(pad_input, tuple()) + self.pad_input = pad_input + self.padding_type = padding_type + self.convt = nn.ConvTranspose3d(in_channels, out_channels, kernel_size, + stride=stride, bias=bias, + padding=tuple([k - 1 for k in kernel_size])) + + def forward(self, x): + return self.convt(F.pad(x, self.pad_input, mode=self.padding_type)) + + +class AxialBlock(nn.Module): + def __init__(self, n_hiddens, n_head): + super().__init__() + kwargs = dict(shape=(0,) * 3, dim_q=n_hiddens, + dim_kv=n_hiddens, n_head=n_head, + n_layer=1, causal=False, attn_type='axial') + self.attn_w = MultiHeadAttention(attn_kwargs=dict(axial_dim=-2), + **kwargs) + self.attn_h = MultiHeadAttention(attn_kwargs=dict(axial_dim=-3), + **kwargs) + self.attn_t = MultiHeadAttention(attn_kwargs=dict(axial_dim=-4), + **kwargs) + + def forward(self, x): + x = shift_dim(x, 1, -1) + x = self.attn_w(x, x, x) + self.attn_h(x, x, x) + self.attn_t(x, x, x) + x = shift_dim(x, -1, 1) + return x +class AttentionResidualBlock(nn.Module): + def __init__(self, n_hiddens): + super().__init__() + self.block = nn.Sequential( + Normalize(n_hiddens), + SiLU(), + SamePadConv3d(n_hiddens, n_hiddens // 2, 3, bias=False), + Normalize(n_hiddens // 2), + SiLU(), + SamePadConv3d(n_hiddens // 2, n_hiddens, 1, bias=False), + Normalize(n_hiddens), + SiLU(), + AxialBlock(n_hiddens, 2) + ) + + def forward(self, x): + return x + self.block(x) + +class Encoder(nn.Module): + def __init__(self, n_hiddens, downsample, z_channels, double_z, image_channel=3, norm_type='group', + padding_type='replicate', res_num=1): + super().__init__() + n_times_downsample = np.array([int(math.log2(d)) for d in downsample]) + self.conv_blocks = nn.ModuleList() + max_ds = n_times_downsample.max() + self.conv_first = SamePadConv3d(image_channel, n_hiddens, kernel_size=3, padding_type=padding_type) + + for i in range(max_ds): + block = nn.Module() + in_channels = n_hiddens * 2 ** i + out_channels = n_hiddens * 2 ** (i + 1) + stride = tuple([2 if d > 0 else 1 for d in n_times_downsample]) + stride = list(stride) + stride[0] = 1 + stride = tuple(stride) + block.down = SamePadConv3d(in_channels, out_channels, 4, stride=stride, padding_type=padding_type) + + block.res = ResBlock(out_channels, out_channels, norm_type=norm_type) + self.conv_blocks.append(block) + n_times_downsample -= 1 + + self.final_block = nn.Sequential( + Normalize(out_channels, norm_type), + SiLU(), + SamePadConv3d(out_channels, 2 * z_channels if double_z else z_channels, + kernel_size=3, + stride=1, + padding_type=padding_type) + ) + self.out_channels = out_channels + + + def forward(self, x): + h = self.conv_first(x) + for block in self.conv_blocks: + h = block.down(h) + h = block.res(h) + h = self.final_block(h) + return h + + +class Decoder(nn.Module): + def __init__(self, n_hiddens, upsample, z_channels, image_channel, norm_type='group'): + super().__init__() + + n_times_upsample = np.array([int(math.log2(d)) for d in upsample]) + max_us = n_times_upsample.max() + in_channels = z_channels + self.conv_blocks = nn.ModuleList() + for i in range(max_us): + block = nn.Module() + in_channels = in_channels if i == 0 else n_hiddens * 2 ** (max_us - i + 1) + out_channels = n_hiddens * 2 ** (max_us - i) + us = tuple([2 if d > 0 else 1 for d in n_times_upsample]) + us = list(us) + us[0] = 1 + us = tuple(us) + block.up = SamePadConvTranspose3d(in_channels, out_channels, 4, stride=us) + block.res1 = ResBlock(out_channels, out_channels, norm_type=norm_type) + block.res2 = ResBlock(out_channels, out_channels, norm_type=norm_type) + self.conv_blocks.append(block) + n_times_upsample -= 1 + + self.conv_out = SamePadConv3d(out_channels, image_channel, kernel_size=3) + + def forward(self, x): + h = x + for i, block in enumerate(self.conv_blocks): + h = block.up(h) + h = block.res1(h) + h = block.res2(h) + h = self.conv_out(h) + return h + + +class EncoderRe(nn.Module): + def __init__(self, n_hiddens, downsample, z_channels, double_z, image_channel=3, norm_type='group', + padding_type='replicate', n_res_layers=2): + super().__init__() + # n_times_downsample = np.array([int(math.log2(d)) for d in downsample]) + self.conv_blocks = nn.ModuleList() + # max_ds = n_times_downsample.max() + self.conv_first = SamePadConv3d(image_channel, n_hiddens, kernel_size=3, padding_type=padding_type) + + for i, step in enumerate(downsample): + block = nn.Module() + in_channels = n_hiddens + out_channels = n_hiddens + stride = [1, downsample[i], downsample[i]] + stride = tuple(stride) + block.down = SamePadConv3d(in_channels, out_channels, 4, stride=stride, padding_type=padding_type) + block.res1 = ResBlock(out_channels, out_channels, norm_type=norm_type) + block.res2 = ResBlock(out_channels, out_channels, norm_type=norm_type) + self.conv_blocks.append(block) + + + self.res_stack = nn.Sequential( + *[AttentionResidualBlock(out_channels) + for _ in range(n_res_layers)] + ) + self.final_block = nn.Sequential( + Normalize(out_channels, norm_type), + SiLU(), + SamePadConv3d(out_channels, 2 * z_channels if double_z else z_channels, + kernel_size=3, + stride=1, + padding_type=padding_type) + ) + self.out_channels = out_channels + + def forward(self, x): + h = self.conv_first(x) + for block in self.conv_blocks: + h = block.down(h) + h = block.res1(h) + h = block.res2(h) + h = self.res_stack(h) + h = self.final_block(h) + return h + + +class DecoderRe(nn.Module): + def __init__(self, n_hiddens, upsample, z_channels, image_channel, norm_type='group', padding_type='replicate', n_res_layers=2): + super().__init__() + self.conv_first = SamePadConv3d(z_channels, n_hiddens, kernel_size=3, padding_type=padding_type) + self.res_stack = nn.Sequential( + *[AttentionResidualBlock(n_hiddens) + for _ in range(n_res_layers)] + ) + # n_times_upsample = np.array([int(math.log2(d)) for d in upsample]) + # max_us = n_times_upsample.max() + # in_channels = n_hiddens + self.conv_blocks = nn.ModuleList() + for i, step in enumerate(upsample): + block = nn.Module() + in_channels = n_hiddens + out_channels = n_hiddens + stride = [1, upsample[i], upsample[i]] + stride = tuple(stride) + + block.up = SamePadConvTranspose3d(in_channels, out_channels, 4, stride=stride) + block.res1 = ResBlock(out_channels, out_channels, norm_type=norm_type) + block.res2 = ResBlock(out_channels, out_channels, norm_type=norm_type) + self.conv_blocks.append(block) + + self.conv_out = SamePadConv3d(out_channels, image_channel, kernel_size=3) + + def forward(self, x): + h = x + h = self.conv_first(h) + h = self.res_stack(h) + for i, block in enumerate(self.conv_blocks): + h = block.up(h) + h = block.res1(h) + h = block.res2(h) + h = self.conv_out(h) + return h + + +# unit test +if __name__ == '__main__': + encoder = EncoderRe(n_hiddens=320, downsample=[1, 2, 2, 2], z_channels=8, double_z=True, image_channel=96, + norm_type='group', padding_type='replicate') + encoder = encoder.cuda() + en_input = torch.rand(1, 96, 3, 256, 256).cuda() + out = encoder(en_input) + print(out.shape) + mean, logvar = torch.chunk(out, 2, dim=1) + # print(mean.shape) + decoder = DecoderRe(n_hiddens=320, upsample=[2, 2, 2, 1], z_channels=8, image_channel=96, + norm_type='group' ) + + decoder = decoder.cuda() + out = decoder(mean) + print(out.shape) + # logvar = nn.Parameter(torch.ones(size=()) * 0.0) + # print(logvar) diff --git a/DiT_VAE/vae/attention_vae.py b/DiT_VAE/vae/attention_vae.py new file mode 100644 index 0000000000000000000000000000000000000000..0985d60446b95e3a788eb34c37fc59b88e73c706 --- /dev/null +++ b/DiT_VAE/vae/attention_vae.py @@ -0,0 +1,620 @@ +import numpy as np + +import torch +import torch.nn as nn +import torch.nn.functional as F +from torch.utils.checkpoint import checkpoint +def tensor_slice(x, begin, size): + assert all([b >= 0 for b in begin]) + size = [l - b if s == -1 else s + for s, b, l in zip(size, begin, x.shape)] + assert all([s >= 0 for s in size]) + + slices = [slice(b, b + s) for b, s in zip(begin, size)] + return x[slices] + + +# reshapes tensor start from dim i (inclusive) +# to dim j (exclusive) to the desired shape +# e.g. if x.shape = (b, thw, c) then +# view_range(x, 1, 2, (t, h, w)) returns +# x of shape (b, t, h, w, c) +def view_range(x, i, j, shape): + shape = tuple(shape) + + n_dims = len(x.shape) + if i < 0: + i = n_dims + i + + if j is None: + j = n_dims + elif j < 0: + j = n_dims + j + + assert 0 <= i < j <= n_dims + + x_shape = x.shape + target_shape = x_shape[:i] + shape + x_shape[j:] + return x.view(target_shape) + +def shift_dim(x, src_dim=-1, dest_dim=-1, make_contiguous=True): + n_dims = len(x.shape) + if src_dim < 0: + src_dim = n_dims + src_dim + if dest_dim < 0: + dest_dim = n_dims + dest_dim + + assert 0 <= src_dim < n_dims and 0 <= dest_dim < n_dims + + dims = list(range(n_dims)) + del dims[src_dim] + + permutation = [] + ctr = 0 + for i in range(n_dims): + if i == dest_dim: + permutation.append(src_dim) + else: + permutation.append(dims[ctr]) + ctr += 1 + x = x.permute(permutation) + if make_contiguous: + x = x.contiguous() + return x +class AttentionStack(nn.Module): + def __init__( + self, shape, embd_dim, n_head, n_layer, dropout, + attn_type, attn_dropout, class_cond_dim, frame_cond_shape, + ): + super().__init__() + self.shape = shape + self.embd_dim = embd_dim + self.use_frame_cond = frame_cond_shape is not None + + self.right_shift = RightShift(embd_dim) + self.pos_embd = AddBroadcastPosEmbed( + shape=shape, embd_dim=embd_dim + ) + + self.attn_nets = nn.ModuleList( + [ + AttentionBlock( + shape=shape, + embd_dim=embd_dim, + n_head=n_head, + n_layer=n_layer, + dropout=dropout, + attn_type=attn_type, + attn_dropout=attn_dropout, + class_cond_dim=class_cond_dim, + frame_cond_shape=frame_cond_shape + ) + for i in range(n_layer) + ] + ) + + def forward(self, x, cond, decode_step, decode_idx): + """ + Args + ------ + x: (b, d1, d2, ..., dn, embd_dim) + cond: a dictionary of conditioning tensors + + (below is used only when sampling for fast decoding) + decode: the enumerated rasterscan order of the current idx being sampled + decode_step: a tuple representing the current idx being sampled + """ + x = self.right_shift(x, decode_step) + x = self.pos_embd(x, decode_step, decode_idx) + for net in self.attn_nets: + x = net(x, cond, decode_step, decode_idx) + + return x + + +class AttentionBlock(nn.Module): + def __init__(self, shape, embd_dim, n_head, n_layer, dropout, + attn_type, attn_dropout, class_cond_dim, frame_cond_shape): + super().__init__() + self.use_frame_cond = frame_cond_shape is not None + + self.pre_attn_norm = LayerNorm(embd_dim, class_cond_dim) + self.post_attn_dp = nn.Dropout(dropout) + self.attn = MultiHeadAttention(shape, embd_dim, embd_dim, n_head, + n_layer, causal=True, attn_type=attn_type, + attn_kwargs=dict(attn_dropout=attn_dropout)) + + if frame_cond_shape is not None: + enc_len = np.prod(frame_cond_shape[:-1]) + self.pre_enc_norm = LayerNorm(embd_dim, class_cond_dim) + self.post_enc_dp = nn.Dropout(dropout) + self.enc_attn = MultiHeadAttention(shape, embd_dim, frame_cond_shape[-1], + n_head, n_layer, attn_type='full', + attn_kwargs=dict(attn_dropout=0.), causal=False) + + self.pre_fc_norm = LayerNorm(embd_dim, class_cond_dim) + self.post_fc_dp = nn.Dropout(dropout) + self.fc_block = nn.Sequential( + nn.Linear(in_features=embd_dim, out_features=embd_dim * 4), + GeLU2(), + nn.Linear(in_features=embd_dim * 4, out_features=embd_dim), + ) + + def forward(self, x, cond, decode_step, decode_idx): + h = self.pre_attn_norm(x, cond) + if self.training: + h = checkpoint(self.attn, h, h, h, decode_step, decode_idx) + else: + h = self.attn(h, h, h, decode_step, decode_idx) + h = self.post_attn_dp(h) + x = x + h + + if self.use_frame_cond: + h = self.pre_enc_norm(x, cond) + if self.training: + h = checkpoint(self.enc_attn, h, cond['frame_cond'], cond['frame_cond'], + decode_step, decode_idx) + else: + h = self.enc_attn(h, cond['frame_cond'], cond['frame_cond'], + decode_step, decode_idx) + h = self.post_enc_dp(h) + x = x + h + + h = self.pre_fc_norm(x, cond) + if self.training: + h = checkpoint(self.fc_block, h) + else: + h = self.fc_block(h) + h = self.post_fc_dp(h) + x = x + h + + return x + + +class MultiHeadAttention(nn.Module): + def __init__(self, shape, dim_q, dim_kv, n_head, n_layer, + causal, attn_type, attn_kwargs): + super().__init__() + self.causal = causal + self.shape = shape + + self.d_k = dim_q // n_head + self.d_v = dim_kv // n_head + self.n_head = n_head + + self.w_qs = nn.Linear(dim_q, n_head * self.d_k, bias=False) # q + self.w_qs.weight.data.normal_(std=1.0 / np.sqrt(dim_q)) + + self.w_ks = nn.Linear(dim_kv, n_head * self.d_k, bias=False) # k + self.w_ks.weight.data.normal_(std=1.0 / np.sqrt(dim_kv)) + + self.w_vs = nn.Linear(dim_kv, n_head * self.d_v, bias=False) # v + self.w_vs.weight.data.normal_(std=1.0 / np.sqrt(dim_kv)) + + self.fc = nn.Linear(n_head * self.d_v, dim_q, bias=True) # c + self.fc.weight.data.normal_(std=1.0 / np.sqrt(dim_q * n_layer)) + + if attn_type == 'full': + self.attn = FullAttention(shape, causal, **attn_kwargs) + elif attn_type == 'axial': + assert not causal, 'causal axial attention is not supported' + self.attn = AxialAttention(len(shape), **attn_kwargs) + elif attn_type == 'sparse': + self.attn = SparseAttention(shape, n_head, causal, **attn_kwargs) + + self.cache = None + + def forward(self, q, k, v, decode_step=None, decode_idx=None): + """ Compute multi-head attention + Args + q, k, v: a [b, d1, ..., dn, c] tensor or + a [b, 1, ..., 1, c] tensor if decode_step is not None + + Returns + The output after performing attention + """ + + # compute k, q, v + d_k, d_v, n_head = self.d_k, self.d_v, self.n_head + q = view_range(self.w_qs(q), -1, None, (n_head, d_k)) + k = view_range(self.w_ks(k), -1, None, (n_head, d_k)) + v = view_range(self.w_vs(v), -1, None, (n_head, d_v)) + + # b x n_head x seq_len x d + # (b, *d_shape, n_head, d) -> (b, n_head, *d_shape, d) + q = shift_dim(q, -2, 1) + k = shift_dim(k, -2, 1) + v = shift_dim(v, -2, 1) + + # fast decoding + if decode_step is not None: + if decode_step == 0: + if self.causal: + k_shape = (q.shape[0], n_head, *self.shape, self.d_k) + v_shape = (q.shape[0], n_head, *self.shape, self.d_v) + self.cache = dict(k=torch.zeros(k_shape, dtype=k.dtype, device=q.device), + v=torch.zeros(v_shape, dtype=v.dtype, device=q.device)) + else: + # cache only once in the non-causal case + self.cache = dict(k=k.clone(), v=v.clone()) + if self.causal: + idx = (slice(None, None), slice(None, None), *[slice(i, i+ 1) for i in decode_idx]) + self.cache['k'][idx] = k + self.cache['v'][idx] = v + k, v = self.cache['k'], self.cache['v'] + + a = self.attn(q, k, v, decode_step, decode_idx) + + # (b, *d_shape, n_head, d) -> (b, *d_shape, n_head * d) + a = shift_dim(a, 1, -2).flatten(start_dim=-2) + a = self.fc(a) # (b x seq_len x embd_dim) + + return a + +############## Attention ####################### +class FullAttention(nn.Module): + def __init__(self, shape, causal, attn_dropout): + super().__init__() + self.causal = causal + self.attn_dropout = attn_dropout + + seq_len = np.prod(shape) + if self.causal: + self.register_buffer('mask', torch.tril(torch.ones(seq_len, seq_len))) + + def forward(self, q, k, v, decode_step, decode_idx): + mask = self.mask if self.causal else None + if decode_step is not None and mask is not None: + mask = mask[[decode_step]] + + old_shape = q.shape[2:-1] + q = q.flatten(start_dim=2, end_dim=-2) + k = k.flatten(start_dim=2, end_dim=-2) + v = v.flatten(start_dim=2, end_dim=-2) + + out = scaled_dot_product_attention(q, k, v, mask=mask, + attn_dropout=self.attn_dropout, + training=self.training) + + return view_range(out, 2, 3, old_shape) + +class AxialAttention(nn.Module): + def __init__(self, n_dim, axial_dim): + super().__init__() + if axial_dim < 0: + axial_dim = 2 + n_dim + 1 + axial_dim + else: + axial_dim += 2 # account for batch, head, dim + self.axial_dim = axial_dim + + def forward(self, q, k, v, decode_step, decode_idx): + q = shift_dim(q, self.axial_dim, -2).flatten(end_dim=-3) + k = shift_dim(k, self.axial_dim, -2).flatten(end_dim=-3) + v = shift_dim(v, self.axial_dim, -2) + old_shape = list(v.shape) + v = v.flatten(end_dim=-3) + + out = scaled_dot_product_attention(q, k, v, training=self.training) + out = out.view(*old_shape) + out = shift_dim(out, -2, self.axial_dim) + return out + + +class SparseAttention(nn.Module): + ops = dict() + attn_mask = dict() + block_layout = dict() + + def __init__(self, shape, n_head, causal, num_local_blocks=4, block=32, + attn_dropout=0.): # does not use attn_dropout + super().__init__() + self.causal = causal + self.shape = shape + + self.sparsity_config = StridedSparsityConfig(shape=shape, n_head=n_head, + causal=causal, block=block, + num_local_blocks=num_local_blocks) + + if self.shape not in SparseAttention.block_layout: + SparseAttention.block_layout[self.shape] = self.sparsity_config.make_layout() + if causal and self.shape not in SparseAttention.attn_mask: + SparseAttention.attn_mask[self.shape] = self.sparsity_config.make_sparse_attn_mask() + + def get_ops(self): + try: + from deepspeed.ops.sparse_attention import MatMul, Softmax + except: + raise Exception('Error importing deepspeed. Please install using `DS_BUILD_SPARSE_ATTN=1 pip install deepspeed`') + if self.shape not in SparseAttention.ops: + sparsity_layout = self.sparsity_config.make_layout() + sparse_dot_sdd_nt = MatMul(sparsity_layout, + self.sparsity_config.block, + 'sdd', + trans_a=False, + trans_b=True) + + sparse_dot_dsd_nn = MatMul(sparsity_layout, + self.sparsity_config.block, + 'dsd', + trans_a=False, + trans_b=False) + + sparse_softmax = Softmax(sparsity_layout, self.sparsity_config.block) + + SparseAttention.ops[self.shape] = (sparse_dot_sdd_nt, + sparse_dot_dsd_nn, + sparse_softmax) + return SparseAttention.ops[self.shape] + + def forward(self, q, k, v, decode_step, decode_idx): + if self.training and self.shape not in SparseAttention.ops: + self.get_ops() + + SparseAttention.block_layout[self.shape] = SparseAttention.block_layout[self.shape].to(q) + if self.causal: + SparseAttention.attn_mask[self.shape] = SparseAttention.attn_mask[self.shape].to(q).type_as(q) + attn_mask = SparseAttention.attn_mask[self.shape] if self.causal else None + + old_shape = q.shape[2:-1] + q = q.flatten(start_dim=2, end_dim=-2) + k = k.flatten(start_dim=2, end_dim=-2) + v = v.flatten(start_dim=2, end_dim=-2) + + if decode_step is not None: + mask = self.sparsity_config.get_non_block_layout_row(SparseAttention.block_layout[self.shape], decode_step) + out = scaled_dot_product_attention(q, k, v, mask=mask, training=self.training) + else: + if q.shape != k.shape or k.shape != v.shape: + raise Exception('SparseAttention only support self-attention') + sparse_dot_sdd_nt, sparse_dot_dsd_nn, sparse_softmax = self.get_ops() + scaling = float(q.shape[-1]) ** -0.5 + + attn_output_weights = sparse_dot_sdd_nt(q, k) + if attn_mask is not None: + attn_output_weights = attn_output_weights.masked_fill(attn_mask == 0, + float('-inf')) + attn_output_weights = sparse_softmax( + attn_output_weights, + scale=scaling + ) + + out = sparse_dot_dsd_nn(attn_output_weights, v) + + return view_range(out, 2, 3, old_shape) + + +class StridedSparsityConfig(object): + """ + Strided Sparse configuration specified in https://arxiv.org/abs/1904.10509 that + generalizes to arbitrary dimensions + """ + def __init__(self, shape, n_head, causal, block, num_local_blocks): + self.n_head = n_head + self.shape = shape + self.causal = causal + self.block = block + self.num_local_blocks = num_local_blocks + + assert self.num_local_blocks >= 1, 'Must have at least 1 local block' + assert self.seq_len % self.block == 0, 'seq len must be divisible by block size' + + self._block_shape = self._compute_block_shape() + self._block_shape_cum = self._block_shape_cum_sizes() + + @property + def seq_len(self): + return np.prod(self.shape) + + @property + def num_blocks(self): + return self.seq_len // self.block + + def set_local_layout(self, layout): + num_blocks = self.num_blocks + for row in range(0, num_blocks): + end = min(row + self.num_local_blocks, num_blocks) + for col in range( + max(0, row - self.num_local_blocks), + (row + 1 if self.causal else end)): + layout[:, row, col] = 1 + return layout + + def set_global_layout(self, layout): + num_blocks = self.num_blocks + n_dim = len(self._block_shape) + for row in range(num_blocks): + assert self._to_flattened_idx(self._to_unflattened_idx(row)) == row + cur_idx = self._to_unflattened_idx(row) + # no strided attention over last dim + for d in range(n_dim - 1): + end = self._block_shape[d] + for i in range(0, (cur_idx[d] + 1 if self.causal else end)): + new_idx = list(cur_idx) + new_idx[d] = i + new_idx = tuple(new_idx) + + col = self._to_flattened_idx(new_idx) + layout[:, row, col] = 1 + + return layout + + def make_layout(self): + layout = torch.zeros((self.n_head, self.num_blocks, self.num_blocks), dtype=torch.int64) + layout = self.set_local_layout(layout) + layout = self.set_global_layout(layout) + return layout + + def make_sparse_attn_mask(self): + block_layout = self.make_layout() + assert block_layout.shape[1] == block_layout.shape[2] == self.num_blocks + + num_dense_blocks = block_layout.sum().item() + attn_mask = torch.ones(num_dense_blocks, self.block, self.block) + counter = 0 + for h in range(self.n_head): + for i in range(self.num_blocks): + for j in range(self.num_blocks): + elem = block_layout[h, i, j].item() + if elem == 1: + assert i >= j + if i == j: # need to mask within block on diagonals + attn_mask[counter] = torch.tril(attn_mask[counter]) + counter += 1 + assert counter == num_dense_blocks + + return attn_mask.unsqueeze(0) + + def get_non_block_layout_row(self, block_layout, row): + block_row = row // self.block + block_row = block_layout[:, [block_row]] # n_head x 1 x n_blocks + block_row = block_row.repeat_interleave(self.block, dim=-1) + block_row[:, :, row + 1:] = 0. + return block_row + + ############# Helper functions ########################## + + def _compute_block_shape(self): + n_dim = len(self.shape) + cum_prod = 1 + for i in range(n_dim - 1, -1, -1): + cum_prod *= self.shape[i] + if cum_prod > self.block: + break + assert cum_prod % self.block == 0 + new_shape = (*self.shape[:i], cum_prod // self.block) + + assert np.prod(new_shape) == np.prod(self.shape) // self.block + + return new_shape + + def _block_shape_cum_sizes(self): + bs = np.flip(np.array(self._block_shape)) + return tuple(np.flip(np.cumprod(bs)[:-1])) + (1,) + + def _to_flattened_idx(self, idx): + assert len(idx) == len(self._block_shape), f"{len(idx)} != {len(self._block_shape)}" + flat_idx = 0 + for i in range(len(self._block_shape)): + flat_idx += idx[i] * self._block_shape_cum[i] + return flat_idx + + def _to_unflattened_idx(self, flat_idx): + assert flat_idx < np.prod(self._block_shape) + idx = [] + for i in range(len(self._block_shape)): + idx.append(flat_idx // self._block_shape_cum[i]) + flat_idx %= self._block_shape_cum[i] + return tuple(idx) + + +################ Spatiotemporal broadcasted positional embeddings ############### +class AddBroadcastPosEmbed(nn.Module): + def __init__(self, shape, embd_dim, dim=-1): + super().__init__() + assert dim in [-1, 1] # only first or last dim supported + self.shape = shape + self.n_dim = n_dim = len(shape) + self.embd_dim = embd_dim + self.dim = dim + + assert embd_dim % n_dim == 0, f"{embd_dim} % {n_dim} != 0" + self.emb = nn.ParameterDict({ + f'd_{i}': nn.Parameter(torch.randn(shape[i], embd_dim // n_dim) * 0.01 + if dim == -1 else + torch.randn(embd_dim // n_dim, shape[i]) * 0.01) + for i in range(n_dim) + }) + + def forward(self, x, decode_step=None, decode_idx=None): + embs = [] + for i in range(self.n_dim): + e = self.emb[f'd_{i}'] + if self.dim == -1: + # (1, 1, ..., 1, self.shape[i], 1, ..., -1) + e = e.view(1, *((1,) * i), self.shape[i], *((1,) * (self.n_dim - i - 1)), -1) + e = e.expand(1, *self.shape, -1) + else: + e = e.view(1, -1, *((1,) * i), self.shape[i], *((1,) * (self.n_dim - i - 1))) + e = e.expand(1, -1, *self.shape) + embs.append(e) + + embs = torch.cat(embs, dim=self.dim) + if decode_step is not None: + embs = tensor_slice(embs, [0, *decode_idx, 0], + [x.shape[0], *(1,) * self.n_dim, x.shape[-1]]) + + return x + embs + +################# Helper Functions ################################### +def scaled_dot_product_attention(q, k, v, mask=None, attn_dropout=0., training=True): + # Performs scaled dot-product attention over the second to last dimension dn + + # (b, n_head, d1, ..., dn, d) + attn = torch.matmul(q, k.transpose(-1, -2)) + attn = attn / np.sqrt(q.shape[-1]) + if mask is not None: + attn = attn.masked_fill(mask == 0, float('-inf')) + attn_float = F.softmax(attn, dim=-1) + attn = attn_float.type_as(attn) # b x n_head x d1 x ... x dn x d + attn = F.dropout(attn, p=attn_dropout, training=training) + + a = torch.matmul(attn, v) # b x n_head x d1 x ... x dn x d + + return a + + +class RightShift(nn.Module): + def __init__(self, embd_dim): + super().__init__() + self.embd_dim = embd_dim + self.sos = nn.Parameter(torch.FloatTensor(embd_dim).normal_(std=0.02), requires_grad=True) + + def forward(self, x, decode_step): + if decode_step is not None and decode_step > 0: + return x + + x_shape = list(x.shape) + x = x.flatten(start_dim=1, end_dim=-2) # (b, seq_len, embd_dim) + sos = torch.ones(x_shape[0], 1, self.embd_dim, dtype=torch.float32).to(self.sos) * self.sos + sos = sos.type_as(x) + x = torch.cat([sos, x[:, :-1, :]], axis=1) + x = x.view(*x_shape) + + return x + + +class GeLU2(nn.Module): + def forward(self, x): + return (1.702 * x).sigmoid() * x + + +class LayerNorm(nn.Module): + def __init__(self, embd_dim, class_cond_dim): + super().__init__() + self.conditional = class_cond_dim is not None + + if self.conditional: + self.w = nn.Linear(class_cond_dim, embd_dim, bias=False) + nn.init.constant_(self.w.weight.data, 1. / np.sqrt(class_cond_dim)) + self.wb = nn.Linear(class_cond_dim, embd_dim, bias=False) + else: + self.g = nn.Parameter(torch.ones(embd_dim, dtype=torch.float32), requires_grad=True) + self.b = nn.Parameter(torch.zeros(embd_dim, dtype=torch.float32), requires_grad=True) + + def forward(self, x, cond): + if self.conditional: # (b, cond_dim) + g = 1 + self.w(cond['class_cond']).view(x.shape[0], *(1,)*(len(x.shape)-2), x.shape[-1]) # (b, ..., embd_dim) + b = self.wb(cond['class_cond']).view(x.shape[0], *(1,)*(len(x.shape)-2), x.shape[-1]) + else: + g = self.g # (embd_dim,) + b = self.b + + x_float = x.float() + + mu = x_float.mean(dim=-1, keepdims=True) + s = (x_float - mu).square().mean(dim=-1, keepdims=True) + x_float = (x_float - mu) * (1e-5 + s.rsqrt()) # (b, ..., embd_dim) + x_float = x_float * g + b + + x = x_float.type_as(x) + return x \ No newline at end of file diff --git a/DiT_VAE/vae/data/__init__.py b/DiT_VAE/vae/data/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/DiT_VAE/vae/data/dataset_online_vae.py b/DiT_VAE/vae/data/dataset_online_vae.py new file mode 100644 index 0000000000000000000000000000000000000000..586dcc6ff32f4208c90140eca07b28e6a053aa5c --- /dev/null +++ b/DiT_VAE/vae/data/dataset_online_vae.py @@ -0,0 +1,108 @@ +import os + +import numpy +import json +import zipfile +import torch +from PIL import Image +# from transformers import CLIPImageProcessor +from torch.utils.data import Dataset +import io +from omegaconf import OmegaConf +import numpy as np +# from torchvision import transforms +# from einops import rearrange +# import random +# import os +# from diffusers import DiffusionPipeline, EulerAncestralDiscreteScheduler, DDIMScheduler +# import time +# import io +# import array +# import numpy as np +# +# from training.triplane import TriPlaneGenerator + + +def to_rgb_image(maybe_rgba: Image.Image): + if maybe_rgba.mode == 'RGB': + return maybe_rgba + elif maybe_rgba.mode == 'RGBA': + rgba = maybe_rgba + img = numpy.random.randint(127, 128, size=[rgba.size[1], rgba.size[0], 3], dtype=numpy.uint8) + img = Image.fromarray(img, 'RGB') + img.paste(rgba, mask=rgba.getchannel('A')) + return img + else: + raise ValueError("Unsupported image type.", maybe_rgba.mode) + + + +# image(contain style),z,pose,text +class TriplaneDataset(Dataset): + # image, triplane, ref_feature + def __init__(self, json_file, data_base_dir, model_names): + super().__init__() + self.dict_data_image = json.load(open(json_file)) # {'image_name': pose} + self.data_base_dir = data_base_dir + self.data_list = list(self.dict_data_image.keys()) + self.zip_file_dict = {} + config_gan_model = OmegaConf.load(model_names) + all_models = config_gan_model['gan_models'].keys() + for model_name in all_models: + zipfile_path = os.path.join(self.data_base_dir, model_name+'.zip') + zipfile_load = zipfile.ZipFile(zipfile_path) + self.zip_file_dict[model_name] = zipfile_load + + def getdata(self, idx): + # need z and expression and model name + # image:"seed0035.png" + # data_each_dict = { + # 'vert_dir': vert_dir, + # 'z_dir': z_dir, + # 'pose_dir': pose_dir, + # 'img_dir': img_dir, + # 'model_name': model_name + # } + data_name = self.data_list[idx] + data_model_name = self.dict_data_image[data_name]['model_name'] + zipfile_loaded = self.zip_file_dict[data_model_name] + # zipfile_path = os.path.join(self.data_base_dir, data_model_name) + # zipfile_loaded = zipfile.ZipFile(zipfile_path) + with zipfile_loaded.open(self.dict_data_image[data_name]['z_dir'], 'r') as f: + buffer = io.BytesIO(f.read()) + data_z = torch.load(buffer) + buffer.close() + f.close() + with zipfile_loaded.open(self.dict_data_image[data_name]['vert_dir'], 'r') as ff: + buffer_v = io.BytesIO(ff.read()) + data_vert = torch.load(buffer_v) + buffer_v.close() + ff.close() + # raw_image = to_rgb_image(Image.open(f)) + # + # data_model_name = self.dict_data_image[data_name]['model_name'] + # data_z_dir = os.path.join(self.data_base_dir, data_model_name, self.dict_data_image[data_name]['z_dir']) + # data_vert_dir = os.path.join(self.data_base_dir, data_model_name, self.dict_data_image[data_name]['vert_dir']) + # data_z = torch.load(data_z_dir) + # data_vert = torch.load(data_vert_dir) + + return { + "data_z": data_z, + "data_vert": data_vert, + "data_model_name": data_model_name + } + + def __getitem__(self, idx): + for _ in range(20): + try: + return self.getdata(idx) + except Exception as e: + print(f"Error details: {str(e)}") + idx = np.random.randint(len(self)) + raise RuntimeError('Too many bad data.') + + + def __len__(self): + return len(self.data_list) + +# for zip files diff --git a/DiT_VAE/vae/distributions.py b/DiT_VAE/vae/distributions.py new file mode 100644 index 0000000000000000000000000000000000000000..43a246c00a8b40a483048917f5e10413a6644dc5 --- /dev/null +++ b/DiT_VAE/vae/distributions.py @@ -0,0 +1,94 @@ +import torch +import numpy as np + + +class AbstractDistribution: + def sample(self): + raise NotImplementedError() + + def mode(self): + raise NotImplementedError() + + +class DiracDistribution(AbstractDistribution): + def __init__(self, value): + self.value = value + + def sample(self): + return self.value + + def mode(self): + return self.value + + +class DiagonalGaussianDistribution(object): + def __init__(self, parameters, deterministic=False): + self.parameters = parameters + self.mean, self.logvar = torch.chunk(parameters, 2, dim=1) + self.logvar = torch.clamp(self.logvar, -30.0, 20.0) + self.deterministic = deterministic + self.std = torch.exp(0.5 * self.logvar) + self.var = torch.exp(self.logvar) + if self.deterministic: + self.var = self.std = torch.zeros_like(self.mean).to(device=self.parameters.device) + + def sample(self, noise=None): + if noise is None: + noise = torch.randn(self.mean.shape) + x = self.mean + self.std * noise.to(device=self.parameters.device, dtype=self.parameters.dtype) + return x + + def kl(self, other=None): + if self.deterministic: + return torch.Tensor([0.]) + else: + if other is None: + return 0.5 * torch.sum(torch.pow(self.mean, 2) + + self.var - 1.0 - self.logvar, + dim=[1, 2, 3]) + else: + return 0.5 * torch.sum( + torch.pow(self.mean - other.mean, 2) / other.var + + self.var / other.var - 1.0 - self.logvar + other.logvar, + dim=[1, 2, 3]) + + def nll(self, sample, dims=[1,2,3]): + if self.deterministic: + return torch.Tensor([0.]) + logtwopi = np.log(2.0 * np.pi) + return 0.5 * torch.sum( + logtwopi + self.logvar + torch.pow(sample - self.mean, 2) / self.var, + dim=dims) + + def mode(self): + return self.mean + + +def normal_kl(mean1, logvar1, mean2, logvar2): + """ + source: https://github.com/openai/guided-diffusion/blob/27c20a8fab9cb472df5d6bdd6c8d11c8f430b924/guided_diffusion/losses.py#L12 + Compute the KL divergence between two gaussians. + Shapes are automatically broadcasted, so batches can be compared to + scalars, among other use cases. + """ + tensor = None + for obj in (mean1, logvar1, mean2, logvar2): + if isinstance(obj, torch.Tensor): + tensor = obj + break + assert tensor is not None, "at least one argument must be a Tensor" + + # Force variances to be Tensors. Broadcasting helps convert scalars to + # Tensors, but it does not work for torch.exp(). + logvar1, logvar2 = [ + x if isinstance(x, torch.Tensor) else torch.tensor(x).to(tensor) + for x in (logvar1, logvar2) + ] + + return 0.5 * ( + -1.0 + + logvar2 + - logvar1 + + torch.exp(logvar1 - logvar2) + + ((mean1 - mean2) ** 2) * torch.exp(-logvar2) + ) diff --git a/DiT_VAE/vae/losses/__init__.py b/DiT_VAE/vae/losses/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..7245c15fa3ccd14e777b2a74fa4cdb23eed513fa --- /dev/null +++ b/DiT_VAE/vae/losses/__init__.py @@ -0,0 +1 @@ +from .contperceptual import LPIPSithTVLoss diff --git a/DiT_VAE/vae/losses/contperceptual.py b/DiT_VAE/vae/losses/contperceptual.py new file mode 100644 index 0000000000000000000000000000000000000000..a1677d829d54cf763efa2dd1ab222f4d95a080c0 --- /dev/null +++ b/DiT_VAE/vae/losses/contperceptual.py @@ -0,0 +1,94 @@ +import torch +import torch.nn as nn +from einops import rearrange +from rendering import RenderingClass +from .lpips_loss import LPIPS + +class LPIPSithTVLoss(nn.Module): + def __init__(self, lpips_ckpt, vgg_ckpt, device, render_network_pkl, std_v, mean_v, ws_avg_pkl, logvar_init=0.0, + kl_weight=1e-5, faceloss_weight=1.0, + pixelloss_weight=1.0, depthloss_weight=0, face_feature_weight=1.0, + disc_num_layers=3, disc_in_channels=3, percep_factor=1.0, disc_weight=1.0, + perceptual_weight=1.0, use_actnorm=False, disc_conditional=False, imgloss_weight=0., + disc_loss="hinge", max_bs=None, latent_tv_weight=2e-3, use_double_norm=False, use_max_min=False, + use_std_mean=True): + + super().__init__() + self.kl_weight = kl_weight + self.face_feature_weight = face_feature_weight + self.pixel_weight = pixelloss_weight + self.face_weight = faceloss_weight + + self.depthloss_weight = depthloss_weight + self.latent_tv_weight = latent_tv_weight + self.Rendering = RenderingClass(device, render_network_pkl, ws_avg_pkl) + self.perceptual_loss = LPIPS(lpips_ckpt, vgg_ckpt).eval().to(device) + self.perceptual_weight = perceptual_weight + self.imgloss_weight = imgloss_weight + self.std_v = torch.load(std_v) + self.mean_v = torch.load(mean_v) + + self.use_std_mean = use_std_mean + self.std_v = self.std_v.reshape(1, -1, 1, 1, 1).to(device) + self.mean_v = self.mean_v.reshape(1, -1, 1, 1, 1).to(device) + self.percep_factor = percep_factor + # self.logvar = nn.Parameter(torch.ones(size=()) * logvar_init) + + def denormolize(self, inputs_rendering, reconstructions_rendering): + inputs_rendering = inputs_rendering * self.std_v + self.mean_v + reconstructions_rendering = reconstructions_rendering * self.std_v + self.mean_v + return inputs_rendering, reconstructions_rendering + + def forward(self, inputs, reconstructions, posteriors, vert_values, + split="train"): + inputs_rendering = rearrange(inputs, 'b c t h w -> b t c h w') + reconstructions_rendering = rearrange(reconstructions, 'b c t h w -> b t c h w') + + # if inputs.dim() == 5: + # inputs = rearrange(inputs, 'b c t h w -> (b t) c h w') + # if reconstructions.dim() == 5: + # reconstructions = rearrange(reconstructions, 'b c t h w -> (b t) c h w') + rec_loss = torch.abs(inputs.contiguous() - reconstructions.contiguous()) + rec_loss = torch.sum(rec_loss) / rec_loss.shape[0] + log = {"{}/rec_loss".format(split): rec_loss.detach().mean()} + loss = self.pixel_weight * rec_loss + + inputs_rendering_original, reconstructions_rendering_original = self.denormolize(inputs_rendering, + reconstructions_rendering) + + inputs_img, recon_img, inputs_depth, recon_depth, inputs_face_feature, recon_face_feature = self.Rendering.rendering_for_training( + reconstructions_rendering_original.contiguous(), + inputs_rendering_original.contiguous(), vert_values) + + if self.perceptual_weight > 0: + p_loss = self.perceptual_loss(recon_img.contiguous(), inputs_img.contiguous()) + p_loss = torch.sum(p_loss) / p_loss.shape[0] + loss += self.perceptual_weight * p_loss + log["{}/percep_loss".format(split)] = p_loss.detach().mean() + + if self.depthloss_weight > 0: + rec_loss_depth = torch.abs(recon_depth.contiguous() - inputs_depth.contiguous()) + rec_loss_depth = torch.sum(rec_loss_depth) / rec_loss_depth.shape[0] + loss += self.depthloss_weight * rec_loss_depth + log["{}/depth_loss".format(split)] = rec_loss_depth.detach().mean() + + if self.latent_tv_weight > 0: + latent = posteriors.mean + latent_tv_y = torch.abs(latent[:, :, :-1] - latent[:, :, 1:]).sum() / latent.shape[0] + latent_tv_x = torch.abs(latent[:, :, :, :-1] - latent[:, :, :, 1:]).sum() / latent.shape[0] + latent_tv_loss = latent_tv_y + latent_tv_x + loss += latent_tv_loss * self.latent_tv_weight + log["{}/tv_loss".format(split)] = latent_tv_loss.detach().mean() + + + + kl_loss = posteriors.kl() + kl_loss = torch.sum(kl_loss) / kl_loss.shape[0] + loss += kl_loss * self.kl_weight + log["{}/kl_loss".format(split)] = kl_loss.detach().mean() + + log["{}/total_loss".format(split)] = loss.detach().mean() + + return loss, log + + diff --git a/DiT_VAE/vae/losses/discriminator.py b/DiT_VAE/vae/losses/discriminator.py new file mode 100644 index 0000000000000000000000000000000000000000..62325ef5c143ebd0d04c71f6792fe15d2c774b79 --- /dev/null +++ b/DiT_VAE/vae/losses/discriminator.py @@ -0,0 +1,160 @@ +import torch +import functools +import torch.nn as nn + + +def count_params(model): + total_params = sum(p.numel() for p in model.parameters()) + return total_params + + +class ActNorm(nn.Module): + def __init__(self, num_features, logdet=False, affine=True, + allow_reverse_init=False): + assert affine + super().__init__() + self.logdet = logdet + self.loc = nn.Parameter(torch.zeros(1, num_features, 1, 1)) + self.scale = nn.Parameter(torch.ones(1, num_features, 1, 1)) + self.allow_reverse_init = allow_reverse_init + + self.register_buffer('initialized', torch.tensor(0, dtype=torch.uint8)) + + def initialize(self, input): + with torch.no_grad(): + flatten = input.permute(1, 0, 2, 3).contiguous().view(input.shape[1], -1) + mean = ( + flatten.mean(1) + .unsqueeze(1) + .unsqueeze(2) + .unsqueeze(3) + .permute(1, 0, 2, 3) + ) + std = ( + flatten.std(1) + .unsqueeze(1) + .unsqueeze(2) + .unsqueeze(3) + .permute(1, 0, 2, 3) + ) + + self.loc.data.copy_(-mean) + self.scale.data.copy_(1 / (std + 1e-6)) + + def forward(self, input, reverse=False): + if reverse: + return self.reverse(input) + if len(input.shape) == 2: + input = input[:,:,None,None] + squeeze = True + else: + squeeze = False + + _, _, height, width = input.shape + + if self.training and self.initialized.item() == 0: + self.initialize(input) + self.initialized.fill_(1) + + h = self.scale * (input + self.loc) + + if squeeze: + h = h.squeeze(-1).squeeze(-1) + + if self.logdet: + log_abs = torch.log(torch.abs(self.scale)) + logdet = height*width*torch.sum(log_abs) + logdet = logdet * torch.ones(input.shape[0]).to(input) + return h, logdet + + return h + + def reverse(self, output): + if self.training and self.initialized.item() == 0: + if not self.allow_reverse_init: + raise RuntimeError( + "Initializing ActNorm in reverse direction is " + "disabled by default. Use allow_reverse_init=True to enable." + ) + else: + self.initialize(output) + self.initialized.fill_(1) + + if len(output.shape) == 2: + output = output[:,:,None,None] + squeeze = True + else: + squeeze = False + + h = output / self.scale - self.loc + + if squeeze: + h = h.squeeze(-1).squeeze(-1) + return h + + +class Attention2DConv(nn.Module): + """to replace the convolutional architecture entirely""" + def __init__(self): + super().__init__() + +def weights_init(m): + classname = m.__class__.__name__ + if classname.find('Conv') != -1: + nn.init.normal_(m.weight.data, 0.0, 0.02) + elif classname.find('BatchNorm') != -1: + nn.init.normal_(m.weight.data, 1.0, 0.02) + nn.init.constant_(m.bias.data, 0) + + +class NLayerDiscriminator(nn.Module): + """Defines a PatchGAN discriminator as in Pix2Pix + --> see https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix/blob/master/models/networks.py + """ + def __init__(self, input_nc=3, ndf=64, n_layers=3, use_actnorm=False): + """Construct a PatchGAN discriminator + Parameters: + input_nc (int) -- the number of channels in input images + ndf (int) -- the number of filters in the last conv layer + n_layers (int) -- the number of conv layers in the discriminator + norm_layer -- normalization layer + """ + super(NLayerDiscriminator, self).__init__() + if not use_actnorm: + norm_layer = nn.BatchNorm2d + else: + norm_layer = ActNorm + if type(norm_layer) == functools.partial: # no need to use bias as BatchNorm2d has affine parameters + use_bias = norm_layer.func != nn.BatchNorm2d + else: + use_bias = norm_layer != nn.BatchNorm2d + + kw = 4 + padw = 1 + sequence = [nn.Conv2d(input_nc, ndf, kernel_size=kw, stride=2, padding=padw), nn.LeakyReLU(0.2, True)] + nf_mult = 1 + nf_mult_prev = 1 + for n in range(1, n_layers): # gradually increase the number of filters + nf_mult_prev = nf_mult + nf_mult = min(2 ** n, 8) + sequence += [ + nn.Conv2d(ndf * nf_mult_prev, ndf * nf_mult, kernel_size=kw, stride=2, padding=padw, bias=use_bias), + norm_layer(ndf * nf_mult), + nn.LeakyReLU(0.2, True) + ] + + nf_mult_prev = nf_mult + nf_mult = min(2 ** n_layers, 8) + sequence += [ + nn.Conv2d(ndf * nf_mult_prev, ndf * nf_mult, kernel_size=kw, stride=1, padding=padw, bias=use_bias), + norm_layer(ndf * nf_mult), + nn.LeakyReLU(0.2, True) + ] + + sequence += [ + nn.Conv2d(ndf * nf_mult, 1, kernel_size=kw, stride=1, padding=padw)] # output 1 channel prediction map + self.main = nn.Sequential(*sequence) + + def forward(self, input): + """Standard forward.""" + return self.main(input) diff --git a/DiT_VAE/vae/losses/lpips_loss.py b/DiT_VAE/vae/losses/lpips_loss.py new file mode 100644 index 0000000000000000000000000000000000000000..ea94b4a0032545d2efee6b9b3fe439757a1be5be --- /dev/null +++ b/DiT_VAE/vae/losses/lpips_loss.py @@ -0,0 +1,127 @@ +"""Stripped version of https://github.com/richzhang/PerceptualSimilarity/tree/master/models""" +import os.path + +import torch +import torch.nn as nn +from torchvision import models +from collections import namedtuple + +# from taming.util import get_ckpt_path + + +class LPIPS(nn.Module): + # Learned perceptual metric + def __init__(self, vgg_ckpt_path, vgg_16_ckpt, use_dropout=True): + super().__init__() + self.scaling_layer = ScalingLayer() + self.chns = [64, 128, 256, 512, 512] # vg16 features + self.net = vgg16(vgg_16_ckpt, pretrained=False, requires_grad=False) + self.lin0 = NetLinLayer(self.chns[0], use_dropout=use_dropout) + self.lin1 = NetLinLayer(self.chns[1], use_dropout=use_dropout) + self.lin2 = NetLinLayer(self.chns[2], use_dropout=use_dropout) + self.lin3 = NetLinLayer(self.chns[3], use_dropout=use_dropout) + self.lin4 = NetLinLayer(self.chns[4], use_dropout=use_dropout) + self.load_from_pretrained(vgg_ckpt_path) + for param in self.parameters(): + param.requires_grad = False + + def load_from_pretrained(self, vgg_ckpt_path, name="vgg.pth"): + ckpt = os.path.join(vgg_ckpt_path, name) + self.load_state_dict(torch.load(ckpt, map_location=torch.device("cpu")), strict=False) + print("loaded pretrained LPIPS loss from {}".format(ckpt)) + + # @classmethod + # def from_pretrained(cls, name="vgg_lpips"): + # if name is not "vgg_lpips": + # raise NotImplementedError + # model = cls() + # ckpt = get_ckpt_path(name) + # model.load_state_dict(torch.load(ckpt, map_location=torch.device("cpu")), strict=False) + # return model + + def forward(self, input, target): + in0_input, in1_input = (self.scaling_layer(input), self.scaling_layer(target)) + outs0, outs1 = self.net(in0_input), self.net(in1_input) + feats0, feats1, diffs = {}, {}, {} + lins = [self.lin0, self.lin1, self.lin2, self.lin3, self.lin4] + for kk in range(len(self.chns)): + feats0[kk], feats1[kk] = normalize_tensor(outs0[kk]), normalize_tensor(outs1[kk]) + diffs[kk] = (feats0[kk] - feats1[kk]) ** 2 + + res = [spatial_average(lins[kk].model(diffs[kk]), keepdim=True) for kk in range(len(self.chns))] + val = res[0] + for l in range(1, len(self.chns)): + val += res[l] + return val + + +class ScalingLayer(nn.Module): + def __init__(self): + super(ScalingLayer, self).__init__() + self.register_buffer('shift', torch.Tensor([-.030, -.088, -.188])[None, :, None, None]) + self.register_buffer('scale', torch.Tensor([.458, .448, .450])[None, :, None, None]) + + def forward(self, inp): + return (inp - self.shift) / self.scale + + +class NetLinLayer(nn.Module): + """ A single linear layer which does a 1x1 conv """ + def __init__(self, chn_in, chn_out=1, use_dropout=False): + super(NetLinLayer, self).__init__() + layers = [nn.Dropout(), ] if (use_dropout) else [] + layers += [nn.Conv2d(chn_in, chn_out, 1, stride=1, padding=0, bias=False), ] + self.model = nn.Sequential(*layers) + + +class vgg16(torch.nn.Module): + def __init__(self, vgg_16_ckpt, requires_grad=False, pretrained=False): + super(vgg16, self).__init__() + vgg_model = models.vgg16(pretrained=pretrained) + vgg_model.load_state_dict(torch.load(vgg_16_ckpt)) + vgg_pretrained_features = vgg_model.features + + self.slice1 = torch.nn.Sequential() + self.slice2 = torch.nn.Sequential() + self.slice3 = torch.nn.Sequential() + self.slice4 = torch.nn.Sequential() + self.slice5 = torch.nn.Sequential() + self.N_slices = 5 + for x in range(4): + self.slice1.add_module(str(x), vgg_pretrained_features[x]) + for x in range(4, 9): + self.slice2.add_module(str(x), vgg_pretrained_features[x]) + for x in range(9, 16): + self.slice3.add_module(str(x), vgg_pretrained_features[x]) + for x in range(16, 23): + self.slice4.add_module(str(x), vgg_pretrained_features[x]) + for x in range(23, 30): + self.slice5.add_module(str(x), vgg_pretrained_features[x]) + if not requires_grad: + for param in self.parameters(): + param.requires_grad = False + + def forward(self, X): + h = self.slice1(X) + h_relu1_2 = h + h = self.slice2(h) + h_relu2_2 = h + h = self.slice3(h) + h_relu3_3 = h + h = self.slice4(h) + h_relu4_3 = h + h = self.slice5(h) + h_relu5_3 = h + vgg_outputs = namedtuple("VggOutputs", ['relu1_2', 'relu2_2', 'relu3_3', 'relu4_3', 'relu5_3']) + out = vgg_outputs(h_relu1_2, h_relu2_2, h_relu3_3, h_relu4_3, h_relu5_3) + return out + + +def normalize_tensor(x,eps=1e-10): + norm_factor = torch.sqrt(torch.sum(x**2,dim=1,keepdim=True)) + return x/(norm_factor+eps) + + +def spatial_average(x, keepdim=True): + return x.mean([2,3],keepdim=keepdim) + diff --git a/DiT_VAE/vae/resampler.py b/DiT_VAE/vae/resampler.py new file mode 100644 index 0000000000000000000000000000000000000000..4521c8c3e6f17caf4547c3dd84118da760e5179f --- /dev/null +++ b/DiT_VAE/vae/resampler.py @@ -0,0 +1,121 @@ +# modified from https://github.com/mlfoundations/open_flamingo/blob/main/open_flamingo/src/helpers.py +import math + +import torch +import torch.nn as nn + + +# FFN +def FeedForward(dim, mult=4): + inner_dim = int(dim * mult) + return nn.Sequential( + nn.LayerNorm(dim), + nn.Linear(dim, inner_dim, bias=False), + nn.GELU(), + nn.Linear(inner_dim, dim, bias=False), + ) + + +def reshape_tensor(x, heads): + bs, length, width = x.shape + #(bs, length, width) --> (bs, length, n_heads, dim_per_head) + x = x.view(bs, length, heads, -1) + # (bs, length, n_heads, dim_per_head) --> (bs, n_heads, length, dim_per_head) + x = x.transpose(1, 2) + # (bs, n_heads, length, dim_per_head) --> (bs*n_heads, length, dim_per_head) + x = x.reshape(bs, heads, length, -1) + return x + + +class PerceiverAttention(nn.Module): + def __init__(self, *, dim, dim_head=64, heads=8): + super().__init__() + self.scale = dim_head**-0.5 + self.dim_head = dim_head + self.heads = heads + inner_dim = dim_head * heads + + self.norm1 = nn.LayerNorm(dim) + self.norm2 = nn.LayerNorm(dim) + + self.to_q = nn.Linear(dim, inner_dim, bias=False) + self.to_kv = nn.Linear(dim, inner_dim * 2, bias=False) + self.to_out = nn.Linear(inner_dim, dim, bias=False) + + + def forward(self, x, latents): + """ + Args: + x (torch.Tensor): image features + shape (b, n1, D) + latent (torch.Tensor): latent features + shape (b, n2, D) + """ + x = self.norm1(x) + latents = self.norm2(latents) + + b, l, _ = latents.shape + + q = self.to_q(latents) + kv_input = torch.cat((x, latents), dim=-2) + k, v = self.to_kv(kv_input).chunk(2, dim=-1) + + q = reshape_tensor(q, self.heads) + k = reshape_tensor(k, self.heads) + v = reshape_tensor(v, self.heads) + + # attention + scale = 1 / math.sqrt(math.sqrt(self.dim_head)) + weight = (q * scale) @ (k * scale).transpose(-2, -1) # More stable with f16 than dividing afterwards + weight = torch.softmax(weight.float(), dim=-1).type(weight.dtype) + out = weight @ v + + out = out.permute(0, 2, 1, 3).reshape(b, l, -1) + + return self.to_out(out) + + +class Resampler(nn.Module): + def __init__( + self, + dim=1024, + depth=8, + dim_head=64, + heads=16, + num_queries=8, + embedding_dim=768, + output_dim=1024, + ff_mult=4, + ): + super().__init__() + + self.latents = nn.Parameter(torch.randn(1, num_queries, dim) / dim**0.5) + + self.proj_in = nn.Linear(embedding_dim, dim) + + self.proj_out = nn.Linear(dim, output_dim) + self.norm_out = nn.LayerNorm(output_dim) + + self.layers = nn.ModuleList([]) + for _ in range(depth): + self.layers.append( + nn.ModuleList( + [ + PerceiverAttention(dim=dim, dim_head=dim_head, heads=heads), + FeedForward(dim=dim, mult=ff_mult), + ] + ) + ) + + def forward(self, x): + + latents = self.latents.repeat(x.size(0), 1, 1) + + x = self.proj_in(x) + + for attn, ff in self.layers: + latents = attn(x, latents) + latents + latents = ff(latents) + latents + + latents = self.proj_out(latents) + return self.norm_out(latents) \ No newline at end of file diff --git a/DiT_VAE/vae/triplane_vae.py b/DiT_VAE/vae/triplane_vae.py new file mode 100644 index 0000000000000000000000000000000000000000..1ede4e52d3961ae246f66117f95b8468195fa3bf --- /dev/null +++ b/DiT_VAE/vae/triplane_vae.py @@ -0,0 +1,296 @@ +import torch +import torch.nn.functional as F +from .aemodules3d import SamePadConv3d +from .utils.common_utils import instantiate_from_config +from .distributions import DiagonalGaussianDistribution +from einops import rearrange + +def conv3d(in_channels, out_channels, kernel_size, conv3d_type='SamePadConv3d'): + if conv3d_type == 'SamePadConv3d': + return SamePadConv3d(in_channels, out_channels, kernel_size=kernel_size, padding_type='replicate') + else: + raise NotImplementedError + + +class AutoencoderKL(torch.nn.Module): + def __init__(self, + ddconfig, + lossconfig, + embed_dim, + ckpt_path=None, + ignore_keys=[], + image_key="image", + monitor=None, + std=1., + mean=0., + prob=0.2, + ): + super().__init__() + self.image_key = image_key + self.encoder = instantiate_from_config(ddconfig['encoder']) + self.decoder = instantiate_from_config(ddconfig['decoder']) + # self.loss = instantiate_from_config(lossconfig) + assert ddconfig["double_z"] + self.quant_conv = conv3d(2 * ddconfig["z_channels"], 2 * embed_dim, 1) + self.post_quant_conv = conv3d(embed_dim, ddconfig["z_channels"], 1) + self.embed_dim = embed_dim + self.std = std + self.mean = mean + self.prob = prob + if monitor is not None: + self.monitor = monitor + if ckpt_path is not None: + self.init_from_ckpt(ckpt_path, ignore_keys=ignore_keys) + + def init_from_ckpt(self, path, ignore_keys=list()): + sd = torch.load(path, map_location="cpu") + try: + self._cur_epoch = sd['epoch'] + sd = sd["state_dict"] + except: + pass + keys = list(sd.keys()) + for k in keys: + for ik in ignore_keys: + if k.startswith(ik): + print("Deleting key {} from state_dict.".format(k)) + del sd[k] + self.load_state_dict(sd, strict=False) + print(f"Restored from {path}") + + def encode(self, x, **kwargs): + h = self.encoder(x) + moments = self.quant_conv(h) + posterior = DiagonalGaussianDistribution(moments) + return posterior + + def decode(self, z, **kwargs): + z = self.post_quant_conv(z) + dec = self.decoder(z) + return dec + + def forward(self, input, sample_posterior=True, **kwargs): + posterior = self.encode(input) + if sample_posterior: + z = posterior.sample() + else: + z = posterior.mode() + dec = self.decode(z) + return dec, posterior + + def get_input(self, batch, k): + x = batch[k] + if len(x.shape) == 4: + x = x[..., None] + x = x.to(memory_format=torch.contiguous_format).float() + return x + + # def training_step(self, inputs): + # + # reconstructions, posterior = self(inputs) + # aeloss, log_dict_ae = self.loss(inputs, reconstructions, posterior, + # last_layer=self.get_last_layer(), split="train") + # + # return aeloss, log_dict_ae + + # def validation_step(self, batch, batch_idx): + # inputs = self.get_input(batch, self.image_key) + # reconstructions, posterior = self(inputs) + # aeloss, log_dict_ae = self.loss(inputs, reconstructions, posterior, 0, self.global_step, + # last_layer=self.get_last_layer(), split="val") + # + # discloss, log_dict_disc = self.loss(inputs, reconstructions, posterior, 1, self.global_step, + # last_layer=self.get_last_layer(), split="val") + # + # self.log("val/rec_loss", log_dict_ae["val/rec_loss"]) + # self.log_dict(log_dict_ae) + # self.log_dict(log_dict_disc) + # return self.log_dict + + def configure_optimizers(self): + lr = self.learning_rate + opt_ae = torch.optim.Adam(list(self.encoder.parameters()) + + list(self.decoder.parameters()) + + list(self.quant_conv.parameters()) + + list(self.post_quant_conv.parameters()), + lr=lr, betas=(0.5, 0.9)) + opt_disc = torch.optim.Adam(self.loss.discriminator.parameters(), + lr=lr, betas=(0.5, 0.9)) + return [opt_ae, opt_disc], [] + + def get_last_layer(self): + return self.decoder.conv_out.weight + + @torch.no_grad() + def log_images(self, batch, only_inputs=False, **kwargs): + log = dict() + x = self.get_input(batch, self.image_key) + x = x.to(self.device) + if not only_inputs: + xrec, posterior = self(x) + if x.shape[1] > 3: + # colorize with random projection + assert xrec.shape[1] > 3 + x = self.to_rgb(x) + xrec = self.to_rgb(xrec) + log["samples"] = self.decode(torch.randn_like(posterior.sample())) + log["reconstructions"] = xrec + log["inputs"] = x + return log + + def to_rgb(self, x): + assert self.image_key == "segmentation" + if not hasattr(self, "colorize"): + self.register_buffer("colorize", torch.randn(3, x.shape[1], 1, 1).to(x)) + x = F.conv2d(x, weight=self.colorize) + x = 2. * (x - x.min()) / (x.max() - x.min()) - 1. + return x + + +class AutoencoderKLRollOut(torch.nn.Module): + def __init__(self, + ddconfig, + lossconfig, + embed_dim, + ckpt_path=None, + ignore_keys=[], + image_key="image", + monitor=None, + std=1., + mean=0., + prob=0.2, + ): + super().__init__() + self.image_key = image_key + self.encoder = instantiate_from_config(ddconfig['encoder']) + self.decoder = instantiate_from_config(ddconfig['decoder']) + # self.loss = instantiate_from_config(lossconfig) + assert ddconfig["double_z"] + self.quant_conv = torch.nn.Conv2d(2*ddconfig["z_channels"], 2*embed_dim, 1) + self.post_quant_conv = torch.nn.Conv2d(embed_dim, ddconfig["z_channels"], 1) + self.embed_dim = embed_dim + self.std = std + self.mean = mean + self.prob = prob + if monitor is not None: + self.monitor = monitor + if ckpt_path is not None: + self.init_from_ckpt(ckpt_path, ignore_keys=ignore_keys) + + def init_from_ckpt(self, path, ignore_keys=list()): + sd = torch.load(path, map_location="cpu") + try: + self._cur_epoch = sd['epoch'] + sd = sd["state_dict"] + except: + pass + keys = list(sd.keys()) + for k in keys: + for ik in ignore_keys: + if k.startswith(ik): + print("Deleting key {} from state_dict.".format(k)) + del sd[k] + self.load_state_dict(sd, strict=False) + print(f"Restored from {path}") + def rollout(self, triplane): + + triplane = rearrange(triplane, "b c f h w -> b f c h w") + b, f, c, h, w = triplane.shape + triplane = triplane.permute(0, 2, 3, 1, 4).reshape(-1, c, h, f * w) + return triplane + def unrollout(self, triplane): + res = triplane.shape[-2] + ch = triplane.shape[1] + triplane = triplane.reshape(-1, ch // 3, res, 3, res).permute(0, 3, 1, 2, 4).reshape(-1, 3, ch, res, res) + triplane = rearrange(triplane, "b f c h w -> b c f h w") + return triplane + + def encode(self, x, **kwargs): + h = self.encoder(x) + moments = self.quant_conv(h) + posterior = DiagonalGaussianDistribution(moments) + return posterior + + def decode(self, z, **kwargs): + z = self.post_quant_conv(z) + dec = self.decoder(z) + return dec + + def forward(self, input, sample_posterior=True, **kwargs): + + posterior = self.encode(input) + if sample_posterior: + z = posterior.sample() + else: + z = posterior.mode() + dec = self.decode(z) + return dec, posterior + + def get_input(self, batch, k): + x = batch[k] + if len(x.shape) == 4: + x = x[..., None] + x = x.to(memory_format=torch.contiguous_format).float() + return x + + # def training_step(self, inputs): + # + # reconstructions, posterior = self(inputs) + # aeloss, log_dict_ae = self.loss(inputs, reconstructions, posterior, + # last_layer=self.get_last_layer(), split="train") + # + # return aeloss, log_dict_ae + + # def validation_step(self, batch, batch_idx): + # inputs = self.get_input(batch, self.image_key) + # reconstructions, posterior = self(inputs) + # aeloss, log_dict_ae = self.loss(inputs, reconstructions, posterior, 0, self.global_step, + # last_layer=self.get_last_layer(), split="val") + # + # discloss, log_dict_disc = self.loss(inputs, reconstructions, posterior, 1, self.global_step, + # last_layer=self.get_last_layer(), split="val") + # + # self.log("val/rec_loss", log_dict_ae["val/rec_loss"]) + # self.log_dict(log_dict_ae) + # self.log_dict(log_dict_disc) + # return self.log_dict + + def configure_optimizers(self): + lr = self.learning_rate + opt_ae = torch.optim.Adam(list(self.encoder.parameters()) + + list(self.decoder.parameters()) + + list(self.quant_conv.parameters()) + + list(self.post_quant_conv.parameters()), + lr=lr, betas=(0.5, 0.9)) + opt_disc = torch.optim.Adam(self.loss.discriminator.parameters(), + lr=lr, betas=(0.5, 0.9)) + return [opt_ae, opt_disc], [] + + def get_last_layer(self): + return self.decoder.conv_out.weight + + @torch.no_grad() + def log_images(self, batch, only_inputs=False, **kwargs): + log = dict() + x = self.get_input(batch, self.image_key) + x = x.to(self.device) + if not only_inputs: + xrec, posterior = self(x) + if x.shape[1] > 3: + # colorize with random projection + assert xrec.shape[1] > 3 + x = self.to_rgb(x) + xrec = self.to_rgb(xrec) + log["samples"] = self.decode(torch.randn_like(posterior.sample())) + log["reconstructions"] = xrec + log["inputs"] = x + return log + + def to_rgb(self, x): + assert self.image_key == "segmentation" + if not hasattr(self, "colorize"): + self.register_buffer("colorize", torch.randn(3, x.shape[1], 1, 1).to(x)) + x = F.conv2d(x, weight=self.colorize) + x = 2. * (x - x.min()) / (x.max() - x.min()) - 1. + return x + diff --git a/DiT_VAE/vae/utils/callbacks.py b/DiT_VAE/vae/utils/callbacks.py new file mode 100644 index 0000000000000000000000000000000000000000..6c591acce64b059f1e2ff8819c76833218c33001 --- /dev/null +++ b/DiT_VAE/vae/utils/callbacks.py @@ -0,0 +1,347 @@ +import logging +import time, os +import numpy as np +from PIL import Image +from einops import rearrange +from omegaconf import OmegaConf + +import torch +import torchvision +import pytorch_lightning as pl +from pytorch_lightning.callbacks import Callback +from pytorch_lightning.utilities.distributed import rank_zero_only +from pytorch_lightning.callbacks import Callback +from pytorch_lightning.utilities import rank_zero_info +from pytorch_lightning.callbacks import ModelCheckpoint, Callback, LearningRateMonitor +# --------------------------------------------------------------------------------- +class ImageLogger(Callback): + def __init__(self, batch_frequency, max_images, clamp=True, increase_log_steps=True, + rescale=True, disabled=False, log_on_batch_idx=False, log_first_step=False, + fps=10, log_to_tblogger=True, + ): + super().__init__() + self.rescale = rescale + self.batch_freq = batch_frequency + self.max_images = max_images + if int((pl.__version__).split('.')[1])>=7: + self.logger_log_images = { + pl.loggers.CSVLogger: self._testtube, + } + else: + self.logger_log_images = { + pl.loggers.TestTubeLogger: self._testtube, + } + self.log_steps = [2 ** n for n in range(int(np.log2(self.batch_freq)) + 1)] + if not increase_log_steps: + self.log_steps = [self.batch_freq] + self.clamp = clamp + self.disabled = disabled + self.log_on_batch_idx = log_on_batch_idx + self.log_first_step = log_first_step + self.log_to_tblogger = log_to_tblogger + self.save_fps = fps + + + @rank_zero_only + def _testtube(self, pl_module, images, batch_idx, split): + """ log images and videos to tensorboard """ + + for k in images: + tag = f"{split}/{k}" + if images[k].dim() == 5: + video = images[k] + n = video.shape[0] + video = video.permute(2, 0, 1, 3, 4) + frame_grids = [torchvision.utils.make_grid(framesheet, nrow=int(np.sqrt(n))) for framesheet in video] + grid = torch.stack(frame_grids, dim=0) + grid = (grid + 1.0) / 2.0 + grid = grid.unsqueeze(dim=0) + pl_module.logger.experiment.add_video( + tag, grid, + global_step=pl_module.global_step) + else: + grid = torchvision.utils.make_grid(images[k]) + grid = (grid + 1.0) / 2.0 + pl_module.logger.experiment.add_image( + tag, grid, + global_step=pl_module.global_step) + + @rank_zero_only + def log_local(self, save_dir, split, images, + global_step, current_epoch, batch_idx, rank_idx): + """ save images and videos from images dict """ + + root = os.path.join(save_dir, "images", split) + os.makedirs(root, exist_ok=True) + + def save_img_grid(grid, path, rescale): + if rescale: + grid = (grid + 1.0) / 2.0 + grid = grid.transpose(0, 1).transpose(1, 2).squeeze(-1) + grid = grid.numpy() + grid = (grid * 255).astype(np.uint8) + os.makedirs(os.path.split(path)[0], exist_ok=True) + Image.fromarray(grid).save(path) + fps = images.pop('fps', None) + fs = images.pop('frame_stride', None) + + for k in images: + img = images[k] + if isinstance(img, list) and isinstance(img[0], str): + # a batch of captions + filename = "string_{}_gs-{:06}_e-{:06}_b-{:06}_r-{:02}.txt".format( + k, + global_step, + current_epoch, + batch_idx, + rank_idx, + ) + path = os.path.join(root, filename) + with open(path, 'w') as f: + for i, txt in enumerate(img): + f.write(f'idx={i}, txt={txt}\n') + f.close() + elif img.dim() == 5: + # save video grids + video = img # b,c,t,h,w + n = video.shape[0] + video = video.permute(2, 0, 1, 3, 4) # t,n,c,h,w + frame_grids = [torchvision.utils.make_grid(framesheet, nrow=int(np.sqrt(n))) for framesheet in video] # [3, grid_h, grid_w] + grid = torch.stack(frame_grids, dim=0) # stack in temporal dim [T, 3, grid_h, grid_w] + if self.rescale: + grid = (grid + 1.0) / 2.0 + grid = (grid * 255).to(torch.uint8).permute(0, 2, 3, 1) # [T, 3, grid_h, grid_w] -> [T, grid_h, grid_w, 3] + filename = "video_{}_gs-{:06}_e-{:06}_b-{:06}_r-{:02}.mp4".format( + k, + global_step, + current_epoch, + batch_idx, + rank_idx, + ) + filename = filename.split('.mp4')[0] + f'_fps{fps}.mp4' if fps is not None else filename + filename = filename.split('.mp4')[0] + f'_fs{fs}.mp4' if fs is not None else filename + path = os.path.join(root, filename) + print('Save video ...') + torchvision.io.write_video(path, grid, fps=self.save_fps, video_codec='h264', options={'crf': '10'}) + print('Finish!') + + # save frame sheet + video_frames = rearrange(img, 'b c t h w -> (b t) c h w') + t = img.shape[2] + grid = torchvision.utils.make_grid(video_frames, nrow=t) + filename = "framesheet_{}_gs-{:06}_e-{:06}_b-{:06}_r-{:02}.jpg".format( + k, + global_step, + current_epoch, + batch_idx, + rank_idx, + ) + path = os.path.join(root, filename) + print('Save framesheet ...') + save_img_grid(grid, path, self.rescale) + print('Finish!') + else: + grid = torchvision.utils.make_grid(img, nrow=4) + filename = "{}_gs-{:06}_e-{:06}_b-{:06}_r-{:02}.jpg".format( + k, + global_step, + current_epoch, + batch_idx, + rank_idx, + ) + path = os.path.join(root, filename) + print('Save image grid ...') + save_img_grid(grid, path, self.rescale) + print('Finish!') + + @rank_zero_only + def log_img(self, pl_module, batch, batch_idx, split="train", rank=0): + """ generate images, then save and log to tensorboard """ + + check_idx = batch_idx if self.log_on_batch_idx else pl_module.global_step + + if (self.check_frequency(check_idx) and + hasattr(pl_module, "log_images") and + callable(pl_module.log_images) and + self.max_images > 0): + logger = type(pl_module.logger) + + is_train = pl_module.training + if is_train: + pl_module.eval() + torch.cuda.empty_cache() + + with torch.no_grad(): + log_func = pl_module.log_videos if hasattr(pl_module, 'is_video') and pl_module.is_video else pl_module.log_images + images = log_func(batch, split=split) + torch.cuda.empty_cache() + + # process images + for k in images: + if hasattr(images[k], 'shape'): + N = min(images[k].shape[0], self.max_images) + images[k] = images[k][:N] + if isinstance(images[k], torch.Tensor): + images[k] = images[k].detach().cpu() + if self.clamp: + images[k] = torch.clamp(images[k], -1., 1.) + + print("Log local ...") + self.log_local(pl_module.logger.save_dir, split, images, + pl_module.global_step, pl_module.current_epoch, + batch_idx, rank) + if self.log_to_tblogger: + print("Log images to logger ...") + logger_log_images = self.logger_log_images.get(logger, lambda *args, **kwargs: None) + logger_log_images(pl_module, images, pl_module.global_step, split) + print('Finish!') + + if is_train: + pl_module.train() + + def check_frequency(self, check_idx): + if ((check_idx % self.batch_freq) == 0 or (check_idx in self.log_steps)) and ( + check_idx > 0 or self.log_first_step): + try: + self.log_steps.pop(0) + except IndexError as e: + print(e) + pass + return True + return False + + def on_train_batch_end(self, trainer, pl_module, outputs, batch, batch_idx, dataloader_idx=None): + if not self.disabled and (pl_module.global_step > 0 or self.log_first_step): + self.log_img(pl_module, batch, batch_idx, split="train", rank=trainer.global_rank) + + def on_validation_batch_end(self, trainer, pl_module, outputs, batch, batch_idx, dataloader_idx=None): + if not self.disabled and pl_module.global_step > 0: + self.log_img(pl_module, batch, batch_idx, split="val", rank=trainer.global_rank) + if hasattr(pl_module, 'calibrate_grad_norm'): + if (pl_module.calibrate_grad_norm and batch_idx % 25 == 0) and batch_idx > 0: + self.log_gradients(trainer, pl_module, batch_idx=batch_idx) + +# --------------------------------------------------------------------------------- +class CUDACallback(Callback): + def on_train_epoch_start(self, trainer, pl_module): + # Reset the memory use counter + # lightning update + if int((pl.__version__).split('.')[1])>=7: + gpu_index = trainer.strategy.root_device.index + else: + gpu_index = trainer.root_gpu + torch.cuda.reset_peak_memory_stats(gpu_index) + torch.cuda.synchronize(gpu_index) + self.start_time = time.time() + + def on_train_epoch_end(self, trainer, pl_module): + if int((pl.__version__).split('.')[1])>=7: + gpu_index = trainer.strategy.root_device.index + else: + gpu_index = trainer.root_gpu + torch.cuda.synchronize(gpu_index) + max_memory = torch.cuda.max_memory_allocated(gpu_index) / 2 ** 20 + epoch_time = time.time() - self.start_time + + try: + max_memory = trainer.training_type_plugin.reduce(max_memory) + epoch_time = trainer.training_type_plugin.reduce(epoch_time) + rank_zero_info(f"Average Epoch time: {epoch_time:.2f} seconds") + rank_zero_info(f"Average Peak memory {max_memory:.2f}MiB") + except AttributeError: + pass + + +# --------------------------------------------------------------------------------- +# for lower lighting +class SetupCallback_low(Callback): + def __init__(self, resume, now, logdir, ckptdir, cfgdir, config, lightning_config, auto_resume, save_ptl_log=False): + super().__init__() + self.resume = resume + self.now = now + self.logdir = logdir + self.ckptdir = ckptdir + self.cfgdir = cfgdir + self.config = config + self.lightning_config = lightning_config + self.auto_resume = auto_resume + self.save_ptl_log = save_ptl_log + + def on_keyboard_interrupt(self, trainer, pl_module): + if trainer.global_rank == 0: + print("Summoning checkpoint.") + ckpt_path = os.path.join(self.ckptdir, "last_summoning.ckpt") + trainer.save_checkpoint(ckpt_path) + + # for old version lightning + def on_pretrain_routine_start(self, trainer, pl_module): + if trainer.global_rank == 0: + # Create logdirs and save configs + os.makedirs(self.logdir, exist_ok=True) + os.makedirs(self.ckptdir, exist_ok=True) + os.makedirs(self.cfgdir, exist_ok=True) + + if self.save_ptl_log: + logger = logging.getLogger("pytorch_lightning") + logger.addHandler(logging.FileHandler(os.path.join(self.logdir, "ptl_log.log"))) + + if "callbacks" in self.lightning_config: + if 'metrics_over_trainsteps_checkpoint' in self.lightning_config['callbacks']: + os.makedirs(os.path.join(self.ckptdir, 'trainstep_checkpoints'), exist_ok=True) + print("Project config") + print(OmegaConf.to_yaml(self.config)) + OmegaConf.save(self.config, + os.path.join(self.cfgdir, "{}-project.yaml".format(self.now))) + + print("Lightning config") + print(OmegaConf.to_yaml(self.lightning_config)) + OmegaConf.save(OmegaConf.create({"lightning": self.lightning_config}), + os.path.join(self.cfgdir, "{}-lightning.yaml".format(self.now))) + + else: + pass + +# for higher lighting +class SetupCallback_high(Callback): + def __init__(self, resume, now, logdir, ckptdir, cfgdir, config, lightning_config, auto_resume, save_ptl_log=False): + super().__init__() + self.resume = resume + self.now = now + self.logdir = logdir + self.ckptdir = ckptdir + self.cfgdir = cfgdir + self.config = config + self.lightning_config = lightning_config + self.auto_resume = auto_resume + self.save_ptl_log = save_ptl_log + + def on_keyboard_interrupt(self, trainer, pl_module): + if trainer.global_rank == 0: + print("Summoning checkpoint.") + ckpt_path = os.path.join(self.ckptdir, "last_summoning.ckpt") + trainer.save_checkpoint(ckpt_path) + + # RuntimeError: The `Callback.on_pretrain_routine_start` hook was removed in v1.8. Please use `Callback.on_fit_start` instead. + def on_fit_start(self, trainer, pl_module): + if trainer.global_rank == 0: + # Create logdirs and save configs + os.makedirs(self.logdir, exist_ok=True) + os.makedirs(self.ckptdir, exist_ok=True) + os.makedirs(self.cfgdir, exist_ok=True) + + if self.save_ptl_log: + logger = logging.getLogger("pytorch_lightning") + logger.addHandler(logging.FileHandler(os.path.join(self.logdir, "ptl_log.log"))) + + if "callbacks" in self.lightning_config: + if 'metrics_over_trainsteps_checkpoint' in self.lightning_config['callbacks']: + os.makedirs(os.path.join(self.ckptdir, 'trainstep_checkpoints'), exist_ok=True) + print("Project config") + print(OmegaConf.to_yaml(self.config)) + OmegaConf.save(self.config, + os.path.join(self.cfgdir, "{}-project.yaml".format(self.now))) + + print("Lightning config") + print(OmegaConf.to_yaml(self.lightning_config)) + OmegaConf.save(OmegaConf.create({"lightning": self.lightning_config}), + os.path.join(self.cfgdir, "{}-lightning.yaml".format(self.now))) diff --git a/DiT_VAE/vae/utils/common_utils.py b/DiT_VAE/vae/utils/common_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..904a144172e39fea75afa988896b4a18065463a5 --- /dev/null +++ b/DiT_VAE/vae/utils/common_utils.py @@ -0,0 +1,149 @@ +import os +import importlib +import numpy as np +from inspect import isfunction + +import torch + + +def shape_to_str(x): + shape_str = "x".join([str(x) for x in x.shape]) + return shape_str + + +def str2bool(v): + if isinstance(v, bool): + return v + if v.lower() in ('yes', 'true', 't', 'y', '1'): + return True + elif v.lower() in ('no', 'false', 'f', 'n', '0'): + return False + else: + raise ValueError('Boolean value expected.') + + +def get_obj_from_str(string, reload=False): + module, cls = string.rsplit(".", 1) + + if reload: + module_imp = importlib.import_module(module) + importlib.reload(module_imp) + return getattr(importlib.import_module(module, package=None), cls) + + +def instantiate_from_config(config): + if not "target" in config: + if config == '__is_first_stage__': + return None + elif config == "__is_unconditional__": + return None + raise KeyError("Expected key `target` to instantiate.") + + return get_obj_from_str(config["target"])(**config.get("params", dict())) + + +def shift_dim(x, src_dim=-1, dest_dim=-1, make_contiguous=True): + """ Shifts src_tf dim to dest dim + i.e. shift_dim(x, 1, -1) would be (b, c, t, h, w) -> (b, t, h, w, c) + """ + n_dims = len(x.shape) + if src_dim < 0: + src_dim = n_dims + src_dim + if dest_dim < 0: + dest_dim = n_dims + dest_dim + + assert 0 <= src_dim < n_dims and 0 <= dest_dim < n_dims + + dims = list(range(n_dims)) + del dims[src_dim] + + permutation = [] + ctr = 0 + for i in range(n_dims): + if i == dest_dim: + permutation.append(src_dim) + else: + permutation.append(dims[ctr]) + ctr += 1 + x = x.permute(permutation) + if make_contiguous: + x = x.contiguous() + return x + + +def torch_to_np(x): + sample = x.detach().cpu() + sample = ((sample + 1) * 127.5).clamp(0, 255).to(torch.uint8) + if sample.dim() == 5: + sample = sample.permute(0, 2, 3, 4, 1) + else: + sample = sample.permute(0, 2, 3, 1) + sample = sample.contiguous().numpy() + return sample + + +def np_to_torch_video(x): + x = torch.tensor(x).permute(3, 0, 1, 2).float() # [t,h,w,c] -> [c,t,h,w] + x = (x / 255 - 0.5) * 2 + return x + + +def load_npz_from_dir(data_dir): + data = [np.load(os.path.join(data_dir, data_name))['arr_0'] for data_name in os.listdir(data_dir)] + data = np.concatenate(data, axis=0) + return data + + +def load_npz_from_paths(data_paths): + data = [np.load(data_path)['arr_0'] for data_path in data_paths] + data = np.concatenate(data, axis=0) + return data + + +def ismap(x): + if not isinstance(x, torch.Tensor): + return False + return (len(x.shape) == 4) and (x.shape[1] > 3) + + +def isimage(x): + if not isinstance(x,torch.Tensor): + return False + return (len(x.shape) == 4) and (x.shape[1] == 3 or x.shape[1] == 1) + + +def exists(x): + return x is not None + + +def default(val, d): + if exists(val): + return val + return d() if isfunction(d) else d + + +def mean_flat(tensor): + """ + https://github.com/openai/guided-diffusion/blob/27c20a8fab9cb472df5d6bdd6c8d11c8f430b924/guided_diffusion/nn.py#L86 + Take the mean over all non-batch dimensions. + """ + return tensor.mean(dim=list(range(1, len(tensor.shape)))) + + +def count_params(model, verbose=False): + total_params = sum(p.numel() for p in model.parameters()) + if verbose: + print(f"{model.__class__.__name__} has {total_params*1.e-6:.2f} M params.") + return total_params + + +def check_istarget(name, para_list): + """ + name: full name of source para + para_list: partial name of target para + """ + istarget=False + for para in para_list: + if para in name: + return True + return istarget \ No newline at end of file diff --git a/DiT_VAE/vae/utils/dist_utils.py b/DiT_VAE/vae/utils/dist_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..b084f9a1ce5b912e3664d677e1e1d6d072b93c2c --- /dev/null +++ b/DiT_VAE/vae/utils/dist_utils.py @@ -0,0 +1,19 @@ +import torch +import torch.distributed as dist + +def setup_dist(local_rank): + if dist.is_initialized(): + return + torch.cuda.set_device(local_rank) + torch.distributed.init_process_group( + 'nccl', + init_method='env://' + ) + +def gather_data(data, return_np=True): + ''' gather data from multiple processes to one list ''' + data_list = [torch.zeros_like(data) for _ in range(dist.get_world_size())] + dist.all_gather(data_list, data) + if return_np: + data_list = [data.cpu().numpy() for data in data_list] + return data_list diff --git a/DiT_VAE/vae/utils/log.py b/DiT_VAE/vae/utils/log.py new file mode 100644 index 0000000000000000000000000000000000000000..5e459da92cd08345411d80ae19285f77463eab80 --- /dev/null +++ b/DiT_VAE/vae/utils/log.py @@ -0,0 +1,78 @@ +import os +import logging +import multiprocessing as mproc +import types + +#: number of available CPUs on this computer +CPU_COUNT = int(mproc.cpu_count()) +#: default date-time format +FORMAT_DATE_TIME = '%Y%m%d-%H%M%S' +#: default logging tile +FILE_LOGS = 'logging.log' +#: default logging template - log location/source for logging to file +STR_LOG_FORMAT = '%(asctime)s:%(levelname)s@%(filename)s:%(processName)s - %(message)s' +#: default logging template - date-time for logging to file +LOG_FILE_FORMAT = logging.Formatter(STR_LOG_FORMAT, datefmt="%H:%M:%S") +#: define all types to be assume list like +ITERABLE_TYPES = (list, tuple, types.GeneratorType) +def release_logger_files(): + """ close all handlers to a file + >>> release_logger_files() + >>> len([1 for lh in logging.getLogger().handlers + ... if type(lh) is logging.FileHandler]) + 0 + """ + for hl in logging.getLogger().handlers: + if isinstance(hl, logging.FileHandler): + hl.close() + logging.getLogger().removeHandler(hl) + +def set_experiment_logger(path_out, file_name=FILE_LOGS, reset=True): + """ set the logger to file + :param str path_out: path to the output folder + :param str file_name: log file name + :param bool reset: reset all previous logging into a file + >>> set_experiment_logger('.') + >>> len([1 for lh in logging.getLogger().handlers + ... if type(lh) is logging.FileHandler]) + 1 + >>> release_logger_files() + >>> os.remove(FILE_LOGS) + """ + log = logging.getLogger() + log.setLevel(logging.DEBUG) + + if reset: + release_logger_files() + path_logger = os.path.join(path_out, file_name) + fh = logging.FileHandler(path_logger) + fh.setLevel(logging.DEBUG) + fh.setFormatter(LOG_FILE_FORMAT) + log.addHandler(fh) + +def set_ptl_logger(path_out, phase, file_name="ptl.log", reset=True): + """ set the logger to file + :param str path_out: path to the output folder + :param str file_name: log file name + :param bool reset: reset all previous logging into a file + >>> set_experiment_logger('.') + >>> len([1 for lh in logging.getLogger().handlers + ... if type(lh) is logging.FileHandler]) + 1 + >>> release_logger_files() + >>> os.remove(FILE_LOGS) + """ + file_name = f"ptl_{phase}.log" + level = logging.INFO + log = logging.getLogger("pytorch_lightning") + log.setLevel(level) + + if reset: + release_logger_files() + + path_logger = os.path.join(path_out, file_name) + fh = logging.FileHandler(path_logger) + fh.setLevel(level) + fh.setFormatter(LOG_FILE_FORMAT) + + log.addHandler(fh) diff --git a/DiT_VAE/vae/utils/saving_utils.py b/DiT_VAE/vae/utils/saving_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..7bc2995cdcfb350cc160f6950b7ad17ea94ad8f7 --- /dev/null +++ b/DiT_VAE/vae/utils/saving_utils.py @@ -0,0 +1,295 @@ +import os +import sys +sys.path.insert(1, os.path.join(sys.path[0], '..')) +import cv2 +import os +import time +import imageio +import numpy as np +from PIL import Image +from tqdm import tqdm +from PIL import Image, ImageDraw, ImageFont + +import torch +import torchvision +from torch import Tensor +from torchvision.utils import make_grid +from torchvision.transforms.functional import to_tensor + + +def tensor_to_mp4(video, savepath, fps, rescale=True, nrow=None): + """ + video: torch.Tensor, b,c,t,h,w, 0-1 + if -1~1, enable rescale=True + """ + n = video.shape[0] + video = video.permute(2, 0, 1, 3, 4) # t,n,c,h,w + nrow = int(np.sqrt(n)) if nrow is None else nrow + frame_grids = [torchvision.utils.make_grid(framesheet, nrow=nrow) for framesheet in video] # [3, grid_h, grid_w] + grid = torch.stack(frame_grids, dim=0) # stack in temporal dim [T, 3, grid_h, grid_w] + grid = torch.clamp(grid.float(), -1., 1.) + if rescale: + grid = (grid + 1.0) / 2.0 + grid = (grid * 255).to(torch.uint8).permute(0, 2, 3, 1) # [T, 3, grid_h, grid_w] -> [T, grid_h, grid_w, 3] + #print(f'Save video to {savepath}') + torchvision.io.write_video(savepath, grid, fps=fps, video_codec='h264', options={'crf': '10'}) + +# ---------------------------------------------------------------------------------------------- +def savenp2sheet(imgs, savepath, nrow=None): + """ save multiple imgs (in numpy array type) to a img sheet. + img sheet is one row. + + imgs: + np array of size [N, H, W, 3] or List[array] with array size = [H,W,3] + """ + if imgs.ndim == 4: + img_list = [imgs[i] for i in range(imgs.shape[0])] + imgs = img_list + + imgs_new = [] + for i, img in enumerate(imgs): + if img.ndim == 3 and img.shape[0] == 3: + img = np.transpose(img,(1,2,0)) + + assert(img.ndim == 3 and img.shape[-1] == 3), img.shape # h,w,3 + img = cv2.cvtColor(img, cv2.COLOR_RGB2BGR) + imgs_new.append(img) + n = len(imgs) + if nrow is not None: + n_cols = nrow + else: + n_cols=int(n**0.5) + n_rows=int(np.ceil(n/n_cols)) + print(n_cols) + print(n_rows) + + imgsheet = cv2.vconcat([cv2.hconcat(imgs_new[i*n_cols:(i+1)*n_cols]) for i in range(n_rows)]) + cv2.imwrite(savepath, imgsheet) + print(f'saved in {savepath}') + +# ---------------------------------------------------------------------------------------------- +def save_np_to_img(img, path, norm=True): + if norm: + img = (img + 1) / 2 * 255 + img = img.astype(np.uint8) + image = Image.fromarray(img) + image.save(path, q=95) + +# ---------------------------------------------------------------------------------------------- +def npz_to_imgsheet_5d(data_path, res_dir, nrow=None,): + if isinstance(data_path, str): + imgs = np.load(data_path)['arr_0'] # NTHWC + elif isinstance(data_path, np.ndarray): + imgs = data_path + else: + raise Exception + + if os.path.isdir(res_dir): + res_path = os.path.join(res_dir, f'samples.jpg') + else: + assert(res_dir.endswith('.jpg')) + res_path = res_dir + imgs = np.concatenate([imgs[i] for i in range(imgs.shape[0])], axis=0) + savenp2sheet(imgs, res_path, nrow=nrow) + +# ---------------------------------------------------------------------------------------------- +def npz_to_imgsheet_4d(data_path, res_path, nrow=None,): + if isinstance(data_path, str): + imgs = np.load(data_path)['arr_0'] # NHWC + elif isinstance(data_path, np.ndarray): + imgs = data_path + else: + raise Exception + print(imgs.shape) + savenp2sheet(imgs, res_path, nrow=nrow) + + +# ---------------------------------------------------------------------------------------------- +def tensor_to_imgsheet(tensor, save_path): + """ + save a batch of videos in one image sheet with shape of [batch_size * num_frames]. + data: [b,c,t,h,w] + """ + assert(tensor.dim() == 5) + b,c,t,h,w = tensor.shape + imgs = [tensor[bi,:,ti, :, :] for bi in range(b) for ti in range(t)] + torchvision.utils.save_image(imgs, save_path, normalize=True, nrow=t) + + +# ---------------------------------------------------------------------------------------------- +def npz_to_frames(data_path, res_dir, norm, num_frames=None, num_samples=None): + start = time.time() + arr = np.load(data_path) + imgs = arr['arr_0'] # [N, T, H, W, 3] + print('original data shape: ', imgs.shape) + + if num_samples is not None: + imgs = imgs[:num_samples, :, :, :, :] + print('after sample selection: ', imgs.shape) + + if num_frames is not None: + imgs = imgs[:, :num_frames, :, :, :] + print('after frame selection: ', imgs.shape) + + for vid in tqdm(range(imgs.shape[0]), desc='Video'): + video_dir = os.path.join(res_dir, f'video{vid:04d}') + os.makedirs(video_dir, exist_ok=True) + for fid in range(imgs.shape[1]): + frame = imgs[vid, fid, :, :, :] #HW3 + save_np_to_img(frame, os.path.join(video_dir, f'frame{fid:04d}.jpg'), norm=norm) + print('Finish') + print(f'Total time = {time.time()- start}') + +# ---------------------------------------------------------------------------------------------- +def npz_to_gifs(data_path, res_dir, duration=0.2, start_idx=0, num_videos=None, mode='gif'): + os.makedirs(res_dir, exist_ok=True) + if isinstance(data_path, str): + imgs = np.load(data_path)['arr_0'] # NTHWC + elif isinstance(data_path, np.ndarray): + imgs = data_path + else: + raise Exception + + for i in range(imgs.shape[0]): + frames = [imgs[i,j,:,:,:] for j in range(imgs[i].shape[0])] # [(h,w,3)] + if mode == 'gif': + imageio.mimwrite(os.path.join(res_dir, f'samples_{start_idx+i}.gif'), frames, format='GIF', duration=duration) + elif mode == 'mp4': + frames = [torch.from_numpy(frame) for frame in frames] + frames = torch.stack(frames, dim=0).to(torch.uint8) # [T, H, W, C] + torchvision.io.write_video(os.path.join(res_dir, f'samples_{start_idx+i}.mp4'), + frames, fps=0.5, video_codec='h264', options={'crf': '10'}) + if i+ 1 == num_videos: + break + +# ---------------------------------------------------------------------------------------------- +def fill_with_black_squares(video, desired_len: int) -> Tensor: + if len(video) >= desired_len: + return video + + return torch.cat([ + video, + torch.zeros_like(video[0]).unsqueeze(0).repeat(desired_len - len(video), 1, 1, 1), + ], dim=0) + +# ---------------------------------------------------------------------------------------------- +def load_num_videos(data_path, num_videos): + # data_path can be either data_path of np array + if isinstance(data_path, str): + videos = np.load(data_path)['arr_0'] # NTHWC + elif isinstance(data_path, np.ndarray): + videos = data_path + else: + raise Exception + + if num_videos is not None: + videos = videos[:num_videos, :, :, :, :] + return videos + +# ---------------------------------------------------------------------------------------------- +def npz_to_video_grid(data_path, out_path, num_frames=None, fps=8, num_videos=None, nrow=None, verbose=True): + if isinstance(data_path, str): + videos = load_num_videos(data_path, num_videos) + elif isinstance(data_path, np.ndarray): + videos = data_path + else: + raise Exception + n,t,h,w,c = videos.shape + + videos_th = [] + for i in range(n): + video = videos[i, :,:,:,:] + images = [video[j, :,:,:] for j in range(t)] + images = [to_tensor(img) for img in images] + video = torch.stack(images) + videos_th.append(video) + + if num_frames is None: + num_frames = videos.shape[1] + if verbose: + videos = [fill_with_black_squares(v, num_frames) for v in tqdm(videos_th, desc='Adding empty frames')] # NTCHW + else: + videos = [fill_with_black_squares(v, num_frames) for v in videos_th] # NTCHW + + frame_grids = torch.stack(videos).permute(1, 0, 2, 3, 4) # [T, N, C, H, W] + if nrow is None: + nrow = int(np.ceil(np.sqrt(n))) + if verbose: + frame_grids = [make_grid(fs, nrow=nrow) for fs in tqdm(frame_grids, desc='Making grids')] + else: + frame_grids = [make_grid(fs, nrow=nrow) for fs in frame_grids] + + if os.path.dirname(out_path) != "": + os.makedirs(os.path.dirname(out_path), exist_ok=True) + frame_grids = (torch.stack(frame_grids) * 255).to(torch.uint8).permute(0, 2, 3, 1) # [T, H, W, C] + torchvision.io.write_video(out_path, frame_grids, fps=fps, video_codec='h264', options={'crf': '10'}) + +# ---------------------------------------------------------------------------------------------- +def npz_to_gif_grid(data_path, out_path, n_cols=None, num_videos=20): + arr = np.load(data_path) + imgs = arr['arr_0'] # [N, T, H, W, 3] + imgs = imgs[:num_videos] + n, t, h, w, c = imgs.shape + assert(n == num_videos) + n_cols = n_cols if n_cols else imgs.shape[0] + n_rows = np.ceil(imgs.shape[0] / n_cols).astype(np.int8) + H, W = h * n_rows, w * n_cols + grid = np.zeros((t, H, W, c), dtype=np.uint8) + + for i in range(n_rows): + for j in range(n_cols): + if i*n_cols+j < imgs.shape[0]: + grid[:, i*h:(i+1)*h, j*w:(j+1)*w, :] = imgs[i*n_cols+j, :, :, :, :] + + videos = [grid[i] for i in range(grid.shape[0])] # grid: TH'W'C + imageio.mimwrite(out_path, videos, format='GIF', duration=0.5,palettesize=256) + + +# ---------------------------------------------------------------------------------------------- +def torch_to_video_grid(videos, out_path, num_frames, fps, num_videos=None, nrow=None, verbose=True): + """ + videos: -1 ~ 1, torch.Tensor, BCTHW + """ + n,t,h,w,c = videos.shape + videos_th = [videos[i, ...] for i in range(n)] + if verbose: + videos = [fill_with_black_squares(v, num_frames) for v in tqdm(videos_th, desc='Adding empty frames')] # NTCHW + else: + videos = [fill_with_black_squares(v, num_frames) for v in videos_th] # NTCHW + + frame_grids = torch.stack(videos).permute(1, 0, 2, 3, 4) # [T, N, C, H, W] + if nrow is None: + nrow = int(np.ceil(np.sqrt(n))) + if verbose: + frame_grids = [make_grid(fs, nrow=nrow) for fs in tqdm(frame_grids, desc='Making grids')] + else: + frame_grids = [make_grid(fs, nrow=nrow) for fs in frame_grids] + + if os.path.dirname(out_path) != "": + os.makedirs(os.path.dirname(out_path), exist_ok=True) + frame_grids = ((torch.stack(frame_grids) + 1) / 2 * 255).to(torch.uint8).permute(0, 2, 3, 1) # [T, H, W, C] + torchvision.io.write_video(out_path, frame_grids, fps=fps, video_codec='h264', options={'crf': '10'}) + + +def log_txt_as_img(wh, xc, size=10): + # wh a tuple of (width, height) + # xc a list of captions to plot + b = len(xc) + txts = list() + for bi in range(b): + txt = Image.new("RGB", wh, color="white") + draw = ImageDraw.Draw(txt) + font = ImageFont.truetype('data/DejaVuSans.ttf', size=size) + nc = int(40 * (wh[0] / 256)) + lines = "\n".join(xc[bi][start:start + nc] for start in range(0, len(xc[bi]), nc)) + + try: + draw.text((0, 0), lines, fill="black", font=font) + except UnicodeEncodeError: + print("Cant encode string for logging. Skipping.") + + txt = np.array(txt).transpose(2, 0, 1) / 127.5 - 1.0 + txts.append(txt) + txts = np.stack(txts) + txts = torch.tensor(txts) + return txts diff --git a/Next3d/__init__.py b/Next3d/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/Next3d/multi_domains_gan_train.py b/Next3d/multi_domains_gan_train.py new file mode 100644 index 0000000000000000000000000000000000000000..53e03fb0321984122d52cb962a5b32a05d0dc6c1 --- /dev/null +++ b/Next3d/multi_domains_gan_train.py @@ -0,0 +1,3 @@ +# TODO: Implement model training and evaluation. +# This script will load data, train a deep learning model, and evaluate its performance. +# Future improvements may include hyperparameter tuning and multi-GPU training. \ No newline at end of file diff --git a/Next3d/training_avatar_texture/__init__.py b/Next3d/training_avatar_texture/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/Next3d/training_avatar_texture/camera_utils.py b/Next3d/training_avatar_texture/camera_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..083ce473167cec0aa37207ae55740b9b8c7f1bb8 --- /dev/null +++ b/Next3d/training_avatar_texture/camera_utils.py @@ -0,0 +1,149 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +""" +Helper functions for constructing camera parameter matrices. Primarily used in visualization and inference scripts. +""" + +import math + +import torch +import torch.nn as nn + +from .volumetric_rendering import math_utils + +class GaussianCameraPoseSampler: + """ + Samples pitch and yaw from a Gaussian distribution and returns a camera pose. + Camera is specified as looking at the origin. + If horizontal and vertical stddev (specified in radians) are zero, gives a + deterministic camera pose with yaw=horizontal_mean, pitch=vertical_mean. + The coordinate system is specified with y-up, z-forward, x-left. + Horizontal mean is the azimuthal angle (rotation around y axis) in radians, + vertical mean is the polar angle (angle from the y axis) in radians. + A point along the z-axis has azimuthal_angle=0, polar_angle=pi/2. + + Example: + For a camera pose looking at the origin with the camera at position [0, 0, 1]: + cam2world = GaussianCameraPoseSampler.sample(math.pi/2, math.pi/2, radius=1) + """ + + @staticmethod + def sample(horizontal_mean, vertical_mean, horizontal_stddev=0, vertical_stddev=0, radius=1, batch_size=1, device='cpu'): + h = torch.randn((batch_size, 1), device=device) * horizontal_stddev + horizontal_mean + v = torch.randn((batch_size, 1), device=device) * vertical_stddev + vertical_mean + v = torch.clamp(v, 1e-5, math.pi - 1e-5) + + theta = h + v = v / math.pi + phi = torch.arccos(1 - 2*v) + + camera_origins = torch.zeros((batch_size, 3), device=device) + + camera_origins[:, 0:1] = radius*torch.sin(phi) * torch.cos(math.pi-theta) + camera_origins[:, 2:3] = radius*torch.sin(phi) * torch.sin(math.pi-theta) + camera_origins[:, 1:2] = radius*torch.cos(phi) + + forward_vectors = math_utils.normalize_vecs(-camera_origins) + return create_cam2world_matrix(forward_vectors, camera_origins) + + +class LookAtPoseSampler: + """ + Same as GaussianCameraPoseSampler, except the + camera is specified as looking at 'lookat_position', a 3-vector. + + Example: + For a camera pose looking at the origin with the camera at position [0, 0, 1]: + cam2world = LookAtPoseSampler.sample(math.pi/2, math.pi/2, torch.tensor([0, 0, 0]), radius=1) + """ + + @staticmethod + def sample(horizontal_mean, vertical_mean, lookat_position, horizontal_stddev=0, vertical_stddev=0, radius=1, batch_size=1, device='cpu'): + h = torch.randn((batch_size, 1), device=device) * horizontal_stddev + horizontal_mean + v = torch.randn((batch_size, 1), device=device) * vertical_stddev + vertical_mean + v = torch.clamp(v, 1e-5, math.pi - 1e-5) + + theta = h + v = v / math.pi + phi = torch.arccos(1 - 2*v) + + camera_origins = torch.zeros((batch_size, 3), device=device) + + camera_origins[:, 0:1] = radius*torch.sin(phi) * torch.cos(math.pi-theta) + camera_origins[:, 2:3] = radius*torch.sin(phi) * torch.sin(math.pi-theta) + camera_origins[:, 1:2] = radius*torch.cos(phi) + + # forward_vectors = math_utils.normalize_vecs(-camera_origins) + forward_vectors = math_utils.normalize_vecs(lookat_position - camera_origins) + return create_cam2world_matrix(forward_vectors, camera_origins) + +class UniformCameraPoseSampler: + """ + Same as GaussianCameraPoseSampler, except the + pose is sampled from a uniform distribution with range +-[horizontal/vertical]_stddev. + + Example: + For a batch of random camera poses looking at the origin with yaw sampled from [-pi/2, +pi/2] radians: + + cam2worlds = UniformCameraPoseSampler.sample(math.pi/2, math.pi/2, horizontal_stddev=math.pi/2, radius=1, batch_size=16) + """ + + @staticmethod + def sample(horizontal_mean, vertical_mean, horizontal_stddev=0, vertical_stddev=0, radius=1, batch_size=1, device='cpu'): + h = (torch.rand((batch_size, 1), device=device) * 2 - 1) * horizontal_stddev + horizontal_mean + v = (torch.rand((batch_size, 1), device=device) * 2 - 1) * vertical_stddev + vertical_mean + v = torch.clamp(v, 1e-5, math.pi - 1e-5) + + theta = h + v = v / math.pi + phi = torch.arccos(1 - 2*v) + + camera_origins = torch.zeros((batch_size, 3), device=device) + + camera_origins[:, 0:1] = radius*torch.sin(phi) * torch.cos(math.pi-theta) + camera_origins[:, 2:3] = radius*torch.sin(phi) * torch.sin(math.pi-theta) + camera_origins[:, 1:2] = radius*torch.cos(phi) + + forward_vectors = math_utils.normalize_vecs(-camera_origins) + return create_cam2world_matrix(forward_vectors, camera_origins) + +def create_cam2world_matrix(forward_vector, origin): + """ + Takes in the direction the camera is pointing and the camera origin and returns a cam2world matrix. + Works on batches of forward_vectors, origins. Assumes y-axis is up and that there is no camera roll. + """ + + forward_vector = math_utils.normalize_vecs(forward_vector) + up_vector = torch.tensor([0, 1, 0], dtype=torch.float, device=origin.device).expand_as(forward_vector) + + right_vector = -math_utils.normalize_vecs(torch.cross(up_vector, forward_vector, dim=-1)) + up_vector = math_utils.normalize_vecs(torch.cross(forward_vector, right_vector, dim=-1)) + + rotation_matrix = torch.eye(4, device=origin.device).unsqueeze(0).repeat(forward_vector.shape[0], 1, 1) + rotation_matrix[:, :3, :3] = torch.stack((right_vector, up_vector, forward_vector), axis=-1) + + translation_matrix = torch.eye(4, device=origin.device).unsqueeze(0).repeat(forward_vector.shape[0], 1, 1) + translation_matrix[:, :3, 3] = origin + cam2world = (translation_matrix @ rotation_matrix)[:, :, :] + assert(cam2world.shape[1:] == (4, 4)) + return cam2world + + +def FOV_to_intrinsics(fov_degrees, device='cpu'): + """ + Creates a 3x3 camera intrinsics matrix from the camera field of view, specified in degrees. + Note the intrinsics are returned as normalized by image size, rather than in pixel units. + Assumes principal point is at image center. + """ + + focal_length = float(1 / (math.tan(fov_degrees * 3.14159 / 360) * 1.414)) + intrinsics = torch.tensor([[focal_length, 0, 0.5], [0, focal_length, 0.5], [0, 0, 1]], device=device) + return intrinsics \ No newline at end of file diff --git a/Next3d/training_avatar_texture/networks_stylegan2.py b/Next3d/training_avatar_texture/networks_stylegan2.py new file mode 100644 index 0000000000000000000000000000000000000000..3eeee5b65d5ccea04e05f3dc8a164c4304b1a0f3 --- /dev/null +++ b/Next3d/training_avatar_texture/networks_stylegan2.py @@ -0,0 +1,786 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Network architectures from the paper +"Analyzing and Improving the Image Quality of StyleGAN". +Matches the original implementation of configs E-F by Karras et al. at +https://github.com/NVlabs/stylegan2/blob/master/training/networks_stylegan2.py""" + +import numpy as np +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_resample +from torch_utils.ops import upfirdn2d +from torch_utils.ops import bias_act +from torch_utils.ops import fma + +#---------------------------------------------------------------------------- + +def normalize_2nd_moment(x, dim=1, eps=1e-8): + return x * (x.square().mean(dim=dim, keepdim=True) + eps).rsqrt() + +#---------------------------------------------------------------------------- + +def modulated_conv2d( + x, # Input tensor of shape [batch_size, in_channels, in_height, in_width]. + weight, # Weight tensor of shape [out_channels, in_channels, kernel_height, kernel_width]. + styles, # Modulation coefficients of shape [batch_size, in_channels]. + noise = None, # Optional noise tensor to add to the output activations. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + padding = 0, # Padding with respect to the upsampled image. + resample_filter = None, # Low-pass filter to apply when resampling activations. Must be prepared beforehand by calling upfirdn2d.setup_filter(). + demodulate = True, # Apply weight demodulation? + flip_weight = True, # False = convolution, True = correlation (matches torch.nn.functional.conv2d). + fused_modconv = True, # Perform modulation, convolution, and demodulation as a single fused operation? +): + batch_size = x.shape[0] + out_channels, in_channels, kh, kw = weight.shape + misc.assert_shape(weight, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(styles, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs to avoid FP16 overflow. + if x.dtype == torch.float16 and demodulate: + weight = weight * (1 / np.sqrt(in_channels * kh * kw) / weight.norm(float('inf'), dim=[1,2,3], keepdim=True)) # max_Ikk + styles = styles / styles.norm(float('inf'), dim=1, keepdim=True) # max_I + + # Calculate per-sample weights and demodulation coefficients. + w = None + dcoefs = None + if demodulate or fused_modconv: + w = weight.unsqueeze(0) # [NOIkk] + w = w * styles.reshape(batch_size, 1, -1, 1, 1) # [NOIkk] + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + if demodulate and fused_modconv: + w = w * dcoefs.reshape(batch_size, -1, 1, 1, 1) # [NOIkk] + + # Execute by scaling the activations before and after the convolution. + if not fused_modconv: + x = x * styles.to(x.dtype).reshape(batch_size, -1, 1, 1) + x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight) + if demodulate and noise is not None: + x = fma.fma(x, dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1), noise.to(x.dtype)) + elif demodulate: + x = x * dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1) + elif noise is not None: + x = x.add_(noise.to(x.dtype)) + return x + + # Execute as one fused op using grouped convolution. + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(batch_size) + misc.assert_shape(x, [batch_size, in_channels, None, None]) + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, groups=batch_size, flip_weight=flip_weight) + x = x.reshape(batch_size, -1, *x.shape[2:]) + if noise is not None: + x = x.add_(noise) + return x + +#---------------------------------------------------------------------------- + +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 1, # Learning rate multiplier. + bias_init = 0, # Initial value for the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) / lr_multiplier) + self.bias = torch.nn.Parameter(torch.full([out_features], np.float32(bias_init))) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +class Conv2dLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + kernel_size, # Width and height of the convolution kernel. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output to +-X, None = disable clamping. + channels_last = False, # Expect the input to have memory_format=channels_last? + trainable = True, # Update the weights of this layer during training? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.activation = activation + self.up = up + self.down = down + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + self.act_gain = bias_act.activation_funcs[activation].def_gain + + memory_format = torch.channels_last if channels_last else torch.contiguous_format + weight = torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format) + bias = torch.zeros([out_channels]) if bias else None + if trainable: + self.weight = torch.nn.Parameter(weight) + self.bias = torch.nn.Parameter(bias) if bias is not None else None + else: + self.register_buffer('weight', weight) + if bias is not None: + self.register_buffer('bias', bias) + else: + self.bias = None + + def forward(self, x, gain=1): + w = self.weight * self.weight_gain + b = self.bias.to(x.dtype) if self.bias is not None else None + flip_weight = (self.up == 1) # slightly faster + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=self.resample_filter, up=self.up, down=self.down, padding=self.padding, flip_weight=flip_weight) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, b, act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, activation={self.activation:s},', + f'up={self.up}, down={self.down}']) + +#---------------------------------------------------------------------------- + +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality, 0 = no latent. + c_dim, # Conditioning label (C) dimensionality, 0 = no label. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output, None = do not broadcast. + num_layers = 8, # Number of mapping layers. + embed_features = None, # Label embedding dimensionality, None = same as w_dim. + layer_features = None, # Number of intermediate features in the mapping layers, None = same as w_dim. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training, None = do not track. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + if embed_features is None: + embed_features = w_dim + if c_dim == 0: + embed_features = 0 + if layer_features is None: + layer_features = w_dim + features_list = [z_dim + embed_features] + [layer_features] * (num_layers - 1) + [w_dim] + + if c_dim > 0: + self.embed = FullyConnectedLayer(c_dim, embed_features) + for idx in range(num_layers): + in_features = features_list[idx] + out_features = features_list[idx + 1] + layer = FullyConnectedLayer(in_features, out_features, activation=activation, lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + + if num_ws is not None and w_avg_beta is not None: + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + # Embed, normalize, and concat inputs. + x = None + with torch.autograd.profiler.record_function('input'): + if self.z_dim > 0: + misc.assert_shape(z, [None, self.z_dim]) + x = normalize_2nd_moment(z.to(torch.float32)) + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = normalize_2nd_moment(self.embed(c.to(torch.float32))) + x = torch.cat([x, y], dim=1) if x is not None else y + + # Main layers. + for idx in range(self.num_layers): + layer = getattr(self, f'fc{idx}') + x = layer(x) + + # Update moving average of W. + if update_emas and self.w_avg_beta is not None: + with torch.autograd.profiler.record_function('update_w_avg'): + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast. + if self.num_ws is not None: + with torch.autograd.profiler.record_function('broadcast'): + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + + # Apply truncation. + if truncation_psi != 1: + with torch.autograd.profiler.record_function('truncate'): + assert self.w_avg_beta is not None + if self.num_ws is None or truncation_cutoff is None: + x = self.w_avg.lerp(x, truncation_psi) + else: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + +class SynthesisLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this layer. + kernel_size = 3, # Convolution kernel size. + up = 1, # Integer upsampling factor. + use_noise = True, # Enable noise input? + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + channels_last = False, # Use channels_last format for the weights? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.resolution = resolution + self.up = up + self.use_noise = use_noise + self.activation = activation + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.act_gain = bias_act.activation_funcs[activation].def_gain + + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + if use_noise: + self.register_buffer('noise_const', torch.randn([resolution, resolution])) + self.noise_strength = torch.nn.Parameter(torch.zeros([])) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + + def forward(self, x, w, noise_mode='random', fused_modconv=True, gain=1): + assert noise_mode in ['random', 'const', 'none'] + in_resolution = self.resolution // self.up + misc.assert_shape(x, [None, self.in_channels, in_resolution, in_resolution]) + styles = self.affine(w) + + noise = None + if self.use_noise and noise_mode == 'random': + noise = torch.randn([x.shape[0], 1, self.resolution, self.resolution], device=x.device) * self.noise_strength + if self.use_noise and noise_mode == 'const': + noise = self.noise_const * self.noise_strength + + flip_weight = (self.up == 1) # slightly faster + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, noise=noise, up=self.up, + padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, self.bias.to(x.dtype), act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d},', + f'resolution={self.resolution:d}, up={self.up}, activation={self.activation:s}']) + +#---------------------------------------------------------------------------- + +class ToRGBLayer(torch.nn.Module): + def __init__(self, in_channels, out_channels, w_dim, kernel_size=1, conv_clamp=None, channels_last=False): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.conv_clamp = conv_clamp + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + + def forward(self, x, w, fused_modconv=True): + styles = self.affine(w) * self.weight_gain + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, demodulate=False, fused_modconv=fused_modconv) + x = bias_act.bias_act(x, self.bias.to(x.dtype), clamp=self.conv_clamp) + return x + + def extra_repr(self): + return f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d}' + +#---------------------------------------------------------------------------- + +class SynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + self.num_ws = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res // 2] if res > 4 else 0 + out_channels = channels_dict[res] + use_fp16 = (res >= fp16_resolution) + is_last = (res == self.img_resolution) + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res}', block) + + def forward(self, ws, **block_kwargs): + block_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + block_ws.append(ws.narrow(1, w_idx, block.num_conv + block.num_torgb)) + w_idx += block.num_conv + + x = img = None + for res, cur_ws in zip(self.block_resolutions, block_ws): + block = getattr(self, f'b{res}') + x, img = block(x, img, cur_ws, **block_kwargs) + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_ws = -1, # Sepcific number of ws for mapping network + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + if mapping_ws == -1: + mapping_ws = self.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=mapping_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#---------------------------------------------------------------------------- + +class DiscriminatorBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + tmp_channels, # Number of intermediate channels. + out_channels, # Number of output channels. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + first_layer_idx, # Index of the first layer. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + freeze_layers = 0, # Freeze-D: Number of layers to freeze. + ): + assert in_channels in [0, tmp_channels] + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.resolution = resolution + self.img_channels = img_channels + self.first_layer_idx = first_layer_idx + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + + self.num_layers = 0 + def trainable_gen(): + while True: + layer_idx = self.first_layer_idx + self.num_layers + trainable = (layer_idx >= freeze_layers) + self.num_layers += 1 + yield trainable + trainable_iter = trainable_gen() + + if in_channels == 0 or architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, tmp_channels, kernel_size=1, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv0 = Conv2dLayer(tmp_channels, tmp_channels, kernel_size=3, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv1 = Conv2dLayer(tmp_channels, out_channels, kernel_size=3, activation=activation, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last) + + if architecture == 'resnet': + self.skip = Conv2dLayer(tmp_channels, out_channels, kernel_size=1, bias=False, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, force_fp32=False): + if (x if x is not None else img).device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + + # Input. + if x is not None: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # FromRGB. + if self.in_channels == 0 or self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + y = self.fromrgb(img) + x = x + y if x is not None else y + img = upfirdn2d.downsample2d(img, self.resample_filter) if self.architecture == 'skip' else None + + # Main layers. + if self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x) + x = self.conv1(x, gain=np.sqrt(0.5)) + x = y.add_(x) + else: + x = self.conv0(x) + x = self.conv1(x) + + assert x.dtype == dtype + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +class MinibatchStdLayer(torch.nn.Module): + def __init__(self, group_size, num_channels=1): + super().__init__() + self.group_size = group_size + self.num_channels = num_channels + + def forward(self, x): + N, C, H, W = x.shape + with misc.suppress_tracer_warnings(): # as_tensor results are registered as constants + G = torch.min(torch.as_tensor(self.group_size), torch.as_tensor(N)) if self.group_size is not None else N + F = self.num_channels + c = C // F + + y = x.reshape(G, -1, F, c, H, W) # [GnFcHW] Split minibatch N into n groups of size G, and channels C into F groups of size c. + y = y - y.mean(dim=0) # [GnFcHW] Subtract mean over group. + y = y.square().mean(dim=0) # [nFcHW] Calc variance over group. + y = (y + 1e-8).sqrt() # [nFcHW] Calc stddev over group. + y = y.mean(dim=[2,3,4]) # [nF] Take average over channels and pixels. + y = y.reshape(-1, F, 1, 1) # [nF11] Add missing dimensions. + y = y.repeat(G, 1, H, W) # [NFHW] Replicate over group and pixels. + x = torch.cat([x, y], dim=1) # [NCHW] Append to input as new channels. + return x + + def extra_repr(self): + return f'group_size={self.group_size}, num_channels={self.num_channels:d}' + +#---------------------------------------------------------------------------- + +class DiscriminatorEpilogue(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + cmap_dim, # Dimensionality of mapped conditioning label, 0 = no label. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + mbstd_group_size = 4, # Group size for the minibatch standard deviation layer, None = entire minibatch. + mbstd_num_channels = 1, # Number of features for the minibatch standard deviation layer, 0 = disable. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.cmap_dim = cmap_dim + self.resolution = resolution + self.img_channels = img_channels + self.architecture = architecture + + if architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, in_channels, kernel_size=1, activation=activation) + self.mbstd = MinibatchStdLayer(group_size=mbstd_group_size, num_channels=mbstd_num_channels) if mbstd_num_channels > 0 else None + self.conv = Conv2dLayer(in_channels + mbstd_num_channels, in_channels, kernel_size=3, activation=activation, conv_clamp=conv_clamp) + self.fc = FullyConnectedLayer(in_channels * (resolution ** 2), in_channels, activation=activation) + self.out = FullyConnectedLayer(in_channels, 1 if cmap_dim == 0 else cmap_dim) + + def forward(self, x, img, cmap, force_fp32=False): + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) # [NCHW] + _ = force_fp32 # unused + dtype = torch.float32 + memory_format = torch.contiguous_format + + # FromRGB. + x = x.to(dtype=dtype, memory_format=memory_format) + if self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + x = x + self.fromrgb(img) + + # Main layers. + if self.mbstd is not None: + x = self.mbstd(x) + x = self.conv(x) + x = self.fc(x.flatten(1)) + x = self.out(x) + + # Conditioning. + if self.cmap_dim > 0: + misc.assert_shape(cmap, [None, self.cmap_dim]) + x = (x * cmap).sum(dim=1, keepdim=True) * (1 / np.sqrt(self.cmap_dim)) + + assert x.dtype == dtype + return x + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +class Discriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + print('Dis_c', c.shape) + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- \ No newline at end of file diff --git a/Next3d/training_avatar_texture/networks_stylegan2_new.py b/Next3d/training_avatar_texture/networks_stylegan2_new.py new file mode 100644 index 0000000000000000000000000000000000000000..1deae8e0f73294efba203353b8489332fb8cd324 --- /dev/null +++ b/Next3d/training_avatar_texture/networks_stylegan2_new.py @@ -0,0 +1,831 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Network architectures from the paper +"Analyzing and Improving the Image Quality of StyleGAN". +Matches the original implementation of configs E-F by Karras et al. at +https://github.com/NVlabs/stylegan2/blob/master/training/networks_stylegan2.py""" + +import numpy as np +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_resample +from torch_utils.ops import upfirdn2d +from torch_utils.ops import bias_act +from torch_utils.ops import fma +import torch.nn.functional as FF +#---------------------------------------------------------------------------- + +def normalize_2nd_moment(x, dim=1, eps=1e-8): + return x * (x.square().mean(dim=dim, keepdim=True) + eps).rsqrt() + +#---------------------------------------------------------------------------- + +def modulated_conv2d( + x, # Input tensor of shape [batch_size, in_channels, in_height, in_width]. + weight, # Weight tensor of shape [out_channels, in_channels, kernel_height, kernel_width]. + styles, # Modulation coefficients of shape [batch_size, in_channels]. + noise = None, # Optional noise tensor to add to the output activations. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + padding = 0, # Padding with respect to the upsampled image. + resample_filter = None, # Low-pass filter to apply when resampling activations. Must be prepared beforehand by calling upfirdn2d.setup_filter(). + demodulate = True, # Apply weight demodulation? + flip_weight = True, # False = convolution, True = correlation (matches torch.nn.functional.conv2d). + fused_modconv = True, # Perform modulation, convolution, and demodulation as a single fused operation? +): + batch_size = x.shape[0] + out_channels, in_channels, kh, kw = weight.shape + misc.assert_shape(weight, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(styles, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs to avoid FP16 overflow. + if x.dtype == torch.float16 and demodulate: + weight = weight * (1 / np.sqrt(in_channels * kh * kw) / weight.norm(float('inf'), dim=[1,2,3], keepdim=True)) # max_Ikk + styles = styles / styles.norm(float('inf'), dim=1, keepdim=True) # max_I + + # Calculate per-sample weights and demodulation coefficients. + w = None + dcoefs = None + if demodulate or fused_modconv: + w = weight.unsqueeze(0) # [NOIkk] + w = w * styles.reshape(batch_size, 1, -1, 1, 1) # [NOIkk] + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + if demodulate and fused_modconv: + w = w * dcoefs.reshape(batch_size, -1, 1, 1, 1) # [NOIkk] + + # Execute by scaling the activations before and after the convolution. + if not fused_modconv: + x = x * styles.to(x.dtype).reshape(batch_size, -1, 1, 1) + x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight) + if demodulate and noise is not None: + x = fma.fma(x, dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1), noise.to(x.dtype)) + elif demodulate: + x = x * dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1) + elif noise is not None: + x = x.add_(noise.to(x.dtype)) + return x + + # Execute as one fused op using grouped convolution. + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(batch_size) + misc.assert_shape(x, [batch_size, in_channels, None, None]) + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, groups=batch_size, flip_weight=flip_weight) + x = x.reshape(batch_size, -1, *x.shape[2:]) + if noise is not None: + x = x.add_(noise) + return x + +#---------------------------------------------------------------------------- + +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 1, # Learning rate multiplier. + bias_init = 0, # Initial value for the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) / lr_multiplier) + self.bias = torch.nn.Parameter(torch.full([out_features], np.float32(bias_init))) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +class Conv2dLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + kernel_size, # Width and height of the convolution kernel. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output to +-X, None = disable clamping. + channels_last = False, # Expect the input to have memory_format=channels_last? + trainable = True, # Update the weights of this layer during training? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.activation = activation + self.up = up + self.down = down + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + self.act_gain = bias_act.activation_funcs[activation].def_gain + + memory_format = torch.channels_last if channels_last else torch.contiguous_format + weight = torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format) + bias = torch.zeros([out_channels]) if bias else None + if trainable: + self.weight = torch.nn.Parameter(weight) + self.bias = torch.nn.Parameter(bias) if bias is not None else None + else: + self.register_buffer('weight', weight) + if bias is not None: + self.register_buffer('bias', bias) + else: + self.bias = None + + def forward(self, x, gain=1): + w = self.weight * self.weight_gain + b = self.bias.to(x.dtype) if self.bias is not None else None + flip_weight = (self.up == 1) # slightly faster + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=self.resample_filter, up=self.up, down=self.down, padding=self.padding, flip_weight=flip_weight) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, b, act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, activation={self.activation:s},', + f'up={self.up}, down={self.down}']) + +#---------------------------------------------------------------------------- + +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality, 0 = no latent. + c_dim, # Conditioning label (C) dimensionality, 0 = no label. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output, None = do not broadcast. + num_layers = 8, # Number of mapping layers. + embed_features = None, # Label embedding dimensionality, None = same as w_dim. + layer_features = None, # Number of intermediate features in the mapping layers, None = same as w_dim. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training, None = do not track. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + if embed_features is None: + embed_features = w_dim + if c_dim == 0: + embed_features = 0 + if layer_features is None: + layer_features = w_dim + features_list = [z_dim + embed_features] + [layer_features] * (num_layers - 1) + [w_dim] + + if c_dim > 0: + self.embed = FullyConnectedLayer(c_dim, embed_features) + for idx in range(num_layers): + in_features = features_list[idx] + out_features = features_list[idx + 1] + layer = FullyConnectedLayer(in_features, out_features, activation=activation, lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + + if num_ws is not None and w_avg_beta is not None: + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + # Embed, normalize, and concat inputs. + x = None + with torch.autograd.profiler.record_function('input'): + if self.z_dim > 0: + misc.assert_shape(z, [None, self.z_dim]) + x = normalize_2nd_moment(z.to(torch.float32)) + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = normalize_2nd_moment(self.embed(c.to(torch.float32))) + x = torch.cat([x, y], dim=1) if x is not None else y + + # Main layers. + for idx in range(self.num_layers): + layer = getattr(self, f'fc{idx}') + x = layer(x) + + # Update moving average of W. + if update_emas and self.w_avg_beta is not None: + with torch.autograd.profiler.record_function('update_w_avg'): + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast. + if self.num_ws is not None: + with torch.autograd.profiler.record_function('broadcast'): + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + + # Apply truncation. + if truncation_psi != 1: + with torch.autograd.profiler.record_function('truncate'): + assert self.w_avg_beta is not None + if self.num_ws is None or truncation_cutoff is None: + x = self.w_avg.lerp(x, truncation_psi) + else: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + + +class SynthesisLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this layer. + kernel_size = 3, # Convolution kernel size. + up = 1, # Integer upsampling factor. + use_noise = True, # Enable noise input? + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + channels_last = False, # Use channels_last format for the weights? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.resolution = resolution + self.up = up + self.use_noise = use_noise + self.activation = activation + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.act_gain = bias_act.activation_funcs[activation].def_gain + + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + if use_noise: + self.register_buffer('noise_const', torch.randn([resolution, resolution])) + self.noise_strength = torch.nn.Parameter(torch.zeros([])) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + + def forward(self, x, w, noise_mode='random', fused_modconv=True, gain=1): + assert noise_mode in ['random', 'const', 'none'] + in_resolution = self.resolution // self.up + misc.assert_shape(x, [None, self.in_channels, in_resolution, in_resolution]) + styles = self.affine(w) + + noise = None + if self.use_noise and noise_mode == 'random': + noise = torch.randn([x.shape[0], 1, self.resolution, self.resolution], device=x.device) * self.noise_strength + if self.use_noise and noise_mode == 'const': + noise = self.noise_const * self.noise_strength + + flip_weight = (self.up == 1) # slightly faster + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, noise=noise, up=self.up, + padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, self.bias.to(x.dtype), act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d},', + f'resolution={self.resolution:d}, up={self.up}, activation={self.activation:s}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class ToRGBLayer(torch.nn.Module): + def __init__(self, in_channels, out_channels, w_dim, kernel_size=1, conv_clamp=None, channels_last=False): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.conv_clamp = conv_clamp + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + + def forward(self, x, w, fused_modconv=True): + styles = self.affine(w) * self.weight_gain + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, demodulate=False, fused_modconv=fused_modconv) + x = bias_act.bias_act(x, self.bias.to(x.dtype), clamp=self.conv_clamp) + return x + + def extra_repr(self): + return f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, condition=None, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + if condition is not None: + # CS-SFT + x_same, x_sft = torch.split(x, int(x.size(1) // 2), dim=1) + x_sft = x_sft * condition[0] + condition[1] + x = torch.cat([x_same, x_sft], dim=1) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + use_tanh, + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + self.use_tanh = use_tanh + self.num_ws = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res // 2] if res > 4 else 0 + out_channels = channels_dict[res] + use_fp16 = (res >= fp16_resolution) + is_last = (res == self.img_resolution) + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res}', block) + + def forward(self, ws, cond_list, return_list, feat_conditions=None, return_imgs=False, out_res=(32, 256), **block_kwargs): + assert not(return_list and return_imgs) + block_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + block_ws.append(ws.narrow(1, w_idx, block.num_conv + block.num_torgb)) + w_idx += block.num_conv + + x = img = None + x_list, _index, out_imgs = [], 0, [] + start_layer = int(np.log2(out_res[0])) - 2 # start from res 32 + end_layer = (self.img_resolution_log2 - 2) if len(out_res) == 1 else (int(np.log2(out_res[1])) - 2) + for res, cur_ws in zip(self.block_resolutions, block_ws): + block = getattr(self, f'b{res}') + condition_feat = feat_conditions[res] if (feat_conditions is not None and res in feat_conditions.keys()) else None + x, img = block(x, img, cur_ws, condition_feat, **block_kwargs) + if _index >= start_layer: + if return_list: + if _index == start_layer: x_list.append(img.clone()) + x_list.append(x.clone()) + if return_imgs: + if _index == start_layer: out_imgs.append(x) + out_imgs.append(img) + if cond_list is not None: + if _index == start_layer: img = cond_list[0][:, :-1] * cond_list[0][:, -1:] + img * (1 - cond_list[0][:, -1:]) # 面部直接复制 + if _index < end_layer: # clone face region + cond_img, alpha_image = cond_list[1 + _index - start_layer][:, :-1], cond_list[1 + _index - start_layer][:, -1:] + x = cond_img * alpha_image + x * (1 - alpha_image) + _index += 1 + + if return_list: + x_list.append(img) + return x_list + elif return_imgs: + print("return_imgs") + return out_imgs + else: + if self.use_tanh: + img = FF.tanh(img) + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + + +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_ws = -1, # Sepcific number of ws for mapping network + mapping_kwargs = {}, # Arguments for MappingNetwork. + use_tanh=False, + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, use_tanh=use_tanh,**synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + if mapping_ws == -1: + mapping_ws = self.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=mapping_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + tmp_channels, # Number of intermediate channels. + out_channels, # Number of output channels. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + first_layer_idx, # Index of the first layer. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + freeze_layers = 0, # Freeze-D: Number of layers to freeze. + ): + assert in_channels in [0, tmp_channels] + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.resolution = resolution + self.img_channels = img_channels + self.first_layer_idx = first_layer_idx + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + + self.num_layers = 0 + def trainable_gen(): + while True: + layer_idx = self.first_layer_idx + self.num_layers + trainable = (layer_idx >= freeze_layers) + self.num_layers += 1 + yield trainable + trainable_iter = trainable_gen() + + if in_channels == 0 or architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, tmp_channels, kernel_size=1, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv0 = Conv2dLayer(tmp_channels, tmp_channels, kernel_size=3, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv1 = Conv2dLayer(tmp_channels, out_channels, kernel_size=3, activation=activation, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last) + + if architecture == 'resnet': + self.skip = Conv2dLayer(tmp_channels, out_channels, kernel_size=1, bias=False, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, force_fp32=False): + if (x if x is not None else img).device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + + # Input. + if x is not None: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # FromRGB. + if self.in_channels == 0 or self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + y = self.fromrgb(img) + x = x + y if x is not None else y + img = upfirdn2d.downsample2d(img, self.resample_filter) if self.architecture == 'skip' else None + + # Main layers. + if self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x) + x = self.conv1(x, gain=np.sqrt(0.5)) + x = y.add_(x) + else: + x = self.conv0(x) + x = self.conv1(x) + + assert x.dtype == dtype + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MinibatchStdLayer(torch.nn.Module): + def __init__(self, group_size, num_channels=1): + super().__init__() + self.group_size = group_size + self.num_channels = num_channels + + def forward(self, x): + N, C, H, W = x.shape + with misc.suppress_tracer_warnings(): # as_tensor results are registered as constants + G = torch.min(torch.as_tensor(self.group_size), torch.as_tensor(N)) if self.group_size is not None else N + F = self.num_channels + c = C // F + + y = x.reshape(G, -1, F, c, H, W) # [GnFcHW] Split minibatch N into n groups of size G, and channels C into F groups of size c. + y = y - y.mean(dim=0) # [GnFcHW] Subtract mean over group. + y = y.square().mean(dim=0) # [nFcHW] Calc variance over group. + y = (y + 1e-8).sqrt() # [nFcHW] Calc stddev over group. + y = y.mean(dim=[2,3,4]) # [nF] Take average over channels and pixels. + y = y.reshape(-1, F, 1, 1) # [nF11] Add missing dimensions. + y = y.repeat(G, 1, H, W) # [NFHW] Replicate over group and pixels. + x = torch.cat([x, y], dim=1) # [NCHW] Append to input as new channels. + return x + + def extra_repr(self): + return f'group_size={self.group_size}, num_channels={self.num_channels:d}' + +#---------------------------------------------------------------------------- + + +class DiscriminatorEpilogue(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + cmap_dim, # Dimensionality of mapped conditioning label, 0 = no label. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + mbstd_group_size = 4, # Group size for the minibatch standard deviation layer, None = entire minibatch. + mbstd_num_channels = 1, # Number of features for the minibatch standard deviation layer, 0 = disable. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.cmap_dim = cmap_dim + self.resolution = resolution + self.img_channels = img_channels + self.architecture = architecture + + if architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, in_channels, kernel_size=1, activation=activation) + self.mbstd = MinibatchStdLayer(group_size=mbstd_group_size, num_channels=mbstd_num_channels) if mbstd_num_channels > 0 else None + self.conv = Conv2dLayer(in_channels + mbstd_num_channels, in_channels, kernel_size=3, activation=activation, conv_clamp=conv_clamp) + self.fc = FullyConnectedLayer(in_channels * (resolution ** 2), in_channels, activation=activation) + self.out = FullyConnectedLayer(in_channels, 1 if cmap_dim == 0 else cmap_dim) + + def forward(self, x, img, cmap, force_fp32=False): + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) # [NCHW] + _ = force_fp32 # unused + dtype = torch.float32 + memory_format = torch.contiguous_format + + # FromRGB. + x = x.to(dtype=dtype, memory_format=memory_format) + if self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + x = x + self.fromrgb(img) + + # Main layers. + if self.mbstd is not None: + x = self.mbstd(x) + x = self.conv(x) + x = self.fc(x.flatten(1)) + x = self.out(x) + + # Conditioning. + if self.cmap_dim > 0: + misc.assert_shape(cmap, [None, self.cmap_dim]) + x = (x * cmap).sum(dim=1, keepdim=True) * (1 / np.sqrt(self.cmap_dim)) + + assert x.dtype == dtype + return x + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Discriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + print('Dis_c', c.shape) + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- \ No newline at end of file diff --git a/Next3d/training_avatar_texture/networks_stylegan2_next3d.py b/Next3d/training_avatar_texture/networks_stylegan2_next3d.py new file mode 100644 index 0000000000000000000000000000000000000000..d06a0be7353f7378cf523cae6668811ec8357207 --- /dev/null +++ b/Next3d/training_avatar_texture/networks_stylegan2_next3d.py @@ -0,0 +1,924 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Network architectures from the paper +"Analyzing and Improving the Image Quality of StyleGAN". +Matches the original implementation of configs E-F by Karras et al. at +https://github.com/NVlabs/stylegan2/blob/master/training/networks_stylegan2.py""" + +import numpy as np +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_resample +from torch_utils.ops import upfirdn2d +from torch_utils.ops import bias_act +from torch_utils.ops import fma + +#---------------------------------------------------------------------------- + +def normalize_2nd_moment(x, dim=1, eps=1e-8): + return x * (x.square().mean(dim=dim, keepdim=True) + eps).rsqrt() + +#---------------------------------------------------------------------------- + +def modulated_conv2d( + x, # Input tensor of shape [batch_size, in_channels, in_height, in_width]. + weight, # Weight tensor of shape [out_channels, in_channels, kernel_height, kernel_width]. + styles, # Modulation coefficients of shape [batch_size, in_channels]. + noise = None, # Optional noise tensor to add to the output activations. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + padding = 0, # Padding with respect to the upsampled image. + resample_filter = None, # Low-pass filter to apply when resampling activations. Must be prepared beforehand by calling upfirdn2d.setup_filter(). + demodulate = True, # Apply weight demodulation? + flip_weight = True, # False = convolution, True = correlation (matches torch.nn.functional.conv2d). + fused_modconv = True, # Perform modulation, convolution, and demodulation as a single fused operation? +): + batch_size = x.shape[0] + out_channels, in_channels, kh, kw = weight.shape + misc.assert_shape(weight, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(styles, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs to avoid FP16 overflow. + if x.dtype == torch.float16 and demodulate: + weight = weight * (1 / np.sqrt(in_channels * kh * kw) / weight.norm(float('inf'), dim=[1,2,3], keepdim=True)) # max_Ikk + styles = styles / styles.norm(float('inf'), dim=1, keepdim=True) # max_I + + # Calculate per-sample weights and demodulation coefficients. + w = None + dcoefs = None + if demodulate or fused_modconv: + w = weight.unsqueeze(0) # [NOIkk] + w = w * styles.reshape(batch_size, 1, -1, 1, 1) # [NOIkk] + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + if demodulate and fused_modconv: + w = w * dcoefs.reshape(batch_size, -1, 1, 1, 1) # [NOIkk] + + # Execute by scaling the activations before and after the convolution. + if not fused_modconv: + x = x * styles.to(x.dtype).reshape(batch_size, -1, 1, 1) + x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight) + if demodulate and noise is not None: + x = fma.fma(x, dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1), noise.to(x.dtype)) + elif demodulate: + x = x * dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1) + elif noise is not None: + x = x.add_(noise.to(x.dtype)) + return x + + # Execute as one fused op using grouped convolution. + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(batch_size) + misc.assert_shape(x, [batch_size, in_channels, None, None]) + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, groups=batch_size, flip_weight=flip_weight) + x = x.reshape(batch_size, -1, *x.shape[2:]) + if noise is not None: + x = x.add_(noise) + return x + +#---------------------------------------------------------------------------- + + +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 1, # Learning rate multiplier. + bias_init = 0, # Initial value for the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) / lr_multiplier) + self.bias = torch.nn.Parameter(torch.full([out_features], np.float32(bias_init))) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + + +class Conv2dLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + kernel_size, # Width and height of the convolution kernel. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output to +-X, None = disable clamping. + channels_last = False, # Expect the input to have memory_format=channels_last? + trainable = True, # Update the weights of this layer during training? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.activation = activation + self.up = up + self.down = down + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + self.act_gain = bias_act.activation_funcs[activation].def_gain + + memory_format = torch.channels_last if channels_last else torch.contiguous_format + weight = torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format) + bias = torch.zeros([out_channels]) if bias else None + if trainable: + self.weight = torch.nn.Parameter(weight) + self.bias = torch.nn.Parameter(bias) if bias is not None else None + else: + self.register_buffer('weight', weight) + if bias is not None: + self.register_buffer('bias', bias) + else: + self.bias = None + + def forward(self, x, gain=1): + w = self.weight * self.weight_gain + b = self.bias.to(x.dtype) if self.bias is not None else None + flip_weight = (self.up == 1) # slightly faster + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=self.resample_filter, up=self.up, down=self.down, padding=self.padding, flip_weight=flip_weight) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, b, act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, activation={self.activation:s},', + f'up={self.up}, down={self.down}']) + +#---------------------------------------------------------------------------- + + +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality, 0 = no latent. + c_dim, # Conditioning label (C) dimensionality, 0 = no label. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output, None = do not broadcast. + num_layers = 8, # Number of mapping layers. + embed_features = None, # Label embedding dimensionality, None = same as w_dim. + layer_features = None, # Number of intermediate features in the mapping layers, None = same as w_dim. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training, None = do not track. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + if embed_features is None: + embed_features = w_dim + if c_dim == 0: + embed_features = 0 + if layer_features is None: + layer_features = w_dim + features_list = [z_dim + embed_features] + [layer_features] * (num_layers - 1) + [w_dim] + + if c_dim > 0: + self.embed = FullyConnectedLayer(c_dim, embed_features) + for idx in range(num_layers): + in_features = features_list[idx] + out_features = features_list[idx + 1] + layer = FullyConnectedLayer(in_features, out_features, activation=activation, lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + + if num_ws is not None and w_avg_beta is not None: + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + # Embed, normalize, and concat inputs. + x = None + with torch.autograd.profiler.record_function('input'): + if self.z_dim > 0: + misc.assert_shape(z, [None, self.z_dim]) + x = normalize_2nd_moment(z.to(torch.float32)) + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = normalize_2nd_moment(self.embed(c.to(torch.float32))) + x = torch.cat([x, y], dim=1) if x is not None else y + + # Main layers. + for idx in range(self.num_layers): + layer = getattr(self, f'fc{idx}') + x = layer(x) + + # Update moving average of W. + if update_emas and self.w_avg_beta is not None: + with torch.autograd.profiler.record_function('update_w_avg'): + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast. + if self.num_ws is not None: + with torch.autograd.profiler.record_function('broadcast'): + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + + # Apply truncation. + if truncation_psi != 1: + with torch.autograd.profiler.record_function('truncate'): + assert self.w_avg_beta is not None + if self.num_ws is None or truncation_cutoff is None: + x = self.w_avg.lerp(x, truncation_psi) + else: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + + +class SynthesisLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this layer. + kernel_size = 3, # Convolution kernel size. + up = 1, # Integer upsampling factor. + use_noise = True, # Enable noise input? + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + channels_last = False, # Use channels_last format for the weights? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.resolution = resolution + self.up = up + self.use_noise = use_noise + self.activation = activation + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.act_gain = bias_act.activation_funcs[activation].def_gain + + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + if use_noise: + self.register_buffer('noise_const', torch.randn([resolution, resolution])) + self.noise_strength = torch.nn.Parameter(torch.zeros([])) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + + def forward(self, x, w, noise_mode='random', fused_modconv=True, gain=1): + assert noise_mode in ['random', 'const', 'none'] + in_resolution = self.resolution // self.up + misc.assert_shape(x, [None, self.in_channels, in_resolution, in_resolution]) + styles = self.affine(w) + + noise = None + if self.use_noise and noise_mode == 'random': + noise = torch.randn([x.shape[0], 1, self.resolution, self.resolution], device=x.device) * self.noise_strength + if self.use_noise and noise_mode == 'const': + noise = self.noise_const * self.noise_strength + + flip_weight = (self.up == 1) # slightly faster + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, noise=noise, up=self.up, + padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, self.bias.to(x.dtype), act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d},', + f'resolution={self.resolution:d}, up={self.up}, activation={self.activation:s}']) + +#---------------------------------------------------------------------------- + + +class ToRGBLayer(torch.nn.Module): + def __init__(self, in_channels, out_channels, w_dim, kernel_size=1, conv_clamp=None, channels_last=False): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.conv_clamp = conv_clamp + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + + def forward(self, x, w, fused_modconv=True): + styles = self.affine(w) * self.weight_gain + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, demodulate=False, fused_modconv=fused_modconv) + x = bias_act.bias_act(x, self.bias.to(x.dtype), clamp=self.conv_clamp) + return x + + def extra_repr(self): + return f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d}' + +#---------------------------------------------------------------------------- + + +class SegSynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + seg_channels = 19, # Number of output segmentation classes. + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.seg_channels = seg_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + self.num_toseg = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if seg_channels != 0: + self.toseg = ToRGBLayer(out_channels, seg_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_toseg += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, condition_img=None, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + w = next(w_iter) + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, w, fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + # ToSEG. + if self.seg_channels != 0: + if condition_img is not None: + misc.assert_shape(condition_img, [None, self.seg_channels, self.resolution // 2, self.resolution // 2]) + condition_img = upfirdn2d.upsample2d(condition_img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y_seg = self.toseg(x, w, fused_modconv=fused_modconv) + y_seg = y_seg.to(dtype=torch.float32, memory_format=torch.contiguous_format) + condition_img = condition_img.add_(y_seg) if condition_img is not None else y_seg + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + if self.seg_channels != 0: + assert condition_img is None or condition_img.dtype == torch.float32 + return x, img, condition_img + else: + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + + +class SynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + + +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + self.num_ws = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res // 2] if res > 4 else 0 + out_channels = channels_dict[res] + use_fp16 = (res >= fp16_resolution) + is_last = (res == self.img_resolution) + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res}', block) + + def forward(self, ws, **block_kwargs): + block_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + block_ws.append(ws.narrow(1, w_idx, block.num_conv + block.num_torgb)) + w_idx += block.num_conv + + x = img = None + for res, cur_ws in zip(self.block_resolutions, block_ws): + block = getattr(self, f'b{res}') + x, img = block(x, img, cur_ws, **block_kwargs) + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + + +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_ws = -1, # Sepcific number of ws for mapping network + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + if mapping_ws == -1: + mapping_ws = self.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=mapping_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#---------------------------------------------------------------------------- + + +class DiscriminatorBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + tmp_channels, # Number of intermediate channels. + out_channels, # Number of output channels. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + first_layer_idx, # Index of the first layer. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + freeze_layers = 0, # Freeze-D: Number of layers to freeze. + ): + assert in_channels in [0, tmp_channels] + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.resolution = resolution + self.img_channels = img_channels + self.first_layer_idx = first_layer_idx + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + + self.num_layers = 0 + def trainable_gen(): + while True: + layer_idx = self.first_layer_idx + self.num_layers + trainable = (layer_idx >= freeze_layers) + self.num_layers += 1 + yield trainable + trainable_iter = trainable_gen() + + if in_channels == 0 or architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, tmp_channels, kernel_size=1, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv0 = Conv2dLayer(tmp_channels, tmp_channels, kernel_size=3, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv1 = Conv2dLayer(tmp_channels, out_channels, kernel_size=3, activation=activation, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last) + + if architecture == 'resnet': + self.skip = Conv2dLayer(tmp_channels, out_channels, kernel_size=1, bias=False, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, force_fp32=False): + if (x if x is not None else img).device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + + # Input. + if x is not None: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # FromRGB. + if self.in_channels == 0 or self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + y = self.fromrgb(img) + x = x + y if x is not None else y + img = upfirdn2d.downsample2d(img, self.resample_filter) if self.architecture == 'skip' else None + + # Main layers. + if self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x) + x = self.conv1(x, gain=np.sqrt(0.5)) + x = y.add_(x) + else: + x = self.conv0(x) + x = self.conv1(x) + + assert x.dtype == dtype + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + + +class MinibatchStdLayer(torch.nn.Module): + def __init__(self, group_size, num_channels=1): + super().__init__() + self.group_size = group_size + self.num_channels = num_channels + + def forward(self, x): + N, C, H, W = x.shape + with misc.suppress_tracer_warnings(): # as_tensor results are registered as constants + G = torch.min(torch.as_tensor(self.group_size), torch.as_tensor(N)) if self.group_size is not None else N + F = self.num_channels + c = C // F + + y = x.reshape(G, -1, F, c, H, W) # [GnFcHW] Split minibatch N into n groups of size G, and channels C into F groups of size c. + y = y - y.mean(dim=0) # [GnFcHW] Subtract mean over group. + y = y.square().mean(dim=0) # [nFcHW] Calc variance over group. + y = (y + 1e-8).sqrt() # [nFcHW] Calc stddev over group. + y = y.mean(dim=[2,3,4]) # [nF] Take average over channels and pixels. + y = y.reshape(-1, F, 1, 1) # [nF11] Add missing dimensions. + y = y.repeat(G, 1, H, W) # [NFHW] Replicate over group and pixels. + x = torch.cat([x, y], dim=1) # [NCHW] Append to input as new channels. + return x + + def extra_repr(self): + return f'group_size={self.group_size}, num_channels={self.num_channels:d}' + +#---------------------------------------------------------------------------- + + +class DiscriminatorEpilogue(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + cmap_dim, # Dimensionality of mapped conditioning label, 0 = no label. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + mbstd_group_size = 4, # Group size for the minibatch standard deviation layer, None = entire minibatch. + mbstd_num_channels = 1, # Number of features for the minibatch standard deviation layer, 0 = disable. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.cmap_dim = cmap_dim + self.resolution = resolution + self.img_channels = img_channels + self.architecture = architecture + + if architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, in_channels, kernel_size=1, activation=activation) + self.mbstd = MinibatchStdLayer(group_size=mbstd_group_size, num_channels=mbstd_num_channels) if mbstd_num_channels > 0 else None + self.conv = Conv2dLayer(in_channels + mbstd_num_channels, in_channels, kernel_size=3, activation=activation, conv_clamp=conv_clamp) + self.fc = FullyConnectedLayer(in_channels * (resolution ** 2), in_channels, activation=activation) + self.out = FullyConnectedLayer(in_channels, 1 if cmap_dim == 0 else cmap_dim) + + def forward(self, x, img, cmap, force_fp32=False): + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) # [NCHW] + _ = force_fp32 # unused + dtype = torch.float32 + memory_format = torch.contiguous_format + + # FromRGB. + x = x.to(dtype=dtype, memory_format=memory_format) + if self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + x = x + self.fromrgb(img) + + # Main layers. + if self.mbstd is not None: + x = self.mbstd(x) + x = self.conv(x) + x = self.fc(x.flatten(1)) + x = self.out(x) + + # Conditioning. + if self.cmap_dim > 0: + misc.assert_shape(cmap, [None, self.cmap_dim]) + x = (x * cmap).sum(dim=1, keepdim=True) * (1 / np.sqrt(self.cmap_dim)) + + assert x.dtype == dtype + return x + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + + +class Discriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- \ No newline at end of file diff --git a/Next3d/training_avatar_texture/networks_stylegan2_styleunet_next3d.py b/Next3d/training_avatar_texture/networks_stylegan2_styleunet_next3d.py new file mode 100644 index 0000000000000000000000000000000000000000..3e5b8b71bdf9f195dcf28abdf603425db79105ba --- /dev/null +++ b/Next3d/training_avatar_texture/networks_stylegan2_styleunet_next3d.py @@ -0,0 +1,958 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Network architectures from the paper +"Analyzing and Improving the Image Quality of StyleGAN". +Matches the original implementation of configs E-F by Karras et al. at +https://github.com/NVlabs/stylegan2/blob/master/training/networks_stylegan2.py""" + +import numpy as np +import torch +import math +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_resample +from torch_utils.ops import upfirdn2d +from torch_utils.ops import bias_act +from torch_utils.ops import fma + + +# ---------------------------------------------------------------------------- + +@misc.profiled_function +def normalize_2nd_moment(x, dim=1, eps=1e-8): + return x * (x.square().mean(dim=dim, keepdim=True) + eps).rsqrt() + + +# ---------------------------------------------------------------------------- + +@misc.profiled_function +def modulated_conv2d( + x, # Input tensor of shape [batch_size, in_channels, in_height, in_width]. + weight, # Weight tensor of shape [out_channels, in_channels, kernel_height, kernel_width]. + styles, # Modulation coefficients of shape [batch_size, in_channels]. + noise=None, # Optional noise tensor to add to the output activations. + up=1, # Integer upsampling factor. + down=1, # Integer downsampling factor. + padding=0, # Padding with respect to the upsampled image. + resample_filter=None, + # Low-pass filter to apply when resampling activations. Must be prepared beforehand by calling upfirdn2d.setup_filter(). + demodulate=True, # Apply weight demodulation? + flip_weight=True, # False = convolution, True = correlation (matches torch.nn.functional.conv2d). + fused_modconv=True, # Perform modulation, convolution, and demodulation as a single fused operation? +): + batch_size = x.shape[0] + out_channels, in_channels, kh, kw = weight.shape + misc.assert_shape(weight, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(styles, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs to avoid FP16 overflow. + if x.dtype == torch.float16 and demodulate: + weight = weight * (1 / np.sqrt(in_channels * kh * kw) / weight.norm(float('inf'), dim=[1, 2, 3], keepdim=True)) # max_Ikk + styles = styles / styles.norm(float('inf'), dim=1, keepdim=True) # max_I + + # Calculate per-sample weights and demodulation coefficients. + w = None + dcoefs = None + if demodulate or fused_modconv: + w = weight.unsqueeze(0) # [NOIkk] + w = w * styles.reshape(batch_size, 1, -1, 1, 1) # [NOIkk] + if demodulate: + dcoefs = (w.square().sum(dim=[2, 3, 4]) + 1e-8).rsqrt() # [NO] + if demodulate and fused_modconv: + w = w * dcoefs.reshape(batch_size, -1, 1, 1, 1) # [NOIkk] + + # Execute by scaling the activations before and after the convolution. + if not fused_modconv: + x = x * styles.to(x.dtype).reshape(batch_size, -1, 1, 1) + x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight) + if demodulate and noise is not None: + x = fma.fma(x, dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1), noise.to(x.dtype)) + elif demodulate: + x = x * dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1) + elif noise is not None: + x = x.add_(noise.to(x.dtype)) + return x + + # Execute as one fused op using grouped convolution. + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(batch_size) + misc.assert_shape(x, [batch_size, in_channels, None, None]) + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, groups=batch_size, + flip_weight=flip_weight) + x = x.reshape(batch_size, -1, *x.shape[2:]) + if noise is not None: + x = x.add_(noise) + return x + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class EncoderResBlock(torch.nn.Module): + def __init__(self, img_channel, in_channel, out_channel, down, downsample, resample_filter=[1, 3, 3, 1]): + super().__init__() + self.fromrgb = Conv2dLayer(img_channel, in_channel, 1, activation='linear', bias=False) + self.conv1 = Conv2dLayer(in_channel, in_channel, 3, activation='lrelu') + self.conv2 = Conv2dLayer(in_channel, out_channel, 3, down=down, activation='lrelu') + # self.skip = Conv2dLayer(in_channel, out_channel, 1, down=2, activation='linear', bias=False) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.downsample = downsample + + def forward(self, input, skip=None): + x = input + if self.downsample != 1: + x = upfirdn2d.downsample2d(x, self.resample_filter, down=self.downsample) + out = self.fromrgb(x) + if skip is not None: + out = out + skip + out = self.conv1(out) + out = self.conv2(out) + return input, out + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + bias=True, # Apply additive bias before the activation function? + activation='linear', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier=1, # Learning rate multiplier. + bias_init=0, # Initial value for the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) / lr_multiplier) + self.bias = torch.nn.Parameter(torch.full([out_features], np.float32(bias_init))) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class Conv2dLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + kernel_size, # Width and height of the convolution kernel. + bias=True, # Apply additive bias before the activation function? + activation='linear', # Activation function: 'relu', 'lrelu', etc. + up=1, # Integer upsampling factor. + down=1, # Integer downsampling factor. + resample_filter=[1, 3, 3, 1], # Low-pass filter to apply when resampling activations. + conv_clamp=None, # Clamp the output to +-X, None = disable clamping. + channels_last=False, # Expect the input to have memory_format=channels_last? + trainable=True, # Update the weights of this layer during training? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.activation = activation + self.up = up + self.down = down + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + self.act_gain = bias_act.activation_funcs[activation].def_gain + + memory_format = torch.channels_last if channels_last else torch.contiguous_format + weight = torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format) + bias = torch.zeros([out_channels]) if bias else None + if trainable: + self.weight = torch.nn.Parameter(weight) + self.bias = torch.nn.Parameter(bias) if bias is not None else None + else: + self.register_buffer('weight', weight) + if bias is not None: + self.register_buffer('bias', bias) + else: + self.bias = None + + def forward(self, x, gain=1): + w = self.weight * self.weight_gain + b = self.bias.to(x.dtype) if self.bias is not None else None + flip_weight = (self.up == 1) # slightly faster + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=self.resample_filter, up=self.up, down=self.down, padding=self.padding, + flip_weight=flip_weight) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, b, act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, activation={self.activation:s},', + f'up={self.up}, down={self.down}']) + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality, 0 = no latent. + c_dim, # Conditioning label (C) dimensionality, 0 = no label. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output, None = do not broadcast. + num_layers=8, # Number of mapping layers. + embed_features=None, # Label embedding dimensionality, None = same as w_dim. + layer_features=None, # Number of intermediate features in the mapping layers, None = same as w_dim. + activation='lrelu', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier=0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta=0.998, # Decay for tracking the moving average of W during training, None = do not track. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + if embed_features is None: + embed_features = w_dim + if c_dim == 0: + embed_features = 0 + if layer_features is None: + layer_features = w_dim + features_list = [z_dim + embed_features] + [layer_features] * (num_layers - 1) + [w_dim] + + if c_dim > 0: + self.embed = FullyConnectedLayer(c_dim, embed_features) + for idx in range(num_layers): + in_features = features_list[idx] + out_features = features_list[idx + 1] + layer = FullyConnectedLayer(in_features, out_features, activation=activation, lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + + if num_ws is not None and w_avg_beta is not None: + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + # Embed, normalize, and concat inputs. + x = None + with torch.autograd.profiler.record_function('input'): + if self.z_dim > 0: + misc.assert_shape(z, [None, self.z_dim]) + x = normalize_2nd_moment(z.to(torch.float32)) + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = normalize_2nd_moment(self.embed(c.to(torch.float32))) + x = torch.cat([x, y], dim=1) if x is not None else y + + # Main layers. + for idx in range(self.num_layers): + layer = getattr(self, f'fc{idx}') + x = layer(x) + + # Update moving average of W. + if update_emas and self.w_avg_beta is not None: + with torch.autograd.profiler.record_function('update_w_avg'): + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast. + if self.num_ws is not None: + with torch.autograd.profiler.record_function('broadcast'): + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + + # Apply truncation. + if truncation_psi != 1: + with torch.autograd.profiler.record_function('truncate'): + assert self.w_avg_beta is not None + if self.num_ws is None or truncation_cutoff is None: + x = self.w_avg.lerp(x, truncation_psi) + else: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this layer. + kernel_size=3, # Convolution kernel size. + up=1, # Integer upsampling factor. + use_noise=True, # Enable noise input? + activation='lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter=[1, 3, 3, 1], # Low-pass filter to apply when resampling activations. + conv_clamp=None, # Clamp the output of convolution layers to +-X, None = disable clamping. + channels_last=False, # Use channels_last format for the weights? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.resolution = resolution + self.up = up + self.use_noise = use_noise + self.activation = activation + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.act_gain = bias_act.activation_funcs[activation].def_gain + + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + if use_noise: + self.register_buffer('noise_const', torch.randn([resolution, resolution])) + self.noise_strength = torch.nn.Parameter(torch.zeros([])) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + + def forward(self, x, w, noise_mode='random', fused_modconv=True, gain=1): + assert noise_mode in ['random', 'const', 'none'] + in_resolution = self.resolution // self.up + misc.assert_shape(x, [None, self.in_channels, in_resolution, in_resolution]) + styles = self.affine(w) + + noise = None + if self.use_noise and noise_mode == 'random': + noise = torch.randn([x.shape[0], 1, self.resolution, self.resolution], device=x.device) * self.noise_strength + if self.use_noise and noise_mode == 'const': + noise = self.noise_const * self.noise_strength + + flip_weight = (self.up == 1) # slightly faster + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, noise=noise, up=self.up, + padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, self.bias.to(x.dtype), act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d},', + f'resolution={self.resolution:d}, up={self.up}, activation={self.activation:s}']) + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class ToRGBLayer(torch.nn.Module): + def __init__(self, in_channels, out_channels, w_dim, kernel_size=1, conv_clamp=None, channels_last=False): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.conv_clamp = conv_clamp + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + + def forward(self, x, w, fused_modconv=True): + styles = self.affine(w) * self.weight_gain + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, demodulate=False, fused_modconv=fused_modconv) + x = bias_act.bias_act(x, self.bias.to(x.dtype), clamp=self.conv_clamp) + return x + + def extra_repr(self): + return f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture='skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter=[1, 3, 3, 1], # Low-pass filter to apply when resampling activations. + conv_clamp=256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16=False, # Use FP16 for this block? + fp16_channels_last=False, # Use channels-last memory format with FP16? + fused_modconv_default=True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + cond_channels=3, # Number of condition input channels. + in_size=64, # Input size of condition image. + final_size=4, # Lowest resolution of encoding. + channel_base=32768, # Overall multiplier for the number of channels. + channel_max=512, # Maximum number of channels in any layer. + num_fp16_res=4, # Use FP16 for the N highest resolutions. + num_cond_res=64, # Highest resolution of condition injection. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.cond_channels = cond_channels + self.in_size = in_size + self.final_size = final_size + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + self.num_cond_res = num_cond_res + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + self.num_ws = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res // 2] if res > 4 else 0 + out_channels = channels_dict[res] + use_fp16 = (res >= fp16_resolution) + is_last = (res == self.img_resolution) + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res}', block) + + # encoder + self.encoder_res = [2 ** i for i in range(int(np.log2(self.in_size)), int(np.log2(self.final_size)) - 1, -1)] + self.encoder = torch.nn.ModuleList() + for res in self.encoder_res[:-1]: + in_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + block = EncoderResBlock(self.cond_channels, in_channels, out_channels, downsample=(res < in_size)) + self.encoder.append(block) + # trainable fusion module + self.fusion = torch.nn.ModuleList() + for res in self.encoder_res[::-1]: + num_channels = channels_dict[res] + if res > self.final_size: + self.fusion.append( + Conv2dLayer(num_channels * 2, num_channels, kernel_size=3, activation='linear', bias=True)) + else: + self.fusion.append( + Conv2dLayer(num_channels, num_channels, kernel_size=3, activation='linear', bias=True)) + + def forward(self, x_in, ws, **block_kwargs): + block_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + block_ws.append(ws.narrow(1, w_idx, block.num_conv + block.num_torgb)) + w_idx += block.num_conv + + # obtain multi-scale content features + cond_list = [] + cond_out = None + for i, res in enumerate(self.encoder_res[:-1][::-1]): + x_in, cond_out = self.encoder[i](x_in, cond_out) + cond_list.append(cond_out) + + cond_list = cond_list[::-1] + + x = img = None + _index = 0 + for res, cur_ws in zip(self.block_resolutions[int(np.log2(self.final_size)) - 1:], block_ws[int(np.log2(self.final_size)) - 1:]): + # pass the mid-layer features of E to the corresponding resolution layers of G + if 2 ** (_index + int(np.log2(self.final_size))) < self.num_cond_res: + if res == self.block_resolutions[int(np.log2(self.final_size)) - 1]: + x = self.fusion[_index](cond_list[_index]) + else: + x = torch.cat([x, cond_list[_index]], dim=1) + x = self.fusion[_index](x) + block = getattr(self, f'b{res}') + x, img = block(x, img, cur_ws, **block_kwargs) + _index += 1 + + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_ws=-1, # Sepcific number of ws for mapping network + mapping_kwargs={}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + if mapping_ws == -1: + mapping_ws = self.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=mapping_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + tmp_channels, # Number of intermediate channels. + out_channels, # Number of output channels. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + first_layer_idx, # Index of the first layer. + architecture='resnet', # Architecture: 'orig', 'skip', 'resnet'. + activation='lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter=[1, 3, 3, 1], # Low-pass filter to apply when resampling activations. + conv_clamp=None, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16=False, # Use FP16 for this block? + fp16_channels_last=False, # Use channels-last memory format with FP16? + freeze_layers=0, # Freeze-D: Number of layers to freeze. + ): + assert in_channels in [0, tmp_channels] + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.resolution = resolution + self.img_channels = img_channels + self.first_layer_idx = first_layer_idx + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + + self.num_layers = 0 + + def trainable_gen(): + while True: + layer_idx = self.first_layer_idx + self.num_layers + trainable = (layer_idx >= freeze_layers) + self.num_layers += 1 + yield trainable + + trainable_iter = trainable_gen() + + if in_channels == 0 or architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, tmp_channels, kernel_size=1, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv0 = Conv2dLayer(tmp_channels, tmp_channels, kernel_size=3, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv1 = Conv2dLayer(tmp_channels, out_channels, kernel_size=3, activation=activation, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, conv_clamp=conv_clamp, + channels_last=self.channels_last) + + if architecture == 'resnet': + self.skip = Conv2dLayer(tmp_channels, out_channels, kernel_size=1, bias=False, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, force_fp32=False): + if (x if x is not None else img).device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + + # Input. + if x is not None: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # FromRGB. + if self.in_channels == 0 or self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + y = self.fromrgb(img) + x = x + y if x is not None else y + img = upfirdn2d.downsample2d(img, self.resample_filter) if self.architecture == 'skip' else None + + # Main layers. + if self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x) + x = self.conv1(x, gain=np.sqrt(0.5)) + x = y.add_(x) + else: + x = self.conv0(x) + x = self.conv1(x) + + assert x.dtype == dtype + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class MinibatchStdLayer(torch.nn.Module): + def __init__(self, group_size, num_channels=1): + super().__init__() + self.group_size = group_size + self.num_channels = num_channels + + def forward(self, x): + N, C, H, W = x.shape + with misc.suppress_tracer_warnings(): # as_tensor results are registered as constants + G = torch.min(torch.as_tensor(self.group_size), torch.as_tensor(N)) if self.group_size is not None else N + F = self.num_channels + c = C // F + + y = x.reshape(G, -1, F, c, H, W) # [GnFcHW] Split minibatch N into n groups of size G, and channels C into F groups of size c. + y = y - y.mean(dim=0) # [GnFcHW] Subtract mean over group. + y = y.square().mean(dim=0) # [nFcHW] Calc variance over group. + y = (y + 1e-8).sqrt() # [nFcHW] Calc stddev over group. + y = y.mean(dim=[2, 3, 4]) # [nF] Take average over channels and pixels. + y = y.reshape(-1, F, 1, 1) # [nF11] Add missing dimensions. + y = y.repeat(G, 1, H, W) # [NFHW] Replicate over group and pixels. + x = torch.cat([x, y], dim=1) # [NCHW] Append to input as new channels. + return x + + def extra_repr(self): + return f'group_size={self.group_size}, num_channels={self.num_channels:d}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorEpilogue(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + cmap_dim, # Dimensionality of mapped conditioning label, 0 = no label. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + architecture='resnet', # Architecture: 'orig', 'skip', 'resnet'. + mbstd_group_size=4, # Group size for the minibatch standard deviation layer, None = entire minibatch. + mbstd_num_channels=1, # Number of features for the minibatch standard deviation layer, 0 = disable. + activation='lrelu', # Activation function: 'relu', 'lrelu', etc. + conv_clamp=None, # Clamp the output of convolution layers to +-X, None = disable clamping. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.cmap_dim = cmap_dim + self.resolution = resolution + self.img_channels = img_channels + self.architecture = architecture + + if architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, in_channels, kernel_size=1, activation=activation) + self.mbstd = MinibatchStdLayer(group_size=mbstd_group_size, num_channels=mbstd_num_channels) if mbstd_num_channels > 0 else None + self.conv = Conv2dLayer(in_channels + mbstd_num_channels, in_channels, kernel_size=3, activation=activation, conv_clamp=conv_clamp) + self.fc = FullyConnectedLayer(in_channels * (resolution ** 2), in_channels, activation=activation) + self.out = FullyConnectedLayer(in_channels, 1 if cmap_dim == 0 else cmap_dim) + + def forward(self, x, img, cmap, force_fp32=False): + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) # [NCHW] + _ = force_fp32 # unused + dtype = torch.float32 + memory_format = torch.contiguous_format + + # FromRGB. + x = x.to(dtype=dtype, memory_format=memory_format) + if self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + x = x + self.fromrgb(img) + + # Main layers. + if self.mbstd is not None: + x = self.mbstd(x) + x = self.conv(x) + x = self.fc(x.flatten(1)) + x = self.out(x) + + # Conditioning. + if self.cmap_dim > 0: + misc.assert_shape(cmap, [None, self.cmap_dim]) + x = (x * cmap).sum(dim=1, keepdim=True) * (1 / np.sqrt(self.cmap_dim)) + + assert x.dtype == dtype + return x + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class Discriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture='resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base=32768, # Overall multiplier for the number of channels. + channel_max=512, # Maximum number of channels in any layer. + num_fp16_res=4, # Use FP16 for the N highest resolutions. + conv_clamp=256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim=None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs={}, # Arguments for DiscriminatorBlock. + mapping_kwargs={}, # Arguments for MappingNetwork. + epilogue_kwargs={}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + + +# ---------------------------------------------------------------------------- + + +@persistence.persistent_class +class SynthesisUNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base=32768, # Overall multiplier for the number of channels. + channel_max=512, # Maximum number of channels in any layer. + num_fp16_res=4, # Use FP16 for the N highest resolutions. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + + # encoder + in_size = self.img_resolution # size of conditioning uv map + self.encoder_res = [2 ** i for i in range(int(np.log2(in_size)), 8, -1)] + self.encoder = torch.nn.ModuleList() + for res in self.encoder_res[:-1]: + in_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + block = EncoderResBlock(self.img_channels, in_channels, out_channels, downsample=(res < in_size)) + self.encoder.append(block) + + # decoder + self.decoder = torch.nn.ModuleList() + for res in self.encoder_res[::-1][:-1]: + in_channels = channels_dict[res] + out_channels = channels_dict[res * 2] + block = DecoderResBlock(self.img_channels, in_channels, out_channels, upsample=True) + self.decoder.append(block) + + def forward(self, x, **block_kwargs): + # obtain multi-scale content features + cond_list = [] + cond_out = None + for i, res in enumerate(self.encoder_res[:-1][::-1]): + x_in, cond_out = self.encoder[i](x_in, cond_out) + cond_list.append(cond_out) + + cond_list = cond_list[::-1] + + out = cond_list[0] + for i, res in enumerate(self.encoder_res[1:]): + skip = cond_list[i] + out = self.decoder[i](out, skip) + + out = self.final(out) + return out + + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) \ No newline at end of file diff --git a/Next3d/training_avatar_texture/triplane_generation.py b/Next3d/training_avatar_texture/triplane_generation.py new file mode 100644 index 0000000000000000000000000000000000000000..fc11467bb8480bd1b468932950239efd2611d82f --- /dev/null +++ b/Next3d/training_avatar_texture/triplane_generation.py @@ -0,0 +1,117 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + + +import torch +import torchvision +from torch_utils import persistence +from training_avatar_texture.networks_stylegan2_new import Generator as StyleGAN2Backbone_cond +from training_avatar_texture.volumetric_rendering.renderer import fill_mouth + + +@persistence.persistent_class +class TriPlaneGenerator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + use_tanh=False, + use_two_rgb=False, + use_norefine_rgb = False, + topology_path=None, # + sr_num_fp16_res=0, + mapping_kwargs={}, # Arguments for MappingNetwork. + rendering_kwargs={}, + sr_kwargs={}, + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + + self.texture_backbone = StyleGAN2Backbone_cond(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32, + mapping_kwargs=mapping_kwargs, use_tanh=use_tanh, + **synthesis_kwargs) # render neural texture + + self.backbone = StyleGAN2Backbone_cond(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32 * 3, + mapping_ws=self.texture_backbone.num_ws, use_tanh=use_tanh, + mapping_kwargs=mapping_kwargs, **synthesis_kwargs) + + + self.neural_rendering_resolution = 128 + self.rendering_kwargs = rendering_kwargs + self.fill_mouth = True + self.use_two_rgb = use_two_rgb + self.use_norefine_rgb = use_norefine_rgb + # print(self.use_two_rgb) + + def mapping(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + if self.rendering_kwargs['c_gen_conditioning_zero']: + c = torch.zeros_like(c) + c = c[:, :self.c_dim] # remove expression labels + return self.backbone.mapping(z, c * self.rendering_kwargs.get('c_scale', 0), truncation_psi=truncation_psi, + truncation_cutoff=truncation_cutoff, update_emas=update_emas) + + def visualize_mesh_condition(self, mesh_condition, to_imgs=False): + uvcoords_image = mesh_condition['uvcoords_image'].clone().permute(0, 3, 1, 2) # [B, C, H, W] + ori_alpha_image = uvcoords_image[:, 2:].clone() + full_alpha_image, mouth_masks = fill_mouth(ori_alpha_image, blur_mouth_edge=False) + # upper_mouth_mask = mouth_masks.clone() + # upper_mouth_mask[:, :, :87] = 0 + # alpha_image = torch.clamp(ori_alpha_image + upper_mouth_mask, min=0, max=1) + + if to_imgs: + uvcoords_image[full_alpha_image.expand(-1, 3, -1, -1) == 0] = -1 + uvcoords_image = ((uvcoords_image + 1) * 127.5).to(dtype=torch.uint8).cpu() + vis_images = [] + for vis_uvcoords in uvcoords_image: + vis_images.append(torchvision.transforms.ToPILImage()(vis_uvcoords)) + return vis_images + else: + return uvcoords_image + + def synthesis(self, ws, neural_rendering_resolution=None, update_emas=False, + cache_backbone=False, use_cached_backbone=False, + return_featmap=False, evaluation=False, **synthesis_kwargs): + + # Create a batch of rays for volume rendering + + texture_feat = self.texture_backbone.synthesis(ws, cond_list=None, return_list=False, update_emas=update_emas, + **synthesis_kwargs) + static_feat = self.backbone.synthesis(ws, cond_list=None, return_list=False, update_emas=update_emas, + **synthesis_kwargs) + + static_plane = static_feat + static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + texture_feat_out = texture_feat.unsqueeze(1) + out_triplane = torch.cat([texture_feat_out, static_plane], 1) + + return out_triplane + + + def forward(self, z, c, v, truncation_psi=1, truncation_cutoff=None, neural_rendering_resolution=None, + update_emas=False, cache_backbone=False, + use_cached_backbone=False, **synthesis_kwargs): + # Render a batch of generated images. + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, + update_emas=update_emas) + return self.synthesis(ws, c, v, update_emas=update_emas, + neural_rendering_resolution=neural_rendering_resolution, + cache_backbone=cache_backbone, use_cached_backbone=use_cached_backbone, + **synthesis_kwargs) + + + + diff --git a/Next3d/training_avatar_texture/volumetric_rendering/__init__.py b/Next3d/training_avatar_texture/volumetric_rendering/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..daba66567a95beabb103f7996198a9675ab20b4a --- /dev/null +++ b/Next3d/training_avatar_texture/volumetric_rendering/__init__.py @@ -0,0 +1,11 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +# empty \ No newline at end of file diff --git a/Next3d/training_avatar_texture/volumetric_rendering/math_utils.py b/Next3d/training_avatar_texture/volumetric_rendering/math_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..972ea22ef6e7ac1e48d3ca55ae2c39ea1c655de6 --- /dev/null +++ b/Next3d/training_avatar_texture/volumetric_rendering/math_utils.py @@ -0,0 +1,118 @@ +# MIT License + +# Copyright (c) 2022 Petr Kellnhofer + +# Permission is hereby granted, free of charge, to any person obtaining a copy +# of this software and associated documentation files (the "Software"), to deal +# in the Software without restriction, including without limitation the rights +# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +# copies of the Software, and to permit persons to whom the Software is +# furnished to do so, subject to the following conditions: + +# The above copyright notice and this permission notice shall be included in all +# copies or substantial portions of the Software. + +# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +# SOFTWARE. + +import torch + +def transform_vectors(matrix: torch.Tensor, vectors4: torch.Tensor) -> torch.Tensor: + """ + Left-multiplies MxM @ NxM. Returns NxM. + """ + res = torch.matmul(vectors4, matrix.T) + return res + + +def normalize_vecs(vectors: torch.Tensor) -> torch.Tensor: + """ + Normalize vector lengths. + """ + return vectors / (torch.norm(vectors, dim=-1, keepdim=True)) + +def torch_dot(x: torch.Tensor, y: torch.Tensor): + """ + Dot product of two tensors. + """ + return (x * y).sum(-1) + + +def get_ray_limits_box(rays_o: torch.Tensor, rays_d: torch.Tensor, box_side_length): + """ + Author: Petr Kellnhofer + Intersects rays with the [-1, 1] NDC volume. + Returns min and max distance of entry. + Returns -1 for no intersection. + https://www.scratchapixel.com/lessons/3d-basic-rendering/minimal-ray-tracer-rendering-simple-shapes/ray-box-intersection + """ + o_shape = rays_o.shape + rays_o = rays_o.detach().reshape(-1, 3) + rays_d = rays_d.detach().reshape(-1, 3) + + + bb_min = [-1*(box_side_length/2), -1*(box_side_length/2), -1*(box_side_length/2)] + bb_max = [1*(box_side_length/2), 1*(box_side_length/2), 1*(box_side_length/2)] + bounds = torch.tensor([bb_min, bb_max], dtype=rays_o.dtype, device=rays_o.device) + is_valid = torch.ones(rays_o.shape[:-1], dtype=bool, device=rays_o.device) + + # Precompute inverse for stability. + invdir = 1 / rays_d + sign = (invdir < 0).long() + + # Intersect with YZ plane. + tmin = (bounds.index_select(0, sign[..., 0])[..., 0] - rays_o[..., 0]) * invdir[..., 0] + tmax = (bounds.index_select(0, 1 - sign[..., 0])[..., 0] - rays_o[..., 0]) * invdir[..., 0] + + # Intersect with XZ plane. + tymin = (bounds.index_select(0, sign[..., 1])[..., 1] - rays_o[..., 1]) * invdir[..., 1] + tymax = (bounds.index_select(0, 1 - sign[..., 1])[..., 1] - rays_o[..., 1]) * invdir[..., 1] + + # Resolve parallel rays. + is_valid[torch.logical_or(tmin > tymax, tymin > tmax)] = False + + # Use the shortest intersection. + tmin = torch.max(tmin, tymin) + tmax = torch.min(tmax, tymax) + + # Intersect with XY plane. + tzmin = (bounds.index_select(0, sign[..., 2])[..., 2] - rays_o[..., 2]) * invdir[..., 2] + tzmax = (bounds.index_select(0, 1 - sign[..., 2])[..., 2] - rays_o[..., 2]) * invdir[..., 2] + + # Resolve parallel rays. + is_valid[torch.logical_or(tmin > tzmax, tzmin > tmax)] = False + + # Use the shortest intersection. + tmin = torch.max(tmin, tzmin) + tmax = torch.min(tmax, tzmax) + + # Mark invalid. + tmin[torch.logical_not(is_valid)] = -1 + tmax[torch.logical_not(is_valid)] = -2 + + return tmin.reshape(*o_shape[:-1], 1), tmax.reshape(*o_shape[:-1], 1) + + +def linspace(start: torch.Tensor, stop: torch.Tensor, num: int): + """ + Creates a tensor of shape [num, *start.shape] whose values are evenly spaced from start to end, inclusive. + Replicates but the multi-dimensional bahaviour of numpy.linspace in PyTorch. + """ + # create a tensor of 'num' steps from 0 to 1 + steps = torch.arange(num, dtype=torch.float32, device=start.device) / (num - 1) + + # reshape the 'steps' tensor to [-1, *([1]*start.ndim)] to allow for broadcastings + # - using 'steps.reshape([-1, *([1]*start.ndim)])' would be nice here but torchscript + # "cannot statically infer the expected size of a list in this contex", hence the code below + for i in range(start.ndim): + steps = steps.unsqueeze(-1) + + # the output starts at 'start' and increments until 'stop' in each dimension + out = start[None] + steps * (stop - start)[None] + + return out # [D, B, N, 1] diff --git a/Next3d/training_avatar_texture/volumetric_rendering/ortho_renderer.py b/Next3d/training_avatar_texture/volumetric_rendering/ortho_renderer.py new file mode 100644 index 0000000000000000000000000000000000000000..4c188547b94a6fffa0200d511676d0d97bade510 --- /dev/null +++ b/Next3d/training_avatar_texture/volumetric_rendering/ortho_renderer.py @@ -0,0 +1,95 @@ +import torch +import torch.nn as nn +import numpy as np +from pytorch3d.structures import Meshes +from pytorch3d.renderer import ( + look_at_view_transform, + FoVPerspectiveCameras, + FoVOrthographicCameras, + PerspectiveCameras, + OrthographicCameras, + PointLights, + RasterizationSettings, + MeshRenderer, + MeshRasterizer, + SoftPhongShader, + TexturesVertex, + blending +) + + +class MeshRendererWithDepth(MeshRenderer): + def __init__(self, rasterizer, shader): + super().__init__(rasterizer, shader) + + def forward(self, meshes_world, attributes=None, need_rgb=True, **kwargs) -> torch.Tensor: + fragments = self.rasterizer(meshes_world, **kwargs) + images = pixel_vals = None + if attributes is not None: + bary_coords, pix_to_face = fragments.bary_coords, fragments.pix_to_face.clone() + + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone(); + attributes = attributes.view(attributes.shape[0] * attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:, :, :, 0].permute(0, 3, 1, 2) + pixel_vals = torch.cat([pixel_vals, vismask[:, :, :, 0][:, None, :, :]], dim=1) + + if need_rgb: + images = self.shader(fragments, meshes_world, **kwargs) + + return images, fragments.zbuf, pixel_vals + + +def get_renderer(img_size, device, R=None, T=None, K=None, orthoCam=False, rasterize_blur_radius=0.): + if R is None: + R = torch.eye(3, dtype=torch.float32, device=device).unsqueeze(0) + + if orthoCam: + fx, fy, cx, cy = K[0], K[1], K[2], K[3] + cameras = OrthographicCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + # cameras = FoVOrthographicCameras(T=T, device=device) + else: + fx, fy, cx, cy = K[0, 0], K[1, 1], K[0, 2], K[1, 2] + fx = -fx * 2.0 / (img_size - 1) + fy = -fy * 2.0 / (img_size - 1) + cx = - (cx - (img_size - 1) / 2.0) * 2.0 / (img_size - 1) + cy = - (cy - (img_size - 1) / 2.0) * 2.0 / (img_size - 1) + cameras = PerspectiveCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + + lights = PointLights(device=device, location=[[0.0, 0.0, 1e5]], + ambient_color=[[1, 1, 1]], + specular_color=[[0., 0., 0.]], diffuse_color=[[0., 0., 0.]]) + + raster_settings = RasterizationSettings( + image_size=img_size, + blur_radius=rasterize_blur_radius, + faces_per_pixel=1 + # bin_size=0 + ) + blend_params = blending.BlendParams(background_color=[0, 0, 0]) + renderer = MeshRendererWithDepth( + rasterizer=MeshRasterizer( + cameras=cameras, + raster_settings=raster_settings + ), + shader=SoftPhongShader( + device=device, + cameras=cameras, + lights=lights, + blend_params=blend_params + ) + ) + return renderer diff --git a/Next3d/training_avatar_texture/volumetric_rendering/ray_marcher.py b/Next3d/training_avatar_texture/volumetric_rendering/ray_marcher.py new file mode 100644 index 0000000000000000000000000000000000000000..c2c427f7499adf3d2a456d2a1f2d2724daa04621 --- /dev/null +++ b/Next3d/training_avatar_texture/volumetric_rendering/ray_marcher.py @@ -0,0 +1,63 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +""" +The ray marcher takes the raw output of the implicit representation and uses the volume rendering equation to produce composited colors and depths. +Based off of the implementation in MipNeRF (this one doesn't do any cone tracing though!) +""" + +import torch +import torch.nn as nn +import torch.nn.functional as F + +class MipRayMarcher2(nn.Module): + def __init__(self): + super().__init__() + + + def run_forward(self, colors, densities, depths, rendering_options): + deltas = depths[:, :, 1:] - depths[:, :, :-1] + colors_mid = (colors[:, :, :-1] + colors[:, :, 1:]) / 2 + densities_mid = (densities[:, :, :-1] + densities[:, :, 1:]) / 2 + depths_mid = (depths[:, :, :-1] + depths[:, :, 1:]) / 2 + + + if rendering_options['clamp_mode'] == 'softplus': + densities_mid = F.softplus(densities_mid - 1) # activation bias of -1 makes things initialize better + else: + assert False, "MipRayMarcher only supports `clamp_mode`=`softplus`!" + + density_delta = densities_mid * deltas + + alpha = 1 - torch.exp(-density_delta) + + alpha_shifted = torch.cat([torch.ones_like(alpha[:, :, :1]), 1-alpha + 1e-10], -2) + weights = alpha * torch.cumprod(alpha_shifted, -2)[:, :, :-1] + + composite_rgb = torch.sum(weights * colors_mid, -2) + weight_total = weights.sum(2) + composite_depth = torch.sum(weights * depths_mid, -2) / weight_total + + # clip the composite to min/max range of depths + composite_depth = torch.nan_to_num(composite_depth, float('inf')) + composite_depth = torch.clamp(composite_depth, torch.min(depths), torch.max(depths)) + + if rendering_options.get('white_back', False): + composite_rgb = composite_rgb + 1 - weight_total + + composite_rgb = composite_rgb * 2 - 1 # Scale to (-1, 1) + + return composite_rgb, composite_depth, weights + + + def forward(self, colors, densities, depths, rendering_options): + composite_rgb, composite_depth, weights = self.run_forward(colors, densities, depths, rendering_options) + + return composite_rgb, composite_depth, weights \ No newline at end of file diff --git a/Next3d/training_avatar_texture/volumetric_rendering/ray_sampler.py b/Next3d/training_avatar_texture/volumetric_rendering/ray_sampler.py new file mode 100644 index 0000000000000000000000000000000000000000..429c7e8651fd7bcacab2720f65f64b1f84eada8e --- /dev/null +++ b/Next3d/training_avatar_texture/volumetric_rendering/ray_sampler.py @@ -0,0 +1,107 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +""" +The ray sampler is a module that takes in camera matrices and resolution and batches of rays. +Expects cam2world matrices that use the OpenCV camera coordinate system conventions. +""" + +import torch + +class RaySampler(torch.nn.Module): + def __init__(self): + super().__init__() + self.ray_origins_h, self.ray_directions, self.depths, self.image_coords, self.rendering_options = None, None, None, None, None + + def forward(self, cam2world_matrix, intrinsics, resolution): + """ + Create batches of rays and return origins and directions. + + cam2world_matrix: (N, 4, 4) + intrinsics: (N, 3, 3) + resolution: int + + ray_origins: (N, M, 3) + ray_dirs: (N, M, 2) + """ + N, M = cam2world_matrix.shape[0], resolution**2 + cam_locs_world = cam2world_matrix[:, :3, 3] + fx = intrinsics[:, 0, 0] + fy = intrinsics[:, 1, 1] + cx = intrinsics[:, 0, 2] + cy = intrinsics[:, 1, 2] + sk = intrinsics[:, 0, 1] + + uv = torch.stack(torch.meshgrid(torch.arange(resolution, dtype=torch.float32, device=cam2world_matrix.device), + torch.arange(resolution, dtype=torch.float32, device=cam2world_matrix.device), indexing='ij')) * (1./resolution) + (0.5/resolution) + uv = uv.flip(0).reshape(2, -1).transpose(1, 0) + uv = uv.unsqueeze(0).repeat(cam2world_matrix.shape[0], 1, 1) + + x_cam = uv[:, :, 0].view(N, -1) + y_cam = uv[:, :, 1].view(N, -1) + z_cam = torch.ones((N, M), device=cam2world_matrix.device) + + x_lift = (x_cam - cx.unsqueeze(-1) + cy.unsqueeze(-1)*sk.unsqueeze(-1)/fy.unsqueeze(-1) - sk.unsqueeze(-1)*y_cam/fy.unsqueeze(-1)) / fx.unsqueeze(-1) * z_cam + y_lift = (y_cam - cy.unsqueeze(-1)) / fy.unsqueeze(-1) * z_cam + + cam_rel_points = torch.stack((x_lift, y_lift, z_cam, torch.ones_like(z_cam)), dim=-1) + + world_rel_points = torch.bmm(cam2world_matrix, cam_rel_points.permute(0, 2, 1)).permute(0, 2, 1)[:, :, :3] + + ray_dirs = world_rel_points - cam_locs_world[:, None, :] + ray_dirs = torch.nn.functional.normalize(ray_dirs, dim=2) + + ray_origins = cam_locs_world.unsqueeze(1).repeat(1, ray_dirs.shape[1], 1) + + return ray_origins, ray_dirs + +class RaySampler_zxc(torch.nn.Module): + def __init__(self): + super().__init__() + self.ray_origins_h, self.ray_directions, self.depths, self.image_coords, self.rendering_options = None, None, None, None, None + + def forward(self, cam2world_matrix, cam_K, resolution, normalize=True): + """ + Create batches of rays and return origins and directions. + + cam2world_matrix: (N, 4, 4) + intrinsics: (N, 3, 3) + resolution: int + + ray_origins: (N, M, 3) + ray_dirs: (N, M, 2) + """ + N, M = cam2world_matrix.shape[0], resolution**2 + intrinsics = cam_K.clone() + intrinsics[:, :2] *= resolution + ray_origins, ray_dirs = [], [] + for n in range(N): + # K_inv = torch.from_numpy(np.linalg.inv(K)).to(c2w.device) + K_inv = torch.linalg.inv(intrinsics[n]) + c2w = cam2world_matrix[n] + i, j = torch.meshgrid(torch.linspace(0, resolution - 1, resolution, device=intrinsics.device), + torch.linspace(0, resolution - 1, resolution, device=intrinsics.device)) # pytorch's meshgrid has indexing='ij' + i = i.t() + j = j.t() + + homo_indices = torch.stack((i, j, torch.ones_like(i)), -1) # [H, W, 3] + dirs = (K_inv[None, ...] @ homo_indices[..., None])[:, :, :, 0] + + # Rotate ray directions from camera frame to the world frame + rays_d = (c2w[None, :3, :3] @ dirs[..., None])[:, :, :, 0] # [H, W, 3] + if normalize: + rays_d = torch.nn.functional.normalize(rays_d, dim=-1) + # Translate camera frame's origin to the world frame. It is the origin of all rays. + rays_o = c2w[:3, -1] + rays_o = rays_o.expand(rays_d.shape) + ray_dirs.append(rays_d.reshape(-1, 3)) + ray_origins.append(rays_o.reshape(-1, 3)) + + return torch.stack(ray_origins, dim=0), torch.stack(ray_dirs, dim=0) \ No newline at end of file diff --git a/Next3d/training_avatar_texture/volumetric_rendering/renderer.py b/Next3d/training_avatar_texture/volumetric_rendering/renderer.py new file mode 100644 index 0000000000000000000000000000000000000000..06ce1b1cde7b505c6bb18c5bb5ca5f16f3f1bfbc --- /dev/null +++ b/Next3d/training_avatar_texture/volumetric_rendering/renderer.py @@ -0,0 +1,771 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +""" +The renderer is a module that takes in rays, decides where to sample along each +ray, and computes pixel colors using the volume rendering equation. +""" + +import math +import torch +import torch.nn as nn +import numpy as np + +from training_avatar_texture.volumetric_rendering.ray_marcher import MipRayMarcher2 +from training_avatar_texture.volumetric_rendering import math_utils + +# global Meshes, load_obj, rasterize_meshes +# from pytorch3d.structures import Meshes +# from pytorch3d.io import load_obj +# from pytorch3d.renderer.mesh import rasterize_meshes + + +def generate_planes(return_inv=True): # 与project_onto_planes相对应 + """ + Defines planes by the three vectors that form the "axes" of the + plane. Should work with arbitrary number of planes and planes of + arbitrary orientation. + """ + planes = torch.tensor([[[1, 0, 0], + [0, 1, 0], + [0, 0, 1]], + [[1, 0, 0], + [0, 0, 1], + [0, 1, 0]], + [[0, 0, 1], + [1, 0, 0], + [0, 1, 0]]], dtype=torch.float32) + if return_inv: + return torch.linalg.inv(planes) + else: + return planes + + +def project_onto_planes(inv_planes, coordinates): + """ + Does a projection of a 3D point onto a batch of 2D planes, + returning 2D plane coordinates. + + Takes plane axes of shape n_planes, 3, 3 + # Takes coordinates of shape N, M, 3 + # returns projections of shape N*n_planes, M, 2 + """ + N, M, C = coordinates.shape + n_planes = 3 + coordinates = coordinates.unsqueeze(1).expand(-1, n_planes, -1, -1).reshape(N*n_planes, M, 3) + inv_planes = inv_planes.unsqueeze(0).expand(N, -1, -1, -1).reshape(N*n_planes, 3, 3) + projections = torch.bmm(coordinates, inv_planes) + return projections[..., :2] + +# def project_onto_planes(planes, coordinates): +# """ +# Does a projection of a 3D point onto a batch of 2D planes, +# returning 2D plane coordinates. +# +# Takes plane axes of shape n_planes, 3, 3 +# # Takes coordinates of shape N, M, 3 +# # returns projections of shape N*n_planes, M, 2 +# """ +# N, M, C = coordinates.shape +# n_planes, _, _ = planes.shape +# coordinates = coordinates.unsqueeze(1).expand(-1, n_planes, -1, -1).reshape(N*n_planes, M, 3) +# print('project_onto_planes', planes.view(-1), torch.abs(planes).sum()) +# print(torch.linalg.inv(planes.clone().detach())) +# inv_planes = torch.linalg.inv(planes).unsqueeze(0).expand(N, -1, -1, -1).reshape(N*n_planes, 3, 3) # TODO:此处是否有翻转? +# projections = torch.bmm(coordinates, inv_planes) +# return projections[..., :2] + +def sample_from_planes(inv_planes, plane_features, coordinates, mode='bilinear', padding_mode='zeros', box_warp=None, debug=False): + assert padding_mode == 'zeros' + N, n_planes, C, H, W = plane_features.shape + _, M, _ = coordinates.shape + plane_features = plane_features.view(N*n_planes, C, H, W) + + coordinates = (2/box_warp) * coordinates # TODO: add specific box bounds + if debug: # debug + from torch_utils import debug_utils + debug_utils.save_obj('unproject_depth_cano.obj', v=coordinates.cpu()[0].numpy()) + projected_coordinates = project_onto_planes(inv_planes, coordinates).unsqueeze(1) + output_features = torch.nn.functional.grid_sample(plane_features, projected_coordinates.float(), mode=mode, padding_mode=padding_mode, align_corners=False).permute(0, 3, 2, 1).reshape(N, n_planes, M, C) + return output_features + +def sample_from_3dgrid(grid, coordinates, padding_mode='zeros', box_warp=None, pyramid=False): + """ + Expects coordinates in shape (batch_size, num_points_per_batch, 3) + Expects grid in shape (1, channels, H, W, D) + (Also works if grid has batch size) + Returns sampled features of shape (batch_size, num_points_per_batch, feature_channels) + """ + batch_size, n_coords, n_dims = coordinates.shape + coordinates = (2 / box_warp) * coordinates # TODO: add specific box bounds + sampled_features = torch.nn.functional.grid_sample(grid.expand(batch_size, -1, -1, -1, -1), + coordinates.reshape(batch_size, 1, 1, -1, n_dims), + mode='bilinear', padding_mode=padding_mode, align_corners=False) + if pyramid: + for i in range(2): + grid_ = torch.nn.functional.interpolate(grid, scale_factor=0.5**((i+1)*2), mode='trilinear', align_corners=False) + sampled_features_ = torch.nn.functional.grid_sample(grid_.expand(batch_size, -1, -1, -1, -1), + coordinates.reshape(batch_size, 1, 1, -1, n_dims), + mode='bilinear', padding_mode=padding_mode, align_corners=False) + sampled_features += sampled_features_ + N, C, H, W, D = sampled_features.shape + sampled_features = sampled_features.permute(0, 4, 3, 2, 1).reshape(N, H*W*D, C) + return sampled_features + +class ImportanceRenderer(torch.nn.Module): + def __init__(self, flip_z): + super().__init__() + self.ray_marcher = MipRayMarcher2() + self.plane_axes = generate_planes() + self.flip_z = flip_z + + def forward(self, planes, decoder, ray_origins, ray_directions, rendering_options): + self.plane_axes = self.plane_axes.to(ray_origins.device) + if rendering_options['ray_start'] == rendering_options['ray_end'] == 'auto': + ray_start, ray_end = math_utils.get_ray_limits_box(ray_origins, ray_directions, box_side_length=rendering_options['box_warp']) + is_ray_valid = ray_end > ray_start + if torch.any(is_ray_valid).item(): + ray_start[~is_ray_valid] = ray_start[is_ray_valid].min() + ray_end[~is_ray_valid] = ray_start[is_ray_valid].max() + depths_coarse = self.sample_stratified(ray_origins, ray_start, ray_end, rendering_options['depth_resolution'], rendering_options['disparity_space_sampling']) + else: + # Create stratified depth samples + depths_coarse = self.sample_stratified(ray_origins, rendering_options['ray_start'], rendering_options['ray_end'], rendering_options['depth_resolution'], rendering_options['disparity_space_sampling']) + batch_size, num_rays, samples_per_ray, _ = depths_coarse.shape + + # Coarse Pass + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_coarse * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, samples_per_ray, -1).reshape(batch_size, -1, 3) + + out = self.run_model(planes, decoder, sample_coordinates, sample_directions, rendering_options) + colors_coarse = out['rgb'] + densities_coarse = out['sigma'] + colors_coarse = colors_coarse.reshape(batch_size, num_rays, samples_per_ray, colors_coarse.shape[-1]) + densities_coarse = densities_coarse.reshape(batch_size, num_rays, samples_per_ray, 1) + + # Fine Pass + N_importance = rendering_options['depth_resolution_importance'] + if N_importance > 0: + _, _, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + depths_fine = self.sample_importance(depths_coarse, weights, N_importance) + + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, N_importance, -1).reshape(batch_size, -1, 3) + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_fine * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + + out = self.run_model(planes, decoder, sample_coordinates, sample_directions, rendering_options) + colors_fine = out['rgb'] + densities_fine = out['sigma'] + colors_fine = colors_fine.reshape(batch_size, num_rays, N_importance, colors_fine.shape[-1]) + densities_fine = densities_fine.reshape(batch_size, num_rays, N_importance, 1) + + all_depths, all_colors, all_densities = self.unify_samples(depths_coarse, colors_coarse, densities_coarse, + depths_fine, colors_fine, densities_fine) + + # Aggregate + rgb_final, depth_final, weights = self.ray_marcher(all_colors, all_densities, all_depths, rendering_options) + else: + rgb_final, depth_final, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + + return rgb_final, depth_final, weights.sum(2) + + def run_model(self, planes, decoder, sample_coordinates, sample_directions, options): + if self.flip_z: + sample_coordinates[..., -1] *= -1 + sampled_features = sample_from_planes(self.plane_axes, planes, sample_coordinates, padding_mode='zeros', box_warp=options['box_warp']) + + out = decoder(sampled_features, sample_directions) + if options.get('density_noise', 0) > 0: + out['sigma'] += torch.randn_like(out['sigma']) * options['density_noise'] + return out + + def sort_samples(self, all_depths, all_colors, all_densities): + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + return all_depths, all_colors, all_densities + + def unify_samples(self, depths1, colors1, densities1, depths2, colors2, densities2): + all_depths = torch.cat([depths1, depths2], dim = -2) + all_colors = torch.cat([colors1, colors2], dim = -2) + all_densities = torch.cat([densities1, densities2], dim = -2) + + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + + return all_depths, all_colors, all_densities + + def sample_stratified(self, ray_origins, ray_start, ray_end, depth_resolution, disparity_space_sampling=False): + """ + Return depths of approximately uniformly spaced samples along rays. + """ + N, M, _ = ray_origins.shape + if disparity_space_sampling: + depths_coarse = torch.linspace(0, + 1, + depth_resolution, + device=ray_origins.device).reshape(1, 1, depth_resolution, 1).repeat(N, M, 1, 1) + depth_delta = 1/(depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + depths_coarse = 1./(1./ray_start * (1. - depths_coarse) + 1./ray_end * depths_coarse) + else: + if type(ray_start) == torch.Tensor: + depths_coarse = math_utils.linspace(ray_start, ray_end, depth_resolution).permute(1,2,0,3) + depth_delta = (ray_end - ray_start) / (depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta[..., None] + else: + depths_coarse = torch.linspace(ray_start, ray_end, depth_resolution, device=ray_origins.device).reshape(1, 1, depth_resolution, 1).repeat(N, M, 1, 1) + depth_delta = (ray_end - ray_start)/(depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + + return depths_coarse + + def sample_importance(self, z_vals, weights, N_importance): + """ + Return depths of importance sampled points along rays. See NeRF importance sampling for more. + """ + with torch.no_grad(): + batch_size, num_rays, samples_per_ray, _ = z_vals.shape + + z_vals = z_vals.reshape(batch_size * num_rays, samples_per_ray) + weights = weights.reshape(batch_size * num_rays, -1) # -1 to account for loss of 1 sample in MipRayMarcher + + # smooth weights + weights = torch.nn.functional.max_pool1d(weights.unsqueeze(1).float(), 2, 1, padding=1) + weights = torch.nn.functional.avg_pool1d(weights, 2, 1).squeeze() + weights = weights + 0.01 + + z_vals_mid = 0.5 * (z_vals[: ,:-1] + z_vals[: ,1:]) + importance_z_vals = self.sample_pdf(z_vals_mid, weights[:, 1:-1], + N_importance).detach().reshape(batch_size, num_rays, N_importance, 1) + return importance_z_vals + + def sample_pdf(self, bins, weights, N_importance, det=False, eps=1e-5): + """ + Sample @N_importance samples from @bins with distribution defined by @weights. + Inputs: + bins: (N_rays, N_samples_+1) where N_samples_ is "the number of coarse samples per ray - 2" + weights: (N_rays, N_samples_) + N_importance: the number of samples to draw from the distribution + det: deterministic or not + eps: a small number to prevent division by zero + Outputs: + samples: the sampled samples + """ + N_rays, N_samples_ = weights.shape + weights = weights + eps # prevent division by zero (don't do inplace op!) + pdf = weights / torch.sum(weights, -1, keepdim=True) # (N_rays, N_samples_) + cdf = torch.cumsum(pdf, -1) # (N_rays, N_samples), cumulative distribution function + cdf = torch.cat([torch.zeros_like(cdf[: ,:1]), cdf], -1) # (N_rays, N_samples_+1) + # padded to 0~1 inclusive + + if det: + u = torch.linspace(0, 1, N_importance, device=bins.device) + u = u.expand(N_rays, N_importance) + else: + u = torch.rand(N_rays, N_importance, device=bins.device) + u = u.contiguous() + + inds = torch.searchsorted(cdf, u, right=True) + below = torch.clamp_min(inds-1, 0) + above = torch.clamp_max(inds, N_samples_) + + inds_sampled = torch.stack([below, above], -1).view(N_rays, 2*N_importance) + cdf_g = torch.gather(cdf, 1, inds_sampled).view(N_rays, N_importance, 2) + bins_g = torch.gather(bins, 1, inds_sampled).view(N_rays, N_importance, 2) + + denom = cdf_g[...,1]-cdf_g[...,0] + denom[denom 0: + _, _, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + depths_fine = self.sample_importance(depths_coarse, weights, N_importance, det=evaluation) + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_fine * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, N_importance, -1).reshape(batch_size, -1, 3) + out = self.run_model(planes, decoder, sample_coordinates, sample_directions, rendering_options) + colors_fine = out['rgb'] + densities_fine = out['sigma'] + colors_fine = colors_fine.reshape(batch_size, num_rays, N_importance, colors_fine.shape[-1]) + densities_fine = densities_fine.reshape(batch_size, num_rays, N_importance, 1) + + all_depths, all_colors, all_densities = self.unify_samples(depths_coarse, colors_coarse, densities_coarse, + depths_fine, colors_fine, densities_fine) + + # Aggregate + rgb_final, depth_final, weights = self.ray_marcher(all_colors, all_densities, all_depths, rendering_options) + else: + rgb_final, depth_final, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + return rgb_final, depth_final, weights.sum(2) + + def run_model(self, planes, decoder, sample_coordinates, sample_directions, options): + # sample_coordinates[..., -1] *= -1 + # if planes.shape[1] == 3: + sampled_features = sample_from_planes(self.plane_axes.clone(), planes, sample_coordinates, padding_mode='zeros', box_warp=options['box_warp']) + # elif planes.shape[2] == planes.shape[-1]: + # sampled_features = sample_from_3dgrid(planes, sample_coordinates, padding_mode='zeros', box_warp=options['box_warp'], pyramid=True).unsqueeze(1) + + out = decoder(sampled_features, sample_directions) + if options.get('density_noise', 0) > 0: + out['sigma'] += torch.randn_like(out['sigma']) * options['density_noise'] + return out + + def sort_samples(self, all_depths, all_colors, all_densities): + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + return all_depths, all_colors, all_densities + + def unify_samples(self, depths1, colors1, densities1, depths2, colors2, densities2): + all_depths = torch.cat([depths1, depths2], dim = -2) + all_colors = torch.cat([colors1, colors2], dim = -2) + all_densities = torch.cat([densities1, densities2], dim = -2) + + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + + return all_depths, all_colors, all_densities + + def sample_stratified(self, ray_origins, ray_start, ray_end, depth_resolution, disparity_space_sampling=False): + """ + Return depths of approximately uniformly spaced samples along rays. + """ + N, M, _ = ray_origins.shape + if disparity_space_sampling: + depths_coarse = torch.linspace(0, + 1, + depth_resolution, + device=ray_origins.device).reshape(1, 1, depth_resolution, 1).repeat(N, M, 1, 1) + depth_delta = 1/(depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + depths_coarse = 1./(1./ray_start * (1. - depths_coarse) + 1./ray_end * depths_coarse) + else: + if type(ray_start) == torch.Tensor: + # ray_start [N, M, 1] + depths_coarse = math_utils.linspace(ray_start, ray_end, depth_resolution).permute(1,2,0,3) # [D, N, M, 1] -> [N, M, D, 1] + depth_delta = (ray_end - ray_start) / (depth_resolution - 1) # [N, M, 1] + depths_coarse += torch.rand_like(depths_coarse) * depth_delta[..., None] # [N, M, D, 1] + else: + depths_coarse = torch.linspace(ray_start, ray_end, depth_resolution, device=ray_origins.device).reshape(1, 1, depth_resolution, 1).repeat(N, M, 1, 1) + depth_delta = (ray_end - ray_start)/(depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + + return depths_coarse + + def sample_importance(self, z_vals, weights, N_importance, det): + """ + Return depths of importance sampled points along rays. See NeRF importance sampling for more. + """ + with torch.no_grad(): + batch_size, num_rays, samples_per_ray, _ = z_vals.shape + + z_vals = z_vals.reshape(batch_size * num_rays, samples_per_ray) + weights = weights.reshape(batch_size * num_rays, -1) # -1 to account for loss of 1 sample in MipRayMarcher + + # smooth weights + weights = torch.nn.functional.max_pool1d(weights.unsqueeze(1).float(), 2, 1, padding=1) + weights = torch.nn.functional.avg_pool1d(weights, 2, 1).squeeze() + weights = weights + 0.01 + + z_vals_mid = 0.5 * (z_vals[: ,:-1] + z_vals[: ,1:]) + importance_z_vals = self.sample_pdf(z_vals_mid, weights[:, 1:-1], + N_importance, det).detach().reshape(batch_size, num_rays, N_importance, 1) + return importance_z_vals + + def sample_pdf(self, bins, weights, N_importance, det=False, eps=1e-5): + """ + Sample @N_importance samples from @bins with distribution defined by @weights. + Inputs: + bins: (N_rays, N_samples_+1) where N_samples_ is "the number of coarse samples per ray - 2" + weights: (N_rays, N_samples_) + N_importance: the number of samples to draw from the distribution + det: deterministic or not + eps: a small number to prevent division by zero + Outputs: + samples: the sampled samples + """ + N_rays, N_samples_ = weights.shape + weights = weights + eps # prevent division by zero (don't do inplace op!) + pdf = weights / torch.sum(weights, -1, keepdim=True) # (N_rays, N_samples_) + cdf = torch.cumsum(pdf, -1) # (N_rays, N_samples), cumulative distribution function + cdf = torch.cat([torch.zeros_like(cdf[: ,:1]), cdf], -1) # (N_rays, N_samples_+1) + # padded to 0~1 inclusive + + if det: + u = torch.linspace(0, 1, N_importance, device=bins.device) + u = u.expand(N_rays, N_importance) + else: + u = torch.rand(N_rays, N_importance, device=bins.device) + u = u.contiguous() + + inds = torch.searchsorted(cdf, u, right=True) + below = torch.clamp_min(inds-1, 0) + above = torch.clamp_max(inds, N_samples_) + + inds_sampled = torch.stack([below, above], -1).view(N_rays, 2*N_importance) + cdf_g = torch.gather(cdf, 1, inds_sampled).view(N_rays, N_importance, 2) + bins_g = torch.gather(bins, 1, inds_sampled).view(N_rays, N_importance, 2) + + denom = cdf_g[...,1]-cdf_g[...,0] + denom[denomw: + fixed_vertices[..., 1] = fixed_vertices[..., 1]*h/w + else: + fixed_vertices[..., 0] = fixed_vertices[..., 0]*w/h + + meshes_screen = Meshes(verts=fixed_vertices.float(), faces=faces.long()) + pix_to_face, zbuf, bary_coords, dists = rasterize_meshes( + meshes_screen, + image_size=image_size, + blur_radius=raster_settings['blur_radius'], + faces_per_pixel=raster_settings['faces_per_pixel'], + bin_size=0,#raster_settings['bin_size'], + max_faces_per_bin=raster_settings['max_faces_per_bin'], + perspective_correct=raster_settings['perspective_correct'], + cull_backfaces=raster_settings['cull_backfaces'] + ) + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone(); attributes = attributes.view(attributes.shape[0]*attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:,:,:,0].permute(0,3,1,2) + pixel_vals = torch.cat([pixel_vals, vismask[:,:,:,0][:,None,:,:]], dim=1) + # print(image_size) + # import ipdb; ipdb.set_trace() + return pixel_vals + + +def render_after_rasterize(attributes, pix_to_face, bary_coords): + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone() + attributes = attributes.view(attributes.shape[0] * attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:, :, :, 0].permute(0, 3, 1, 2) + pixel_vals = torch.cat([pixel_vals, vismask[:, :, :, 0][:, None, :, :]], dim=1) + return pixel_vals + + +# borrowed from https://github.com/daniilidis-group/neural_renderer/blob/master/neural_renderer/vertices_to_faces.py +def face_vertices(vertices, faces): + """ + :param vertices: [batch size, number of vertices, 3] + :param faces: [batch size, number of faces, 3] + :return: [batch size, number of faces, 3, 3] + """ + assert (vertices.ndimension() == 3) + assert (faces.ndimension() == 3) + assert (vertices.shape[0] == faces.shape[0]) + assert (vertices.shape[2] == 3) + assert (faces.shape[2] == 3) + + bs, nv = vertices.shape[:2] + bs, nf = faces.shape[:2] + device = vertices.device + faces = faces + (torch.arange(bs, dtype=torch.int32).to(device) * nv)[:, None, None] + vertices = vertices.reshape((bs * nv, 3)) + # pytorch only supports long and byte tensors for indexing + return vertices[faces.long()] + + +# ---------------------------- process/generate vertices, normals, faces +def generate_triangles(h, w, margin_x=2, margin_y=5, mask = None): + # quad layout: + # 0 1 ... w-1 + # w w+1 + #. + # w*h + triangles = [] + for x in range(margin_x, w-1-margin_x): + for y in range(margin_y, h-1-margin_y): + triangle0 = [y*w + x, y*w + x + 1, (y+1)*w + x] + triangle1 = [y*w + x + 1, (y+1)*w + x + 1, (y+1)*w + x] + triangles.append(triangle0) + triangles.append(triangle1) + triangles = np.array(triangles) + triangles = triangles[:,[0,2,1]] + return triangles + + +def transform_points(points, tform, points_scale=None, out_scale=None): + points_2d = points[:,:,:2] + + #'input points must use original range' + if points_scale: + assert points_scale[0]==points_scale[1] + points_2d = (points_2d*0.5 + 0.5)*points_scale[0] + # import ipdb; ipdb.set_trace() + + batch_size, n_points, _ = points.shape + trans_points_2d = torch.bmm( + torch.cat([points_2d, torch.ones([batch_size, n_points, 1], device=points.device, dtype=points.dtype)], dim=-1), + tform + ) + if out_scale: # h,w of output image size + trans_points_2d[:,:,0] = trans_points_2d[:,:,0]/out_scale[1]*2 - 1 + trans_points_2d[:,:,1] = trans_points_2d[:,:,1]/out_scale[0]*2 - 1 + trans_points = torch.cat([trans_points_2d[:,:,:2], points[:,:,2:]], dim=-1) + return trans_points + + +def batch_orth_proj(X, camera): + ''' orthgraphic projection + X: 3d vertices, [bz, n_point, 3] + camera: scale and translation, [bz, 3], [scale, tx, ty] + ''' + camera = camera.clone().view(-1, 1, 3) + X_trans = X[:, :, :2] + camera[:, :, 1:] + X_trans = torch.cat([X_trans, X[:, :, 2:]], 2) + shape = X_trans.shape + Xn = (camera[:, :, 0:1] * X_trans) + return Xn + + +def angle2matrix(angles): + ''' get rotation matrix from three rotation angles(degree). right-handed. + Args: + angles: [batch_size, 3] tensor containing X, Y, and Z angles. + x: pitch. positive for looking down. + y: yaw. positive for looking left. + z: roll. positive for tilting head right. + Returns: + R: [batch_size, 3, 3]. rotation matrices. + ''' + angles = angles*(np.pi)/180. + s = torch.sin(angles) + c = torch.cos(angles) + + cx, cy, cz = (c[:, 0], c[:, 1], c[:, 2]) + sx, sy, sz = (s[:, 0], s[:, 1], s[:, 2]) + + zeros = torch.zeros_like(s[:, 0]).to(angles.device) + ones = torch.ones_like(s[:, 0]).to(angles.device) + + # Rz.dot(Ry.dot(Rx)) + R_flattened = torch.stack( + [ + cz * cy, cz * sy * sx - sz * cx, cz * sy * cx + sz * sx, + sz * cy, sz * sy * sx + cz * cx, sz * sy * cx - cz * sx, + -sy, cy * sx, cy * cx, + ], + dim=0) #[batch_size, 9] + R = torch.reshape(R_flattened, (-1, 3, 3)) #[batch_size, 3, 3] + return R + +import cv2 +# end_list = np.array([17, 22, 27, 42, 48, 31, 36, 68], dtype = np.int32) - 1 +def plot_kpts(image, kpts, color = 'r', end_list=[19]): + ''' Draw 68 key points + Args: + image: the input image + kpt: (68, 3). + ''' + if color == 'r': + c = (255, 0, 0) + elif color == 'g': + c = (0, 255, 0) + elif color == 'b': + c = (255, 0, 0) + image = image.copy() + kpts = kpts.copy() + radius = max(int(min(image.shape[0], image.shape[1])/200), 1) + for i in range(kpts.shape[0]): + st = kpts[i, :2] + if kpts.shape[1]==4: + if kpts[i, 3] > 0.5: + c = (0, 255, 0) + else: + c = (0, 0, 255) + if i in end_list: + continue + ed = kpts[i + 1, :2] + image = cv2.line(image, (int(st[0]), int(st[1])), (int(ed[0]), int(ed[1])), (255, 255, 255), radius) + image = cv2.circle(image,(int(st[0]), int(st[1])), radius, c, radius*2) + + return image + + +import cv2 + + +def fill_mouth(images, blur_mouth_edge=True): + # Input: images: [batch, 1, h, w] + device = images.device + mouth_masks = [] + out_mouth_masks = [] + for image in images: + image = image[0].cpu().numpy() + image = image * 255. + copyImg = image.copy().astype('float32') + h, w = image.shape[:2] + mask = np.zeros([h + 2, w + 2], np.uint8) + cv2.floodFill(copyImg, mask, (0, 0), (255, 255, 255), (0, 0, 0), (254, 254, 254), cv2.FLOODFILL_FIXED_RANGE) + # cv2.imwrite("mouth_mask_ori.png", 255 - copyImg) + mouth_mask = torch.tensor(255 - copyImg).to(device).to(torch.float32) / 255. + mouth_masks.append(mouth_mask.unsqueeze(0)) + + if blur_mouth_edge: + copyImg = cv2.erode(copyImg, np.ones((3, 3), np.uint8), iterations=3) + copyImg = cv2.blur(copyImg, (5, 5)) + # cv2.imwrite("mouth_mask.png", mouth_mask) + out_mouth_masks.append(torch.tensor(255 - copyImg).to(device).to(torch.float32).unsqueeze(0) / 255.) + + mouth_masks = torch.stack(mouth_masks, 0) + res = (images + mouth_masks).clip(0, 1) + + return res, torch.stack(out_mouth_masks, dim=0) + +# def fill_mouth(images): +# #Input: images: [batch, 1, h, w] +# device = images.device +# mouth_masks = [] +# out_mouth_masks = [] +# out_upper_mouth_masks, out_lower_mouth_masks = [], [] +# for image in images: +# image = image[0].cpu().numpy() +# image = image * 255. +# copyImg = image.copy() +# h, w = image.shape[:2] +# mask = np.zeros([h+2, w+2], np.uint8) +# cv2.floodFill(copyImg, mask, (0, 0), (255, 255, 255), (0, 0, 0), (254, 254, 254), cv2.FLOODFILL_FIXED_RANGE) +# # cv2.imwrite("mouth_mask_ori.png", 255 - copyImg) +# mouth_mask = torch.tensor(255 - copyImg).to(device).to(torch.float32) / 255. +# mouth_masks.append(mouth_mask.unsqueeze(0)) +# +# +# copyImg = cv2.erode(copyImg, np.ones((3, 3), np.uint8), iterations=3) +# copyImg = cv2.blur(copyImg, (5, 5)) +# # cv2.imwrite("mouth_mask.png", mouth_mask) +# out_mouth_mask = torch.tensor(255 - copyImg).to(device).to(torch.float32).unsqueeze(0) / 255. +# middle_row = torch.argmax(out_mouth_mask.sum(dim=1)) +# out_mouth_masks.append() +# +# mouth_masks = torch.stack(mouth_masks, 0) +# res = (images + mouth_masks).clip(0, 1) +# +# return res, torch.stack(out_mouth_masks, dim=0) \ No newline at end of file diff --git a/Next3d/training_avatar_texture/volumetric_rendering/renderer_next3d.py b/Next3d/training_avatar_texture/volumetric_rendering/renderer_next3d.py new file mode 100644 index 0000000000000000000000000000000000000000..5335a320cda576c9dd0eaa76b33dc601bfe14466 --- /dev/null +++ b/Next3d/training_avatar_texture/volumetric_rendering/renderer_next3d.py @@ -0,0 +1,623 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +""" +The renderer is a module that takes in rays, decides where to sample along each +ray, and computes pixel colors using the volume rendering equation. +""" + +import math +import torch +import torch.nn as nn +import numpy as np + +from training_avatar_texture.volumetric_rendering.ray_marcher import MipRayMarcher2 +from training_avatar_texture.volumetric_rendering import math_utils + +global Meshes, load_obj, rasterize_meshes +from pytorch3d.structures import Meshes +from pytorch3d.io import load_obj +from pytorch3d.renderer.mesh import rasterize_meshes + + +def generate_planes(): + """ + Defines planes by the three vectors that form the "axes" of the + plane. Should work with arbitrary number of planes and planes of + arbitrary orientation. + """ + return torch.tensor([[[1, 0, 0], + [0, 1, 0], + [0, 0, 1]], + [[1, 0, 0], + [0, 0, 1], + [0, 1, 0]], + [[0, 0, 1], + [0, 1, 0], + [1, 0, 0]]], dtype=torch.float32) + + +def project_onto_planes(planes, coordinates): + """ + Does a projection of a 3D point onto a batch of 2D planes, + returning 2D plane coordinates. + + Takes plane axes of shape n_planes, 3, 3 + # Takes coordinates of shape N, M, 3 + # returns projections of shape N*n_planes, M, 2 + """ + N, M, C = coordinates.shape + n_planes, _, _ = planes.shape + coordinates = coordinates.unsqueeze(1).expand(-1, n_planes, -1, -1).reshape(N * n_planes, M, 3) + inv_planes = torch.linalg.inv(planes).unsqueeze(0).expand(N, -1, -1, -1).reshape(N * n_planes, 3, 3) + projections = torch.bmm(coordinates, inv_planes) + return projections[..., :2] + + +def sample_from_planes(plane_axes, plane_features, coordinates, mode='bilinear', padding_mode='zeros', box_warp=None): + assert padding_mode == 'zeros' + N, n_planes, C, H, W = plane_features.shape + _, M, _ = coordinates.shape + plane_features = plane_features.view(N * n_planes, C, H, W) + + coordinates = (2 / box_warp) * coordinates # TODO: add specific box bounds + + projected_coordinates = project_onto_planes(plane_axes, coordinates).unsqueeze(1) + output_features = torch.nn.functional.grid_sample(plane_features, projected_coordinates.float(), mode=mode, padding_mode=padding_mode, + align_corners=False).permute(0, 3, 2, 1).reshape(N, n_planes, M, C) + return output_features + + +def sample_from_3dgrid(grid, coordinates): + """ + Expects coordinates in shape (batch_size, num_points_per_batch, 3) + Expects grid in shape (1, channels, H, W, D) + (Also works if grid has batch size) + Returns sampled features of shape (batch_size, num_points_per_batch, feature_channels) + """ + batch_size, n_coords, n_dims = coordinates.shape + sampled_features = torch.nn.functional.grid_sample(grid.expand(batch_size, -1, -1, -1, -1), + coordinates.reshape(batch_size, 1, 1, -1, n_dims), + mode='bilinear', padding_mode='zeros', align_corners=False) + N, C, H, W, D = sampled_features.shape + sampled_features = sampled_features.permute(0, 4, 3, 2, 1).reshape(N, H * W * D, C) + return sampled_features + + +class ImportanceRenderer(torch.nn.Module): + def __init__(self): + super().__init__() + self.ray_marcher = MipRayMarcher2() + self.plane_axes = generate_planes() + + def forward(self, planes, decoder, ray_origins, ray_directions, rendering_options): + self.plane_axes = self.plane_axes.to(ray_origins.device) + + if rendering_options['ray_start'] == rendering_options['ray_end'] == 'auto': + ray_start, ray_end = math_utils.get_ray_limits_box(ray_origins, ray_directions, box_side_length=rendering_options['box_warp']) + is_ray_valid = ray_end > ray_start + if torch.any(is_ray_valid).item(): + ray_start[~is_ray_valid] = ray_start[is_ray_valid].min() + ray_end[~is_ray_valid] = ray_start[is_ray_valid].max() + depths_coarse = self.sample_stratified(ray_origins, ray_start, ray_end, rendering_options['depth_resolution'], + rendering_options['disparity_space_sampling']) + else: + # Create stratified depth samples + depths_coarse = self.sample_stratified(ray_origins, rendering_options['ray_start'], rendering_options['ray_end'], + rendering_options['depth_resolution'], rendering_options['disparity_space_sampling']) + + batch_size, num_rays, samples_per_ray, _ = depths_coarse.shape + + # Coarse Pass + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_coarse * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, samples_per_ray, -1).reshape(batch_size, -1, 3) + + out = self.run_model(planes, decoder, sample_coordinates, sample_directions, rendering_options) + colors_coarse = out['rgb'] + densities_coarse = out['sigma'] + colors_coarse = colors_coarse.reshape(batch_size, num_rays, samples_per_ray, colors_coarse.shape[-1]) + densities_coarse = densities_coarse.reshape(batch_size, num_rays, samples_per_ray, 1) + + # Fine Pass + N_importance = rendering_options['depth_resolution_importance'] + if N_importance > 0: + _, _, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + depths_fine = self.sample_importance(depths_coarse, weights, N_importance) + + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, N_importance, -1).reshape(batch_size, -1, 3) + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_fine * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + + out = self.run_model(planes, decoder, sample_coordinates, sample_directions, rendering_options) + colors_fine = out['rgb'] + densities_fine = out['sigma'] + colors_fine = colors_fine.reshape(batch_size, num_rays, N_importance, colors_fine.shape[-1]) + densities_fine = densities_fine.reshape(batch_size, num_rays, N_importance, 1) + + all_depths, all_colors, all_densities = self.unify_samples(depths_coarse, colors_coarse, densities_coarse, + depths_fine, colors_fine, densities_fine) + + # Aggregate + rgb_final, depth_final, weights = self.ray_marcher(all_colors, all_densities, all_depths, rendering_options) + else: + rgb_final, depth_final, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + return rgb_final, depth_final, weights.sum(2) + + def run_model(self, planes, decoder, sample_coordinates, sample_directions, options): + sampled_features = sample_from_planes(self.plane_axes, planes, sample_coordinates, padding_mode='zeros', box_warp=options['box_warp']) + + out = decoder(sampled_features, sample_directions) + if options.get('density_noise', 0) > 0: + out['sigma'] += torch.randn_like(out['sigma']) * options['density_noise'] + return out + + def sort_samples(self, all_depths, all_colors, all_densities): + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + return all_depths, all_colors, all_densities + + def unify_samples(self, depths1, colors1, densities1, depths2, colors2, densities2, normals1=None, normals2=None): + all_depths = torch.cat([depths1, depths2], dim=-2) + all_colors = torch.cat([colors1, colors2], dim=-2) + all_densities = torch.cat([densities1, densities2], dim=-2) + + if normals1 is not None and normals2 is not None: + all_normals = torch.cat([normals1, normals2], dim=-2) + else: + all_normals = None + + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + if all_normals is not None: + all_normals = torch.gather(all_normals, -2, indices.expand(-1, -1, -1, all_normals.shape[-1])) + return all_depths, all_colors, all_normals, all_densities + + return all_depths, all_colors, all_densities + + def sample_stratified(self, ray_origins, ray_start, ray_end, depth_resolution, disparity_space_sampling=False): + """ + Return depths of approximately uniformly spaced samples along rays. + """ + N, M, _ = ray_origins.shape + if disparity_space_sampling: + depths_coarse = torch.linspace(0, + 1, + depth_resolution, + device=ray_origins.device).reshape(1, 1, depth_resolution, 1).repeat(N, M, 1, 1) + depth_delta = 1 / (depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + depths_coarse = 1. / (1. / ray_start * (1. - depths_coarse) + 1. / ray_end * depths_coarse) + else: + if type(ray_start) == torch.Tensor: + depths_coarse = math_utils.linspace(ray_start, ray_end, depth_resolution).permute(1, 2, 0, 3) + depth_delta = (ray_end - ray_start) / (depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta[..., None] + else: + depths_coarse = torch.linspace(ray_start, ray_end, depth_resolution, device=ray_origins.device).reshape(1, 1, depth_resolution, + 1).repeat(N, M, 1, 1) + depth_delta = (ray_end - ray_start) / (depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + + return depths_coarse + + def sample_importance(self, z_vals, weights, N_importance): + """ + Return depths of importance sampled points along rays. See NeRF importance sampling for more. + """ + with torch.no_grad(): + batch_size, num_rays, samples_per_ray, _ = z_vals.shape + + z_vals = z_vals.reshape(batch_size * num_rays, samples_per_ray) + weights = weights.reshape(batch_size * num_rays, -1) # -1 to account for loss of 1 sample in MipRayMarcher + + # smooth weights + weights = torch.nn.functional.max_pool1d(weights.unsqueeze(1).float(), 2, 1, padding=1) + weights = torch.nn.functional.avg_pool1d(weights, 2, 1).squeeze() + weights = weights + 0.01 + + z_vals_mid = 0.5 * (z_vals[:, :-1] + z_vals[:, 1:]) + importance_z_vals = self.sample_pdf(z_vals_mid, weights[:, 1:-1], + N_importance).detach().reshape(batch_size, num_rays, N_importance, 1) + return importance_z_vals + + def sample_pdf(self, bins, weights, N_importance, det=False, eps=1e-5): + """ + Sample @N_importance samples from @bins with distribution defined by @weights. + Inputs: + bins: (N_rays, N_samples_+1) where N_samples_ is "the number of coarse samples per ray - 2" + weights: (N_rays, N_samples_) + N_importance: the number of samples to draw from the distribution + det: deterministic or not + eps: a small number to prevent division by zero + Outputs: + samples: the sampled samples + """ + N_rays, N_samples_ = weights.shape + weights = weights + eps # prevent division by zero (don't do inplace op!) + pdf = weights / torch.sum(weights, -1, keepdim=True) # (N_rays, N_samples_) + cdf = torch.cumsum(pdf, -1) # (N_rays, N_samples), cumulative distribution function + cdf = torch.cat([torch.zeros_like(cdf[:, :1]), cdf], -1) # (N_rays, N_samples_+1) + # padded to 0~1 inclusive + + if det: + u = torch.linspace(0, 1, N_importance, device=bins.device) + u = u.expand(N_rays, N_importance) + else: + u = torch.rand(N_rays, N_importance, device=bins.device) + u = u.contiguous() + + inds = torch.searchsorted(cdf, u, right=True) + below = torch.clamp_min(inds - 1, 0) + above = torch.clamp_max(inds, N_samples_) + + inds_sampled = torch.stack([below, above], -1).view(N_rays, 2 * N_importance) + cdf_g = torch.gather(cdf, 1, inds_sampled).view(N_rays, N_importance, 2) + bins_g = torch.gather(bins, 1, inds_sampled).view(N_rays, N_importance, 2) + + denom = cdf_g[..., 1] - cdf_g[..., 0] + denom[denom < eps] = 1 # denom equals 0 means a bin has weight 0, in which case it will not be sampled + # anyway, therefore any value for it is fine (set to 1 here) + + samples = bins_g[..., 0] + (u - cdf_g[..., 0]) / denom * (bins_g[..., 1] - bins_g[..., 0]) + return samples + + def normal_forward(self, planes, decoder, ray_origins, ray_directions, rendering_options): + max_batch = 100000 + self.plane_axes = self.plane_axes.to(ray_origins.device) + + if rendering_options['ray_start'] == rendering_options['ray_end'] == 'auto': + ray_start, ray_end = math_utils.get_ray_limits_box(ray_origins, ray_directions, box_side_length=rendering_options['box_warp']) + is_ray_valid = ray_end > ray_start + if torch.any(is_ray_valid).item(): + ray_start[~is_ray_valid] = ray_start[is_ray_valid].min() + ray_end[~is_ray_valid] = ray_start[is_ray_valid].max() + depths_coarse = self.sample_stratified(ray_origins, ray_start, ray_end, rendering_options['depth_resolution'], + rendering_options['disparity_space_sampling']) + else: + # Create stratified depth samples + depths_coarse = self.sample_stratified(ray_origins, rendering_options['ray_start'], rendering_options['ray_end'], + rendering_options['depth_resolution'], rendering_options['disparity_space_sampling']) + + batch_size, num_rays, samples_per_ray, _ = depths_coarse.shape + + # Coarse Pass + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_coarse * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, samples_per_ray, -1).reshape(batch_size, -1, 3) + + sample_coordinates.requires_grad_() + # input.requires_grad_() + with torch.set_grad_enabled(True): + colors = torch.zeros((sample_coordinates.shape[0], sample_coordinates.shape[1], 32), device=sample_coordinates.device) + sigmas = torch.zeros((sample_coordinates.shape[0], sample_coordinates.shape[1], 1), device=sample_coordinates.device) + + head = 0 + while head < sample_coordinates.shape[1]: + out = self.run_model(planes, decoder, sample_coordinates[:, head:head + max_batch], sample_directions[:, head:head + max_batch], + rendering_options) + colors[:, head:head + max_batch] = out['rgb'] + sigmas[:, head:head + max_batch] = out['sigma'] + head += max_batch + colors_coarse = colors + densities_coarse = sigmas + + input_grad = torch.autograd.grad(torch.sum(densities_coarse), sample_coordinates, create_graph=False)[0] + normal = -input_grad + + normals_coarse = normal.reshape(batch_size, num_rays, samples_per_ray, normal.shape[-1]) + + colors_coarse = colors_coarse.reshape(batch_size, num_rays, samples_per_ray, colors_coarse.shape[-1]) + densities_coarse = densities_coarse.reshape(batch_size, num_rays, samples_per_ray, 1) + + # Fine Pass + N_importance = rendering_options['depth_resolution_importance'] + if N_importance > 0: + _, _, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + depths_fine = self.sample_importance(depths_coarse, weights, N_importance) + + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, N_importance, -1).reshape(batch_size, -1, 3) + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_fine * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + + sample_coordinates.requires_grad_() + with torch.set_grad_enabled(True): + colors = torch.zeros((sample_coordinates.shape[0], sample_coordinates.shape[1], 32), device=sample_coordinates.device) + sigmas = torch.zeros((sample_coordinates.shape[0], sample_coordinates.shape[1], 1), device=sample_coordinates.device) + + head = 0 + while head < sample_coordinates.shape[1]: + out = self.run_model(planes, decoder, sample_coordinates[:, head:head + max_batch], sample_directions[:, head:head + max_batch], + rendering_options) + colors[:, head:head + max_batch] = out['rgb'] + sigmas[:, head:head + max_batch] = out['sigma'] + head += max_batch + colors_fine = colors + densities_fine = sigmas + + input_grad = torch.autograd.grad(torch.sum(densities_fine), sample_coordinates, create_graph=False)[0] + normal = -input_grad + normals_fine = normal.reshape(batch_size, num_rays, N_importance, normal.shape[-1]) + + colors_fine = colors_fine.reshape(batch_size, num_rays, N_importance, colors_fine.shape[-1]) + densities_fine = densities_fine.reshape(batch_size, num_rays, N_importance, 1) + + all_depths, all_colors, all_normals, all_densities = self.unify_samples(depths_coarse, colors_coarse, densities_coarse, + depths_fine, colors_fine, densities_fine, normals_coarse, + normals_fine) + + # Aggregate + rgb_final, depth_final, normal_final, weights = self.ray_marcher(all_colors, all_densities, all_depths, rendering_options, all_normals) + else: + rgb_final, depth_final, normal_final, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options, + normals_coarse) + + return rgb_final, depth_final, normal_final, weights.sum(2) + + +from torch_utils import misc + + +@misc.profiled_function +def dict2obj(d): + # if isinstance(d, list): + # d = [dict2obj(x) for x in d] + if not isinstance(d, dict): + return d + + class C(object): + pass + + o = C() + for k in d: + o.__dict__[k] = dict2obj(d[k]) + return o + + +from torch_utils import persistence + + +@persistence.persistent_class +class Pytorch3dRasterizer(nn.Module): + ## TODO: add support for rendering non-squared images, since pytorc3d supports this now + """ Borrowed from https://github.com/facebookresearch/pytorch3d + Notice: + x,y,z are in image space, normalized + can only render squared image now + """ + + def __init__(self, image_size=224): + """ + use fixed raster_settings for rendering faces + """ + super().__init__() + raster_settings = { + 'image_size': image_size, + 'blur_radius': 0.0, + 'faces_per_pixel': 1, + 'bin_size': None, + 'max_faces_per_bin': None, + 'perspective_correct': False, + 'cull_backfaces': True + } + # raster_settings = dict2obj(raster_settings) + self.raster_settings = raster_settings + + def forward(self, vertices, faces, attributes=None, h=None, w=None): + fixed_vertices = vertices.clone() + fixed_vertices[..., :2] = -fixed_vertices[..., :2] + raster_settings = self.raster_settings + if h is None and w is None: + image_size = raster_settings['image_size'] + else: + image_size = [h, w] + if h > w: + fixed_vertices[..., 1] = fixed_vertices[..., 1] * h / w + else: + fixed_vertices[..., 0] = fixed_vertices[..., 0] * w / h + + meshes_screen = Meshes(verts=fixed_vertices.float(), faces=faces.long()) + pix_to_face, zbuf, bary_coords, dists = rasterize_meshes( + meshes_screen, + image_size=image_size, + blur_radius=raster_settings['blur_radius'], + faces_per_pixel=raster_settings['faces_per_pixel'], + bin_size=raster_settings['bin_size'], + max_faces_per_bin=raster_settings['max_faces_per_bin'], + perspective_correct=raster_settings['perspective_correct'], + cull_backfaces=raster_settings['cull_backfaces'] + ) + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone(); + attributes = attributes.view(attributes.shape[0] * attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:, :, :, 0].permute(0, 3, 1, 2) + pixel_vals = torch.cat([pixel_vals, vismask[:, :, :, 0][:, None, :, :]], dim=1) + # print(image_size) + # import ipdb; ipdb.set_trace() + return pixel_vals + + +# borrowed from https://github.com/daniilidis-group/neural_renderer/blob/master/neural_renderer/vertices_to_faces.py +def face_vertices(vertices, faces): + """ + :param vertices: [batch size, number of vertices, 3] + :param faces: [batch size, number of faces, 3] + :return: [batch size, number of faces, 3, 3] + """ + assert (vertices.ndimension() == 3) + assert (faces.ndimension() == 3) + assert (vertices.shape[0] == faces.shape[0]) + assert (vertices.shape[2] == 3) + assert (faces.shape[2] == 3) + + bs, nv = vertices.shape[:2] + bs, nf = faces.shape[:2] + device = vertices.device + faces = faces + (torch.arange(bs, dtype=torch.int32).to(device) * nv)[:, None, None] + vertices = vertices.reshape((bs * nv, 3)) + # pytorch only supports long and byte tensors for indexing + return vertices[faces.long()] + + +# ---------------------------- process/generate vertices, normals, faces +def generate_triangles(h, w, margin_x=2, margin_y=5, mask=None): + # quad layout: + # 0 1 ... w-1 + # w w+1 + # . + # w*h + triangles = [] + for x in range(margin_x, w - 1 - margin_x): + for y in range(margin_y, h - 1 - margin_y): + triangle0 = [y * w + x, y * w + x + 1, (y + 1) * w + x] + triangle1 = [y * w + x + 1, (y + 1) * w + x + 1, (y + 1) * w + x] + triangles.append(triangle0) + triangles.append(triangle1) + triangles = np.array(triangles) + triangles = triangles[:, [0, 2, 1]] + return triangles + + +def transform_points(points, tform, points_scale=None, out_scale=None): + points_2d = points[:, :, :2] + + # 'input points must use original range' + if points_scale: + assert points_scale[0] == points_scale[1] + points_2d = (points_2d * 0.5 + 0.5) * points_scale[0] + # import ipdb; ipdb.set_trace() + + batch_size, n_points, _ = points.shape + trans_points_2d = torch.bmm( + torch.cat([points_2d, torch.ones([batch_size, n_points, 1], device=points.device, dtype=points.dtype)], dim=-1), + tform + ) + if out_scale: # h,w of output image size + trans_points_2d[:, :, 0] = trans_points_2d[:, :, 0] / out_scale[1] * 2 - 1 + trans_points_2d[:, :, 1] = trans_points_2d[:, :, 1] / out_scale[0] * 2 - 1 + trans_points = torch.cat([trans_points_2d[:, :, :2], points[:, :, 2:]], dim=-1) + return trans_points + + +def batch_orth_proj(X, camera): + ''' orthgraphic projection + X: 3d vertices, [bz, n_point, 3] + camera: scale and translation, [bz, 3], [scale, tx, ty] + ''' + camera = camera.clone().view(-1, 1, 3) + X_trans = X[:, :, :2] + camera[:, :, 1:] + X_trans = torch.cat([X_trans, X[:, :, 2:]], 2) + shape = X_trans.shape + Xn = (camera[:, :, 0:1] * X_trans) + return Xn + + +def angle2matrix(angles): + ''' get rotation matrix from three rotation angles(degree). right-handed. + Args: + angles: [batch_size, 3] tensor containing X, Y, and Z angles. + x: pitch. positive for looking down. + y: yaw. positive for looking left. + z: roll. positive for tilting head right. + Returns: + R: [batch_size, 3, 3]. rotation matrices. + ''' + angles = angles * (np.pi) / 180. + s = torch.sin(angles) + c = torch.cos(angles) + + cx, cy, cz = (c[:, 0], c[:, 1], c[:, 2]) + sx, sy, sz = (s[:, 0], s[:, 1], s[:, 2]) + + zeros = torch.zeros_like(s[:, 0]).to(angles.device) + ones = torch.ones_like(s[:, 0]).to(angles.device) + + # Rz.dot(Ry.dot(Rx)) + R_flattened = torch.stack( + [ + cz * cy, cz * sy * sx - sz * cx, cz * sy * cx + sz * sx, + sz * cy, sz * sy * sx + cz * cx, sz * sy * cx - cz * sx, + -sy, cy * sx, cy * cx, + ], + dim=0) # [batch_size, 9] + R = torch.reshape(R_flattened, (-1, 3, 3)) # [batch_size, 3, 3] + return R + + +import cv2 + + +# end_list = np.array([17, 22, 27, 42, 48, 31, 36, 68], dtype = np.int32) - 1 +def plot_kpts(image, kpts, color='r', end_list=[19]): + ''' Draw 68 key points + Args: + image: the input image + kpt: (68, 3). + ''' + if color == 'r': + c = (255, 0, 0) + elif color == 'g': + c = (0, 255, 0) + elif color == 'b': + c = (255, 0, 0) + image = image.copy() + kpts = kpts.copy() + radius = max(int(min(image.shape[0], image.shape[1]) / 200), 1) + for i in range(kpts.shape[0]): + st = kpts[i, :2] + if kpts.shape[1] == 4: + if kpts[i, 3] > 0.5: + c = (0, 255, 0) + else: + c = (0, 0, 255) + if i in end_list: + continue + ed = kpts[i + 1, :2] + image = cv2.line(image, (int(st[0]), int(st[1])), (int(ed[0]), int(ed[1])), (255, 255, 255), radius) + image = cv2.circle(image, (int(st[0]), int(st[1])), radius, c, radius * 2) + + return image + + +import cv2 + + +def fill_mouth(images): + # Input: images: [batch, 1, h, w] + device = images.device + mouth_masks = [] + for image in images: + image = image[0].cpu().numpy() + image = image * 255. + copyImg = image.copy() + h, w = image.shape[:2] + mask = np.zeros([h + 2, w + 2], np.uint8) + cv2.floodFill(copyImg, mask, (0, 0), (255, 255, 255), (0, 0, 0), (254, 254, 254), cv2.FLOODFILL_FIXED_RANGE) + # cv2.imwrite("debug.png", copyImg) + copyImg = torch.tensor(copyImg).to(device).to(torch.float32) / 127.5 - 1 + mouth_masks.append(copyImg.unsqueeze(0)) + mouth_masks = torch.stack(mouth_masks, 0) + mouth_masks = ((mouth_masks * 2. - 1.) * -1. + 1.) / 2. + # images = (images.bool() | mouth_masks.bool()).float() + res = (images + mouth_masks).clip(0, 1) + + return res \ No newline at end of file diff --git a/README.md b/README.md index 578f0b80ccf6a3548b6be206ec3f45c02d7944c2..457d29cd7ab17a3b365c0b651d7d3d31f6b0afdd 100644 --- a/README.md +++ b/README.md @@ -1,14 +1,193 @@ +
+ +
+ +

+ + [CVPR 2025] AvatarArtist: Open-Domain 4D Avatarization + +

+ +

+avatarrtist +

+ +[//]: # (
) + +[//]: # ( ) + +[//]: # (
) + +
If you like our project, please give us a star ⭐ on GitHub for the latest update.
+ +
+ + + + + + + + + + + GitHub stars + +
+ +
+ This repository contains the official implementation of AvatarArtist, a method for generating 4D avatars from a single image. +
+ +
+ +
+ 💡 We also have other avatar projects that may interest you ✨. +

+ +> **[HeadArtist: Text-conditioned 3D Head Generation with Self Score Distillation, SIGGRAPH 2024](https://arxiv.org/abs/2312.07539)** +> Hongyu Liu, Xuan Wang, Ziyu Wan, etc. +> +> +> +> +> + +> **[Follow-Your-Emoji: Fine-Controllable and Expressive Freestyle Portrait Animation, SIGGRAPH Asia 2024](https://arxiv.org/abs/2406.01900)** +> Yue Ma, Hongyu Liu, Hongfa Wang, etc. +> +> +> + +

+ +## 🚨 News +- [03/26/2025] Inference Code and pretrained models released! + +## ⚙️ Setup + +### Environment + +```bash +git clone --depth=1 https://github.com/ant-research/AvatarArtist +cd AvatarArtist +conda create -n avatarartist python=3.9.0 +conda activate avatarartist +pip install -r requirements.txt +``` + +### Download Weights + +The weights are available at [🤗HuggingFace](https://huggingface.co/KumaPower/AvatarArtist), you can download it with the following commands. Please move the required files into the `pretrained_model` directory: + +```bash +# if you are in china mainland, run this first: export HF_ENDPOINT=https://hf-mirror.com +huggingface-cli download --repo-type model \ +KUMAPOWER/AvatarArtist \ +--local-dir pretrained_model +``` + + +## 🤗 Usage + +### Inference +
+ +

+ + Our approach consists of two steps during the inference process. First, the DiT model generates a 4D representation based on the input image. Then, our Motion-Aware Cross-Domain Renderer takes this 4D representation as input and, guided by both the input image and driving signals, renders it into the final target image. + +

+
+ +This is an example of inference using the demo data. The images used in this example are sourced from https://civitai.com/. +```python +python3 inference.py \ + --img_file './demo_data/source_img/img_from_web/images512x512/final_ipimgs' \ + --input_img_fvid './demo_data/source_img/img_from_web/coeffs/final_ipimgs' \ + --input_img_motion './demo_data/source_img/img_from_web/motions/final_ipimgs' \ + --video_name 'Obama' \ + --target_path './demo_data/target_video/data_obama' + # --use_demo_cam (create a video like the teaser using predefined camera parameters) +``` + +This is an example of performing inference using the model. The images used in this example are diverse-domain images generated by a diffusion model, as described in our paper. You can use the --select_img option to specify a particular input image. +```python +python3 inference.py \ + --img_file './demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs' \ + --input_img_fvid './demo_data/img_generate_different_domain/coeffs/demo_imgs' \ + --input_img_motion './demo_data/source_img/img_generate_different_domain/motions/demo_imgs' \ + --video_name "Obama" \ + --target_path './demo_data/target_video/data_obama' \ + --select_img 'your_selected_image.png in img_file' +``` + + +### Custom Data Processing + +We provide a set of scripts to process input images and videos for use with our model. These scripts ensure that the data is properly formatted and preprocessed, making it compatible with our inference pipeline. You can use them to prepare your own custom data for generating results with our model. + +Please refer to [this guide](https://github.com/ant-research/AvatarArtist/tree/main/data_process) to learn how to obtain the inference data. You can also check the [demo data](https://github.com/ant-research/HeadArtist/tree/main/demo_data) for reference. The data structure is shown below. + +The files in the `"dataset"` folder serve as the final input to the model, while the other files are intermediate outputs from the data processing pipeline: + +``` +📦 datasets/ +├── 📂 dataset/ +│ ├── 📂 coeffs/ +│ ├── 📂 images512x512/ +│ ├── 📂 uvRender256x256/ +│ ├── 📂 orthRender256x256_face_eye/ +│ ├── 📂 motions/ +├── 📂 crop_fv_tracking/ +├── 📂 realign_detections/ +├── 📂 realign_detections/ +├── 📂 realign/ +├── 📂 raw_detection/ +├── 📂 align_3d_landmark/ +├── 📂 raw_frames/ +``` + +### Different domain's input images generation + +We provide a set of scripts to transfer the realistic domain's portrait to the other domain. Please refer to [this guide](https://github.com/ant-research/AvatarArtist/tree/main/different_domain_imge_gen). + + + +## **📋 To-Do List** +### **Pending Tasks** +- [ ] Gradio demo +- [ ] Release training code + --- -title: AvatarArtist -emoji: 🐠 -colorFrom: purple -colorTo: yellow -sdk: gradio -sdk_version: 5.23.1 -app_file: app.py -pinned: false -license: apache-2.0 -short_description: The onlie demo of AvatarArtist ---- -Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference +### **✅ Completed Tasks** +- [x] Release inference code +- [x] Release data processing tools +- [x] Release the pipeline to generate input for different domains + +## 👍 Credits + +We sincerely appreciate the contributions of the following open-source projects, which have significantly influenced our work: + +- **DiT** builds upon [PixArt-alpha](https://github.com/PixArt-alpha/PixArt-alpha). +- **VAE** is based on [LVDM](https://github.com/YingqingHe/LVDM). +- **Motion-aware rendering** is inspired by [Portrait4D](https://github.com/YuDeng/Portrait-4D). +- **4D representation** in our paper is proposed in [Next3D](https://github.com/MrTornado24/Next3D) and [Next3D++](https://github.com/XChenZ/invertAvatar). +- We referenced [DATID3D](https://github.com/gwang-kim/DATID-3D) for domain-specific prompts. + +## 🔒 License + +* The majority of this project is released under the Apache 2.0 license as found in the [LICENSE](LICENSE) file. + +## ✏️ Citation +If you make use of our work, please cite our paper. +```bibtex +@article{liu2025avatarartist, + title={AvatarArtist: Open-Domain 4D Avatarization}, + author={Hongyu Liu, Xuan Wang, Ziyu Wan, Yue Ma, Jingye Chen, Yanbo Fan, Yujun Shen, Yibing Song, Qifeng Chen }, + booktitle={CVPR}, + year={2025} +} +``` + diff --git a/configs/infer_config.py b/configs/infer_config.py new file mode 100644 index 0000000000000000000000000000000000000000..982517dab0c86098ec125887994bb0fe00fd715c --- /dev/null +++ b/configs/infer_config.py @@ -0,0 +1,10 @@ +image_encoder_path = "./pretrained_model/image_encoder" +vae_triplane_config_path = "DiT_VAE/diffusion/configs/vae_model.yaml" +std_dir = './pretrained_model/final_std.pt' +mean_dir = './pretrained_model/final_mean.pt' +vae_pretrained = "./pretrained_model/checkpoint-VAE" +motion_aware_render_model_ckpt = './pretrained_model/render.pkl' +DiT_model_ckpt = './pretrained_model/DiT.pth' +ws_avg_pkl = './pretrained_model/ws_avg.pkl' +dino_pretrained = './pretrained_model/dinov2-base' +scale_factor = 0.3994218 diff --git a/data_process/.DS_Store b/data_process/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..60f402c47a9eca330c0eeae171b138eeedbbe98e Binary files /dev/null and b/data_process/.DS_Store differ diff --git a/data_process/README.md b/data_process/README.md new file mode 100644 index 0000000000000000000000000000000000000000..86c65ae6ec149966201eaf5675a3d11d5217881e --- /dev/null +++ b/data_process/README.md @@ -0,0 +1,77 @@ +# Data Preprocessing Pipeline by *AvatarArtist* +This repo describes how to process your own data for using our model. + +## 🎉 Overview + +
+ +
+ +## ⚙️ Requirements and Installation + +We recommend the requirements as follows. + +### Environment + +```bash +git clone --depth=1 https://github.com/ant-research/AvatarArtist +cd AvatarArtist +conda create -n avatarartis python=3.9.0 +conda activate avatarartist +pip install -r requirements.txt +``` + +### Download Weights + +The weights are available at [🤗HuggingFace](https://huggingface.co/KumaPower/AvatarArtist), you can download it with the following commands. Please move the required files into the `pretrained_model` directory: + +```bash +# if you are in china mainland, run this first: export HF_ENDPOINT=https://hf-mirror.com +huggingface-cli download --repo-type model \ +KUMAPOWER/AvatarArtist \ +--local-dir pretrained_model +``` + + +## 🗝️ Usage +Process the target video to obtain the target pose motion and mesh. + +```bash +python3 input_img_align_extract_ldm.py --input_dir ./demo_data/hongyu_2.mp4 --is_video --save_dir ./demo_data/data_process_out +``` + +Process the image to extract the source image. + + +```bash +python3 input_img_align_extract_ldm.py --input_dir ./demo_data/ip_imgs --is_img --save_dir ./demo_data/data_process_out +``` +Our code supports step-by-step data processing. For example, if your images are already aligned, you can proceed directly to the next step. + +```bash +python3 input_img_align_extract_ldm.py --input_dir ./demo_data/ip_imgs --is_img --save_dir ./demo_data/data_process_out --already_align +``` + +Once ready, the data will be organized in this format: + +``` +📦 datasets/ +├── 📂 dataset/ +│ ├── 📂 coeffs/ +│ ├── 📂 images512x512/ +│ ├── 📂 uvRender256x256/ +│ ├── 📂 orthRender256x256_face_eye/ +│ ├── 📂 motions/ +├── 📂 crop_fv_tracking/ +├── 📂 realign_detections/ +├── 📂 realign_detections/ +├── 📂 realign/ +├── 📂 raw_detection/ +├── 📂 align_3d_landmark/ +├── 📂 raw_frames/ +``` + +## 👍 Credits + +- This code builds on [Portrait4D](https://github.com/YuDeng/Portrait-4D) and [InvertAvatar](https://github.com/XChenZ/invertAvatar). We have integrated and organized their data processing code. Thanks for open-sourcing! + \ No newline at end of file diff --git a/data_process/__init__.py b/data_process/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data_process/configs/pipeline_config1.yaml b/data_process/configs/pipeline_config1.yaml new file mode 100644 index 0000000000000000000000000000000000000000..c110d14fc410848d5d878ca620faa099503c376d --- /dev/null +++ b/data_process/configs/pipeline_config1.yaml @@ -0,0 +1,78 @@ +################################################# +# Copyright (c) 2021-present, xiaobing.ai, Inc. # +# All rights reserved. # +################################################# +# CV Research, DEV(USA) xiaobing. # +# written by wangduomin@xiaobing.ai # +################################################# + +# experiment name + +# train type +trainer_type: "none" +dataset_type: "inference" + +# network configuration and defination +model: + # facerecon network (deep3d) + facerecon: + name: "deep3d_2023" + model_type: "facerecon" + model_cls: "FaceReconModel" + net_recon: "resnet50" + use_last_fc: False + init_path: "" + isTrain: False + checkpoints_dir: "pretrained_model/data_process_model/facerecon" + pretrained_name: "deep3d_2023" + epoch: 20 + phase: "test" + use_ddp: False + parallel_names: ['net_recon'] + bfm_folder: "pretrained_model/data_process_model/facerecon/bfm" + # fd network + fd: + model_name: "retinaface" + model_type: "fd" + model_cls: "faceDetector" + model_path: "pretrained_model/data_process_model/facedetect/retinaface/Resnet50_Final.pth" + thres: 0.8 + nms_thres: 0.4 + img_size: 640 + config: { + 'name': 'Resnet50', + 'min_sizes': [[16, 32], [64, 128], [256, 512]], + 'steps': [8, 16, 32], + 'variance': [0.1, 0.2], + 'clip': False, + 'loc_weight': 2.0, + 'gpu_train': True, + 'batch_size': 24, + 'ngpu': 4, + 'epoch': 100, + 'decay1': 70, + 'decay2': 90, + 'image_size': 840, + 'pretrain': True, + 'return_layers': {'layer2': 1, 'layer3': 2, 'layer4': 3}, + 'in_channel': 256, + 'out_channel': 256 + } + + # ldmk network + ldmk: + model_name: "h3r" + model_type: "ldmk" + model_cls: "ldmkDetector" + model_path: "pretrained_model/data_process_model/hrnet_w18_wflw/h3r/model.pth" + img_size: 256 + + # ldmk 3d network + ldmk_3d: + model_name: "ldmk3d" + model_type: "ldmk" + model_cls: "ldmk3dDetector" + model_path: "pretrained_model/data_process_model/landmark3d/3DFAN4-4a694010b9.zip" + model_depth_path: "pretrained_model/data_process_model/landmark3d/depth-6c4283c0e0.zip" + img_size: 256 +pdfgc_path: "pretrained_model/data_process_model/pdfgc/weights/motion_model.pth" \ No newline at end of file diff --git a/data_process/configs/pipeline_config_demo.yaml b/data_process/configs/pipeline_config_demo.yaml new file mode 100644 index 0000000000000000000000000000000000000000..4e40dafd98b43cbac7a480f24fb09cb1d20593e3 --- /dev/null +++ b/data_process/configs/pipeline_config_demo.yaml @@ -0,0 +1,78 @@ +################################################# +# Copyright (c) 2021-present, xiaobing.ai, Inc. # +# All rights reserved. # +################################################# +# CV Research, DEV(USA) xiaobing. # +# written by wangduomin@xiaobing.ai # +################################################# + +# experiment name + +# train type +trainer_type: "none" +dataset_type: "inference" + +# network configuration and defination +model: + # facerecon network (deep3d) + facerecon: + name: "deep3d_2023" + model_type: "facerecon" + model_cls: "FaceReconModel" + net_recon: "resnet50" + use_last_fc: False + init_path: "" + isTrain: False + checkpoints_dir: "pretrained_model/data_process_model/facerecon" + pretrained_name: "deep3d_2023" + epoch: 20 + phase: "test" + use_ddp: False + parallel_names: ['net_recon'] + bfm_folder: "pretrained_model/data_process_model/facerecon/bfm" + # fd network + fd: + model_name: "retinaface" + model_type: "fd" + model_cls: "faceDetector" + model_path: "pretrained_model/data_process_model/facedetect/retinaface/Resnet50_Final.pth" + thres: 0.8 + nms_thres: 0.4 + img_size: 640 + config: { + 'name': 'Resnet50', + 'min_sizes': [[16, 32], [64, 128], [256, 512]], + 'steps': [8, 16, 32], + 'variance': [0.1, 0.2], + 'clip': False, + 'loc_weight': 2.0, + 'gpu_train': True, + 'batch_size': 24, + 'ngpu': 4, + 'epoch': 100, + 'decay1': 70, + 'decay2': 90, + 'image_size': 840, + 'pretrain': True, + 'return_layers': {'layer2': 1, 'layer3': 2, 'layer4': 3}, + 'in_channel': 256, + 'out_channel': 256 + } + + # ldmk network + ldmk: + model_name: "h3r" + model_type: "ldmk" + model_cls: "ldmkDetector" + model_path: "pretrained_model/data_process_model/hrnet_w18_wflw/h3r/model.pth" + img_size: 256 + + # ldmk 3d network + ldmk_3d: + model_name: "ldmk3d" + model_type: "ldmk" + model_cls: "ldmk3dDetector" + model_path: "pretrained_model/data_process_model/landmark3d/3DFAN4-4a694010b9.zip" + model_depth_path: "./pretrained_model/data_process_model/landmark3d/depth-6c4283c0e0.zip" + img_size: 256 +pdfgc_path: "pretrained_model/data_process_model/pdfgc/weights/motion_model.pth" \ No newline at end of file diff --git a/data_process/data_process_pipe.png b/data_process/data_process_pipe.png new file mode 100644 index 0000000000000000000000000000000000000000..51c805fa38d2f9fd17a4c6a3fd75a07553b9d290 --- /dev/null +++ b/data_process/data_process_pipe.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7dca9a43b6e1648a20c750e5ff8377a5420ece2aeb8aed41edfd0ddb4b2d6c6f +size 26841 diff --git a/data_process/input_img_align_extract_ldm.py b/data_process/input_img_align_extract_ldm.py new file mode 100644 index 0000000000000000000000000000000000000000..3aa0a942ec3c80bcb3c6389c00cf9f756eb8b66e --- /dev/null +++ b/data_process/input_img_align_extract_ldm.py @@ -0,0 +1,625 @@ +import os +import sys +import json +import time +import glob +import logging +import argparse +from datetime import datetime +import cv2 +import torch +import numpy as np +from tqdm import tqdm +from scipy.ndimage import gaussian_filter1d +from PIL import Image +from natsort import ns, natsorted +from lib.config.config import cfg +from lib.faceverse_process.fit_faceverse import fit_faceverse +from lib.face_detect_ldmk_pipeline import FaceLdmkDetector +from lib.model_builder import make_model +from lib.align_in_the_wild import recreate_aligned_images, recreate_aligned_videos_multiprocessing +from lib.preprocess_faceverse import make_cam_dataset_FFHQ, render_orth_mp +from lib.pdfgc.encoder import FanEncoder +from lib.pdfgc.utils import get_motion_feature +logging.basicConfig(level=logging.INFO, format="%(levelname)s: %(message)s") + + +def is_image_file(filename): + """ + Check if a file has a common image format extension. + + Args: + filename (str): The name or path of the file. + + Returns: + bool: True if the file has an image extension (.jpg, .png, etc.), otherwise False. + + """ + image_extensions = {".jpg", ".jpeg", ".png", ".gif", ".bmp", ".tiff", ".webp"} + return os.path.splitext(filename)[1].lower() in image_extensions + + +def get_images_in_folder(folder_path): + """ + Check if a given folder contains images and return a list of image file names. + + Args: + folder_path (str): The path of the folder to check. + + Returns: + list: A list of image file names if found, otherwise an empty list. + + """ + if not os.path.isdir(folder_path): # Check if the path is a directory + return [] + + image_files = [file for file in os.listdir(folder_path) if + os.path.isfile(os.path.join(folder_path, file)) and is_image_file(file)] + + return image_files # Return a list of image names + + +def is_video_file(file_path): + video_extensions = {".mp4", ".avi", ".mov", ".mkv", ".flv", ".wmv" } + ext = os.path.splitext(file_path)[1].lower() + return ext in video_extensions + + +def extract_imgs(input_path, save_dir, skip=1, center_crop=False, res=512, is_video=False, is_img=True): + os.makedirs(save_dir, exist_ok=True) + if is_video and is_video_file(input_path): + videoCapture = cv2.VideoCapture(input_path) + size = (int(videoCapture.get(cv2.CAP_PROP_FRAME_WIDTH)), + int(videoCapture.get(cv2.CAP_PROP_FRAME_HEIGHT))) + if center_crop: + length = min(size) // 2 + top, bottom, left, right = max(0, size[1] // 2 - length), min(size[1], size[1] // 2 + length), max(0, size[ + 0] // 2 - length), min(size[0], size[0] // 2 + length) + else: + length = max(size) // 2 + top, bottom, left, right = max(0, length - size[1] // 2), max(0, length - size[1] // 2), max(0, + length - size[ + 0] // 2), max( + 0, length - size[0] // 2) + count = -1 + while True: + flag, frame = videoCapture.read() + count += 1 + if not flag: + break + if skip > 1 and not (count % skip == 0): + continue + if center_crop: + crop_frame = frame[top: bottom, left: right] + else: + crop_frame = cv2.copyMakeBorder(frame, top, bottom, left, right, cv2.BORDER_CONSTANT, value=0) + if not res == crop_frame.shape[0]: + crop_frame = cv2.resize(crop_frame, dsize=(res, res), interpolation=cv2.INTER_LINEAR) + cv2.imwrite(os.path.join(save_dir, str(count) + '.png'), crop_frame) + videoCapture.release() + logging.info(f"Video frames saved in {save_dir}") + + elif is_img: + all_imgs = get_images_in_folder(input_path) + if len(all_imgs) == 0: + raise ValueError("The input file has no images") + else: + count = -1 + for image_name in all_imgs: + count += 1 + img = cv2.imread(os.path.join(input_path, image_name)) + size = (img.shape[1], img.shape[0]) + if center_crop: + length = min(size) // 2 + top, bottom, left, right = max(0, size[1] // 2 - length), min(size[1], size[1] // 2 + length), max( + 0, size[0] // 2 - length), min(size[0], size[0] // 2 + length) + else: + length = max(size) // 2 + top, bottom, left, right = max(0, length - size[1] // 2), max(0, length - size[1] // 2), max(0, + length - + size[ + 0] // 2), max( + 0, length - size[0] // 2) + if center_crop: + crop_frame = img[top: bottom, left: right] + else: + crop_frame = cv2.copyMakeBorder(img, top, bottom, left, right, cv2.BORDER_CONSTANT, value=0) + if not res == crop_frame.shape[0]: + crop_frame = cv2.resize(crop_frame, dsize=(res, res), interpolation=cv2.INTER_LINEAR) + cv2.imwrite(os.path.join(save_dir, image_name.split('.')[0].replace(" ", "_") + '.png'), crop_frame) + logging.info(f"Images saved in {save_dir}") + else: + raise ValueError("The input file is not a video") + + +def get_valid_input_idx(input_path, save_dir, is_video, is_img, skip=1): + """ + Extracts images from the input file, organizes them, and creates a JSON file listing valid images. + + Args: + input_path (str): Path to the input file (e.g., a video or archive). + save_dir (str): Directory to save extracted images. + skip (int, optional): Step size for selecting images (default: 1). + + Returns: + str: Path to the generated JSON file containing valid image names. + """ + # Extract images to a subdirectory named after the input file + raw_imgs_save_dir = os.path.join(save_dir, os.path.splitext(os.path.basename(input_path))[0]) + extract_imgs(input_path, raw_imgs_save_dir, is_video=is_video, is_img=is_img) + + # Define JSON save path + valid_imgs_json_save_path = os.path.join(save_dir, 'valid_imgs.json') + valid_videos, count, img_nums = [], 0, [0] + + # Process subdirectories in `save_dir` + for video_imgs_name in tqdm(os.listdir(save_dir)): + print(video_imgs_name) + video_imgs_dir = os.path.join(save_dir, video_imgs_name) + if not os.path.isdir(video_imgs_dir): + continue + + # Collect and sort image files + img_names = natsorted([x for x in os.listdir(video_imgs_dir) if x.endswith((".jpg", ".png", ".webp"))], alg=ns.PATH) + + # Store selected images with skip interval + valid_videos.append([video_imgs_name, img_names[::skip]]) + count += len(valid_videos[-1][1]) + img_nums.append(count) + + # Save results to JSON + with open(valid_imgs_json_save_path, 'w') as f: + json.dump(valid_videos, f, indent=4) + + return valid_imgs_json_save_path # Return JSON file path + + +def make_coeff_dataset_FFHQ(tracking_dir, save_dir, smooth=False, is_img=False): + """ + Processes and organizes FaceVerse coefficients into a structured dataset. + + Parameters: + tracking_dir (str): Source directory containing tracked coefficient sequences + save_dir (str): Target directory to save processed coefficients + smooth (bool): Apply temporal smoothing to coefficients when True + """ + + # Iterate through each sequence directory + for prefix in tqdm(os.listdir(tracking_dir)): + seq_path = os.path.join(tracking_dir, prefix) + + # Skip non-directory entries + if not os.path.isdir(seq_path): + continue + + # Collect valid frame directories containing 'finish' flag file + frame_dirs = [ + name for name in os.listdir(seq_path) + if os.path.exists(os.path.join(seq_path, name, 'finish')) + ] + + # Sort frames numerically (requires directory names to be integer strings) + if not is_img: + frame_dirs.sort(key=lambda x: int(x)) + + try: + # Load all coefficient sequences for this sequence + coeff_seq = np.stack([ + np.load(os.path.join(seq_path, fname, 'coeffs.npy')) + for fname in frame_dirs + ], axis=0) # Shape: [num_frames, num_coeffs] + + # Apply temporal smoothing if enabled + if smooth: + # Gaussian filter with σ=0.5 across time dimension + coeff_seq = gaussian_filter1d(coeff_seq, sigma=0.5, axis=0) + + # Create output directory structure + output_seq_dir = os.path.join(save_dir, prefix) + os.makedirs(output_seq_dir, exist_ok=True) + + # Save processed coefficients per frame + for idx, fname in enumerate(frame_dirs): + output_path = os.path.join(output_seq_dir, fname + '.npy') + np.save(output_path, coeff_seq[idx]) + + except Exception as e: + # Note: Consider adding error logging in production code + # print(f"Skipping sequence {prefix} due to error: {str(e)}") + continue + + +class Process(object): + def __init__(self, cfg): + self.cfg = cfg + self.net_fd, self.net_ldmk, self.net_ldmk_3d = make_model(self.cfg) + self.net_fd.cuda() + self.net_ldmk.cuda() + self.net_ldmk_3d.cuda() + pd_fgc = FanEncoder() + weight_dict = torch.load(cfg.pdfgc_path) + pd_fgc.load_state_dict(weight_dict, strict=False) + pd_fgc = pd_fgc.eval().cuda() + self.pd_fgc = pd_fgc + ### set eval and freeze models + self.net_fd.eval() + self.net_ldmk.eval() + self.net_ldmk_3d.eval() + self.stand_index = np.array([96, 97, 54, 76, 82]) + self.fd_ldmk_detector = FaceLdmkDetector(self.net_fd, self.net_ldmk, self.net_ldmk_3d) + + def get_faceverse_labels_FFHQ(self, tracking_dir, root_dir, fv2fl_T_path='lib/FaceVerse/v3/fv2fl_30.npy', + focal=4.2647, need_render=False, + save_uv=True, save_mesh=False, save_name=None, render_normal_uv=False, + num_thread=1, use_smooth=False, test_data=False, skip=False, is_img=False): + """ + Processes FaceVerse tracking data to generate dataset labels for FFHQ-style datasets. + + Parameters: + tracking_dir (str): Path to directory containing FaceVerse tracking data + root_dir (str): Root directory for dataset outputs + fv2fl_T_path (str): Path to FaceVerse-to-FLAME transformation matrix + focal (float): Camera focal length + need_render (bool): Whether to render visualizations + save_uv (bool): Save UV texture maps if True + save_mesh (bool): Save 3D meshes if True + save_name (str): Custom name for output directory + render_normal_uv (bool): Render normal maps in UV space if True + num_thread (int): Number of parallel processing threads + use_smooth (bool): Apply temporal smoothing to coefficients if True + test_data (bool): Process as test data with different output structure if True + skip (bool): Skip existing files if True + """ + + # Setup base directories + save_dir = os.path.join(root_dir, 'dataset') + os.makedirs(save_dir, exist_ok=True) + + # Load FaceVerse to FLAME transformation matrix + fv2fl_T = np.load(fv2fl_T_path).astype(np.float32) + + # Coordinate transformation parameters + orth_scale = 5.00 # Orthographic projection scaling factor + orth_shift = np.array([0, 0.005, 0.], dtype=np.float32) # Coordinate shift + box_warp = 2.0 # Normalization scaling factor + + # Path configurations + face_model_dir = 'lib/FaceVerse/v3' # Pre-trained FaceVerse model + save_render_dir = os.path.join(save_dir, 'orthRender256x256_face_eye' if save_name is None else save_name) + save_mesh_dir = os.path.join(save_dir, 'FVmeshes512x512') if save_mesh else None + save_uv_dir = os.path.join(save_dir, 'uvRender256x256') if save_uv else None + + # Render orthographic projections and process geometry + render_orth_mp( + tracking_dir, + save_render_dir, + face_model_dir, + fv2fl_T, + {'scale': orth_scale, 'shift': orth_shift}, + focal, + render_vis=need_render, + save_mesh_dir=save_mesh_dir, + save_uv_dir=save_uv_dir, + render_normal_uv=render_normal_uv, + skip=skip, + num_thread=num_thread, + crop_param=[128, 114, 256, 256], # Crop parameters: x_offset, y_offset, width, height + save_coeff=True + ) + + # Compute normalization transformation matrix + normalizeFL_T = np.eye(4, dtype=np.float32) + scale_T = (orth_scale / box_warp) * np.eye(3, dtype=np.float32) # Scaling component + shift_T = scale_T.dot(orth_shift.reshape(3, 1)) # Translation component + normalizeFL_T[:3, :3], normalizeFL_T[:3, 3:] = scale_T, shift_T + + # Update FaceVerse to FLAME transformation with normalization + fv2fl_T = np.dot(normalizeFL_T, fv2fl_T) + + # Generate camera parameters dataset + cam_params, cond_cam_params, fv_exp_eye_params = make_cam_dataset_FFHQ( + tracking_dir, fv2fl_T, focal, test_data=test_data + ) + + # Handle different output structures for test vs training data + if test_data: + # Save per-sequence camera parameters + for prefix in cam_params.keys(): + save_json_name = f'dataset_{prefix}_realcam.json' + output_path = os.path.join(save_dir, 'images512x512', save_json_name) + with open(output_path, "w") as f: + json.dump({"labels": cam_params[prefix]}, f, indent=4) + else: + # Save unified camera parameters with optional temporal smoothing + save_json_name = 'dataset_realcam.json' + if use_smooth: + smoothed_params = [] + # Process each subdirectory sequence + for sub_name in os.listdir(os.path.join(save_dir, 'images512x512')): + sub_path = os.path.join(save_dir, 'images512x512', sub_name) + if not os.path.isdir(sub_path): + continue + + # Extract and sort sequence frames + sub_json = [case for case in cam_params if case[0].split('/')[0] == sub_name] + sub_json.sort(key=lambda x: int(x[0].split('/')[1].split('.')[0])) + + # Apply Gaussian smoothing to coefficients + coeff_seq = np.array([x[1] for x in sub_json], dtype=np.float32) + coeff_seq = gaussian_filter1d(coeff_seq, sigma=1.5, axis=0) + + # Rebuild parameter list with smoothed coefficients + smoothed_params.extend([ + [x[0], coeff_seq[idx].tolist()] + for idx, x in enumerate(sub_json) + ]) + cam_params = smoothed_params + + # Save final parameters + output_path = os.path.join(save_dir, 'images512x512', save_json_name) + with open(output_path, "w") as f: + json.dump({"labels": cam_params}, f, indent=4) + + # Generate final coefficient dataset + make_coeff_dataset_FFHQ(tracking_dir, os.path.join(save_dir, 'coeffs'), smooth=use_smooth, is_img=is_img) + + def get_landmarks(self, imgs_root, save_dir, valid_imgs_json, skip=False, is_img=False): + self.fd_ldmk_detector.reset() + out_detection = save_dir + os.makedirs(out_detection, exist_ok=True) + valid_idx = json.loads(open(valid_imgs_json).read()) + no_face_log = [] + for vidx, (video_name, imgs) in enumerate(valid_idx): + if skip and os.path.exists(os.path.join(out_detection, video_name + '.json')): + continue + bar = tqdm(imgs) + save_kps = dict() + save_kps_3d = dict() + for img_name in bar: + bar.set_description('%d/%d: %s' % (vidx, len(valid_idx), video_name)) + img_path = os.path.join(imgs_root, video_name, img_name) + img = cv2.imread(img_path) + with torch.no_grad(): + try: + ldmks, ldmks_3d, boxes = self.fd_ldmk_detector.inference(img) + except Exception as e: + self.fd_ldmk_detector.reset() + logging.error(f"Error during inference: {e}") # Error log + no_face_log.append([video_name, img_name]) + continue + if is_img: + self.fd_ldmk_detector.reset() + # default the first one face + keypoints = ldmks[0, self.stand_index] + ldmks_3d = ldmks_3d[0] + kps = [[float(int(keypoints[0][0])), float(int(keypoints[0][1]))], + [float(int(keypoints[1][0])), float(int(keypoints[1][1]))], + [float(int(keypoints[2][0])), float(int(keypoints[2][1]))], + [float(int(keypoints[3][0])), float(int(keypoints[3][1]))], + [float(int(keypoints[4][0])), float(int(keypoints[4][1]))] + ] + + save_kps[img_name] = kps + save_kps_3d[img_name] = ldmks_3d.tolist() + logging.info(f"landmarks: {os.path.join(out_detection, video_name + '.json')}") + with open(os.path.join(out_detection, video_name + '.json'), 'w') as f: + f.write(json.dumps(save_kps, indent=4)) + with open(os.path.join(out_detection, video_name + '3d.json'), 'w') as f: + f.write(json.dumps(save_kps_3d, indent=4)) + if len(no_face_log) > 0: + jstr = json.dumps(no_face_log, indent=4) + with open(os.path.join(out_detection, str(datetime.now()) + '_total_no_face_log.json'), 'w') as f: + f.write(jstr) + self.fd_ldmk_detector.reset() + + def get_pdfgc(self, input_imgs_dir, input_ldm3d_dir, motion_save_base_dir): + all_items = os.listdir(input_ldm3d_dir) + folders = [item for item in all_items if os.path.isdir(os.path.join(input_ldm3d_dir, item))] + + with torch.no_grad(): + for file_name in folders: + motion_save_dir = os.path.join(motion_save_base_dir, file_name) + os.makedirs(motion_save_dir, exist_ok=True) + img_list = sorted( + [f for f in os.listdir(os.path.join(input_imgs_dir, file_name)) + if os.path.splitext(f)[-1].lower() in {'.jpg', '.jpeg', '.png', '.bmp', '.gif'}] + ) + for img_name in img_list: + img_dir = os.path.join(input_imgs_dir, file_name, img_name) + lmks_dir = os.path.join(input_ldm3d_dir, file_name, + img_name.replace('.png', '.npy').replace('.jpg', '.npy').replace('.jpeg', + '.npy')) + img = np.array(Image.open(img_dir)) + img = torch.from_numpy((img.astype(np.float32) / 127.5 - 1)).cuda() + img = img.permute([2, 0, 1]).unsqueeze(0) + lmks = torch.from_numpy(np.load(lmks_dir)).cuda().unsqueeze(0) + motion = get_motion_feature(self.pd_fgc, img, lmks).squeeze(0).cpu().numpy() + np.save(os.path.join(motion_save_dir, img_name.replace('.png', '.npy').replace('.jpg', '.npy')), + motion) + + + def get_faceverse(self, save_dir, save_tracking_dir, is_img): + fit_faceverse(save_dir, save_tracking_dir, is_img=is_img) + + def clean_labels(self, tracking_dir, labels_path, final_label_path): + """ + Filter out labels containing frames with no detected faces + + Args: + tracking_dir: Path to directory containing no-face detection logs + labels_path: Path to original labels JSON file + final_path: Output path for cleaned labels JSON + """ + # Initialize collection of frames with no faces + no_face_entries = [] + + # Load all no-face detection logs + for log_file in os.listdir(tracking_dir): + if not log_file.endswith("_total_no_face_log.json"): + continue + with open(os.path.join(tracking_dir, log_file)) as f: + no_face_entries.extend(json.load(f)) + + # Load original labels and extract filenames + with open(labels_path) as f: + original_labels = json.load(f)['labels'] + label_filenames = [label[0] for label in original_labels] + + # Identify frames to exclude + excluded_frames = set() + for entry in no_face_entries: + # Extract video and frame names from log entry path + path_parts = entry[1].split('/') + video_name = path_parts[-2] + frame_name = path_parts[-1] + composite_key = f"{video_name}/{frame_name}" + + logging.debug(f"Processing no-face entry: {composite_key}") + + if composite_key in label_filenames: + excluded_frames.add(frame_name) + + logging.info(f"Identified {len(excluded_frames)} frames to exclude") + + # Filter out excluded frames from labels + cleaned_labels = [] + for label in tqdm(original_labels, desc="Filtering labels"): + # Label format: "video_name/frame_name" + frame_id = label[0].split('/')[1] + if frame_id not in excluded_frames: + cleaned_labels.append(label) + + # Save cleaned labels + logging.info(f"Original labels: {len(original_labels)}, Cleaned labels: {len(cleaned_labels)}") + with open(final_label_path, 'w') as f: + json.dump({'labels': cleaned_labels}, f, indent=4) + + def inference(self, input_dir, save_dir, is_video=True, is_img=False, smooth_cropping_mode=3.0, + no_extract_frames=False, no_extract_landmarks=False, no_align=False, + no_fitting_faceverse=False, no_render_faceverse=False, already_align=False, no_pdfgc_motion=False): + """ + End-to-end processing pipeline for facial analysis and reconstruction. + + Parameters: + input_dir (str): Source directory containing input videos/images + save_dir (str): Root directory for all processed outputs + is_video (bool): True when processing video files + is_img (bool): True when processing image sequences + smooth_cropping_mode (float): Smoothing strength for video frame alignment + no_extract_frames (bool): Extract frames from video if True + no_extract_landmarks (bool): Detect facial landmarks if True + no_align (bool): Align and crop face regions if True + no_fitting_faceverse (bool): Fit FaceVerse model if True + no_render_faceverse (bool): Render FaceVerse outputs if True + """ + + # Initialize directory paths + motions_save_dir = os.path.join(save_dir, 'dataset', "motions") + data_save_dir = os.path.join(save_dir, 'dataset', "images512x512") # Final processed images + raw_detection_dir = os.path.join(save_dir, "raw_detections") # Landmark detection results + save_tracking_dir = os.path.join(save_dir, 'crop_fv_tracking') # FaceVerse tracking data + indir = os.path.join(save_dir, 'raw_frames') # Raw extracted frames + aligned3d_save_dir = os.path.join(save_dir, 'align_3d_landmark') + + # --- Frame Extraction Stage --- + if not no_extract_frames: + logging.info("Extracting frames from input source") + valid_imgs_json = get_valid_input_idx( + input_dir, + indir, + is_video=is_video, + is_img=is_img, + skip=1 # Frame sampling interval + ) + logging.info(f"Frame extraction complete. Results in {indir}") + else: + valid_imgs_json = os.path.join(indir, 'valid_imgs.json') + logging.info(f"Using pre-extracted frames from {indir}") + + # --- Landmark Detection Stage --- + if not no_extract_landmarks: + logging.info("Performing facial landmark detection") + self.get_landmarks(indir, raw_detection_dir, valid_imgs_json, is_img=is_img) + logging.info(f"Landmark detection complete. Results in {raw_detection_dir}") + else: + logging.info(f"Using pre-computed landmarks from {raw_detection_dir}") + + # --- Face Alignment Stage --- + if not no_align: + logging.info("Aligning and cropping face regions") + if is_video: + # Video processing with temporal smoothing + recreate_aligned_videos_multiprocessing( + indir, + raw_detection_dir, + data_save_dir, + valid_imgs_json, + apply_GF=smooth_cropping_mode # Gaussian filtering strength + ) + elif is_img: + # Image sequence processing + recreate_aligned_images( + indir, + raw_detection_dir, + data_save_dir, + already_align=already_align, + valid_imgs_json=valid_imgs_json + ) + else: + raise ValueError("Invalid input type - must be video or image sequence") + logging.info(f"Alignment complete. Results in {data_save_dir}") + else: + logging.info(f"Using pre-aligned images from {data_save_dir}") + + if not no_pdfgc_motion: + logging.info("Getting the pdfgc motions") + self.get_pdfgc(data_save_dir, aligned3d_save_dir, motions_save_dir) + logging.info(f"Alignment complete. Results in {motions_save_dir}") + else: + logging.info(f"Using pre-aligned images from {motions_save_dir}") + + # --- FaceVerse Model Fitting Stage --- + if not no_fitting_faceverse: + logging.info("Fitting FaceVerse 3D face model") + self.get_faceverse( + data_save_dir, + save_tracking_dir, + is_img # Different processing for images vs video + ) + logging.info(f"FaceVerse fitting complete. Results in {save_tracking_dir}") + else: + logging.info(f"Using pre-computed FaceVerse fits from {save_tracking_dir}") + + # --- Rendering and Final Output Stage --- + if not no_render_faceverse: + logging.info("Generating FaceVerse renders and camera parameters") + self.get_faceverse_labels_FFHQ( + save_tracking_dir, + save_dir, + is_img=is_img + ) + logging.info("Rendering and label generation complete") + else: + logging.info("Skipping final rendering stage") + + if is_video: + logging.info("Clean labels") + self.clean_labels(save_tracking_dir, os.path.join(data_save_dir, 'dataset_realcam.json'), + os.path.join(data_save_dir, 'dataset_realcam_clean.json')) + + +def main(): + os.makedirs(cfg.save_dir, exist_ok=True) + process = Process(cfg) + process.inference(cfg.input_dir, cfg.save_dir, is_video=cfg.is_video, is_img=cfg.is_img, + no_extract_frames=cfg.no_extract_frames, no_extract_landmarks=cfg.no_extract_landmarks, + no_align=cfg.no_align, + no_fitting_faceverse=cfg.no_fitting_faceverse, no_render_faceverse=cfg.no_render_faceverse, + already_align=cfg.already_align, no_pdfgc_motion=cfg.no_pdfgc_motion) + + +if __name__ == "__main__": + import torch.multiprocessing as mp + + mp.set_start_method('spawn', force=True) + main() diff --git a/data_process/input_img_align_extract_ldm_demo.py b/data_process/input_img_align_extract_ldm_demo.py new file mode 100644 index 0000000000000000000000000000000000000000..bf9c8ef2750723b094f78f7472a6dcd4a96e19e4 --- /dev/null +++ b/data_process/input_img_align_extract_ldm_demo.py @@ -0,0 +1,626 @@ +import os +import sys +import json +import time +import glob +import logging +import argparse +from datetime import datetime + +import cv2 +import torch +import numpy as np +from tqdm import tqdm +from scipy.ndimage import gaussian_filter1d +from PIL import Image +from natsort import ns, natsorted +from lib.config.config_demo import cfg +from lib.faceverse_process.fit_faceverse import fit_faceverse +from lib.face_detect_ldmk_pipeline import FaceLdmkDetector +from lib.model_builder import make_model +from lib.align_in_the_wild import recreate_aligned_images, recreate_aligned_videos_multiprocessing +from lib.preprocess_faceverse import make_cam_dataset_FFHQ, render_orth_mp +from lib.pdfgc.encoder import FanEncoder +from lib.pdfgc.utils import get_motion_feature +logging.basicConfig(level=logging.INFO, format="%(levelname)s: %(message)s") + + +def is_image_file(filename): + """ + Check if a file has a common image format extension. + + Args: + filename (str): The name or path of the file. + + Returns: + bool: True if the file has an image extension (.jpg, .png, etc.), otherwise False. + + """ + image_extensions = {".jpg", ".jpeg", ".png", ".gif", ".bmp", ".tiff", ".webp"} + return os.path.splitext(filename)[1].lower() in image_extensions + + +def get_images_in_folder(folder_path): + """ + Check if a given folder contains images and return a list of image file names. + + Args: + folder_path (str): The path of the folder to check. + + Returns: + list: A list of image file names if found, otherwise an empty list. + + """ + if not os.path.isdir(folder_path): # Check if the path is a directory + return [] + + image_files = [file for file in os.listdir(folder_path) if + os.path.isfile(os.path.join(folder_path, file)) and is_image_file(file)] + + return image_files # Return a list of image names + + +def is_video_file(file_path): + video_extensions = {".mp4", ".avi", ".mov", ".mkv", ".flv", ".wmv" } + ext = os.path.splitext(file_path)[1].lower() + return ext in video_extensions + + +def extract_imgs(input_path, save_dir, skip=1, center_crop=False, res=512, is_video=False, is_img=True): + os.makedirs(save_dir, exist_ok=True) + if is_video and is_video_file(input_path): + videoCapture = cv2.VideoCapture(input_path) + size = (int(videoCapture.get(cv2.CAP_PROP_FRAME_WIDTH)), + int(videoCapture.get(cv2.CAP_PROP_FRAME_HEIGHT))) + if center_crop: + length = min(size) // 2 + top, bottom, left, right = max(0, size[1] // 2 - length), min(size[1], size[1] // 2 + length), max(0, size[ + 0] // 2 - length), min(size[0], size[0] // 2 + length) + else: + length = max(size) // 2 + top, bottom, left, right = max(0, length - size[1] // 2), max(0, length - size[1] // 2), max(0, + length - size[ + 0] // 2), max( + 0, length - size[0] // 2) + count = -1 + while True: + flag, frame = videoCapture.read() + count += 1 + if not flag: + break + if skip > 1 and not (count % skip == 0): + continue + if center_crop: + crop_frame = frame[top: bottom, left: right] + else: + crop_frame = cv2.copyMakeBorder(frame, top, bottom, left, right, cv2.BORDER_CONSTANT, value=0) + if not res == crop_frame.shape[0]: + crop_frame = cv2.resize(crop_frame, dsize=(res, res), interpolation=cv2.INTER_LINEAR) + cv2.imwrite(os.path.join(save_dir, str(count) + '.png'), crop_frame) + videoCapture.release() + logging.info(f"Video frames saved in {save_dir}") + + elif is_img: + all_imgs = get_images_in_folder(input_path) + if len(all_imgs) == 0: + raise ValueError("The input file has no images") + else: + count = -1 + for image_name in all_imgs: + count += 1 + img = cv2.imread(os.path.join(input_path, image_name)) + size = (img.shape[1], img.shape[0]) + if center_crop: + length = min(size) // 2 + top, bottom, left, right = max(0, size[1] // 2 - length), min(size[1], size[1] // 2 + length), max( + 0, size[0] // 2 - length), min(size[0], size[0] // 2 + length) + else: + length = max(size) // 2 + top, bottom, left, right = max(0, length - size[1] // 2), max(0, length - size[1] // 2), max(0, + length - + size[ + 0] // 2), max( + 0, length - size[0] // 2) + if center_crop: + crop_frame = img[top: bottom, left: right] + else: + crop_frame = cv2.copyMakeBorder(img, top, bottom, left, right, cv2.BORDER_CONSTANT, value=0) + if not res == crop_frame.shape[0]: + crop_frame = cv2.resize(crop_frame, dsize=(res, res), interpolation=cv2.INTER_LINEAR) + cv2.imwrite(os.path.join(save_dir, image_name.split('.')[0].replace(" ", "_") + '.png'), crop_frame) + logging.info(f"Images saved in {save_dir}") + else: + raise ValueError("The input file is not a video") + + +def get_valid_input_idx(input_path, save_dir, is_video, is_img, skip=1): + """ + Extracts images from the input file, organizes them, and creates a JSON file listing valid images. + + Args: + input_path (str): Path to the input file (e.g., a video or archive). + save_dir (str): Directory to save extracted images. + skip (int, optional): Step size for selecting images (default: 1). + + Returns: + str: Path to the generated JSON file containing valid image names. + """ + # Extract images to a subdirectory named after the input file + raw_imgs_save_dir = os.path.join(save_dir, os.path.splitext(os.path.basename(input_path))[0]) + extract_imgs(input_path, raw_imgs_save_dir, is_video=is_video, is_img=is_img) + + # Define JSON save path + valid_imgs_json_save_path = os.path.join(save_dir, 'valid_imgs.json') + valid_videos, count, img_nums = [], 0, [0] + + # Process subdirectories in `save_dir` + for video_imgs_name in tqdm(os.listdir(save_dir)): + print(video_imgs_name) + video_imgs_dir = os.path.join(save_dir, video_imgs_name) + if not os.path.isdir(video_imgs_dir): + continue + + # Collect and sort image files + img_names = natsorted([x for x in os.listdir(video_imgs_dir) if x.endswith((".jpg", ".png", ".webp"))], alg=ns.PATH) + + # Store selected images with skip interval + valid_videos.append([video_imgs_name, img_names[::skip]]) + count += len(valid_videos[-1][1]) + img_nums.append(count) + + # Save results to JSON + with open(valid_imgs_json_save_path, 'w') as f: + json.dump(valid_videos, f, indent=4) + + return valid_imgs_json_save_path # Return JSON file path + + +def make_coeff_dataset_FFHQ(tracking_dir, save_dir, smooth=False, is_img=False): + """ + Processes and organizes FaceVerse coefficients into a structured dataset. + + Parameters: + tracking_dir (str): Source directory containing tracked coefficient sequences + save_dir (str): Target directory to save processed coefficients + smooth (bool): Apply temporal smoothing to coefficients when True + """ + + # Iterate through each sequence directory + for prefix in tqdm(os.listdir(tracking_dir)): + seq_path = os.path.join(tracking_dir, prefix) + + # Skip non-directory entries + if not os.path.isdir(seq_path): + continue + + # Collect valid frame directories containing 'finish' flag file + frame_dirs = [ + name for name in os.listdir(seq_path) + if os.path.exists(os.path.join(seq_path, name, 'finish')) + ] + + # Sort frames numerically (requires directory names to be integer strings) + if not is_img: + frame_dirs.sort(key=lambda x: int(x)) + + try: + # Load all coefficient sequences for this sequence + coeff_seq = np.stack([ + np.load(os.path.join(seq_path, fname, 'coeffs.npy')) + for fname in frame_dirs + ], axis=0) # Shape: [num_frames, num_coeffs] + + # Apply temporal smoothing if enabled + if smooth: + # Gaussian filter with σ=0.5 across time dimension + coeff_seq = gaussian_filter1d(coeff_seq, sigma=0.5, axis=0) + + # Create output directory structure + output_seq_dir = os.path.join(save_dir, prefix) + os.makedirs(output_seq_dir, exist_ok=True) + + # Save processed coefficients per frame + for idx, fname in enumerate(frame_dirs): + output_path = os.path.join(output_seq_dir, fname + '.npy') + np.save(output_path, coeff_seq[idx]) + + except Exception as e: + # Note: Consider adding error logging in production code + # print(f"Skipping sequence {prefix} due to error: {str(e)}") + continue + + +class Process(object): + def __init__(self, cfg): + self.cfg = cfg + self.net_fd, self.net_ldmk, self.net_ldmk_3d = make_model(self.cfg) + self.net_fd.cuda() + self.net_ldmk.cuda() + self.net_ldmk_3d.cuda() + pd_fgc = FanEncoder() + weight_dict = torch.load(cfg.pdfgc_path) + pd_fgc.load_state_dict(weight_dict, strict=False) + pd_fgc = pd_fgc.eval().cuda() + self.pd_fgc = pd_fgc + ### set eval and freeze models + self.net_fd.eval() + self.net_ldmk.eval() + self.net_ldmk_3d.eval() + self.stand_index = np.array([96, 97, 54, 76, 82]) + self.fd_ldmk_detector = FaceLdmkDetector(self.net_fd, self.net_ldmk, self.net_ldmk_3d) + + def get_faceverse_labels_FFHQ(self, tracking_dir, root_dir, fv2fl_T_path='data_process/lib/FaceVerse/v3/fv2fl_30.npy', + focal=4.2647, need_render=False, + save_uv=True, save_mesh=False, save_name=None, render_normal_uv=False, + num_thread=1, use_smooth=False, test_data=False, skip=False, is_img=False): + """ + Processes FaceVerse tracking data to generate dataset labels for FFHQ-style datasets. + + Parameters: + tracking_dir (str): Path to directory containing FaceVerse tracking data + root_dir (str): Root directory for dataset outputs + fv2fl_T_path (str): Path to FaceVerse-to-FLAME transformation matrix + focal (float): Camera focal length + need_render (bool): Whether to render visualizations + save_uv (bool): Save UV texture maps if True + save_mesh (bool): Save 3D meshes if True + save_name (str): Custom name for output directory + render_normal_uv (bool): Render normal maps in UV space if True + num_thread (int): Number of parallel processing threads + use_smooth (bool): Apply temporal smoothing to coefficients if True + test_data (bool): Process as test data with different output structure if True + skip (bool): Skip existing files if True + """ + + # Setup base directories + save_dir = os.path.join(root_dir, 'dataset') + os.makedirs(save_dir, exist_ok=True) + + # Load FaceVerse to FLAME transformation matrix + fv2fl_T = np.load(fv2fl_T_path).astype(np.float32) + + # Coordinate transformation parameters + orth_scale = 5.00 # Orthographic projection scaling factor + orth_shift = np.array([0, 0.005, 0.], dtype=np.float32) # Coordinate shift + box_warp = 2.0 # Normalization scaling factor + + # Path configurations + face_model_dir = 'data_process/lib/FaceVerse/v3' # Pre-trained FaceVerse model + save_render_dir = os.path.join(save_dir, 'orthRender256x256_face_eye' if save_name is None else save_name) + save_mesh_dir = os.path.join(save_dir, 'FVmeshes512x512') if save_mesh else None + save_uv_dir = os.path.join(save_dir, 'uvRender256x256') if save_uv else None + + # Render orthographic projections and process geometry + render_orth_mp( + tracking_dir, + save_render_dir, + face_model_dir, + fv2fl_T, + {'scale': orth_scale, 'shift': orth_shift}, + focal, + render_vis=need_render, + save_mesh_dir=save_mesh_dir, + save_uv_dir=save_uv_dir, + render_normal_uv=render_normal_uv, + skip=skip, + num_thread=num_thread, + crop_param=[128, 114, 256, 256], # Crop parameters: x_offset, y_offset, width, height + save_coeff=True + ) + + # Compute normalization transformation matrix + normalizeFL_T = np.eye(4, dtype=np.float32) + scale_T = (orth_scale / box_warp) * np.eye(3, dtype=np.float32) # Scaling component + shift_T = scale_T.dot(orth_shift.reshape(3, 1)) # Translation component + normalizeFL_T[:3, :3], normalizeFL_T[:3, 3:] = scale_T, shift_T + + # Update FaceVerse to FLAME transformation with normalization + fv2fl_T = np.dot(normalizeFL_T, fv2fl_T) + + # Generate camera parameters dataset + cam_params, cond_cam_params, fv_exp_eye_params = make_cam_dataset_FFHQ( + tracking_dir, fv2fl_T, focal, test_data=test_data + ) + + # Handle different output structures for test vs training data + if test_data: + # Save per-sequence camera parameters + for prefix in cam_params.keys(): + save_json_name = f'dataset_{prefix}_realcam.json' + output_path = os.path.join(save_dir, 'images512x512', save_json_name) + with open(output_path, "w") as f: + json.dump({"labels": cam_params[prefix]}, f, indent=4) + else: + # Save unified camera parameters with optional temporal smoothing + save_json_name = 'dataset_realcam.json' + if use_smooth: + smoothed_params = [] + # Process each subdirectory sequence + for sub_name in os.listdir(os.path.join(save_dir, 'images512x512')): + sub_path = os.path.join(save_dir, 'images512x512', sub_name) + if not os.path.isdir(sub_path): + continue + + # Extract and sort sequence frames + sub_json = [case for case in cam_params if case[0].split('/')[0] == sub_name] + sub_json.sort(key=lambda x: int(x[0].split('/')[1].split('.')[0])) + + # Apply Gaussian smoothing to coefficients + coeff_seq = np.array([x[1] for x in sub_json], dtype=np.float32) + coeff_seq = gaussian_filter1d(coeff_seq, sigma=1.5, axis=0) + + # Rebuild parameter list with smoothed coefficients + smoothed_params.extend([ + [x[0], coeff_seq[idx].tolist()] + for idx, x in enumerate(sub_json) + ]) + cam_params = smoothed_params + + # Save final parameters + output_path = os.path.join(save_dir, 'images512x512', save_json_name) + with open(output_path, "w") as f: + json.dump({"labels": cam_params}, f, indent=4) + + # Generate final coefficient dataset + make_coeff_dataset_FFHQ(tracking_dir, os.path.join(save_dir, 'coeffs'), smooth=use_smooth, is_img=is_img) + + def get_landmarks(self, imgs_root, save_dir, valid_imgs_json, skip=False, is_img=False): + self.fd_ldmk_detector.reset() + out_detection = save_dir + os.makedirs(out_detection, exist_ok=True) + valid_idx = json.loads(open(valid_imgs_json).read()) + no_face_log = [] + for vidx, (video_name, imgs) in enumerate(valid_idx): + if skip and os.path.exists(os.path.join(out_detection, video_name + '.json')): + continue + bar = tqdm(imgs) + save_kps = dict() + save_kps_3d = dict() + for img_name in bar: + bar.set_description('%d/%d: %s' % (vidx, len(valid_idx), video_name)) + img_path = os.path.join(imgs_root, video_name, img_name) + img = cv2.imread(img_path) + with torch.no_grad(): + try: + ldmks, ldmks_3d, boxes = self.fd_ldmk_detector.inference(img) + except Exception as e: + self.fd_ldmk_detector.reset() + logging.error(f"Error during inference: {e}") # Error log + no_face_log.append([video_name, img_name]) + continue + if is_img: + self.fd_ldmk_detector.reset() + # default the first one face + keypoints = ldmks[0, self.stand_index] + ldmks_3d = ldmks_3d[0] + kps = [[float(int(keypoints[0][0])), float(int(keypoints[0][1]))], + [float(int(keypoints[1][0])), float(int(keypoints[1][1]))], + [float(int(keypoints[2][0])), float(int(keypoints[2][1]))], + [float(int(keypoints[3][0])), float(int(keypoints[3][1]))], + [float(int(keypoints[4][0])), float(int(keypoints[4][1]))] + ] + + save_kps[img_name] = kps + save_kps_3d[img_name] = ldmks_3d.tolist() + logging.info(f"landmarks: {os.path.join(out_detection, video_name + '.json')}") + with open(os.path.join(out_detection, video_name + '.json'), 'w') as f: + f.write(json.dumps(save_kps, indent=4)) + with open(os.path.join(out_detection, video_name + '3d.json'), 'w') as f: + f.write(json.dumps(save_kps_3d, indent=4)) + if len(no_face_log) > 0: + jstr = json.dumps(no_face_log, indent=4) + with open(os.path.join(out_detection, str(datetime.now()) + '_total_no_face_log.json'), 'w') as f: + f.write(jstr) + self.fd_ldmk_detector.reset() + + def get_pdfgc(self, input_imgs_dir, input_ldm3d_dir, motion_save_base_dir): + all_items = os.listdir(input_ldm3d_dir) + folders = [item for item in all_items if os.path.isdir(os.path.join(input_ldm3d_dir, item))] + + with torch.no_grad(): + for file_name in folders: + motion_save_dir = os.path.join(motion_save_base_dir, file_name) + os.makedirs(motion_save_dir, exist_ok=True) + img_list = sorted( + [f for f in os.listdir(os.path.join(input_imgs_dir, file_name)) + if os.path.splitext(f)[-1].lower() in {'.jpg', '.jpeg', '.png', '.bmp', '.gif'}] + ) + for img_name in img_list: + img_dir = os.path.join(input_imgs_dir, file_name, img_name) + lmks_dir = os.path.join(input_ldm3d_dir, file_name, + img_name.replace('.png', '.npy').replace('.jpg', '.npy').replace('.jpeg', + '.npy')) + img = np.array(Image.open(img_dir)) + img = torch.from_numpy((img.astype(np.float32) / 127.5 - 1)).cuda() + img = img.permute([2, 0, 1]).unsqueeze(0) + lmks = torch.from_numpy(np.load(lmks_dir)).cuda().unsqueeze(0) + motion = get_motion_feature(self.pd_fgc, img, lmks).squeeze(0).cpu().numpy() + np.save(os.path.join(motion_save_dir, img_name.replace('.png', '.npy').replace('.jpg', '.npy')), + motion) + + + def get_faceverse(self, save_dir, save_tracking_dir, is_img): + fit_faceverse(save_dir, save_tracking_dir, is_img=is_img) + + def clean_labels(self, tracking_dir, labels_path, final_label_path): + """ + Filter out labels containing frames with no detected faces + + Args: + tracking_dir: Path to directory containing no-face detection logs + labels_path: Path to original labels JSON file + final_path: Output path for cleaned labels JSON + """ + # Initialize collection of frames with no faces + no_face_entries = [] + + # Load all no-face detection logs + for log_file in os.listdir(tracking_dir): + if not log_file.endswith("_total_no_face_log.json"): + continue + with open(os.path.join(tracking_dir, log_file)) as f: + no_face_entries.extend(json.load(f)) + + # Load original labels and extract filenames + with open(labels_path) as f: + original_labels = json.load(f)['labels'] + label_filenames = [label[0] for label in original_labels] + + # Identify frames to exclude + excluded_frames = set() + for entry in no_face_entries: + # Extract video and frame names from log entry path + path_parts = entry[1].split('/') + video_name = path_parts[-2] + frame_name = path_parts[-1] + composite_key = f"{video_name}/{frame_name}" + + logging.debug(f"Processing no-face entry: {composite_key}") + + if composite_key in label_filenames: + excluded_frames.add(frame_name) + + logging.info(f"Identified {len(excluded_frames)} frames to exclude") + + # Filter out excluded frames from labels + cleaned_labels = [] + for label in tqdm(original_labels, desc="Filtering labels"): + # Label format: "video_name/frame_name" + frame_id = label[0].split('/')[1] + if frame_id not in excluded_frames: + cleaned_labels.append(label) + + # Save cleaned labels + logging.info(f"Original labels: {len(original_labels)}, Cleaned labels: {len(cleaned_labels)}") + with open(final_label_path, 'w') as f: + json.dump({'labels': cleaned_labels}, f, indent=4) + + def inference(self, input_dir, save_dir, is_video=True, is_img=False, smooth_cropping_mode=3.0, + no_extract_frames=False, no_extract_landmarks=False, no_align=False, + no_fitting_faceverse=False, no_render_faceverse=False, already_align=False, no_pdfgc_motion=False): + """ + End-to-end processing pipeline for facial analysis and reconstruction. + + Parameters: + input_dir (str): Source directory containing input videos/images + save_dir (str): Root directory for all processed outputs + is_video (bool): True when processing video files + is_img (bool): True when processing image sequences + smooth_cropping_mode (float): Smoothing strength for video frame alignment + no_extract_frames (bool): Extract frames from video if True + no_extract_landmarks (bool): Detect facial landmarks if True + no_align (bool): Align and crop face regions if True + no_fitting_faceverse (bool): Fit FaceVerse model if True + no_render_faceverse (bool): Render FaceVerse outputs if True + """ + + # Initialize directory paths + motions_save_dir = os.path.join(save_dir, 'dataset', "motions") + data_save_dir = os.path.join(save_dir, 'dataset', "images512x512") # Final processed images + raw_detection_dir = os.path.join(save_dir, "raw_detections") # Landmark detection results + save_tracking_dir = os.path.join(save_dir, 'crop_fv_tracking') # FaceVerse tracking data + indir = os.path.join(save_dir, 'raw_frames') # Raw extracted frames + aligned3d_save_dir = os.path.join(save_dir, 'align_3d_landmark') + + # --- Frame Extraction Stage --- + if not no_extract_frames: + logging.info("Extracting frames from input source") + valid_imgs_json = get_valid_input_idx( + input_dir, + indir, + is_video=is_video, + is_img=is_img, + skip=1 # Frame sampling interval + ) + logging.info(f"Frame extraction complete. Results in {indir}") + else: + valid_imgs_json = os.path.join(indir, 'valid_imgs.json') + logging.info(f"Using pre-extracted frames from {indir}") + + # --- Landmark Detection Stage --- + if not no_extract_landmarks: + logging.info("Performing facial landmark detection") + self.get_landmarks(indir, raw_detection_dir, valid_imgs_json, is_img=is_img) + logging.info(f"Landmark detection complete. Results in {raw_detection_dir}") + else: + logging.info(f"Using pre-computed landmarks from {raw_detection_dir}") + + # --- Face Alignment Stage --- + if not no_align: + logging.info("Aligning and cropping face regions") + if is_video: + # Video processing with temporal smoothing + recreate_aligned_videos_multiprocessing( + indir, + raw_detection_dir, + data_save_dir, + valid_imgs_json, + apply_GF=smooth_cropping_mode # Gaussian filtering strength + ) + elif is_img: + # Image sequence processing + recreate_aligned_images( + indir, + raw_detection_dir, + data_save_dir, + already_align=already_align, + valid_imgs_json=valid_imgs_json + ) + else: + raise ValueError("Invalid input type - must be video or image sequence") + logging.info(f"Alignment complete. Results in {data_save_dir}") + else: + logging.info(f"Using pre-aligned images from {data_save_dir}") + + if not no_pdfgc_motion: + logging.info("Getting the pdfgc motions") + self.get_pdfgc(data_save_dir, aligned3d_save_dir, motions_save_dir) + logging.info(f"Alignment complete. Results in {motions_save_dir}") + else: + logging.info(f"Using pre-aligned images from {motions_save_dir}") + + # --- FaceVerse Model Fitting Stage --- + if not no_fitting_faceverse: + logging.info("Fitting FaceVerse 3D face model") + self.get_faceverse( + data_save_dir, + save_tracking_dir, + is_img # Different processing for images vs video + ) + logging.info(f"FaceVerse fitting complete. Results in {save_tracking_dir}") + else: + logging.info(f"Using pre-computed FaceVerse fits from {save_tracking_dir}") + + # --- Rendering and Final Output Stage --- + if not no_render_faceverse: + logging.info("Generating FaceVerse renders and camera parameters") + self.get_faceverse_labels_FFHQ( + save_tracking_dir, + save_dir, + is_img=is_img + ) + logging.info("Rendering and label generation complete") + else: + logging.info("Skipping final rendering stage") + + if is_video: + logging.info("Clean labels") + self.clean_labels(save_tracking_dir, os.path.join(data_save_dir, 'dataset_realcam.json'), + os.path.join(data_save_dir, 'dataset_realcam_clean.json')) + + +# def main(): +# os.makedirs(cfg.save_dir, exist_ok=True) +# process = Process(cfg) +# process.inference(cfg.input_dir, cfg.save_dir, is_video=cfg.is_video, is_img=cfg.is_img, +# no_extract_frames=cfg.no_extract_frames, no_extract_landmarks=cfg.no_extract_landmarks, +# no_align=cfg.no_align, +# no_fitting_faceverse=cfg.no_fitting_faceverse, no_render_faceverse=cfg.no_render_faceverse, +# already_align=cfg.already_align, no_pdfgc_motion=cfg.no_pdfgc_motion) +# +# +# if __name__ == "__main__": +# import torch.multiprocessing as mp +# +# mp.set_start_method('spawn', force=True) +# main() diff --git a/data_process/lib/.DS_Store b/data_process/lib/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..e096eee2ab391066b6706d9b0f40f191c456f96c Binary files /dev/null and b/data_process/lib/.DS_Store differ diff --git a/data_process/lib/FaceVerse/.DS_Store b/data_process/lib/FaceVerse/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..0dfbb8e91b77835c7770109d6362d45c682fca05 Binary files /dev/null and b/data_process/lib/FaceVerse/.DS_Store differ diff --git a/data_process/lib/FaceVerse/FaceVerseModel_v3.py b/data_process/lib/FaceVerse/FaceVerseModel_v3.py new file mode 100644 index 0000000000000000000000000000000000000000..4bd3e7c0f04c0231fd106a2a0071ed05d39b948d --- /dev/null +++ b/data_process/lib/FaceVerse/FaceVerseModel_v3.py @@ -0,0 +1,518 @@ +# from metaface_fitting 20221122 +import torch +from torch import nn +import numpy as np + +from pytorch3d.structures import Meshes +# from pytorch3d.renderer import TexturesVertex +from pytorch3d.renderer import ( + look_at_view_transform, + PerspectiveCameras, + PointLights, + RasterizationSettings, + MeshRenderer, + MeshRasterizer, + SoftPhongShader, + TexturesVertex, + blending +) +from pytorch3d.loss import ( + # mesh_edge_loss, + mesh_laplacian_smoothing, + # mesh_normal_consistency, +) + + +class FaceVerseModel(nn.Module): + def __init__(self, model_dict, batch_size=1, device='cuda:0', expr_52=True, **kargs): + super(FaceVerseModel, self).__init__() + + self.batch_size = batch_size + self.device = torch.device(device) + + self.rotXYZ = torch.eye(3).view(1, 3, 3).repeat(3, 1, 1).view(3, 1, 3, 3).to(self.device) + + self.renderer = ModelRenderer(device, **kargs) + + self.kp_inds = torch.tensor(model_dict['mediapipe_keypoints'].reshape(-1, 1), requires_grad=False).squeeze().long().to(self.device) + self.ver_inds = model_dict['ver_inds'] + self.tri_inds = model_dict['tri_inds'] + + meanshape = torch.tensor(model_dict['meanshape'].reshape(-1, 3), dtype=torch.float32, requires_grad=False, device=self.device) + meanshape[:, [1, 2]] *= -1 + meanshape = meanshape * 0.1 + meanshape[:, 1] += 1 + self.meanshape = meanshape.reshape(1, -1) + self.meantex = torch.tensor(model_dict['meantex'].reshape(1, -1), dtype=torch.float32, requires_grad=False, device=self.device) + + idBase = torch.tensor(model_dict['idBase'].reshape(-1, 3, 150), dtype=torch.float32, requires_grad=False, device=self.device) + idBase[:, [1, 2]] *= -1 + self.idBase = (idBase * 0.1).reshape(-1, 150) + self.expr_52 = expr_52 + if expr_52: + expBase = torch.tensor(np.load('metamodel/v3/exBase_52.npy').reshape(-1, 3, 52), dtype=torch.float32, requires_grad=False, device=self.device) + else: + expBase = torch.tensor(model_dict['exBase'].reshape(-1, 3, 171), dtype=torch.float32, requires_grad=False, device=self.device) + expBase[:, [1, 2]] *= -1 + self.expBase = (expBase * 0.1).reshape(-1, 171) + self.texBase = torch.tensor(model_dict['texBase'], dtype=torch.float32, requires_grad=False, device=self.device) + + self.l_eyescale = model_dict['left_eye_exp'] + self.r_eyescale = model_dict['right_eye_exp'] + + self.uv = torch.tensor(model_dict['uv'], dtype=torch.float32, requires_grad=False, device=self.device) + self.tri = torch.tensor(model_dict['tri'], dtype=torch.int64, requires_grad=False, device=self.device) + self.tri_uv = torch.tensor(model_dict['tri_uv'], dtype=torch.int64, requires_grad=False, device=self.device) + self.point_buf = torch.tensor(model_dict['point_buf'], dtype=torch.int64, requires_grad=False, device=self.device) + + self.num_vertex = self.meanshape.shape[1] // 3 + self.id_dims = self.idBase.shape[1] + self.tex_dims = self.texBase.shape[1] + self.exp_dims = self.expBase.shape[1] + self.all_dims = self.id_dims + self.tex_dims + self.exp_dims + self.init_coeff_tensors() + + # for tracking by landmarks + self.kp_inds_view = torch.cat([self.kp_inds[:, None] * 3, self.kp_inds[:, None] * 3 + 1, self.kp_inds[:, None] * 3 + 2], dim=1).flatten() + self.idBase_view = self.idBase[self.kp_inds_view, :].detach().clone() + self.expBase_view = self.expBase[self.kp_inds_view, :].detach().clone() + self.meanshape_view = self.meanshape[:, self.kp_inds_view].detach().clone() + + # zxc + self.identity = torch.eye(3, dtype=torch.float32, device=self.device) + self.point_shift = torch.nn.Parameter(torch.zeros(self.num_vertex, 3, dtype=torch.float32, device=self.device)) # [N, 3] + + def set_renderer(self, intr=None, img_size=256, cam_dist=10., render_depth=False, rasterize_blur_radius=0.): + self.renderer = ModelRenderer(self.device, intr, img_size, cam_dist, render_depth, rasterize_blur_radius) + + def init_coeff_tensors(self, id_coeff=None, tex_coeff=None, exp_coeff=None, gamma_coeff=None, trans_coeff=None, rot_coeff=None, scale_coeff=None, eye_coeff=None): + if id_coeff is None: + self.id_tensor = torch.zeros((1, self.id_dims), dtype=torch.float32, requires_grad=True, device=self.device) + else: + assert id_coeff.shape == (1, self.id_dims) + self.id_tensor = id_coeff.clone().detach().requires_grad_(True) + + if tex_coeff is None: + self.tex_tensor = torch.zeros((1, self.tex_dims), dtype=torch.float32, requires_grad=True, device=self.device) + else: + assert tex_coeff.shape == (1, self.tex_dims) + self.tex_tensor = tex_coeff.clone().detach().requires_grad_(True) + + if exp_coeff is None: + self.exp_tensor = torch.zeros((self.batch_size, self.exp_dims), dtype=torch.float32, requires_grad=True, device=self.device) + else: + assert exp_coeff.shape == (1, self.exp_dims) + self.exp_tensor = exp_coeff.clone().detach().requires_grad_(True) + + if gamma_coeff is None: + self.gamma_tensor = torch.zeros((self.batch_size, 27), dtype=torch.float32, requires_grad=True, device=self.device) + else: + self.gamma_tensor = gamma_coeff.clone().detach().requires_grad_(True) + + if trans_coeff is None: + self.trans_tensor = torch.zeros((self.batch_size, 3), dtype=torch.float32, requires_grad=True, device=self.device) + else: + self.trans_tensor = trans_coeff.clone().detach().requires_grad_(True) + + if scale_coeff is None: + self.scale_tensor = 1.0 * torch.ones((self.batch_size, 1), dtype=torch.float32, device=self.device) + self.scale_tensor.requires_grad_(True) + else: + self.scale_tensor = scale_coeff.clone().detach().requires_grad_(True) + + if rot_coeff is None: + self.rot_tensor = torch.zeros((self.batch_size, 3), dtype=torch.float32, requires_grad=True, device=self.device) + else: + self.rot_tensor = rot_coeff.clone().detach().requires_grad_(True) + + if eye_coeff is None: + self.eye_tensor = torch.zeros( + (self.batch_size, 4), dtype=torch.float32, + requires_grad=True, device=self.device) + else: + self.eye_tensor = eye_coeff.clone().detach().requires_grad_(True) + + def get_lms(self, vs): + lms = vs[:, self.kp_inds, :] + return lms + + def split_coeffs(self, coeffs): + id_coeff = coeffs[:, :self.id_dims] # identity(shape) coeff + exp_coeff = coeffs[:, self.id_dims:self.id_dims + self.exp_dims] # expression coeff + tex_coeff = coeffs[:, self.id_dims + self.exp_dims:self.all_dims] # texture(albedo) coeff + angles = coeffs[:, self.all_dims:self.all_dims + 3] # ruler angles(x,y,z) for rotation of dim 3 + gamma = coeffs[:, self.all_dims + 3:self.all_dims + 30] # lighting coeff for 3 channel SH function of dim 27 + translation = coeffs[:, self.all_dims + 30:self.all_dims+33] # translation coeff of dim 3 + if coeffs.shape[1] == self.all_dims + 36: # 包含scale + eye_coeff = coeffs[:, self.all_dims + 33:] # eye coeff of dim 3 + scale = torch.ones_like(coeffs[:, -1:]) + else: # 不包含scale + eye_coeff = coeffs[:, self.all_dims + 33:-1] # eye coeff of dim 3 + scale = coeffs[:, -1:] + + return id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, eye_coeff, scale + + def merge_coeffs(self, id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, eye, scale): + coeffs = torch.cat([id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, eye, scale], dim=1) + return coeffs + + def get_packed_tensors(self): + return self.merge_coeffs(self.id_tensor, + self.exp_tensor, + self.tex_tensor, + self.rot_tensor, self.gamma_tensor, + self.trans_tensor, self.eye_tensor, self.scale_tensor) + + # def get_pytorch3d_mesh(self, coeffs, enable_pts_shift=False): + # id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, scale = self.split_coeffs(coeffs) + # rotation = self.compute_rotation_matrix(angles) + # + # vs = self.get_vs(id_coeff, exp_coeff) + # if enable_pts_shift: + # vs = vs + self.point_shift.unsqueeze(0).expand_as(vs) + # vs_t = self.rigid_transform(vs, rotation, translation, torch.abs(scale)) + # + # face_texture = self.get_color(tex_coeff) + # face_norm = self.compute_norm(vs, self.tri, self.point_buf) + # face_norm_r = face_norm.bmm(rotation) + # face_color = self.add_illumination(face_texture, face_norm_r, gamma) + # + # face_color_tv = TexturesVertex(face_color) + # mesh = Meshes(vs_t, self.tri.repeat(self.batch_size, 1, 1), face_color_tv) + # + # return mesh + + def cal_laplacian_regularization(self, enable_pts_shift): + current_mesh = self.get_pytorch3d_mesh(self.get_packed_tensors(), enable_pts_shift=enable_pts_shift) + disp_reg_loss = mesh_laplacian_smoothing(current_mesh, method="uniform") + return disp_reg_loss + + def forward(self, coeffs, render=True, camT=None, enable_pts_shift=False): + id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, eye_coeff, scale = self.split_coeffs(coeffs) + rotation = self.compute_rotation_matrix(angles) + if camT is not None: + rotation2 = camT[:3, :3].permute(1, 0).reshape(1, 3, 3) + translation2 = camT[:3, 3:].permute(1, 0).reshape(1, 1, 3) + if torch.allclose(rotation2, self.identity): + translation = translation + translation2 + else: + rotation = torch.matmul(rotation, rotation2) + translation = torch.matmul(translation, rotation2) + translation2 + + l_eye_mat = self.compute_eye_rotation_matrix(eye_coeff[:, :2]) + r_eye_mat = self.compute_eye_rotation_matrix(eye_coeff[:, 2:]) + l_eye_mean = self.get_l_eye_center(id_coeff) + r_eye_mean = self.get_r_eye_center(id_coeff) + + if render: + vs = self.get_vs(id_coeff, exp_coeff, l_eye_mat, r_eye_mat, l_eye_mean, r_eye_mean) + if enable_pts_shift: + vs = vs + self.point_shift.unsqueeze(0).expand_as(vs) + vs_t = self.rigid_transform(vs, rotation, translation, torch.abs(scale)) + + lms_t = self.get_lms(vs_t) + lms_proj = self.renderer.project_vs(lms_t) + face_texture = self.get_color(tex_coeff) + face_norm = self.compute_norm(vs, self.tri, self.point_buf) + face_norm_r = face_norm.bmm(rotation) + face_color = self.add_illumination(face_texture, face_norm_r, gamma) + + face_color_tv = TexturesVertex(face_color) + mesh = Meshes(vs_t, self.tri.repeat(self.batch_size, 1, 1), face_color_tv) + rendered_img = self.renderer.renderer(mesh) + + return {'rendered_img': rendered_img, + 'lms_proj': lms_proj, + 'face_texture': face_texture, + 'vs': vs_t, + 'tri': self.tri, + 'color': face_color, 'lms_t': lms_t} + else: + lms = self.get_vs_lms(id_coeff, exp_coeff, l_eye_mat, r_eye_mat, l_eye_mean, r_eye_mean) + lms_t = self.rigid_transform(lms, rotation, translation, torch.abs(scale)) + + lms_proj = self.renderer.project_vs(lms_t) + return {'lms_proj': lms_proj, 'lms_t': lms_t} + + def get_vs(self, id_coeff, exp_coeff, l_eye_mat=None, r_eye_mat=None, l_eye_mean=None, r_eye_mean=None): + face_shape = torch.einsum('ij,aj->ai', self.idBase, id_coeff) + \ + torch.einsum('ij,aj->ai', self.expBase, exp_coeff) + self.meanshape + face_shape = face_shape.view(self.batch_size, -1, 3) + if l_eye_mat is not None: + face_shape[:, self.ver_inds[0]:self.ver_inds[1]] = torch.matmul(face_shape[:, self.ver_inds[0]:self.ver_inds[1]] - l_eye_mean, l_eye_mat) + l_eye_mean + face_shape[:, self.ver_inds[1]:self.ver_inds[2]] = torch.matmul(face_shape[:, self.ver_inds[1]:self.ver_inds[2]] - r_eye_mean, r_eye_mat) + r_eye_mean + return face_shape + + def get_vs_lms(self, id_coeff, exp_coeff, l_eye_mat, r_eye_mat, l_eye_mean, r_eye_mean): + face_shape = torch.einsum('ij,aj->ai', self.idBase_view, id_coeff) + \ + torch.einsum('ij,aj->ai', self.expBase_view, exp_coeff) + self.meanshape_view + face_shape = face_shape.view(self.batch_size, -1, 3) + face_shape[:, 473:478] = torch.matmul(face_shape[:, 473:478] - l_eye_mean, l_eye_mat) + l_eye_mean + face_shape[:, 468:473] = torch.matmul(face_shape[:, 468:473] - r_eye_mean, r_eye_mat) + r_eye_mean + return face_shape + + def get_l_eye_center(self, id_coeff): + eye_shape = torch.einsum('ij,aj->ai', self.idBase, id_coeff) + self.meanshape + eye_shape = eye_shape.view(self.batch_size, -1, 3)[:, self.ver_inds[0]:self.ver_inds[1]] + eye_shape[:, :, 2] += 0.005 + return torch.mean(eye_shape, dim=1, keepdim=True) + + def get_r_eye_center(self, id_coeff): + eye_shape = torch.einsum('ij,aj->ai', self.idBase, id_coeff) + self.meanshape + eye_shape = eye_shape.view(self.batch_size, -1, 3)[:, self.ver_inds[1]:self.ver_inds[2]] + eye_shape[:, :, 2] += 0.005 + return torch.mean(eye_shape, dim=1, keepdim=True) + + def get_color(self, tex_coeff): + face_texture = torch.einsum('ij,aj->ai', self.texBase, tex_coeff) + self.meantex + face_texture = face_texture.view(self.batch_size, -1, 3) + return face_texture + + def compute_norm(self, vs, tri, point_buf): + face_id = tri + point_id = point_buf + v1 = vs[:, face_id[:, 0], :] + v2 = vs[:, face_id[:, 1], :] + v3 = vs[:, face_id[:, 2], :] + e1 = v1 - v2 + e2 = v2 - v3 + face_norm = e1.cross(e2) + + v_norm = face_norm[:, point_id, :].sum(2) + v_norm = v_norm / (v_norm.norm(dim=2).unsqueeze(2) + 1e-9) + + return v_norm + + def project_vs(self, vs): + vs = torch.matmul(vs, self.reverse_z.repeat((self.batch_size, 1, 1))) + self.camera_pos + aug_projection = torch.matmul(vs, self.p_mat.repeat((self.batch_size, 1, 1)).permute((0, 2, 1))) + face_projection = aug_projection[:, :, :2] / torch.reshape(aug_projection[:, :, 2], [self.batch_size, -1, 1]) + return face_projection + + def make_rotMat(self, coeffes=None, angle=None, translation=None, scale=None, no_scale=False):# P * rot * scale + trans -> P * T + if coeffes is not None: + _, _, _, angle, _, translation, scale = self.split_coeffs(coeffes) + rotation = self.compute_rotation_matrix(angle) + + cam_T = torch.eye(4, dtype=torch.float32).to(angle.device) + cam_T[:3, :3] = rotation[0] if no_scale else torch.abs(scale[0]) * rotation[0] + cam_T[-1, :3] = translation[0] + + return cam_T + + def compute_eye_rotation_matrix(self, eye): + # 0 left_eye + down - up + # 1 left_eye + right - left + # 2 right_eye + down - up + # 3 right_eye + right - left + sinx = torch.sin(eye[:, 0]) + siny = torch.sin(eye[:, 1]) + cosx = torch.cos(eye[:, 0]) + cosy = torch.cos(eye[:, 1]) + if self.batch_size != 1: + rotXYZ = self.rotXYZ.repeat(1, self.batch_size, 1, 1).detach().clone() + else: + rotXYZ = self.rotXYZ.detach().clone() + rotXYZ[0, :, 1, 1] = cosx + rotXYZ[0, :, 1, 2] = -sinx + rotXYZ[0, :, 2, 1] = sinx + rotXYZ[0, :, 2, 2] = cosx + rotXYZ[1, :, 0, 0] = cosy + rotXYZ[1, :, 0, 2] = siny + rotXYZ[1, :, 2, 0] = -siny + rotXYZ[1, :, 2, 2] = cosy + + rotation = rotXYZ[1].bmm(rotXYZ[0]) + + return rotation.permute(0, 2, 1) + + def compute_rotation_matrix(self, angles): + sinx = torch.sin(angles[:, 0]) + siny = torch.sin(angles[:, 1]) + sinz = torch.sin(angles[:, 2]) + cosx = torch.cos(angles[:, 0]) + cosy = torch.cos(angles[:, 1]) + cosz = torch.cos(angles[:, 2]) + + if self.batch_size != 1: + rotXYZ = self.rotXYZ.repeat(1, self.batch_size, 1, 1) + else: + rotXYZ = self.rotXYZ.detach().clone() + + rotXYZ[0, :, 1, 1] = cosx + rotXYZ[0, :, 1, 2] = -sinx + rotXYZ[0, :, 2, 1] = sinx + rotXYZ[0, :, 2, 2] = cosx + rotXYZ[1, :, 0, 0] = cosy + rotXYZ[1, :, 0, 2] = siny + rotXYZ[1, :, 2, 0] = -siny + rotXYZ[1, :, 2, 2] = cosy + rotXYZ[2, :, 0, 0] = cosz + rotXYZ[2, :, 0, 1] = -sinz + rotXYZ[2, :, 1, 0] = sinz + rotXYZ[2, :, 1, 1] = cosz + + rotation = rotXYZ[2].bmm(rotXYZ[1]).bmm(rotXYZ[0]) + + return rotation.permute(0, 2, 1) + + def add_illumination(self, face_texture, norm, gamma): + gamma = gamma.view(-1, 3, 9).clone() + gamma[:, :, 0] += 0.8 + gamma = gamma.permute(0, 2, 1) + + a0 = np.pi + a1 = 2 * np.pi / np.sqrt(3.0) + a2 = 2 * np.pi / np.sqrt(8.0) + c0 = 1 / np.sqrt(4 * np.pi) + c1 = np.sqrt(3.0) / np.sqrt(4 * np.pi) + c2 = 3 * np.sqrt(5.0) / np.sqrt(12 * np.pi) + d0 = 0.5 / np.sqrt(3.0) + + norm = norm.view(-1, 3) + nx, ny, nz = norm[:, 0], norm[:, 1], norm[:, 2] + arrH = [] + + arrH.append(a0 * c0 * (nx * 0 + 1)) + arrH.append(-a1 * c1 * ny) + arrH.append(a1 * c1 * nz) + arrH.append(-a1 * c1 * nx) + arrH.append(a2 * c2 * nx * ny) + arrH.append(-a2 * c2 * ny * nz) + arrH.append(a2 * c2 * d0 * (3 * nz.pow(2) - 1)) + arrH.append(-a2 * c2 * nx * nz) + arrH.append(a2 * c2 * 0.5 * (nx.pow(2) - ny.pow(2))) + + H = torch.stack(arrH, 1) + Y = H.view(self.batch_size, face_texture.shape[1], 9) + lighting = Y.bmm(gamma) + + face_color = face_texture * lighting + return face_color + + def rigid_transform(self, vs, rot, trans, scale): + vs_r = torch.matmul(vs * scale, rot) + vs_t = vs_r + trans.view(-1, 1, 3) + return vs_t + + def get_rot_tensor(self): + return self.rot_tensor + + def get_trans_tensor(self): + return self.trans_tensor + + def get_exp_tensor(self): + return self.exp_tensor + + def get_tex_tensor(self): + return self.tex_tensor + + def get_id_tensor(self): + return self.id_tensor + + def get_gamma_tensor(self): + return self.gamma_tensor + + def get_scale_tensor(self): + return self.scale_tensor + +class ModelRenderer(nn.Module): + def __init__(self, device='cuda:0', intr=None, img_size=256, cam_dist=10., render_depth=False, rasterize_blur_radius=0.): + super(ModelRenderer, self).__init__() + self.render_depth = render_depth + self.img_size = img_size + self.device = torch.device(device) + self.cam_dist = cam_dist + if intr is None: + intr = np.eye(3, dtype=np.float32) + intr[0, 0], intr[1, 1], intr[0, 2], intr[1, 2] = 1315, 1315, img_size // 2, img_size // 2 + self.fx, self.fy, self.cx, self.cy = intr[0, 0], intr[1, 1], intr[0, 2], intr[1, 2] + self.renderer = self._get_renderer(self.device, cam_dist, torch.from_numpy(intr), render_depth=render_depth, rasterize_blur_radius=rasterize_blur_radius) + self.p_mat = self._get_p_mat(device) + self.reverse_xz = self._get_reverse_xz(device) + self.camera_pos = self._get_camera_pose(device, cam_dist) + + def _get_renderer(self, device, cam_dist=10., K=None, render_depth=False, rasterize_blur_radius=0.): + R, T = look_at_view_transform(cam_dist, 0, 0) # camera's position + fx, fy, cx, cy = K[0, 0], K[1, 1], K[0, 2], K[1, 2] + + fx = -fx * 2.0 / (self.img_size - 1) + fy = -fy * 2.0 / (self.img_size - 1) + cx = - (cx - (self.img_size - 1) / 2.0) * 2.0 / (self.img_size - 1) + cy = - (cy - (self.img_size - 1) / 2.0) * 2.0 / (self.img_size - 1) + cameras = PerspectiveCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + + lights = PointLights(device=device, location=[[0.0, 0.0, 1e5]], + ambient_color=[[1, 1, 1]], + specular_color=[[0., 0., 0.]], diffuse_color=[[0., 0., 0.]]) + + raster_settings = RasterizationSettings( + image_size=self.img_size, + blur_radius=rasterize_blur_radius if render_depth else 0., + faces_per_pixel=1, + ) + blend_params = blending.BlendParams(background_color=[0, 0, 0]) + + renderer = MeshRenderer( + rasterizer=MeshRasterizer( + cameras=cameras, + raster_settings=raster_settings + ), + shader=SoftPhongShader( + device=device, + cameras=cameras, + lights=lights, + blend_params=blend_params + ) + ) if not render_depth else \ + MeshRendererWithDepth( + rasterizer=MeshRasterizer( + cameras=cameras, + raster_settings=raster_settings + ), + shader=SoftPhongShader( + device=device, + cameras=cameras, + lights=lights, + blend_params=blend_params + ) + ) + return renderer + + def _get_camera_pose(self, device, cam_dist=10.): + camera_pos = torch.tensor([0.0, 0.0, cam_dist], device=device).reshape(1, 1, 3) + return camera_pos + + def _get_p_mat(self, device): + # half_image_width = self.img_size // 2 + p_matrix = np.array([self.fx, 0.0, self.cx, + 0.0, self.fy, self.cy, + 0.0, 0.0, 1.0], dtype=np.float32).reshape(1, 3, 3) + return torch.tensor(p_matrix, device=device) + + def _get_reverse_xz(self, device): + reverse_z = np.reshape( + np.array([-1.0, 0, 0, 0, 1, 0, 0, 0, -1.0], dtype=np.float32), [1, 3, 3]) + return torch.tensor(reverse_z, device=device) + + def project_vs(self, vs): + batchsize = vs.shape[0] + + vs = torch.matmul(vs, self.reverse_xz.repeat((batchsize, 1, 1))) + self.camera_pos + aug_projection = torch.matmul( + vs, self.p_mat.repeat((batchsize, 1, 1)).permute((0, 2, 1))) + + face_projection = aug_projection[:, :, :2] / torch.reshape(aug_projection[:, :, 2], [batchsize, -1, 1]) + return face_projection + + +class MeshRendererWithDepth(MeshRenderer): + def __init__(self, rasterizer, shader): + super().__init__(rasterizer, shader) + + def forward(self, meshes_world, **kwargs) -> torch.Tensor: + fragments = self.rasterizer(meshes_world, **kwargs) + images = self.shader(fragments, meshes_world, **kwargs) + return images, fragments.zbuf \ No newline at end of file diff --git a/data_process/lib/FaceVerse/__init__.py b/data_process/lib/FaceVerse/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5bafa4c5577178b4fb8593d8af50b59bda377e56 --- /dev/null +++ b/data_process/lib/FaceVerse/__init__.py @@ -0,0 +1,11 @@ +from .FaceVerseModel_v3 import FaceVerseModel as FaceVerseModel_v3 +import numpy as np + + +def get_recon_model(model_path=None, return_dict=False, **kargs): + model_dict = np.load(model_path, allow_pickle=True).item() + recon_model = FaceVerseModel_v3(model_dict, expr_52=False, **kargs) + if return_dict: + return recon_model, model_dict + else: + return recon_model diff --git a/data_process/lib/FaceVerse/ortho_renderer.py b/data_process/lib/FaceVerse/ortho_renderer.py new file mode 100644 index 0000000000000000000000000000000000000000..351eaa285f12c543b48b9ed2acfae26ba1746878 --- /dev/null +++ b/data_process/lib/FaceVerse/ortho_renderer.py @@ -0,0 +1,176 @@ +import torch +import torch.nn as nn +import numpy as np +from pytorch3d.structures import Meshes +from pytorch3d.renderer import ( + look_at_view_transform, + FoVPerspectiveCameras, + FoVOrthographicCameras, + PerspectiveCameras, + OrthographicCameras, + PointLights, + RasterizationSettings, + MeshRenderer, + MeshRasterizer, + SoftPhongShader, + TexturesVertex, + blending +) + + +class MeshRendererWithDepth(MeshRenderer): + def __init__(self, rasterizer, shader): + super().__init__(rasterizer, shader) + + def forward(self, meshes_world, attributes=None, need_rgb=True, **kwargs) -> torch.Tensor: + fragments = self.rasterizer(meshes_world, **kwargs) + images = pixel_vals = None + if attributes is not None: + bary_coords, pix_to_face = fragments.bary_coords, fragments.pix_to_face.clone() + + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone(); + attributes = attributes.view(attributes.shape[0] * attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:, :, :, 0].permute(0, 3, 1, 2) + pixel_vals = torch.cat([pixel_vals, vismask[:, :, :, 0][:, None, :, :]], dim=1) + + if need_rgb: + images = self.shader(fragments, meshes_world, **kwargs) + + return images, fragments.zbuf, pixel_vals + + +def get_renderer(img_size, device, R=None, T=None, K=None, orthoCam=False, rasterize_blur_radius=0.): + if R is None: + R = torch.eye(3, dtype=torch.float32, device=device).unsqueeze(0) + + if orthoCam: + fx, fy, cx, cy = K[0], K[1], K[2], K[3] + cameras = OrthographicCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + # cameras = FoVOrthographicCameras(T=T, device=device) + else: + fx, fy, cx, cy = K[0, 0], K[1, 1], K[0, 2], K[1, 2] + fx = -fx * 2.0 / (img_size - 1) + fy = -fy * 2.0 / (img_size - 1) + cx = - (cx - (img_size - 1) / 2.0) * 2.0 / (img_size - 1) + cy = - (cy - (img_size - 1) / 2.0) * 2.0 / (img_size - 1) + cameras = PerspectiveCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + + lights = PointLights(device=device, location=[[0.0, 0.0, 1e5]], + ambient_color=[[1, 1, 1]], + specular_color=[[0., 0., 0.]], diffuse_color=[[0., 0., 0.]]) + + raster_settings = RasterizationSettings( + image_size=img_size, + blur_radius=rasterize_blur_radius, + faces_per_pixel=1 + # bin_size=0 + ) + blend_params = blending.BlendParams(background_color=[0, 0, 0]) + renderer = MeshRendererWithDepth( + rasterizer=MeshRasterizer( + cameras=cameras, + raster_settings=raster_settings + ), + shader=SoftPhongShader( + device=device, + cameras=cameras, + lights=lights, + blend_params=blend_params + ) + ) + return renderer + +def batch_orth_proj(X, camera): + ''' orthgraphic projection + X: 3d vertices, [bz, n_point, 3] + camera: scale and translation, [bz, 3], [scale, tx, ty] + ''' + camera = camera.clone().view(-1, 1, 3) + X_trans = X[:, :, :2] + camera[:, :, 1:] + X_trans = torch.cat([X_trans, X[:, :, 2:]], 2) + shape = X_trans.shape + Xn = (camera[:, :, 0:1] * X_trans) + return Xn + + +def angle2matrix(angles): + ''' get rotation matrix from three rotation angles(degree). right-handed. + Args: + angles: [batch_size, 3] tensor containing X, Y, and Z angles. + x: pitch. positive for looking down. + y: yaw. positive for looking left. + z: roll. positive for tilting head right. + Returns: + R: [batch_size, 3, 3]. rotation matrices. + ''' + angles = angles*(np.pi)/180. + s = torch.sin(angles) + c = torch.cos(angles) + + cx, cy, cz = (c[:, 0], c[:, 1], c[:, 2]) + sx, sy, sz = (s[:, 0], s[:, 1], s[:, 2]) + + zeros = torch.zeros_like(s[:, 0]).to(angles.device) + ones = torch.ones_like(s[:, 0]).to(angles.device) + + # Rz.dot(Ry.dot(Rx)) + R_flattened = torch.stack( + [ + cz * cy, cz * sy * sx - sz * cx, cz * sy * cx + sz * sx, + sz * cy, sz * sy * sx + cz * cx, sz * sy * cx - cz * sx, + -sy, cy * sx, cy * cx, + ], + dim=0) #[batch_size, 9] + R = torch.reshape(R_flattened, (-1, 3, 3)) #[batch_size, 3, 3] + return R + +def face_vertices(vertices, faces): + """ + :param vertices: [batch size, number of vertices, 3] + :param faces: [batch size, number of faces, 3] + :return: [batch size, number of faces, 3, 3] + """ + assert (vertices.ndimension() == 3) + assert (faces.ndimension() == 3) + assert (vertices.shape[0] == faces.shape[0]) + assert (vertices.shape[2] == 3) + assert (faces.shape[2] == 3) + + bs, nv = vertices.shape[:2] + bs, nf = faces.shape[:2] + device = vertices.device + faces = faces + (torch.arange(bs, dtype=torch.int32).to(device) * nv)[:, None, None] + vertices = vertices.reshape((bs * nv, 3)) + # pytorch only supports long and byte tensors for indexing + return vertices[faces.long()] + +def render_after_rasterize(attributes, pix_to_face, bary_coords): + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone() + attributes = attributes.view(attributes.shape[0] * attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:, :, :, 0].permute(0, 3, 1, 2) + pixel_vals = torch.cat([pixel_vals, vismask[:, :, :, 0][:, None, :, :]], dim=1) + return pixel_vals \ No newline at end of file diff --git a/data_process/lib/FaceVerse/renderer.py b/data_process/lib/FaceVerse/renderer.py new file mode 100644 index 0000000000000000000000000000000000000000..c692a739a539c214422acc4fca74e24df38beec0 --- /dev/null +++ b/data_process/lib/FaceVerse/renderer.py @@ -0,0 +1,83 @@ +import torch +import numpy as np +import os + +from data_process.lib.FaceVerse import get_recon_model +from pytorch3d.structures import Meshes +from .ortho_renderer import get_renderer, batch_orth_proj, angle2matrix, face_vertices, render_after_rasterize + + +class Faceverse_manager(object): + def __init__(self, device, base_coeff): + render_res = 512 + self.ortho_renderer = get_renderer(img_size=render_res, device=device, T=torch.tensor([[0, 0, 10.]], dtype=torch.float32, device=device), + K=[-1.0, -1.0, 0., 0.], orthoCam=True, rasterize_blur_radius=1e-6) + + orth_scale, orth_shift, box_warp = 5.00, np.asarray([0, 0.005, 0.], dtype=np.float32), 2. + self.orth_scale, self.orth_shift = orth_scale, torch.from_numpy(orth_shift).to(device).unsqueeze(0) + face_model_dir = 'data_process/lib/FaceVerse/v3' + self.recon_model, model_dict = get_recon_model(model_path=os.path.join(face_model_dir, 'faceverse_v3_1.npy'), return_dict=True, device='cuda:0') + + vert_uvcoords = model_dict['uv_per_ver'] + if True: # 扩大face部分在UV图中占据的面积 + vert_idx = (vert_uvcoords[:, 1] > 0.273) * (vert_uvcoords[:, 1] < 0.727) * (vert_uvcoords[:, 0] > 0.195) * (vert_uvcoords[:, 0] < 0.805) + vert_uvcoords[vert_idx] = (vert_uvcoords[vert_idx] - 0.5) * 1.4 + 0.5 + + vert_uvcoords = torch.from_numpy(vert_uvcoords).unsqueeze(0) + + vert_mask = np.load(os.path.join(face_model_dir, 'v31_face_mask_new.npy')) + vert_mask[model_dict['ver_inds'][0]:model_dict['ver_inds'][2]] = 1 + + vert_mask = torch.from_numpy(vert_mask).view(1, -1, 1) + vert_uvcoords = torch.cat([vert_uvcoords * 2 - 1, vert_mask.clone()], -1).to(device) # [bz, ntv, 3] + self.face_uvcoords = face_vertices(vert_uvcoords, self.recon_model.tri.unsqueeze(0)) # 面片不反向 + # vert_mask[0, ~vert_idx] *= 0 # for UV rendering + + self.tform = angle2matrix(torch.tensor([0, 0, 0]).reshape(1, -1)).to(device) + self.cam = torch.tensor([1., 0, 0]).cuda() + self.trans_init = torch.from_numpy(np.load(os.path.join(face_model_dir, 'fv2fl_30.npy'))).float().to(device) + self.crop_param = [128, 114, 256, 256] + if base_coeff is not None: + assert isinstance(base_coeff, torch.Tensor) and base_coeff.ndim==1 + self.id_coeff, self.base_avatar_exp_coeff = self.recon_model.split_coeffs(base_coeff.to(device).unsqueeze(0))[:2] + + def make_driven_rendering(self, drive_coeff, base_drive_coeff=None, res=None): + assert drive_coeff.ndim == 2 + _, exp_coeff, _, _, _, _, eye_coeff, _ = self.recon_model.split_coeffs(drive_coeff) + exp_coeff[:, -4] = max(min(exp_coeff[:, -4], 0.6), -0.75) + exp_coeff[:, -2] = max(min(exp_coeff[:, -2], 0.75), -0.75) + if base_drive_coeff is not None: + base_drive_exp_coeff = self.recon_model.split_coeffs(base_drive_coeff)[1] + delta_exp_coeff = exp_coeff - base_drive_exp_coeff + exp_coeff = delta_exp_coeff + self.base_avatar_exp_coeff + + l_eye_mat = self.recon_model.compute_eye_rotation_matrix(eye_coeff[:, :2]) + r_eye_mat = self.recon_model.compute_eye_rotation_matrix(eye_coeff[:, 2:]) + l_eye_mean = self.recon_model.get_l_eye_center(self.id_coeff) + r_eye_mean = self.recon_model.get_r_eye_center(self.id_coeff) + + vs = self.recon_model.get_vs(self.id_coeff, exp_coeff, l_eye_mat, r_eye_mat, l_eye_mean, r_eye_mean) + vert = torch.matmul(vs[0], self.trans_init[:3, :3].T) + self.trans_init[:3, 3:].T + + v = vert.unsqueeze(0) + transformed_vertices = (torch.bmm(v, self.tform) + self.orth_shift) * self.orth_scale + transformed_vertices = batch_orth_proj(transformed_vertices, self.cam) + transformed_vertices[..., -1] *= -1 + + mesh = Meshes(transformed_vertices, self.recon_model.tri.unsqueeze(0)) + fragment = self.ortho_renderer.rasterizer(mesh) + rendering = render_after_rasterize(attributes=self.face_uvcoords, pix_to_face=fragment.pix_to_face, + bary_coords=fragment.bary_coords) # [1, 4, H, W] + render_mask = rendering[:, -1:, :, :].clone() + render_mask *= rendering[:, -2:-1] # face_mask + rendering *= render_mask + + if self.crop_param is not None: # [left, top, width, height] + rendering = rendering[:, :, self.crop_param[1]:self.crop_param[1] + self.crop_param[3], self.crop_param[0]:self.crop_param[0] + self.crop_param[2]] + if not ((res is None) or res == rendering.shape[2]): + rendering = torch.nn.functional.interpolate(rendering, size=(res, res), mode='bilinear', align_corners=False) + # np.save(os.path.join(dst_sub_dir, name + '.npy'), rendering[0].permute(1, 2, 0).cpu().numpy().astype(np.float16)) + uvcoords_image = rendering.permute(0, 2, 3, 1)[..., :3] + uvcoords_image[..., -1][uvcoords_image[..., -1] < 0.5] = 0; uvcoords_image[..., -1][uvcoords_image[..., -1] >= 0.5] = 1 + + return uvcoords_image diff --git a/data_process/lib/FaceVerse/v3/dense_uv_expanded_mask_onlyFace.png b/data_process/lib/FaceVerse/v3/dense_uv_expanded_mask_onlyFace.png new file mode 100644 index 0000000000000000000000000000000000000000..b70fc65133fd6956e52f41fadd92c0097a2d7d60 --- /dev/null +++ b/data_process/lib/FaceVerse/v3/dense_uv_expanded_mask_onlyFace.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:beab2122c3428cc4c857b8a9b86bf44c00f5d22bb991f5a08a3f1fa5d889d14f +size 1788 diff --git a/data_process/lib/FaceVerse/v3/faceverse_v3_1.npy b/data_process/lib/FaceVerse/v3/faceverse_v3_1.npy new file mode 100644 index 0000000000000000000000000000000000000000..66eeac2a6797735d4ce5bec6a2a9d4cfa6b7a951 --- /dev/null +++ b/data_process/lib/FaceVerse/v3/faceverse_v3_1.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d164e1aa3cd5f575bcef79d61d5c502b08c7c0dfebadb0f3c9e7684314290f7 +size 199294529 diff --git a/data_process/lib/FaceVerse/v3/fv2fl_30.npy b/data_process/lib/FaceVerse/v3/fv2fl_30.npy new file mode 100644 index 0000000000000000000000000000000000000000..84e19abcea900f55178314266a33e1f1168ab709 --- /dev/null +++ b/data_process/lib/FaceVerse/v3/fv2fl_30.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e09a3551602bd420f73f747064b47816fff72693816d32aebbc08871b84c8cfe +size 256 diff --git a/data_process/lib/FaceVerse/v3/v31_face_mask_new.npy b/data_process/lib/FaceVerse/v3/v31_face_mask_new.npy new file mode 100644 index 0000000000000000000000000000000000000000..2d364b4a9f01a5737b70bf54c095e66c548e3880 --- /dev/null +++ b/data_process/lib/FaceVerse/v3/v31_face_mask_new.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b64decaabeb71d2ad73d2667782b2206d2eb2d6788a18832ffc05bbd7df50b46 +size 113036 diff --git a/data_process/lib/__init__.py b/data_process/lib/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data_process/lib/align_in_the_wild.py b/data_process/lib/align_in_the_wild.py new file mode 100644 index 0000000000000000000000000000000000000000..6cf89843965b37140d8639ed1b216dc8d0b45ca3 --- /dev/null +++ b/data_process/lib/align_in_the_wild.py @@ -0,0 +1,512 @@ +# Copyright (c) 2019, NVIDIA CORPORATION. All rights reserved. +# +# This work is licensed under the Creative Commons +# Attribution-NonCommercial-ShareAlike 4.0 International License. +# To view a copy of this license, visit +# http://creativecommons.org/licenses/by-nc-sa/4.0/ or send a letter to +# Creative Commons, PO Box 1866, Mountain View, CA 94042, USA. +# +# Includes modifications proposed by Jeremy Fix +# from here: https://github.com/NVlabs/ffhq-dataset/pull/3 + + +import os +import sys +import json +import argparse +import numpy as np +import multiprocessing +from tqdm import tqdm +from scipy.ndimage import gaussian_filter1d + +# Image processing libraries +import PIL +from PIL import Image, ImageFile + +# Project-specific imports +from lib.preprocess import align_img + +PIL.ImageFile.LOAD_TRUNCATED_IMAGES = True # avoid "Decompressed Data Too Large" error + + +def save_detection_as_txt(dst, lm5p): + outLand = open(dst, "w") + for i in range(lm5p.shape[0]): + outLand.write(str(float(lm5p[i][0])) + " " + str(float(lm5p[i][1])) + "\n") + outLand.close() + + +def process_image(kwargs): + """ + Processes an image by aligning and cropping it based on facial landmarks. + + Args: + kwargs (dict): Dictionary containing the following keys: + - src_dir (str): Directory containing the source image. + - dst_dir (str): Directory to save the processed image. + - lm5p (np.ndarray): Array of shape (N, 2) representing facial landmarks. + - im_name (str): Name of the image file. + - save_realign_dir (str or None): Directory to save realigned images. + - save_detection_dir (str or None): Directory to save detection results. + + Returns: + None + """ + + # Extract parameters from kwargs + src_dir = kwargs['src_dir'] + dst_dir = kwargs['dst_dir'] + lm5p = kwargs['lm5p'] + lm3d = kwargs['lm3d'] + im_name = kwargs['im_name'] + save_realign_dir = kwargs.get('save_realign_dir', None) + save_detection_dir = kwargs.get('save_detection_dir', None) + save_align3d_dir = kwargs['save_align3d_dir'] + + # Ensure the destination directory exists + os.makedirs(dst_dir, exist_ok=True) + + # Construct file paths + src_file = os.path.join(src_dir, im_name) + + # Ensure the source file exists before proceeding + assert os.path.isfile(src_file), f"Source file not found: {src_file}" + + # Open the image + img = Image.open(src_file) + _, H = img.size # Get image dimensions + + # Prepare alignment parameters + params = {'name': src_file, 'lm': lm5p.tolist()} + aligned_lm5p = lm5p.copy() + aligned_lm3d = lm3d.copy() + + # Flip Y-coordinates to match the image coordinate system + aligned_lm5p[:, -1] = H - 1 - aligned_lm5p[:, -1] + aligned_lm3d[:, 1] = H - 1 - aligned_lm3d[:, 1] + # Convert image name to PNG format + im_name = im_name.rsplit('.', 1)[0] + '.png' + dst_file = os.path.join(dst_dir, im_name) + + # Optionally save the realigned image + if save_realign_dir: + img.save(os.path.join(save_realign_dir, im_name)) + + # Optionally save detected landmarks as a text file + if save_detection_dir: + save_detection_as_txt( + os.path.join(save_detection_dir, im_name.replace('.png', '.txt')), aligned_lm5p + ) + + # Crop the image based on aligned landmarks + img_cropped, crop_param, aligned_lm3d_save = crop_image(img, aligned_lm5p.copy(), aligned_lm3d.copy(), output_size=kwargs['output_size']) + params['crop'] = crop_param + aligned_lm3d_save = np.concatenate([aligned_lm3d_save[:, 0:1], 512 - aligned_lm3d_save[:, 1:2]], 1) + np.save(os.path.join(save_align3d_dir, + im_name.replace(".png", ".npy").replace(".jpg", ".npy").replace(".jpeg", ".npy")), + aligned_lm3d_save) + # Save the cropped image + img_cropped.save(dst_file) + +def crop_image(im, lm, ldmk_3d, center_crop_size=700, rescale_factor=300, + target_size=1024., output_size=512): + """ + Crops and resizes an image based on facial landmarks. + + Args: + im (PIL.Image.Image): Input image. + lm (np.ndarray): Facial landmarks array of shape (N, 2). + center_crop_size (int, optional): Size of the centered crop. Defaults to 700. + rescale_factor (int, optional): Scaling factor for alignment. Defaults to 300. + target_size (float, optional): Target size for transformation. Defaults to 1024. + output_size (int, optional): Final resized output size. Defaults to 512. + + Returns: + tuple: + - im_cropped (PIL.Image.Image): The cropped and resized image. + - crop_param (list): List of cropping parameters. + """ + + # Get image height + _, H = im.size + + # Define a standardized 3D landmark set for alignment + lm3D_std = np.array([ + [-0.31148657, 0.09036078, 0.13377953], # Left eye corner + [ 0.30979887, 0.08972035, 0.13179526], # Right eye corner + [ 0.0032535, -0.24617933, 0.55244243], # Nose tip + [-0.25216928, -0.5813392, 0.22405732], # Left mouth corner + [ 0.2484662, -0.5812824, 0.22235769], # Right mouth corner + ]) + + # Adjust standard landmarks for better alignment + lm3D_std[:, 2] += 0.4 # Adjust depth (Z-axis) + lm3D_std[:, 1] += 0.1 # Adjust vertical position (Y-axis) + + # Align the image based on landmarks + _, im_high, _, _, crop_left, crop_up, s, ldmk_3d_align = align_img( + im, lm, lm3D_std, ldmk_3d, target_size=target_size, rescale_factor=rescale_factor, rescale_factor_3D=218 + ) + + # Compute center crop coordinates + left = int(im_high.size[0] / 2 - center_crop_size / 2) + upper = int(im_high.size[1] / 2 - center_crop_size / 2) + right = left + center_crop_size + lower = upper + center_crop_size + + # Crop the image + im_cropped = im_high.crop((left, upper, right, lower)) + + # Resize the cropped image to the output size + im_cropped = im_cropped.resize((output_size, output_size), resample=Image.LANCZOS) + + # Define cropping parameters for reference + crop_param = [ + int(left), int(upper), int(center_crop_size), + int(crop_left), int(crop_up), float(H * s), int(target_size) + ] + + return im_cropped, crop_param, ldmk_3d_align + + +def process_video(kwargs): + """ + Processes a video by aligning images based on facial landmarks. + + Args: + kwargs (dict): Dictionary containing the following keys: + - src_dir (str): Directory containing video frames. + - dst_dir (str): Directory to save processed images. + - lm5p (dict): Dictionary of image filenames and their corresponding 5-point landmarks. + - im_names (list): List of image filenames. + - output_size (int): Final output image resolution. + - transform_size (int): Size used for transformations before cropping. + - enable_padding (bool): Whether to apply padding. + - enable_warping (bool): Whether to apply warping transformation. + - save_realign_dir (str or None): Directory to save realigned images. + - save_detection_dir (str or None): Directory to save detection results. + - apply_GF (int): Gaussian filtering level for smoothing keypoints. + + Returns: + None + """ + + # Extract parameters from kwargs + video_dir = kwargs['src_dir'] + dst_dir = kwargs['dst_dir'] + lm5p_dict = kwargs['lm5p'] + lm3d_dict = kwargs['lm3d'] + output_size = kwargs['output_size'] + enable_padding = kwargs['enable_padding'] + enable_warping = kwargs['enable_warping'] + save_realign_dir = kwargs['save_realign_dir'] + save_detection_dir = kwargs['save_detection_dir'] + save_align3d_dir = kwargs['save_align3d_dir'] + apply_GF = kwargs['apply_GF'] + + # Use landmark dictionary keys as image names + im_names = list(lm5p_dict.keys()) + + # Apply Gaussian filtering for smoother keypoint transitions (if enabled) + if apply_GF > 0: + im_names.sort(key=lambda x: int(x.split('.')[0])) # Sort images by frame index + kps_sequence = np.asarray([lm5p_dict[key] for key in im_names], dtype=np.float32) + kps_sequence = gaussian_filter1d(kps_sequence, sigma=apply_GF, axis=0) # Apply Gaussian smoothing + else: + kps_sequence = np.asarray([lm5p_dict[key] for key in im_names], dtype=np.float32) + + # Ensure number of images matches the number of keypoints + assert len(im_names) == kps_sequence.shape[0], "Mismatch between image count and keypoint data." + + # Create directories for saving realigned images and detections (if specified) + if save_realign_dir: + os.makedirs(save_realign_dir, exist_ok=True) + if save_detection_dir: + os.makedirs(save_detection_dir, exist_ok=True) + kps_sequence_3d = np.asarray([lm3d_dict[key] for key in im_names], dtype=np.float32) + + # Process each image in the video sequence + for idx, im_name in enumerate(im_names): + lm5p = kps_sequence[idx].reshape([-1, 2]) # Reshape keypoints to (N, 2) format + lm3d = kps_sequence_3d[idx].reshape([-1, 3]) + # Prepare input dictionary for image processing + input_data = { + 'src_dir': video_dir, + 'dst_dir': dst_dir, + 'im_name': im_name, + 'lm5p': lm5p, + 'lm3d': lm3d, + 'save_realign_dir': save_realign_dir, + 'save_detection_dir': save_detection_dir, + 'save_align3d_dir':save_align3d_dir, + 'output_size': output_size, + 'enable_padding': enable_padding, + 'enable_warping': enable_warping + } + + # Process the image using the defined function + process_image(input_data) + + # Create a 'finish' file to mark completion of processing + with open(os.path.join(dst_dir, 'finish'), "w") as f: + pass # Creates an empty file + + +def recreate_aligned_images( + root_dir, lms_root_dir, dst_dir, valid_imgs_json, + output_size=512, enable_padding=True, already_align=False +): + """ + Recreates aligned images by applying facial landmark-based transformations. + + Args: + root_dir (str): Directory containing original images. + lms_root_dir (str): Directory containing facial landmark JSON files. + dst_dir (str): Directory to save aligned images. + save_realign_dir (str): Directory to save realigned images. + valid_imgs_json (str): JSON file containing valid video names and image lists. + output_size (int, optional): Final output image resolution. Defaults to 512. + enable_padding (bool, optional): Whether to apply padding. Defaults to True. + + Returns: + None + """ + + print("Recreating aligned images...") + + # Load valid video names and corresponding image lists from JSON file + with open(valid_imgs_json, 'r') as f: + valid_idx = json.load(f) + + inputs = [] # List to store image processing parameters + + # Iterate over each valid video + for video_name, img_names in valid_idx: + video_dir = os.path.join(root_dir, video_name) # Path to video images + dst_save_dir = os.path.join(dst_dir, video_name) # Destination folder for aligned images + base_dir = os.path.dirname(os.path.dirname(dst_dir)) + save_realign_dir = os.path.join(base_dir, 'realign', video_name) + save_detection_dir = os.path.join(base_dir, 'realign_detections', video_name) + save_align3d_dir = os.path.join(base_dir, 'align_3d_landmark', video_name) + os.makedirs(save_align3d_dir, exist_ok=True) + if save_realign_dir: + os.makedirs(save_realign_dir, exist_ok=True) + os.makedirs( save_detection_dir, exist_ok=True) + + # Skip processing if video directory does not exist + # if not os.path.isdir(video_dir): + # continue + + # Load facial landmark data for this video + + lm5p_path = os.path.join(lms_root_dir, f"{video_name}.json") + lm3d_path = os.path.join(lms_root_dir, f"{video_name}3d.json") + + with open(lm5p_path, 'r') as f: + lm5p_dict = json.load(f) + + with open(lm3d_path, 'r') as f: + lm3d_dict = json.load(f) + + # Iterate over images in the video + for im_name in img_names: + if im_name not in lm5p_dict: + continue # Skip if landmarks for this image are missing + if im_name not in lm3d_dict: + continue + # Convert and reshape landmark points + lm5p = np.asarray(lm5p_dict[im_name], dtype=np.float32).reshape([-1, 2]) + lm3d = np.asarray(lm3d_dict[im_name], dtype=np.float32).reshape([-1, 3]) + + # Prepare input dictionary for processing + input_data = { + 'src_dir': video_dir, + 'dst_dir': dst_save_dir, + 'im_name': im_name, + 'lm5p': lm5p, + 'lm3d': lm3d, + 'save_realign_dir': save_realign_dir, + 'save_detection_dir': save_detection_dir, + 'save_align3d_dir':save_align3d_dir, + 'output_size': output_size, + 'enable_padding': enable_padding + } + + inputs.append(input_data) + + # break # Stops after processing the first video (Is this intentional?) + + # Parallel Processing using multiprocessing (commented out for now) + # with multiprocessing.Pool(n_threads) as pool: + # results = list(tqdm(pool.imap(process_image, inputs), total=len(inputs), smoothing=0.1)) + + # Sequential processing (useful for debugging) + if already_align: + for input_data in tqdm(inputs, desc="Processing images"): + src_dir = input_data['src_dir'] + dst_dir = input_data['dst_dir'] + im_name = input_data['im_name'] + lm5p = input_data['lm5p'] + save_realign_dir = input_data.get('save_realign_dir', None) + save_detection_dir = input_data.get('save_detection_dir', None) + save_align3d_dir = input_data['save_align3d_dir'] + # Ensure the destination directory exists + os.makedirs(dst_dir, exist_ok=True) + # Construct file paths + src_file = os.path.join(src_dir, im_name) + # Ensure the source file exists before proceeding + assert os.path.isfile(src_file), f"Source file not found: {src_file}" + # Open the image + img = Image.open(src_file) + _, H = img.size # Get image dimensions + im_name = im_name.rsplit('.', 1)[0] + '.png' + dst_file = os.path.join(dst_dir, im_name) + # Optionally save the realigned image + if save_realign_dir: + os.makedirs(save_realign_dir, exist_ok=True) + img.save(os.path.join(save_realign_dir, im_name)) + aligned_lm5p = lm5p.copy() + + # Flip Y-coordinates to match the image coordinate system + aligned_lm5p[:, -1] = H - 1 - aligned_lm5p[:, -1] + # Optionally save detected landmarks as a text file + if save_detection_dir: + os.makedirs(save_detection_dir, exist_ok=True) + + save_detection_as_txt( + os.path.join(save_detection_dir, im_name.replace('.png', '.txt')), aligned_lm5p + ) + # Save the cropped image + img.save(dst_file) + lm3d = input_data['lm3d'][:, 0:2] + np.save(os.path.join(save_align3d_dir, + im_name.replace(".png", ".npy").replace(".jpg", ".npy").replace(".jpeg", ".npy")), + lm3d) + else: + for input_data in tqdm(inputs, desc="Processing images"): + process_image(input_data) + + +def recreate_aligned_videos_multiprocessing( + root_dir, lms_root_dir, dst_dir, valid_video_json, save_realign=True, skip=True, + enable_warping=False, output_size=512, + enable_padding='zero_padding', n_threads=12, apply_GF=0 +): + """ + Recreates aligned videos by processing images with landmark-based transformations. + + Args: + root_dir (str): Directory containing original video frames. + lms_root_dir (str): Directory with corresponding facial landmark JSON files. + dst_dir (str): Directory to save aligned images. + valid_video_json (str): JSON file containing valid video names and frame lists. + save_realign (bool, optional): Whether to save realigned images. Defaults to True. + skip (bool, optional): Skip already processed videos if 'finish' file exists. Defaults to False. + enable_warping (bool, optional): Apply warping transformation. Defaults to True. + output_size (int, optional): Desired output image resolution. Defaults to 1024. + transform_size (int, optional): Size used for transformation before cropping. Defaults to 4096. + enable_padding (str, optional): Padding mode ('zero_padding', 'blur_padding', 'reflect_padding', or None). Defaults to None. + n_threads (int, optional): Number of parallel threads for processing. Defaults to 12. + apply_GF (int, optional): Gaussian filtering level. Defaults to 0. + + Returns: + None + """ + + print("Recreating aligned images...") + + # Validate `enable_padding` argument + assert enable_padding in [None, 'zero_padding', 'blur_padding', 'reflect_padding'], \ + f"Invalid enable_padding value: {enable_padding}" + + # Load valid video indices from JSON + with open(valid_video_json, 'r') as f: + valid_idx = json.load(f) + + inputs = [] # List to store parameters for multiprocessing + + # Iterate through each valid video and prepare processing inputs + for video_name, im_names in valid_idx: + video_dir = os.path.join(root_dir, video_name) # Path to video frames + dst_save_dir = os.path.join(dst_dir, video_name) # Destination path for aligned images + base_dir = os.path.dirname(os.path.dirname(dst_dir)) + + save_align3d_dir = os.path.join(base_dir, 'align_3d_landmark', video_name) + os.makedirs(save_align3d_dir, exist_ok=True) + # Paths for saving realigned images and detections (if enabled) + save_realign_dir = save_detection_dir = None + if save_realign: + save_realign_dir = os.path.join(base_dir, 'realign', video_name) + save_detection_dir = os.path.join(base_dir, 'realign_detections', video_name) + + # Skip processing if video directory or landmark JSON does not exist + if not os.path.isdir(video_dir): + continue + if not os.path.exists(os.path.join(lms_root_dir, f"{video_name}.json")): + continue + + # Skip if already processed and `skip=True` + if skip and os.path.exists(os.path.join(dst_save_dir, 'finish')): + continue + + # Load facial landmark data + with open(os.path.join(lms_root_dir, f"{video_name}.json"), 'r') as f: + lm5p_dict = json.load(f) + + with open(os.path.join(lms_root_dir, f"{video_name}3d.json"), 'r') as f: + lm3d_dict = json.load(f) + # Prepare input dictionary for processing + input_data = { + 'src_dir': video_dir, + 'dst_dir': dst_save_dir, + 'lm5p': lm5p_dict, + 'lm3d': lm3d_dict, + 'im_names': im_names, + 'save_realign_dir': save_realign_dir, + 'save_detection_dir': save_detection_dir, + 'save_align3d_dir':save_align3d_dir, + 'output_size': output_size, + 'enable_padding': enable_padding, + 'apply_GF': apply_GF, + 'enable_warping': enable_warping + } + inputs.append(input_data) + + # Process videos in parallel using multiprocessing + with multiprocessing.Pool(n_threads) as pool: + results = list(tqdm(pool.imap(process_video, inputs), total=len(inputs), smoothing=0.1)) + + # Alternative: Process sequentially (useful for debugging) + # for input_data in tqdm(inputs): + # process_video(input_data) + + +# # ---------------------------------------------------------------------------- +# +# if __name__ == "__main__": +# parser = argparse.ArgumentParser() +# parser.add_argument('--source', type=str, default='.') +# parser.add_argument('--lm_source', type=str, default='') +# parser.add_argument('--dest', type=str, default='realign1500') +# parser.add_argument('--valid_video_json', type=str, default=None) +# parser.add_argument('--threads', type=int, default=12) +# parser.add_argument('--output_size', type=int, default=768) +# parser.add_argument('--transform_size', type=int, default=768) +# parser.add_argument('--apply_GF', type=float, default=0) +# parser.add_argument('--save_realign', action='store_true') +# parser.add_argument('--skip', action='store_true') +# parser.add_argument('--disable_warping', action='store_true') +# parser.add_argument('--padding_mode', type=str, default=None) +# args = parser.parse_args() +# +# # recreate_aligned_images_fast(args.source, args.lm_source, args.dest, args.save_realign_dir, args.valid_video_json, +# # output_size=args.output_size, transform_size=args.transform_size, n_threads=args.threads) +# recreate_aligned_videos_fast(args.source, args.lm_source, args.dest, args.valid_video_json, +# save_realign=args.save_realign, skip=args.skip, +# output_size=args.output_size, transform_size=args.transform_size, +# n_threads=args.threads, apply_GF=args.apply_GF, +# enable_padding=args.padding_mode, enable_warping=False) +# +# # run_cmdline(sys.argv) + +# ---------------------------------------------------------------------------- diff --git a/data_process/lib/config/__init__.py b/data_process/lib/config/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..3615f7a0ad3f556d45adabc2213ab2891cbce85a --- /dev/null +++ b/data_process/lib/config/__init__.py @@ -0,0 +1 @@ +from .config import cfg, args \ No newline at end of file diff --git a/data_process/lib/config/config.py b/data_process/lib/config/config.py new file mode 100644 index 0000000000000000000000000000000000000000..ace63dcfb207d1ce08ce9c41f78d9fdcef28e76c --- /dev/null +++ b/data_process/lib/config/config.py @@ -0,0 +1,87 @@ +import os.path + +from .yacs import CfgNode as CN +import argparse +from pathlib import Path + +current_file = Path(__file__).resolve() + +project_root = current_file.parent.parent.parent.parent +cfg_path = os.path.join(project_root, 'data_process/configs/pipeline_config_demo.yaml') + +def parse_cfg(cfg, args): + """Transfer command line arguments to configuration node""" + # Input/output configuration + cfg.input_dir = args.input_dir # Source input directory path + cfg.save_dir = args.save_dir # Output directory path + + # Pipeline control flags + cfg.is_video = args.is_video # Video processing mode flag + cfg.is_img = args.is_img # Image processing mode flag + + # Processing stage flags + cfg.no_extract_frames = args.no_extract_frames # Frame extraction enabled + cfg.no_extract_landmarks = args.no_extract_landmarks # Landmark detection enabled + cfg.no_align = args.no_align # Face alignment enabled + cfg.no_fitting_faceverse = args.no_fitting_faceverse # 3D face fitting enabled + cfg.no_render_faceverse = args.no_render_faceverse # Final rendering enabled + cfg.already_align = args.already_align # Final rendering enabled + cfg.no_pdfgc_motion = args.no_pdfgc_motion + +def make_cfg(args): + """Create and merge configuration from file and command line""" + # Initialize configuration node + cfg = CN() + + # Merge with YAML configuration file + if args.cfg_file: + cfg.merge_from_file(args.cfg_file) + + # Override with command line arguments + parse_cfg(cfg, args) + cfg.model.facerecon.checkpoints_dir = os.path.join(project_root, cfg.model.facerecon.checkpoints_dir) + cfg.model.fd.model_path = os.path.join(project_root, cfg.model.fd.model_path) + cfg.model.ldmk.model_path= os.path.join(project_root, cfg.model.ldmk.model_path) + cfg.model.ldmk_3d.model_path = os.path.join(project_root, cfg.model.ldmk_3d.model_path) + cfg.model.ldmk_3d.model_depth_path = os.path.join(project_root, cfg.model.ldmk_3d.model_depth_path) + cfg.pdfgc_path = os.path.join(project_root, cfg.pdfgc_path) + + return cfg + + +# Command line argument configuration ------------------------------------------------- +parser = argparse.ArgumentParser(description="Face Processing Pipeline Configuration") + +# I/O configuration +parser.add_argument("--input_dir", default='', type=str, + help="Input directory containing source media") +parser.add_argument("--save_dir", default='', type=str, + help="Output directory for processed results") + +# Configuration file +parser.add_argument("--cfg_file", default=cfg_path, type=str, + help="Path to YAML configuration file") + +# Processing mode flags +parser.add_argument("--is_video", action='store_true', + help="Enable video processing mode") +parser.add_argument("--is_img", action='store_true', + help="Enable image sequence processing mode") + +# Pipeline stage control flags (default enabled, use flag to disable) +parser.add_argument('--no_extract_frames', action='store_true', + help="Disable frame extraction stage") +parser.add_argument('--no_extract_landmarks', action='store_true', + help="Disable facial landmark detection") +parser.add_argument('--no_align', action='store_true', + help="Disable face alignment stage") +parser.add_argument('--no_fitting_faceverse', action='store_true', + help="Disable FaceVerse model fitting") +parser.add_argument('--no_render_faceverse', action='store_true', + help="Disable final rendering stage") +parser.add_argument('--already_align', action='store_true', + help="already_align") +parser.add_argument('--no_pdfgc_motion', action='store_true',) +# Parse arguments and build configuration --------------------------------------------- +args = parser.parse_args() +cfg = make_cfg(args) # Final merged configuration \ No newline at end of file diff --git a/data_process/lib/config/config_demo.py b/data_process/lib/config/config_demo.py new file mode 100644 index 0000000000000000000000000000000000000000..cf8caf80d03fd735de60ab63b3ec2379d9d3b615 --- /dev/null +++ b/data_process/lib/config/config_demo.py @@ -0,0 +1,76 @@ +from .yacs import CfgNode as CN +import argparse +import os +import numpy as np +import pprint + + +def parse_cfg(cfg, args): + """Transfer command line arguments to configuration node""" + # Input/output configuration + cfg.input_dir = args.input_dir # Source input directory path + cfg.save_dir = args.save_dir # Output directory path + + # Pipeline control flags + cfg.is_video = args.is_video # Video processing mode flag + cfg.is_img = args.is_img # Image processing mode flag + + # Processing stage flags + cfg.no_extract_frames = args.no_extract_frames # Frame extraction enabled + cfg.no_extract_landmarks = args.no_extract_landmarks # Landmark detection enabled + cfg.no_align = args.no_align # Face alignment enabled + cfg.no_fitting_faceverse = args.no_fitting_faceverse # 3D face fitting enabled + cfg.no_render_faceverse = args.no_render_faceverse # Final rendering enabled + cfg.already_align = args.already_align # Final rendering enabled + cfg.no_pdfgc_motion = args.no_pdfgc_motion + +def make_cfg(args): + """Create and merge configuration from file and command line""" + # Initialize configuration node + cfg = CN() + + # Merge with YAML configuration file + if args.cfg_file: + cfg.merge_from_file(args.cfg_file) + + # Override with command line arguments + parse_cfg(cfg, args) + return cfg + + +# Command line argument configuration ------------------------------------------------- +parser = argparse.ArgumentParser(description="Face Processing Pipeline Configuration") + +# I/O configuration +parser.add_argument("--input_dir", default='', type=str, + help="Input directory containing source media") +parser.add_argument("--save_dir", default='', type=str, + help="Output directory for processed results") + +# Configuration file +parser.add_argument("--cfg_file", default="data_process/configs/pipeline_config_demo.yaml", type=str, + help="Path to YAML configuration file") + +# Processing mode flags +parser.add_argument("--is_video", action='store_true', + help="Enable video processing mode") +parser.add_argument("--is_img", action='store_true', + help="Enable image sequence processing mode") + +# Pipeline stage control flags (default enabled, use flag to disable) +parser.add_argument('--no_extract_frames', action='store_true', + help="Disable frame extraction stage") +parser.add_argument('--no_extract_landmarks', action='store_true', + help="Disable facial landmark detection") +parser.add_argument('--no_align', action='store_true', + help="Disable face alignment stage") +parser.add_argument('--no_fitting_faceverse', action='store_true', + help="Disable FaceVerse model fitting") +parser.add_argument('--no_render_faceverse', action='store_true', + help="Disable final rendering stage") +parser.add_argument('--already_align', action='store_true', + help="already_align") +parser.add_argument('--no_pdfgc_motion', action='store_true',) +# Parse arguments and build configuration --------------------------------------------- +args = parser.parse_args() +cfg = make_cfg(args) # Final merged configuration \ No newline at end of file diff --git a/data_process/lib/config/yacs.py b/data_process/lib/config/yacs.py new file mode 100644 index 0000000000000000000000000000000000000000..b4b183ed998e77a2f4d0dcfc943c91128ca8ed11 --- /dev/null +++ b/data_process/lib/config/yacs.py @@ -0,0 +1,495 @@ +# Copyright (c) 2018-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + +"""YACS -- Yet Another Configuration System is designed to be a simple +configuration management system for academic and industrial research +projects. +See README.md for usage and examples. +""" + +import copy +import io +import logging +import os +from ast import literal_eval + +import yaml + + +# Flag for py2 and py3 compatibility to use when separate code paths are necessary +# When _PY2 is False, we assume Python 3 is in use +_PY2 = False + +# Filename extensions for loading configs from files +_YAML_EXTS = {"", ".yaml", ".yml"} +_PY_EXTS = {".py"} + +# py2 and py3 compatibility for checking file object type +# We simply use this to infer py2 vs py3 +try: + _FILE_TYPES = (file, io.IOBase) + _PY2 = True +except NameError: + _FILE_TYPES = (io.IOBase,) + +# CfgNodes can only contain a limited set of valid types +_VALID_TYPES = {tuple, list, str, int, float, bool} +# py2 allow for str and unicode +if _PY2: + _VALID_TYPES = _VALID_TYPES.union({unicode}) # noqa: F821 + +# Utilities for importing modules from file paths +if _PY2: + # imp is available in both py2 and py3 for now, but is deprecated in py3 + import imp +else: + import importlib.util + +logger = logging.getLogger(__name__) + + +class CfgNode(dict): + """ + CfgNode represents an internal node in the configuration tree. It's a simple + dict-like container that allows for attribute-based access to keys. + """ + + IMMUTABLE = "__immutable__" + DEPRECATED_KEYS = "__deprecated_keys__" + RENAMED_KEYS = "__renamed_keys__" + + def __init__(self, init_dict=None, key_list=None): + # Recursively convert nested dictionaries in init_dict into CfgNodes + init_dict = {} if init_dict is None else init_dict + key_list = [] if key_list is None else key_list + for k, v in init_dict.items(): + if type(v) is dict: + # Convert dict to CfgNode + init_dict[k] = CfgNode(v, key_list=key_list + [k]) + else: + # Check for valid leaf type or nested CfgNode + _assert_with_logging( + _valid_type(v, allow_cfg_node=True), + "Key {} with value {} is not a valid type; valid types: {}".format( + ".".join(key_list + [k]), type(v), _VALID_TYPES + ), + ) + super(CfgNode, self).__init__(init_dict) + # Manage if the CfgNode is frozen or not + self.__dict__[CfgNode.IMMUTABLE] = False + # Deprecated options + # If an option is removed from the code and you don't want to break existing + # yaml configs, you can add the full config key as a string to the set below. + self.__dict__[CfgNode.DEPRECATED_KEYS] = set() + # Renamed options + # If you rename a config option, record the mapping from the old name to the new + # name in the dictionary below. Optionally, if the type also changed, you can + # make the value a tuple that specifies first the renamed key and then + # instructions for how to edit the config file. + self.__dict__[CfgNode.RENAMED_KEYS] = { + # 'EXAMPLE.OLD.KEY': 'EXAMPLE.NEW.KEY', # Dummy example to follow + # 'EXAMPLE.OLD.KEY': ( # A more complex example to follow + # 'EXAMPLE.NEW.KEY', + # "Also convert to a tuple, e.g., 'foo' -> ('foo',) or " + # + "'foo:bar' -> ('foo', 'bar')" + # ), + } + + def __getattr__(self, name): + if name in self: + return self[name] + else: + raise AttributeError(name) + + def __setattr__(self, name, value): + if self.is_frozen(): + raise AttributeError( + "Attempted to set {} to {}, but CfgNode is immutable".format( + name, value + ) + ) + + _assert_with_logging( + name not in self.__dict__, + "Invalid attempt to modify internal CfgNode state: {}".format(name), + ) + _assert_with_logging( + _valid_type(value, allow_cfg_node=True), + "Invalid type {} for key {}; valid types = {}".format( + type(value), name, _VALID_TYPES + ), + ) + + self[name] = value + + def __str__(self): + def _indent(s_, num_spaces): + s = s_.split("\n") + if len(s) == 1: + return s_ + first = s.pop(0) + s = [(num_spaces * " ") + line for line in s] + s = "\n".join(s) + s = first + "\n" + s + return s + + r = "" + s = [] + for k, v in sorted(self.items()): + seperator = "\n" if isinstance(v, CfgNode) else " " + attr_str = "{}:{}{}".format(str(k), seperator, str(v)) + attr_str = _indent(attr_str, 2) + s.append(attr_str) + r += "\n".join(s) + return r + + def __repr__(self): + return "{}({})".format(self.__class__.__name__, super(CfgNode, self).__repr__()) + + def dump(self): + """Dump to a string.""" + self_as_dict = _to_dict(self) + return yaml.safe_dump(self_as_dict) + + def merge_from_file(self, cfg_filename): + """Load a yaml config file and merge it this CfgNode.""" + with open(cfg_filename, "r") as f: + cfg = load_cfg(f) + self.merge_from_other_cfg(cfg) + + def merge_from_other_cfg(self, cfg_other): + """Merge `cfg_other` into this CfgNode.""" + _merge_a_into_b(cfg_other, self, self, []) + + def merge_from_list(self, cfg_list): + """Merge config (keys, values) in a list (e.g., from command line) into + this CfgNode. For example, `cfg_list = ['FOO.BAR', 0.5]`. + """ + _assert_with_logging( + len(cfg_list) % 2 == 0, + "Override list has odd length: {}; it must be a list of pairs".format( + cfg_list + ), + ) + root = self + for full_key, v in zip(cfg_list[0::2], cfg_list[1::2]): + if root.key_is_deprecated(full_key): + continue + if root.key_is_renamed(full_key): + root.raise_key_rename_error(full_key) + key_list = full_key.split(".") + d = self + for subkey in key_list[:-1]: + _assert_with_logging( + subkey in d, "Non-existent key: {}".format(full_key) + ) + d = d[subkey] + subkey = key_list[-1] + _assert_with_logging(subkey in d, "Non-existent key: {}".format(full_key)) + value = _decode_cfg_value(v) + value = _check_and_coerce_cfg_value_type(value, d[subkey], subkey, full_key) + d[subkey] = value + + def freeze(self): + """Make this CfgNode and all of its children immutable.""" + self._immutable(True) + + def defrost(self): + """Make this CfgNode and all of its children mutable.""" + self._immutable(False) + + def is_frozen(self): + """Return mutability.""" + return self.__dict__[CfgNode.IMMUTABLE] + + def _immutable(self, is_immutable): + """Set immutability to is_immutable and recursively apply the setting + to all nested CfgNodes. + """ + self.__dict__[CfgNode.IMMUTABLE] = is_immutable + # Recursively set immutable state + for v in self.__dict__.values(): + if isinstance(v, CfgNode): + v._immutable(is_immutable) + for v in self.values(): + if isinstance(v, CfgNode): + v._immutable(is_immutable) + + def clone(self): + """Recursively copy this CfgNode.""" + return copy.deepcopy(self) + + def register_deprecated_key(self, key): + """Register key (e.g. `FOO.BAR`) a deprecated option. When merging deprecated + keys a warning is generated and the key is ignored. + """ + _assert_with_logging( + key not in self.__dict__[CfgNode.DEPRECATED_KEYS], + "key {} is already registered as a deprecated key".format(key), + ) + self.__dict__[CfgNode.DEPRECATED_KEYS].add(key) + + def register_renamed_key(self, old_name, new_name, message=None): + """Register a key as having been renamed from `old_name` to `new_name`. + When merging a renamed key, an exception is thrown alerting to user to + the fact that the key has been renamed. + """ + _assert_with_logging( + old_name not in self.__dict__[CfgNode.RENAMED_KEYS], + "key {} is already registered as a renamed cfg key".format(old_name), + ) + value = new_name + if message: + value = (new_name, message) + self.__dict__[CfgNode.RENAMED_KEYS][old_name] = value + + def key_is_deprecated(self, full_key): + """Test if a key is deprecated.""" + if full_key in self.__dict__[CfgNode.DEPRECATED_KEYS]: + logger.warning("Deprecated config key (ignoring): {}".format(full_key)) + return True + return False + + def key_is_renamed(self, full_key): + """Test if a key is renamed.""" + return full_key in self.__dict__[CfgNode.RENAMED_KEYS] + + def raise_key_rename_error(self, full_key): + new_key = self.__dict__[CfgNode.RENAMED_KEYS][full_key] + if isinstance(new_key, tuple): + msg = " Note: " + new_key[1] + new_key = new_key[0] + else: + msg = "" + raise KeyError( + "Key {} was renamed to {}; please update your config.{}".format( + full_key, new_key, msg + ) + ) + + +def load_cfg(cfg_file_obj_or_str): + """Load a cfg. Supports loading from: + - A file object backed by a YAML file + - A file object backed by a Python source file that exports an attribute + "cfg" that is either a dict or a CfgNode + - A string that can be parsed as valid YAML + """ + _assert_with_logging( + isinstance(cfg_file_obj_or_str, _FILE_TYPES + (str,)), + "Expected first argument to be of type {} or {}, but it was {}".format( + _FILE_TYPES, str, type(cfg_file_obj_or_str) + ), + ) + if isinstance(cfg_file_obj_or_str, str): + return _load_cfg_from_yaml_str(cfg_file_obj_or_str) + elif isinstance(cfg_file_obj_or_str, _FILE_TYPES): + return _load_cfg_from_file(cfg_file_obj_or_str) + else: + raise NotImplementedError("Impossible to reach here (unless there's a bug)") + + +def _load_cfg_from_file(file_obj): + """Load a config from a YAML file or a Python source file.""" + _, file_extension = os.path.splitext(file_obj.name) + if file_extension in _YAML_EXTS: + return _load_cfg_from_yaml_str(file_obj.read()) + elif file_extension in _PY_EXTS: + return _load_cfg_py_source(file_obj.name) + else: + raise Exception( + "Attempt to load from an unsupported file type {}; " + "only {} are supported".format(file_obj, _YAML_EXTS.union(_PY_EXTS)) + ) + + +def _load_cfg_from_yaml_str(str_obj): + """Load a config from a YAML string encoding.""" + cfg_as_dict = yaml.safe_load(str_obj) + return CfgNode(cfg_as_dict) + + +def _load_cfg_py_source(filename): + """Load a config from a Python source file.""" + module = _load_module_from_file("yacs.config.override", filename) + _assert_with_logging( + hasattr(module, "cfg"), + "Python module from file {} must have 'cfg' attr".format(filename), + ) + VALID_ATTR_TYPES = {dict, CfgNode} + _assert_with_logging( + type(module.cfg) in VALID_ATTR_TYPES, + "Imported module 'cfg' attr must be in {} but is {} instead".format( + VALID_ATTR_TYPES, type(module.cfg) + ), + ) + if type(module.cfg) is dict: + return CfgNode(module.cfg) + else: + return module.cfg + + +def _to_dict(cfg_node): + """Recursively convert all CfgNode objects to dict objects.""" + + def convert_to_dict(cfg_node, key_list): + if not isinstance(cfg_node, CfgNode): + _assert_with_logging( + _valid_type(cfg_node), + "Key {} with value {} is not a valid type; valid types: {}".format( + ".".join(key_list), type(cfg_node), _VALID_TYPES + ), + ) + return cfg_node + else: + cfg_dict = dict(cfg_node) + for k, v in cfg_dict.items(): + cfg_dict[k] = convert_to_dict(v, key_list + [k]) + return cfg_dict + + return convert_to_dict(cfg_node, []) + + +def _valid_type(value, allow_cfg_node=False): + return (type(value) in _VALID_TYPES) or (allow_cfg_node and type(value) == CfgNode) + + +def _merge_a_into_b(a, b, root, key_list): + """Merge config dictionary a into config dictionary b, clobbering the + options in b whenever they are also specified in a. + """ + _assert_with_logging( + isinstance(a, CfgNode), + "`a` (cur type {}) must be an instance of {}".format(type(a), CfgNode), + ) + _assert_with_logging( + isinstance(b, CfgNode), + "`b` (cur type {}) must be an instance of {}".format(type(b), CfgNode), + ) + + for k, v_ in a.items(): + full_key = ".".join(key_list + [k]) + # a must specify keys that are in b + if k not in b: + if root.key_is_deprecated(full_key): + continue + elif root.key_is_renamed(full_key): + root.raise_key_rename_error(full_key) + else: + b.update({k: v_}) + + v = copy.deepcopy(v_) + v = _decode_cfg_value(v) + v = _check_and_coerce_cfg_value_type(v, b[k], k, full_key) + + # Recursively merge dicts + if isinstance(v, CfgNode): + try: + _merge_a_into_b(v, b[k], root, key_list + [k]) + except BaseException: + raise + else: + b[k] = v + + +def _decode_cfg_value(v): + """Decodes a raw config value (e.g., from a yaml config files or command + line argument) into a Python object. + """ + # Configs parsed from raw yaml will contain dictionary keys that need to be + # converted to CfgNode objects + if isinstance(v, dict): + return CfgNode(v) + # All remaining processing is only applied to strings + if not isinstance(v, str): + return v + # Try to interpret `v` as a: + # string, number, tuple, list, dict, boolean, or None + try: + v = literal_eval(v) + # The following two excepts allow v to pass through when it represents a + # string. + # + # Longer explanation: + # The type of v is always a string (before calling literal_eval), but + # sometimes it *represents* a string and other times a data structure, like + # a list. In the case that v represents a string, what we got back from the + # yaml parser is 'foo' *without quotes* (so, not '"foo"'). literal_eval is + # ok with '"foo"', but will raise a ValueError if given 'foo'. In other + # cases, like paths (v = 'foo/bar' and not v = '"foo/bar"'), literal_eval + # will raise a SyntaxError. + except ValueError: + pass + except SyntaxError: + pass + return v + + +def _check_and_coerce_cfg_value_type(replacement, original, key, full_key): + """Checks that `replacement`, which is intended to replace `original` is of + the right type. The type is correct if it matches exactly or is one of a few + cases in which the type can be easily coerced. + """ + original_type = type(original) + replacement_type = type(replacement) + + # The types must match (with some exceptions) + if replacement_type == original_type: + return replacement + + # Cast replacement from from_type to to_type if the replacement and original + # types match from_type and to_type + def conditional_cast(from_type, to_type): + if replacement_type == from_type and original_type == to_type: + return True, to_type(replacement) + else: + return False, None + + # Conditionally casts + # list <-> tuple + casts = [(tuple, list), (list, tuple)] + # For py2: allow converting from str (bytes) to a unicode string + try: + casts.append((str, unicode)) # noqa: F821 + except Exception: + pass + + for (from_type, to_type) in casts: + converted, converted_value = conditional_cast(from_type, to_type) + if converted: + return converted_value + + raise ValueError( + "Type mismatch ({} vs. {}) with values ({} vs. {}) for config " + "key: {}".format( + original_type, replacement_type, original, replacement, full_key + ) + ) + + +def _assert_with_logging(cond, msg): + if not cond: + logger.debug(msg) + assert cond, msg + + +def _load_module_from_file(name, filename): + if _PY2: + module = imp.load_source(name, filename) + else: + spec = importlib.util.spec_from_file_location(name, filename) + module = importlib.util.module_from_spec(spec) + spec.loader.exec_module(module) + return module \ No newline at end of file diff --git a/data_process/lib/face_detect_ldmk_pipeline.py b/data_process/lib/face_detect_ldmk_pipeline.py new file mode 100644 index 0000000000000000000000000000000000000000..783866172861d37530051252f1f658e2c08845a5 --- /dev/null +++ b/data_process/lib/face_detect_ldmk_pipeline.py @@ -0,0 +1,172 @@ +################################################# +# Copyright (c) 2021-present, xiaobing.ai, Inc. # +# All rights reserved. # +################################################# +# CV Research, DEV(USA) xiaobing. # +# Written by wangduomin@xiaobing.ai # +################################################# + +##### Python internal and external packages +import numpy as np +import torch +import cv2 + + +class FaceLdmkDetector: + """ + A class for face detection and landmark detection (2D and 3D). + """ + + def __init__(self, facedetector, ldmkdetector, ldmk3ddetector): + """ + Initialize the face landmark detector. + + Args: + facedetector: Face detection model. + ldmkdetector: 2D landmark detection model. + ldmk3ddetector: 3D landmark detection model. + """ + self.facedetector = facedetector + self.ldmkdetector = ldmkdetector + self.ldmk3ddetector = ldmk3ddetector + + self.last_frame = None + self.frame_count = 0 + self.frame_margin = 15 + + def reset(self): + """Reset the last frame and frame count.""" + self.last_frame = None + self.frame_count = 0 + + def get_box_from_ldmk(self, ldmks): + """ + Compute bounding boxes from landmark points. + + Args: + ldmks (np.ndarray): Landmark points. + + Returns: + np.ndarray: Bounding box coordinates. + """ + boxes = [[np.min(ldmk[:, 0]), np.min(ldmk[:, 1]), + np.max(ldmk[:, 0]), np.max(ldmk[:, 1])] + for ldmk in ldmks] + return np.array(boxes) + + def extend_box(self, boxes, ratio=1.5): + """ + Extend bounding boxes by a given ratio. + + Args: + boxes (np.ndarray): Bounding boxes. + ratio (float): Scaling factor. + + Returns: + np.ndarray: Extended bounding boxes. + """ + extended_boxes = [] + for box in boxes: + xmin, ymin, xmax, ymax = box + center = [(xmin + xmax) / 2, (ymin + ymax) / 2] + size = np.sqrt((ymax - ymin + 1) * (xmax - xmin + 1)) + extend_size = size * ratio + + xmine, ymine = center[0] - extend_size / 2, center[1] - extend_size / 2 + xmaxe, ymaxe = center[0] + extend_size / 2, center[1] + extend_size / 2 + + extended_boxes.append([xmine, ymine, xmaxe, ymaxe]) + + return np.array(extended_boxes) + + def ldmk_detect(self, img, boxes): + """ + Perform landmark detection on given bounding boxes. + + Args: + img (np.ndarray): Input image. + boxes (np.ndarray): Bounding boxes. + + Returns: + np.ndarray: Smoothed landmark points. + """ + ldmks = [] + h, w, _ = img.shape + + for box in boxes: + xmin, ymin, xmax, ymax = map(int, box) + img_crop = np.zeros([ymax - ymin, xmax - xmin, 3]) + + img_crop[ + 0 - min(ymin, 0):(ymax - ymin) - (max(ymax, h) - h), + 0 - min(xmin, 0):(xmax - xmin) - (max(xmax, w) - w), + ] = img[max(ymin, 0):min(ymax, h), max(xmin, 0):min(xmax, w)] + + ldmk = self.ldmkdetector(img_crop) + ldmk = ldmk[0] + np.array([xmin, ymin]).reshape(1, 2) + ldmks.append(ldmk) + + ldmks = np.array(ldmks) + + # Apply smoothing to landmarks + ldmks_smooth = [ldmks[idx] if idx == 0 or idx == len(ldmks) - 1 + else ldmks[idx - 1:idx + 2].mean(0) + for idx in range(len(ldmks))] + + return np.array(ldmks_smooth) + + def inference(self, img): + """ + Perform face detection and landmark detection. + + Args: + img (np.ndarray): Input image. + + Returns: + tuple: 2D landmarks, 3D landmarks, bounding boxes. + """ + h, w, _ = img.shape + + if self.last_frame is None and self.frame_count % self.frame_margin == 0: + boxes_scores = self.facedetector(img) + if len(boxes_scores) == 0: + return None + + boxes = boxes_scores[:, :4] + scores = boxes_scores[:, 4] + + # Compute box sizes and distances from the center + box_sizes = ((boxes[:, 3] - boxes[:, 1]) + (boxes[:, 2] - boxes[:, 0])) / 2 + box_distances = ((boxes[:, 3] + boxes[:, 1]) / 2 - 255) ** 2 + ((boxes[:, 2] + boxes[:, 0]) / 2 - 255) ** 2 + + # Select the largest detected face + index = np.argmax(box_sizes) + boxes = boxes[index:index + 1] + + # Extend the bounding box + boxes_extend = self.extend_box(boxes, ratio=1.5) + + self.frame_count += 1 + + else: + # Use last detected landmarks to determine the bounding box + boxes = self.get_box_from_ldmk(self.last_frame) + box_sizes = ((boxes[:, 3] - boxes[:, 1]) + (boxes[:, 2] - boxes[:, 0])) / 2 + box_centers = np.concatenate([((boxes[:, 2] + boxes[:, 0]) / 2), + ((boxes[:, 3] + boxes[:, 1]) / 2)], axis=0) + + # Extend the bounding box + boxes_extend = self.extend_box(boxes, ratio=1.8) + + self.frame_count += 1 + + # Perform landmark detection + ldmks = self.ldmk_detect(img, boxes_extend) + ldmks_3d = self.ldmk3ddetector(img, boxes) + + if self.last_frame is None: + boxes = self.get_box_from_ldmk(ldmks) + + self.last_frame = ldmks + + return ldmks, ldmks_3d, boxes \ No newline at end of file diff --git a/data_process/lib/faceverse_process/.DS_Store b/data_process/lib/faceverse_process/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..0517791d9e15e101d4f5f7b2e4c8687114153956 Binary files /dev/null and b/data_process/lib/faceverse_process/.DS_Store differ diff --git a/data_process/lib/faceverse_process/BgMatting_models/.DS_Store b/data_process/lib/faceverse_process/BgMatting_models/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..5008ddfcf53c02e82d7eee2e57c38e5672ef89f6 Binary files /dev/null and b/data_process/lib/faceverse_process/BgMatting_models/.DS_Store differ diff --git a/data_process/lib/faceverse_process/__init__.py b/data_process/lib/faceverse_process/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data_process/lib/faceverse_process/core/FaceVerseModel_v3.py b/data_process/lib/faceverse_process/core/FaceVerseModel_v3.py new file mode 100644 index 0000000000000000000000000000000000000000..30426b177c9c499688e35c3c70c3dfb599b31f46 --- /dev/null +++ b/data_process/lib/faceverse_process/core/FaceVerseModel_v3.py @@ -0,0 +1,658 @@ +import os.path + +import pytorch3d.transforms +import torch +from torch import nn +import numpy as np + +from pytorch3d.structures import Meshes +# from pytorch3d.renderer import TexturesVertex +from pytorch3d.renderer import ( + look_at_view_transform, + PerspectiveCameras, + PointLights, + RasterizationSettings, + OrthographicCameras, + MeshRenderer, + MeshRasterizer, + SoftPhongShader, + TexturesVertex, + blending +) +from pytorch3d.loss import ( + # mesh_edge_loss, + mesh_laplacian_smoothing, + # mesh_normal_consistency, +) +from pathlib import Path + +current_file = Path(__file__).resolve() +project_root = current_file.parent.parent.parent.parent + +class MeshRendererWithDepth(MeshRenderer): + def __init__(self, rasterizer, shader): + super().__init__(rasterizer, shader) + + def forward(self, meshes_world, attributes=None, **kwargs) -> torch.Tensor: + fragments = self.rasterizer(meshes_world, **kwargs) + images = self.shader(fragments, meshes_world, **kwargs) + + if attributes is not None: + bary_coords, pix_to_face = fragments.bary_coords, fragments.pix_to_face.clone() + + vismask = (pix_to_face > -1).float() + + D = attributes.shape[-1] + attributes = attributes.clone() + attributes = attributes.view(attributes.shape[0] * attributes.shape[1], 3, attributes.shape[-1]) + + N, H, W, K, _ = bary_coords.shape + pix_to_face[pix_to_face == -1] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + + pixel_vals[pix_to_face == -1] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:, :, :, 0].permute(0, 3, 1, 2) + pixel_vals = torch.cat([pixel_vals, vismask[:, :, :, 0][:, None, :, :]], dim=1) + return images, fragments.zbuf, pixel_vals + else: + return images, fragments.zbuf + + +def get_renderer(img_size, device, R=None, T=None, K=None, orthoCam=False, rasterize_blur_radius=0.): + if orthoCam: + fx, fy, cx, cy = K[0], K[1], K[2], K[3] + cameras = OrthographicCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + # cameras = FoVOrthographicCameras(T=T, device=device) + else: + fx, fy, cx, cy = K[0, 0], K[1, 1], K[0, 2], K[1, 2] + fx = -fx * 2.0 / (img_size - 1) + fy = -fy * 2.0 / (img_size - 1) + cx = - (cx - (img_size - 1) / 2.0) * 2.0 / (img_size - 1) + cy = - (cy - (img_size - 1) / 2.0) * 2.0 / (img_size - 1) + cameras = PerspectiveCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + + lights = PointLights(device=device, location=[[0.0, 0.0, 1e5]], + ambient_color=[[1, 1, 1]], + specular_color=[[0., 0., 0.]], diffuse_color=[[0., 0., 0.]]) + + raster_settings = RasterizationSettings( + image_size=img_size, + blur_radius=rasterize_blur_radius, + faces_per_pixel=1 + # bin_size=0 + ) + blend_params = blending.BlendParams(background_color=[0, 0, 0]) + renderer = MeshRendererWithDepth( + rasterizer=MeshRasterizer( + cameras=cameras, + raster_settings=raster_settings + ), + shader=SoftPhongShader( + device=device, + cameras=cameras, + lights=lights, + blend_params=blend_params + ) + ) + return renderer + + +class FaceVerseModel(nn.Module): + def __init__(self, model_dict, batch_size=1, device='cuda:1', expr_52=True, **kargs): + super(FaceVerseModel, self).__init__() + + self.batch_size = batch_size + self.device = torch.device(device) + + self.rotXYZ = torch.eye(3).view(1, 3, 3).repeat(3, 1, 1).view(3, 1, 3, 3).to(self.device) + + self.renderer = ModelRenderer(device, **kargs) + + self.kp_inds = torch.tensor(model_dict['mediapipe_keypoints'].reshape(-1, 1), requires_grad=False).squeeze().long().to(self.device) + self.ver_inds = model_dict['ver_inds'] + self.tri_inds = model_dict['tri_inds'] + + meanshape = torch.tensor(model_dict['meanshape'].reshape(-1, 3), dtype=torch.float32, requires_grad=False, device=self.device) + meanshape[:, [1, 2]] *= -1 + meanshape = meanshape * 0.1 + meanshape[:, 1] += 1 + self.meanshape = meanshape.reshape(1, -1) + self.meantex = torch.tensor(model_dict['meantex'].reshape(1, -1), dtype=torch.float32, requires_grad=False, device=self.device) + + idBase = torch.tensor(model_dict['idBase'].reshape(-1, 3, 150), dtype=torch.float32, requires_grad=False, device=self.device) + idBase[:, [1, 2]] *= -1 + self.idBase = (idBase * 0.1).reshape(-1, 150) + self.expr_52 = expr_52 + if expr_52: + expBase = torch.tensor(np.load(os.path.join(project_root, 'lib/faceverse_process/metamodel/v3/exBase_52.npy')).reshape(-1, 3, 52), dtype=torch.float32, requires_grad=False, device=self.device) + else: + expBase = torch.tensor(model_dict['exBase'].reshape(-1, 3, 171), dtype=torch.float32, requires_grad=False, device=self.device) + expBase[:, [1, 2]] *= -1 + self.expBase = (expBase * 0.1).reshape(-1, 171) + self.texBase = torch.tensor(model_dict['texBase'], dtype=torch.float32, requires_grad=False, device=self.device) + + self.l_eyescale = model_dict['left_eye_exp'] + self.r_eyescale = model_dict['right_eye_exp'] + # self.vert_mask = model_dict['face_mask'] + self.vert_mask = np.load(os.path.join(project_root,'lib/faceverse_process/metamodel/v31_face_mask_new.npy')) + self.vert_mask[model_dict['ver_inds'][0]:model_dict['ver_inds'][2]] = 1 + self.vert_mask = torch.tensor(self.vert_mask).view(1, -1, 1).to(self.device) + + self.uv = torch.tensor(model_dict['uv'], dtype=torch.float32, requires_grad=False, device=self.device) + self.tri = torch.tensor(model_dict['tri'], dtype=torch.int64, requires_grad=False, device=self.device) + self.tri_uv = torch.tensor(model_dict['tri_uv'], dtype=torch.int64, requires_grad=False, device=self.device) + self.point_buf = torch.tensor(model_dict['point_buf'], dtype=torch.int64, requires_grad=False, device=self.device) + + self.num_vertex = self.meanshape.shape[1] // 3 + self.id_dims = self.idBase.shape[1] # 150 + self.tex_dims = self.texBase.shape[1] # 251 + self.exp_dims = self.expBase.shape[1] # 171 + self.all_dims = self.id_dims + self.tex_dims + self.exp_dims + self.init_coeff_tensors() + + # for tracking by landmarks + self.kp_inds_view = torch.cat([self.kp_inds[:, None] * 3, self.kp_inds[:, None] * 3 + 1, self.kp_inds[:, None] * 3 + 2], dim=1).flatten() + self.idBase_view = self.idBase[self.kp_inds_view, :].detach().clone() + self.expBase_view = self.expBase[self.kp_inds_view, :].detach().clone() + self.meanshape_view = self.meanshape[:, self.kp_inds_view].detach().clone() + + # zxc + self.identity = torch.eye(3, dtype=torch.float32, device=self.device) + self.point_shift = torch.nn.Parameter(torch.zeros(self.num_vertex, 3, dtype=torch.float32, device=self.device)) # [N, 3] + self.axis_angle = False + + def set_renderer(self, intr=None, img_size=256, cam_dist=10., render_depth=False, rasterize_blur_radius=0.): + self.renderer = ModelRenderer(self.device, intr, img_size, cam_dist, render_depth, rasterize_blur_radius) + + def init_coeff_tensors(self, id_coeff=None, tex_coeff=None, exp_coeff=None, gamma_coeff=None, trans_coeff=None, rot_coeff=None, scale_coeff=None, eye_coeff=None): + if id_coeff is None: + self.id_tensor = torch.zeros((1, self.id_dims), dtype=torch.float32, requires_grad=True, device=self.device) + else: + assert id_coeff.shape == (1, self.id_dims) + self.id_tensor = id_coeff.clone().detach().requires_grad_(True) + + if tex_coeff is None: + self.tex_tensor = torch.zeros((1, self.tex_dims), dtype=torch.float32, requires_grad=True, device=self.device) + else: + assert tex_coeff.shape == (1, self.tex_dims) + self.tex_tensor = tex_coeff.clone().detach().requires_grad_(True) + + if exp_coeff is None: + self.exp_tensor = torch.zeros((self.batch_size, self.exp_dims), dtype=torch.float32, requires_grad=True, device=self.device) + else: + assert exp_coeff.shape == (1, self.exp_dims) + self.exp_tensor = exp_coeff.clone().detach().requires_grad_(True) + + if gamma_coeff is None: + self.gamma_tensor = torch.zeros((self.batch_size, 27), dtype=torch.float32, requires_grad=True, device=self.device) + else: + self.gamma_tensor = gamma_coeff.clone().detach().requires_grad_(True) + + if trans_coeff is None: + self.trans_tensor = torch.zeros((self.batch_size, 3), dtype=torch.float32, requires_grad=True, device=self.device) + else: + self.trans_tensor = trans_coeff.clone().detach().requires_grad_(True) + + if scale_coeff is None: + self.scale_tensor = 1.0 * torch.ones((self.batch_size, 1), dtype=torch.float32, device=self.device) + self.scale_tensor.requires_grad_(True) + else: + self.scale_tensor = scale_coeff.clone().detach().requires_grad_(True) + + if rot_coeff is None: + self.rot_tensor = torch.zeros((self.batch_size, 3), dtype=torch.float32, requires_grad=True, device=self.device) + else: + self.rot_tensor = rot_coeff.clone().detach().requires_grad_(True) + + if eye_coeff is None: + self.eye_tensor = torch.zeros( + (self.batch_size, 4), dtype=torch.float32, + requires_grad=True, device=self.device) + else: + self.eye_tensor = eye_coeff.clone().detach().requires_grad_(True) + + def get_lms(self, vs): + lms = vs[:, self.kp_inds, :] + return lms + + def split_coeffs(self, coeffs): + id_coeff = coeffs[:, :self.id_dims] # identity(shape) coeff + exp_coeff = coeffs[:, self.id_dims:self.id_dims + self.exp_dims] # expression coeff + tex_coeff = coeffs[:, self.id_dims + self.exp_dims:self.all_dims] # texture(albedo) coeff + angles = coeffs[:, self.all_dims:self.all_dims + 3] # ruler angles(x,y,z) for rotation of dim 3 + gamma = coeffs[:, self.all_dims + 3:self.all_dims + 30] # lighting coeff for 3 channel SH function of dim 27 + translation = coeffs[:, self.all_dims + 30:self.all_dims+33] # translation coeff of dim 3 + eye_coeff = coeffs[:, self.all_dims + 33:self.all_dims + 37] # eye coeff of dim 4 + scale = coeffs[:, -1:] if coeffs.shape[1] == self.all_dims + 38 else torch.ones_like(coeffs[:, -1:]) + + return id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, eye_coeff, scale + + def merge_coeffs(self, id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, eye, scale): + coeffs = torch.cat([id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, eye, scale], dim=1) + return coeffs + + def get_packed_tensors(self): + return self.merge_coeffs(self.id_tensor, + self.exp_tensor, + self.tex_tensor, + self.rot_tensor, self.gamma_tensor, + self.trans_tensor, self.eye_tensor, self.scale_tensor) + + # def get_pytorch3d_mesh(self, coeffs, enable_pts_shift=False): + # id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, scale = self.split_coeffs(coeffs) + # rotation = self.compute_rotation_matrix(angles) + # + # vs = self.get_vs(id_coeff, exp_coeff) + # if enable_pts_shift: + # vs = vs + self.point_shift.unsqueeze(0).expand_as(vs) + # vs_t = self.rigid_transform(vs, rotation, translation, torch.abs(scale)) + # + # face_texture = self.get_color(tex_coeff) + # face_norm = self.compute_norm(vs, self.tri, self.point_buf) + # face_norm_r = face_norm.bmm(rotation) + # face_color = self.add_illumination(face_texture, face_norm_r, gamma) + # + # face_color_tv = TexturesVertex(face_color) + # mesh = Meshes(vs_t, self.tri.repeat(self.batch_size, 1, 1), face_color_tv) + # + # return mesh + + def cal_laplacian_regularization(self, enable_pts_shift): + current_mesh = self.get_pytorch3d_mesh(self.get_packed_tensors(), enable_pts_shift=enable_pts_shift) + disp_reg_loss = mesh_laplacian_smoothing(current_mesh, method="uniform") + return disp_reg_loss + + def forward(self, coeffs, render=True, camT=None, enable_gama=True, mask_face=False): + id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, eye_coeff, scale = self.split_coeffs(coeffs) + rotation = self.compute_rotation_matrix(angles) + if camT is not None: + rotation2 = camT[:3, :3].permute(1, 0).reshape(1, 3, 3) + translation2 = camT[:3, 3:].permute(1, 0).reshape(1, 1, 3) + if torch.allclose(rotation2, self.identity): + translation = translation + translation2 + else: + rotation = torch.matmul(rotation, rotation2) + translation = torch.matmul(translation, rotation2) + translation2 + + l_eye_mat = self.compute_eye_rotation_matrix(eye_coeff[:, :2]) + r_eye_mat = self.compute_eye_rotation_matrix(eye_coeff[:, 2:]) + l_eye_mean = self.get_l_eye_center(id_coeff) + r_eye_mean = self.get_r_eye_center(id_coeff) + + if render: + vs = self.get_vs(id_coeff, exp_coeff, l_eye_mat, r_eye_mat, l_eye_mean, r_eye_mean) + vs_t = self.rigid_transform(vs, rotation, translation, torch.abs(scale)) + + lms_t = self.get_lms(vs_t) + lms_proj = self.renderer.project_vs(lms_t) + face_texture = self.get_color(tex_coeff) + face_norm = self.compute_norm(vs, self.tri, self.point_buf) + if enable_gama: + face_norm_r = face_norm.bmm(rotation) + face_color = self.add_illumination(face_texture, face_norm_r, gamma) + else: + face_color = face_texture + if mask_face: face_color *= self.vert_mask + + face_color_tv = TexturesVertex(face_color) + mesh = Meshes(vs_t, self.tri.repeat(self.batch_size, 1, 1), face_color_tv) + rendered_img = self.renderer.renderer(mesh) + + return {'rendered_img': rendered_img, + 'lms_proj': lms_proj, + 'face_texture': face_texture, + 'vs': vs, + 'vs_t': vs_t, + 'tri': self.tri, + 'color': face_color, 'lms_t': lms_t} + else: + lms = self.get_vs_lms(id_coeff, exp_coeff, l_eye_mat, r_eye_mat, l_eye_mean, r_eye_mean) + lms_t = self.rigid_transform(lms, rotation, translation, torch.abs(scale)) + + lms_proj = self.renderer.project_vs(lms_t) + return {'lms_proj': lms_proj, 'lms_t': lms_t} + + def get_vs(self, id_coeff, exp_coeff, l_eye_mat=None, r_eye_mat=None, l_eye_mean=None, r_eye_mean=None): + face_shape = torch.einsum('ij,aj->ai', self.idBase, id_coeff) + \ + torch.einsum('ij,aj->ai', self.expBase, exp_coeff) + self.meanshape + face_shape = face_shape.view(self.batch_size, -1, 3) + if l_eye_mat is not None: + face_shape[:, self.ver_inds[0]:self.ver_inds[1]] = torch.matmul(face_shape[:, self.ver_inds[0]:self.ver_inds[1]] - l_eye_mean, l_eye_mat) + l_eye_mean + face_shape[:, self.ver_inds[1]:self.ver_inds[2]] = torch.matmul(face_shape[:, self.ver_inds[1]:self.ver_inds[2]] - r_eye_mean, r_eye_mat) + r_eye_mean + return face_shape + + def get_vs_lms(self, id_coeff, exp_coeff, l_eye_mat, r_eye_mat, l_eye_mean, r_eye_mean): + face_shape = torch.einsum('ij,aj->ai', self.idBase_view, id_coeff) + \ + torch.einsum('ij,aj->ai', self.expBase_view, exp_coeff) + self.meanshape_view + face_shape = face_shape.view(self.batch_size, -1, 3) + face_shape[:, 473:478] = torch.matmul(face_shape[:, 473:478] - l_eye_mean, l_eye_mat) + l_eye_mean + face_shape[:, 468:473] = torch.matmul(face_shape[:, 468:473] - r_eye_mean, r_eye_mat) + r_eye_mean + return face_shape + + def get_l_eye_center(self, id_coeff): + eye_shape = torch.einsum('ij,aj->ai', self.idBase, id_coeff) + self.meanshape + eye_shape = eye_shape.view(self.batch_size, -1, 3)[:, self.ver_inds[0]:self.ver_inds[1]] + eye_shape[:, :, 2] += 0.005 + return torch.mean(eye_shape, dim=1, keepdim=True) + + def get_r_eye_center(self, id_coeff): + eye_shape = torch.einsum('ij,aj->ai', self.idBase, id_coeff) + self.meanshape + eye_shape = eye_shape.view(self.batch_size, -1, 3)[:, self.ver_inds[1]:self.ver_inds[2]] + eye_shape[:, :, 2] += 0.005 + return torch.mean(eye_shape, dim=1, keepdim=True) + + def get_color(self, tex_coeff): + face_texture = torch.einsum('ij,aj->ai', self.texBase, tex_coeff) + self.meantex + face_texture = face_texture.view(self.batch_size, -1, 3) + return face_texture + + def compute_norm(self, vs, tri, point_buf): + face_id = tri + point_id = point_buf + v1 = vs[:, face_id[:, 0], :] + v2 = vs[:, face_id[:, 1], :] + v3 = vs[:, face_id[:, 2], :] + e1 = v1 - v2 + e2 = v2 - v3 + face_norm = e1.cross(e2) + + v_norm = face_norm[:, point_id, :].sum(2) + v_norm = v_norm / (v_norm.norm(dim=2).unsqueeze(2) + 1e-9) + + return v_norm + + def project_vs(self, vs): + vs = torch.matmul(vs, self.reverse_z.repeat((self.batch_size, 1, 1))) + self.camera_pos + aug_projection = torch.matmul(vs, self.p_mat.repeat((self.batch_size, 1, 1)).permute((0, 2, 1))) + face_projection = aug_projection[:, :, :2] / torch.reshape(aug_projection[:, :, 2], [self.batch_size, -1, 1]) + return face_projection + + def make_rotMat(self, coeffes=None, angle=None, translation=None, scale=None, no_scale=False):# P * rot * scale + trans -> P * T + if coeffes is not None: + _, _, _, angle, _, translation, scale = self.split_coeffs(coeffes) + rotation = self.compute_rotation_matrix(angle) + + cam_T = torch.eye(4, dtype=torch.float32).to(angle.device) + cam_T[:3, :3] = rotation[0] if no_scale else torch.abs(scale[0]) * rotation[0] + cam_T[-1, :3] = translation[0] + + return cam_T + + def compute_eye_rotation_matrix(self, eye): + if self.axis_angle: + rotation = pytorch3d.transforms.axis_angle_to_matrix(torch.cat([eye, torch.zeros_like(eye[..., :1])], dim=-1)) + return rotation.permute(0, 2, 1) + else: + # 0 left_eye + down - up + # 1 left_eye + right - left + # 2 right_eye + down - up + # 3 right_eye + right - left + sinx = torch.sin(eye[:, 0]) + siny = torch.sin(eye[:, 1]) + cosx = torch.cos(eye[:, 0]) + cosy = torch.cos(eye[:, 1]) + if self.batch_size != 1: + rotXYZ = self.rotXYZ.repeat(1, self.batch_size, 1, 1).detach().clone() + else: + rotXYZ = self.rotXYZ.detach().clone() + rotXYZ[0, :, 1, 1] = cosx + rotXYZ[0, :, 1, 2] = -sinx + rotXYZ[0, :, 2, 1] = sinx + rotXYZ[0, :, 2, 2] = cosx + rotXYZ[1, :, 0, 0] = cosy + rotXYZ[1, :, 0, 2] = siny + rotXYZ[1, :, 2, 0] = -siny + rotXYZ[1, :, 2, 2] = cosy + + rotation = rotXYZ[1].bmm(rotXYZ[0]) + + return rotation.permute(0, 2, 1) + + def compute_rotation_matrix(self, angles): + if self.axis_angle: + rotation = pytorch3d.transforms.axis_angle_to_matrix(angles) + return rotation.permute(0, 2, 1) + else: + sinx = torch.sin(angles[:, 0]) + siny = torch.sin(angles[:, 1]) + sinz = torch.sin(angles[:, 2]) + cosx = torch.cos(angles[:, 0]) + cosy = torch.cos(angles[:, 1]) + cosz = torch.cos(angles[:, 2]) + + if self.batch_size != 1: + rotXYZ = self.rotXYZ.repeat(1, self.batch_size, 1, 1) + else: + rotXYZ = self.rotXYZ.detach().clone() + + rotXYZ[0, :, 1, 1] = cosx + rotXYZ[0, :, 1, 2] = -sinx + rotXYZ[0, :, 2, 1] = sinx + rotXYZ[0, :, 2, 2] = cosx + rotXYZ[1, :, 0, 0] = cosy + rotXYZ[1, :, 0, 2] = siny + rotXYZ[1, :, 2, 0] = -siny + rotXYZ[1, :, 2, 2] = cosy + rotXYZ[2, :, 0, 0] = cosz + rotXYZ[2, :, 0, 1] = -sinz + rotXYZ[2, :, 1, 0] = sinz + rotXYZ[2, :, 1, 1] = cosz + + rotation = rotXYZ[2].bmm(rotXYZ[1]).bmm(rotXYZ[0]) + + return rotation.permute(0, 2, 1) + + def add_illumination(self, face_texture, norm, gamma): + gamma = gamma.view(-1, 3, 9).clone() + gamma[:, :, 0] += 0.8 + gamma = gamma.permute(0, 2, 1) + + a0 = np.pi + a1 = 2 * np.pi / np.sqrt(3.0) + a2 = 2 * np.pi / np.sqrt(8.0) + c0 = 1 / np.sqrt(4 * np.pi) + c1 = np.sqrt(3.0) / np.sqrt(4 * np.pi) + c2 = 3 * np.sqrt(5.0) / np.sqrt(12 * np.pi) + d0 = 0.5 / np.sqrt(3.0) + + norm = norm.view(-1, 3) + nx, ny, nz = norm[:, 0], norm[:, 1], norm[:, 2] + arrH = [] + + arrH.append(a0 * c0 * (nx * 0 + 1)) + arrH.append(-a1 * c1 * ny) + arrH.append(a1 * c1 * nz) + arrH.append(-a1 * c1 * nx) + arrH.append(a2 * c2 * nx * ny) + arrH.append(-a2 * c2 * ny * nz) + arrH.append(a2 * c2 * d0 * (3 * nz.pow(2) - 1)) + arrH.append(-a2 * c2 * nx * nz) + arrH.append(a2 * c2 * 0.5 * (nx.pow(2) - ny.pow(2))) + + H = torch.stack(arrH, 1) + Y = H.view(self.batch_size, face_texture.shape[1], 9) + lighting = Y.bmm(gamma) + + face_color = face_texture * lighting + return face_color + + def rigid_transform(self, vs, rot, trans, scale): + vs_r = torch.matmul(vs * scale, rot) + vs_t = vs_r + trans.view(-1, 1, 3) + return vs_t + + def get_rot_tensor(self): + return self.rot_tensor + + def get_trans_tensor(self): + return self.trans_tensor + + def get_exp_tensor(self): + return self.exp_tensor + + def get_tex_tensor(self): + return self.tex_tensor + + def get_id_tensor(self): + return self.id_tensor + + def get_gamma_tensor(self): + return self.gamma_tensor + + def get_scale_tensor(self): + return self.scale_tensor + + def get_eye_tensor(self): + return self.eye_tensor + + def face_vertices(self, vert_attr, faces=None): + """ + :param vertices: [batch size, number of vertices, C] + :param faces: [batch size, number of faces, 3] + :return: [batch size, number of faces, 3, 3] + """ + assert (vert_attr.ndimension() == 3) + if faces is not None: + assert (faces.ndimension() == 3) + else: + faces = self.tri.repeat(vert_attr.shape[0], 1, 1) + assert (vert_attr.shape[0] == faces.shape[0]) + assert (faces.shape[2] == 3) + + bs, nv = vert_attr.shape[:2] + bs, nf = faces.shape[:2] + faces = faces + (torch.arange(bs, dtype=torch.int32).to(vert_attr.device) * nv)[:, None, None] + return vert_attr.reshape((bs * nv, -1))[faces.long()] + +class ModelRenderer(nn.Module): + def __init__(self, device='cuda:0', intr=None, img_size=256, cam_dist=10., render_depth=False, rasterize_blur_radius=0.): + super(ModelRenderer, self).__init__() + self.render_depth = render_depth + self.img_size = img_size + self.device = torch.device(device) + self.cam_dist = cam_dist + if intr is None: + intr = np.eye(3, dtype=np.float32) + intr[0, 0], intr[1, 1], intr[0, 2], intr[1, 2] = 1315, 1315, img_size // 2, img_size // 2 + self.fx, self.fy, self.cx, self.cy = intr[0, 0], intr[1, 1], intr[0, 2], intr[1, 2] + self.renderer = self._get_renderer(self.device, cam_dist, torch.from_numpy(intr), render_depth=render_depth, rasterize_blur_radius=rasterize_blur_radius) + self.p_mat = self._get_p_mat(device) + self.reverse_xz = self._get_reverse_xz(device) + self.camera_pos = self._get_camera_pose(device, cam_dist) + + def _get_renderer(self, device, cam_dist=10., K=None, render_depth=False, rasterize_blur_radius=0.): + R, T = look_at_view_transform(cam_dist, 0, 0) # camera's position + fx, fy, cx, cy = K[0, 0], K[1, 1], K[0, 2], K[1, 2] + + fx = -fx * 2.0 / (self.img_size - 1) + fy = -fy * 2.0 / (self.img_size - 1) + cx = - (cx - (self.img_size - 1) / 2.0) * 2.0 / (self.img_size - 1) + cy = - (cy - (self.img_size - 1) / 2.0) * 2.0 / (self.img_size - 1) + cameras = PerspectiveCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + + lights = PointLights(device=device, location=[[0.0, 0.0, 1e5]], + ambient_color=[[1, 1, 1]], + specular_color=[[0., 0., 0.]], diffuse_color=[[0., 0., 0.]]) + + raster_settings = RasterizationSettings( + image_size=self.img_size, + blur_radius=rasterize_blur_radius if render_depth else 0., + faces_per_pixel=1, + ) + blend_params = blending.BlendParams(background_color=[0, 0, 0]) + + renderer = MeshRenderer( + rasterizer=MeshRasterizer( + cameras=cameras, + raster_settings=raster_settings + ), + shader=SoftPhongShader( + device=device, + cameras=cameras, + lights=lights, + blend_params=blend_params + ) + ) if not render_depth else \ + MeshRendererWithDepth( + rasterizer=MeshRasterizer( + cameras=cameras, + raster_settings=raster_settings + ), + shader=SoftPhongShader( + device=device, + cameras=cameras, + lights=lights, + blend_params=blend_params + ) + ) + return renderer + + def _get_camera_pose(self, device, cam_dist=10.): + camera_pos = torch.tensor([0.0, 0.0, cam_dist], device=device).reshape(1, 1, 3) + return camera_pos + + def _get_p_mat(self, device): + # half_image_width = self.img_size // 2 + p_matrix = np.array([self.fx, 0.0, self.cx, + 0.0, self.fy, self.cy, + 0.0, 0.0, 1.0], dtype=np.float32).reshape(1, 3, 3) + return torch.tensor(p_matrix, device=device) + + def _get_reverse_xz(self, device): + reverse_z = np.reshape( + np.array([-1.0, 0, 0, 0, 1, 0, 0, 0, -1.0], dtype=np.float32), [1, 3, 3]) + return torch.tensor(reverse_z, device=device) + + def project_vs(self, vs): + batchsize = vs.shape[0] + + vs = torch.matmul(vs, self.reverse_xz.repeat((batchsize, 1, 1))) + self.camera_pos + aug_projection = torch.matmul( + vs, self.p_mat.repeat((batchsize, 1, 1)).permute((0, 2, 1))) + + face_projection = aug_projection[:, :, :2] / torch.reshape(aug_projection[:, :, 2], [batchsize, -1, 1]) + return face_projection + + +class MeshRendererWithDepth(MeshRenderer): + def __init__(self, rasterizer, shader): + super().__init__(rasterizer, shader) + + def forward(self, meshes_world, **kwargs) -> torch.Tensor: + fragments = self.rasterizer(meshes_world, **kwargs) + images = self.shader(fragments, meshes_world, **kwargs) + return images, fragments.zbuf + +# ['cheek_blow_left_MGB', +# 'cheek_blow_right_MGB', +# 'jaw_back_MGB', +# 'jaw_fwd_MGB', +# 'jaw_left_MGB', +# 'jaw_open_MGB', +# 'jaw_right_MGB', +# 'mouth_cornerPull_left_MGB', +# 'mouth_cornerPull_right_MGB', +# 'mouth_left_MGB', +# 'mouth_right_MGB', +# 'mouth_down_MGB', +# 'mouth_up_MGB' +# 'mouth_stretch_left_MGB', +# 'mouth_stretch_right_MGB', +# 'nose_wrinkle_left_MGB', +# 'nose_wrinkle_right_MGB', +# 'eye_faceScrunch_L_MGB', +# 'eye_blink_L_MGB', +# 'eye_blink_R_MGB', +# 'eye_cheekRaise_L_MGB', +# 'eye_cheekRaise_R_MGB', +# 'brow_raiseOuter_left_MGB', +# 'brow_raiseOuter_right_MGB', +# 'eye_faceScrunch_L_MGB'] \ No newline at end of file diff --git a/data_process/lib/faceverse_process/core/__init__.py b/data_process/lib/faceverse_process/core/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..caf00d9262feda6aa7f0c6495724ec5f2b7aacb1 --- /dev/null +++ b/data_process/lib/faceverse_process/core/__init__.py @@ -0,0 +1,16 @@ +from lib.faceverse_process.core.FaceVerseModel_v3 import FaceVerseModel as FaceVerseModel_v3 +import numpy as np +import os +from pathlib import Path + +current_file = Path(__file__).resolve() +project_root = current_file.parent.parent.parent.parent + +def get_recon_model(model='meta', **kargs): + if model == 'meta_simplify_v31': + model_path = os.path.join(project_root, 'lib/FaceVerse/v3/faceverse_v3_1.npy') + model_dict = np.load(model_path, allow_pickle=True).item() + recon_model = FaceVerseModel_v3(model_dict, expr_52=False, **kargs) + return recon_model + else: + raise NotImplementedError() diff --git a/data_process/lib/faceverse_process/core/losses.py b/data_process/lib/faceverse_process/core/losses.py new file mode 100644 index 0000000000000000000000000000000000000000..ade6caf5bf4ba1570a2a8943d63ff904d2b6ecb4 --- /dev/null +++ b/data_process/lib/faceverse_process/core/losses.py @@ -0,0 +1,48 @@ +import numpy as np +import torch +import torch.nn.functional as F + + +def photo_loss(pred_img, gt_img, img_mask): + pred_img = pred_img.float() + loss = torch.sqrt(torch.sum(torch.square( + pred_img - gt_img), 3))*img_mask/255 + loss = torch.sum(loss, dim=(1, 2)) / torch.sum(img_mask, dim=(1, 2)) + loss = torch.mean(loss) + + return loss + + +def lm_loss(pred_lms, gt_lms, weight, img_size=224, keep_dim=False, enhance_pupil=False): + loss = torch.sum(torch.square(pred_lms/img_size - gt_lms / img_size), dim=2) * weight.reshape(1, -1) + if enhance_pupil: + loss[:, 468:] *= 10 + if not keep_dim: + loss = torch.mean(loss.sum(1)) + + return loss + + +def get_l2(tensor, reduction='sum'): + if reduction == 'sum': + return torch.square(tensor).sum() + else: + return torch.square(tensor).mean() + +def reflectance_loss(tex, skin_mask): + + skin_mask = skin_mask.unsqueeze(2) + tex_mean = torch.sum(tex*skin_mask, 1, keepdims=True)/torch.sum(skin_mask) + loss = torch.sum(torch.square((tex-tex_mean)*skin_mask/255.)) / \ + (tex.shape[0]*torch.sum(skin_mask)) + + return loss + + +def gamma_loss(gamma): + + gamma = gamma.reshape(-1, 3, 9) + gamma_mean = torch.mean(gamma, dim=1, keepdims=True) + gamma_loss = torch.mean(torch.square(gamma - gamma_mean)) + + return gamma_loss diff --git a/data_process/lib/faceverse_process/core/options.py b/data_process/lib/faceverse_process/core/options.py new file mode 100644 index 0000000000000000000000000000000000000000..acfe31d2c77f7f7ee2df2be8ad195221a2b4852f --- /dev/null +++ b/data_process/lib/faceverse_process/core/options.py @@ -0,0 +1,89 @@ +import argparse +import numpy as np + +class BaseOptions(): + def __init__(self): + self.parser = argparse.ArgumentParser() + self.initialized = False + + def initialize(self): + self.parser.add_argument('--tar_size', type=int, default=512, + help='size for rendering window. We use a square window.') + self.parser.add_argument('--padding_ratio', type=float, default=1.0, + help='enlarge the face detection bbox by a margin.') + self.parser.add_argument('--recon_model', type=str, default='meta', + help='choose a 3dmm model, default: meta') + self.parser.add_argument('--first_rf_iters', type=int, default=1000, + help='iteration number of rigid fitting for the first frame in video fitting.') + self.parser.add_argument('--first_nrf_iters', type=int, default=500, + help='iteration number of non-rigid fitting for the first frame in video fitting.') + self.parser.add_argument('--rest_rf_iters', type=int, default=80, #100, #50, + help='iteration number of rigid fitting for the remaining frames in video fitting.') + self.parser.add_argument('--rest_nrf_iters', type=int, default=30, #60, #30, + help='iteration number of non-rigid fitting for the remaining frames in video fitting.') + self.parser.add_argument('--rf_lr', type=float, default=1e-2, + help='learning rate for rigid fitting') + self.parser.add_argument('--nrf_lr', type=float, default=1e-2, + help='learning rate for non-rigid fitting') + self.parser.add_argument('--lm_loss_w', type=float, default=3e3, + help='weight for landmark loss') + self.parser.add_argument('--rgb_loss_w', type=float, default=1.6, + help='weight for rgb loss') + self.parser.add_argument('--id_reg_w', type=float, default=1e-3, + help='weight for id coefficient regularizer') + self.parser.add_argument('--exp_reg_w', type=float, default=1.5e-4, + help='weight for expression coefficient regularizer') + self.parser.add_argument('--tex_reg_w', type=float, default=3e-4, + help='weight for texture coefficient regularizer') + self.parser.add_argument('--rot_reg_w', type=float, default=1, + help='weight for rotation regularizer') + self.parser.add_argument('--trans_reg_w', type=float, default=1, + help='weight for translation regularizer') + + self.parser.add_argument('--tex_w', type=float, default=1, + help='weight for texture reflectance loss.') + self.parser.add_argument('--cache_folder', type=str, default='fitting_cache', + help='path for the cache folder') + self.parser.add_argument('--nframes_shape', type=int, default=16, + help='number of frames used to estimate shape coefficient in video fitting') + self.parser.add_argument('--res_folder', type=str, required=False, + help='output path for the image') + self.parser.add_argument('--intr_matrix', type=list, default=None, ###zxc + help='focal of virtual camera') + self.parser.add_argument('--crop_bbox', type=list, default=[], ###zxc + help='crop_bbox of the input image') + self.initialized = True + + def parse(self): + if not self.initialized: + self.initialize() + self.opt = self.parser.parse_args() + # + # args = vars(self.opt) + # + # print('------------ Options -------------') + # for k, v in sorted(args.items()): + # print('%s: %s' % (str(k), str(v))) + # print('-------------- End ----------------') + + return self.opt + + +class ImageFittingOptions(BaseOptions): + def initialize(self): + BaseOptions.initialize(self) + self.parser.add_argument('--img_path', type=str, required=False, + help='path for the image') + self.parser.add_argument('--gpu', type=int, default=0, + help='gpu device') + + +class VideoFittingOptions(BaseOptions): + def initialize(self): + BaseOptions.initialize(self) + self.parser.add_argument('--v_path', type=str, required=True, + help='path for the video') + self.parser.add_argument('--ngpus', type=int, default=1, + help='gpu device') + self.parser.add_argument('--nworkers', type=int, default=1, + help='number of workers') diff --git a/data_process/lib/faceverse_process/core/utils.py b/data_process/lib/faceverse_process/core/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..0e1d106ad928875379d4f794428a50b3bdd4abdc --- /dev/null +++ b/data_process/lib/faceverse_process/core/utils.py @@ -0,0 +1,690 @@ +import pickle +import numpy as np +import os +import torch +import cv2 + +def get_box_warp_param(X_bounding, Y_bounding, Z_bounding): + fx = 2 / (X_bounding[1] - X_bounding[0]) + cx = fx * (X_bounding[0] + X_bounding[1]) * 0.5 + fy = 2 / (Y_bounding[1] - Y_bounding[0]) + cy = fy * (Y_bounding[0] + Y_bounding[1]) * 0.5 + fz = 2 / (Z_bounding[1] - Z_bounding[0]) + cz = fz * (Z_bounding[0] + Z_bounding[1]) * 0.5 + return (fx, fy, fz), (-cx, -cy, -cz) + +class UniformBoxWarp_new(torch.nn.Module): + def __init__(self, scales, trans): + super().__init__() + self.register_buffer('scale_factor', torch.tensor(scales, dtype=torch.float32).reshape(1, 3)) + self.register_buffer('trans_factor', torch.tensor(trans, dtype=torch.float32).reshape(1, 3)) + # self.scale_factor = torch.tensor(scales, dtype=torch.float32).reshape(1, 3) + # self.trans_factor = torch.tensor(trans, dtype=torch.float32).reshape(1, 3) + + def forward(self, coordinates): + # [N, 3] OR [B, N, 3] + scale_factor = self.scale_factor.unsqueeze(0) if coordinates.ndim==3 else self.scale_factor + trans_factor = self.trans_factor.unsqueeze(0) if coordinates.ndim==3 else self.trans_factor + return (coordinates * scale_factor) + trans_factor + +def pad_bbox(bbox, img_wh, padding_ratio=0.2): + x1, y1, x2, y2 = bbox + width = x2 - x1 + height = y2 - y1 + size_bb = int(max(width, height) * (1 + padding_ratio)) + center_x, center_y = (x1 + x2) // 2, (y1 + y2) // 2 + x1 = max(int(center_x - size_bb // 2), 0) + y1 = max(int(center_y - size_bb // 2), 0) + size_bb = min(img_wh[0] - x1, size_bb) + size_bb = min(img_wh[1] - y1, size_bb) + + return [x1, y1, x1 + size_bb, y1 + size_bb] + + +def mymkdirs(path): + if not os.path.exists(path): + os.makedirs(path) + + +def get_lm_weights(device, use_mediapipe=False): + if use_mediapipe: + w = torch.ones(478).to(device) + lips = [61, 146, 91, 181, 84, 17, 314, 405, 321, 375, 61, 185, 40, 39, 37, 0, 267, 269, 270, 409, 78, 95, 88, 178, 87, 14, 317, 402, 318, 324, + 78, 191, 80, 81, 82, 13, 312, 311, 310, 415] + l_eye = [263, 249, 390, 373, 374, 380, 381, 382, 263, 466, 388, 387, 386, 385, 384, 398] + l_brow = [276, 283, 282, 295, 300, 293, 334, 296] + r_eye = [33, 7, 163, 144, 145, 153, 154, 155, 33, 246, 161, 160, 159, 158, 157, 173] + r_brow = [46, 53, 52, 65, 70, 63, 105, 66] + oval = [10, 338, 297, 332, 284, 251, 389, 356, 454, 323, 361, 288, 397, 365, 379, 378, 400, 377, 152, 148, 176, 149, 150, 136, 172, 58, 132, + 93, 234, 127, 162, 21, 54, 103, 67, 109] + w[lips] = 5 + w[l_eye] = 50 # 5 zxc + w[r_eye] = 50 # 5 zxc + w[l_brow] = 5 + w[r_brow] = 5 + w[468:] = 5 + else: + w = torch.ones(66).to(device) + w[28:31] = 5 + w[36:48] = 5 + w[48:66] = 5 + norm_w = w / w.sum() + return norm_w + +def load_obj_data(filename): + """load model data from .obj file""" + v_list = [] # vertex coordinate + vt_list = [] # vertex texture coordinate + vc_list = [] # vertex color + vn_list = [] # vertex normal + f_list = [] # face vertex indices + fn_list = [] # face normal indices + ft_list = [] # face texture indices + + # read data + fp = open(filename, 'r') + lines = fp.readlines() + fp.close() + + for line in lines: + if len(line) < 2: + continue + line_data = line.strip().split(' ') + # parse vertex cocordinate + if line_data[0] == 'v': + v_list.append((float(line_data[1]), float(line_data[2]), float(line_data[3]))) + if len(line_data) == 7: + vc_list.append((float(line_data[4]), float(line_data[5]), float(line_data[6]))) + else: + vc_list.append((0.5, 0.5, 0.5)) + + # parse vertex texture coordinate + if line_data[0] == 'vt': + vt_list.append((float(line_data[1]), float(line_data[2]))) + + # parse vertex normal + if line_data[0] == 'vn': + vn_list.append((float(line_data[1]), float(line_data[2]), float(line_data[3]))) + + # parse face + if line_data[0] == 'f': + # used for parsing face element data + def segElementData(ele_str): + fv = None + ft = None + fn = None + eles = ele_str.strip().split('/') + if len(eles) == 1: + fv = int(eles[0]) - 1 + elif len(eles) == 2: + fv = int(eles[0]) - 1 + ft = int(eles[1]) - 1 + elif len(eles) == 3: + fv = int(eles[0]) - 1 + fn = int(eles[2]) - 1 + ft = None if eles[1] == '' else int(eles[1]) - 1 + return fv, ft, fn + + fv0, ft0, fn0 = segElementData(line_data[1]) + fv1, ft1, fn1 = segElementData(line_data[2]) + fv2, ft2, fn2 = segElementData(line_data[3]) + f_list.append((fv0, fv1, fv2)) + if ft0 is not None and ft1 is not None and ft2 is not None: + ft_list.append((ft0, ft1, ft2)) + if fn0 is not None and fn1 is not None and fn2 is not None: + fn_list.append((fn0, fn1, fn2)) + + v_list = np.asarray(v_list) + vn_list = np.asarray(vn_list) + vt_list = np.asarray(vt_list) + vc_list = np.asarray(vc_list) + f_list = np.asarray(f_list) + ft_list = np.asarray(ft_list) + fn_list = np.asarray(fn_list) + + model = {'v': v_list, 'vt': vt_list, 'vc': vc_list, 'vn': vn_list, + 'f': f_list, 'ft': ft_list, 'fn': fn_list} + return model + +def save_obj_data(model, filename, log=True): + import numpy as np + assert 'v' in model and model['v'].size != 0 + + with open(filename, 'w') as fp: + if 'v' in model and model['v'].size != 0: + if 'vc' in model and model['vc'].size != 0: + assert model['vc'].size == model['v'].size + for v, vc in zip(model['v'], model['vc']): + fp.write('v %f %f %f %f %f %f\n' % (v[0], v[1], v[2], vc[2], vc[1], vc[0])) + else: + for v in model['v']: + fp.write('v %f %f %f\n' % (v[0], v[1], v[2])) + + if 'vn' in model and model['vn'].size != 0: + for vn in model['vn']: + fp.write('vn %f %f %f\n' % (vn[0], vn[1], vn[2])) + + if 'vt' in model and model['vt'].size != 0: + for vt in model['vt']: + fp.write('vt %f %f\n' % (vt[0], vt[1])) + + if 'f' in model and model['f'].size != 0: + if 'fn' in model and model['fn'].size != 0 and 'ft' in model and model['ft'].size != 0: + assert model['f'].size == model['fn'].size + assert model['f'].size == model['ft'].size + for f_, ft_, fn_ in zip(model['f'], model['ft'], model['fn']): + f = np.copy(f_) + 1 + ft = np.copy(ft_) + 1 + fn = np.copy(fn_) + 1 + fp.write('f %d/%d/%d %d/%d/%d %d/%d/%d\n' % + (f[0], ft[0], fn[0], f[1], ft[1], fn[1], f[2], ft[2], fn[2])) + elif 'fn' in model and model['fn'].size != 0: + assert model['f'].size == model['fn'].size + for f_, fn_ in zip(model['f'], model['fn']): + f = np.copy(f_) + 1 + fn = np.copy(fn_) + 1 + fp.write('f %d//%d %d//%d %d//%d\n' % (f[0], fn[0], f[1], fn[1], f[2], fn[2])) + elif 'ft' in model and model['ft'].size != 0: + assert model['f'].size == model['ft'].size + for f_, ft_ in zip(model['f'], model['ft']): + f = np.copy(f_) + 1 + ft = np.copy(ft_) + 1 + fp.write('f %d/%d %d/%d %d/%d\n' % (f[0], ft[0], f[1], ft[1], f[2], ft[2])) + else: + for f_ in model['f']: + f = np.copy(f_) + 1 + fp.write('f %d %d %d\n' % (f[0], f[1], f[2])) + if log: + print("Saved mesh as " + filename) + +def save_obj(path, v, f=None, c=None): + with open(path, 'w') as file: + for i in range(len(v)): + if c is not None: + file.write('v %f %f %f %f %f %f\n' % (v[i, 0], v[i, 1], v[i, 2], c[i, 0], c[i, 1], c[i, 2])) + else: + file.write('v %f %f %f %d %d %d\n' % (v[i, 0], v[i, 1], v[i, 2], 1, 1, 1)) + + file.write('\n') + if f is not None: + for i in range(len(f)): + file.write('f %d %d %d\n' % (f[i, 0], f[i, 1], f[i, 2])) + + file.close() + + +def intrmat2pmat(K, img_w, img_h, znear=0.01, zfar=100.): + ## 要求所有量均为正值 + + mat_p = np.zeros((4, 4), dtype=np.float32) + fx, fy, cx, cy = K[0, 0], K[1, 1], K[0, 2], K[1, 2] + + mat_p[0, 0] = 2.0 * fx / img_w + mat_p[0, 2] = 1. - 2.0 * cx / img_w + mat_p[1, 1] = 2.0 * fy / img_h + mat_p[1, 2] = 2.0 * cy / img_h - 1. + + if False: # pytorch3d + # NOTE: In OpenGL the projection matrix changes the handedness of the + # coordinate frame. i.e the NDC space postive z direction is the + # camera space negative z direction. This is because the sign of the z + # in the projection matrix is set to -1.0. + # In pytorch3d we maintain a right handed coordinate system throughout + # so the so the z sign is 1.0. + z_sign = 1. + mat_p[3, 2] = z_sign + + # NOTE: This maps the z coordinate from [0, 1] where z = 0 if the point + # is at the near clipping plane and z = 1 when the point is at the far + # clipping plane. + mat_p[2, 2] = z_sign * zfar / (zfar - znear) + mat_p[2, 3] = -(zfar * znear) / (zfar - znear) + else: # opengl + z_sign = -1. + mat_p[3, 2] = z_sign + mat_p[2, 2] = z_sign * (zfar + znear) / (zfar - znear) + mat_p[2, 3] = -2. * znear * zfar / (zfar - znear) + + return mat_p.astype(np.float32) + + +def print_args(opt): + args = vars(opt) + print('------------ Options -------------') + for k, v in sorted(args.items()): + print('%s: %s' % (str(k), str(v))) + print('-------------- End ----------------') + + +def find_bbox(mask): + """ + function that takes synthetic rendering of the track head, finds its bbox, enlarges it, and returns the coords + relative to image size (multiply by im dimensions to get pixel location of enlarged bbox + + :param im: + :return: + """ + + H, W = np.shape(mask) + where = np.where(mask > 0) + h_min = np.min(where[0]) + h_max = np.max(where[0]) + w_min = np.min(where[1]) + w_max = np.max(where[1]) + # print(H, W, h_min, h_max, w_min, w_max) + + h_span = h_max - h_min + w_span = w_max - w_min + ratio = 0.5 + h_min -= ratio * 0.8 * h_span + h_max += ratio * 0.8 * h_span + w_min -= ratio * 0.5 * w_span + w_max += ratio * 0.5 * w_span + + h_min = int(np.clip(h_min, 0, H - 1)) + h_max = int(np.clip(h_max, 0, H - 1)) + w_min = int(np.clip(w_min, 0, W - 1)) + w_max = int(np.clip(w_max, 0, W - 1)) + # print(H, W, h_min, h_max, w_min, w_max) + return np.array([h_min / H, h_max / H, w_min / W, w_max / W]) + + +def normalize(x, axis=-1, eps=1e-8): + norm = np.linalg.norm(x, axis=axis, keepdims=True) + out = x / (norm + eps) + out[np.repeat(norm <= eps, x.shape[axis], axis)] = 0 + return out + + +def get_normal_map(pos_map): + p_ctr = pos_map[1:-1, 1:-1, :] + vw = p_ctr - pos_map[1:-1, 2:, :] + vs = pos_map[2:, 1:-1, :] - p_ctr + ve = p_ctr - pos_map[1:-1, :-2, :] + vn = pos_map[:-2, 1:-1, :] - p_ctr + normal_1 = normalize(np.cross(vs, vw)) # (H-2,W-2,3) + normal_2 = normalize(np.cross(vw, vn)) + normal_3 = normalize(np.cross(vn, ve)) + normal_4 = normalize(np.cross(ve, vs)) + normal = normal_1 + normal_2 + normal_3 + normal_4 + normal = normalize(normal, axis=2) + normal = np.pad(normal, ((1, 1), (1, 1), (0, 0)), 'constant') # (H,W,3) + return normal + + +def get_normal_map_torch(p): + normalize = lambda array: torch.nn.functional.normalize(array, p=2, dim=3, eps=1e-8) + p_ctr = p[:, 1:-1, 1:-1, :] + vw = p_ctr - p[:, 1:-1, 2:, :] + vs = p[:, 2:, 1:-1, :] - p_ctr + ve = p_ctr - p[:, 1:-1, :-2, :] + vn = p[:, :-2, 1:-1, :] - p_ctr + normal_1 = torch.cross(vs, vw) # (B,H-2,W-2,3) + normal_2 = torch.cross(vn, ve) + normal_1 = normalize(normal_1) + normal_2 = normalize(normal_2) + normal = normal_1 + normal_2 + normal = normalize(normal) + paddings = (0, 0, 1, 1, 1, 1, 0, 0) + normal = torch.nn.functional.pad(normal, paddings, 'constant') # (B,H,W,3) + return normal # (B,H,W,3) + + +def map_depth_to_3D(depth, mask, K_inv, T_inv=np.eye(4), mode='k4a'): + colidx = np.arange(depth.shape[1]) + rowidx = np.arange(depth.shape[0]) + colidx_map, rowidx_map = np.meshgrid(colidx, rowidx) + colidx_map = colidx_map.astype(np.float) # + 0.5 + rowidx_map = rowidx_map.astype(np.float) # + 0.5 + col_indices = colidx_map[mask > 0] + # row_indices = (depth.shape[0] - rowidx_map)[mask > 0] #### + row_indices = rowidx_map[mask > 0] # if mode == 'k4a' else (depth.shape[0] - rowidx_map)[mask > 0] + homo_padding = np.ones((col_indices.shape[0], 1), dtype=np.float32) + homo_indices = np.concatenate((col_indices[..., None], row_indices[..., None], homo_padding), axis=1) + + normalized_points = K_inv[None, ...] @ homo_indices[..., None] + + # z_values = (depth / 1000)[mask > 0] + z_values = depth[mask > 0] + + valid_points = normalized_points.squeeze() * z_values[..., None] + # print('cam_K', valid_points[:, 1].max() - valid_points[:, 1].min()) + # if mode == 'opengl': + # valid_points[:, 2] = -valid_points[:, 2] ### + R = T_inv[:3, :3] + t = T_inv[:3, 3] + points = R[None, ...] @ valid_points[..., None] + t[None, ..., None] + points = points.squeeze() + # print('cam_T', points[:, 1].max() - points[:, 1].min()) + return points + + +def depth2normal_perse(depth, intr): + # depth: [B,H,W] + # intrinsics: [fx, fy, cx, cy] + normalize = lambda array: torch.nn.functional.normalize(array, p=2, dim=3, eps=1e-8) + fx, fy, cx, cy = intr[0, 0], intr[1, 1], intr[0, 2], intr[1, 2] + B, H, W = depth.shape + inv_fx = 1.0 / fx + inv_fy = 1.0 / fy + + Y, X = torch.meshgrid(torch.tensor(range(H)), torch.tensor(range(W))) + X = X.unsqueeze(0).repeat(B, 1, 1).float() # (B,H,W) + Y = Y.unsqueeze(0).repeat(B, 1, 1).float() + + x_cord_p = (X - cx) * inv_fx * depth + y_cord_p = (Y - cy) * inv_fy * depth + + p = torch.stack([x_cord_p, y_cord_p, depth], dim=3) # (B,H,W,3) + + # vector of p_3d in west, south, east, north direction + p_ctr = p[:, 1:-1, 1:-1, :] + vw = p_ctr - p[:, 1:-1, 2:, :] + vs = p[:, 2:, 1:-1, :] - p_ctr + ve = p_ctr - p[:, 1:-1, :-2, :] + vn = p[:, :-2, 1:-1, :] - p_ctr + normal_1 = torch.cross(vs, vw) # (B,H-2,W-2,3) + normal_2 = torch.cross(vn, ve) + normal_1 = normalize(normal_1) + normal_2 = normalize(normal_2) + normal = normal_1 + normal_2 + normal = normalize(normal) + paddings = (0, 0, 1, 1, 1, 1, 0, 0) + normal = torch.nn.functional.pad(normal, paddings, 'constant') # (B,H,W,3) + return normal # (B,H,W,3) + + +def depth2normal_ortho(depth, dx, dy): + # depth: [B,H,W] + B, H, W = depth.shape + normalize = lambda array: torch.nn.functional.normalize(array, p=2, dim=3, eps=1e-8) + Y, X = torch.meshgrid(torch.tensor(range(H)), torch.tensor(range(W))) + X = X.unsqueeze(0).repeat(B, 1, 1).float() # (B,H,W) + Y = Y.unsqueeze(0).repeat(B, 1, 1).float() + + x_cord = X * dx + y_cord = Y * dy + p = torch.stack([x_cord, y_cord, depth], dim=3) # (B,H,W,3) + # vector of p_3d in west, south, east, north direction + p_ctr = p[:, 1:-1, 1:-1, :] + vw = p_ctr - p[:, 1:-1, 2:, :] + vs = p[:, 2:, 1:-1, :] - p_ctr + ve = p_ctr - p[:, 1:-1, :-2, :] + vn = p[:, :-2, 1:-1, :] - p_ctr + normal_1 = torch.cross(vs, vw) # (B,H-2,W-2,3) + normal_2 = torch.cross(vn, ve) + normal_1 = normalize(normal_1) + normal_2 = normalize(normal_2) + normal = normal_1 + normal_2 + normal = normalize(normal) + paddings = (0, 0, 1, 1, 1, 1, 0, 0) + normal = torch.nn.functional.pad(normal, paddings, 'constant') # (B,H,W,3) + return normal # (B,H,W,3) + + +def draw_pupil(img, pred_lms, pupil_r, pupil_r_flag, pupil_l, pupil_l_flag): + if pupil_r_flag: + center_eye_l = pred_lms[36] + center_eye_r = pred_lms[39] + center_eye_u = pred_lms[37] / 2 + pred_lms[38] / 2 + center_eye_d = pred_lms[40] / 2 + pred_lms[41] / 2 + center_eye = (center_eye_l + center_eye_r + center_eye_u + center_eye_d) / 4 + pupil = center_eye + (center_eye_r - center_eye_l) * (pupil_r[0] + 0.0) + (center_eye_d - center_eye_u) * pupil_r[1] + pupil = (pupil + 0.5).astype(np.int32) + cv2.circle(img, (int(pupil[0]), int(pupil[1])), 3, [0, 255, 0], -1) + if pupil_l_flag: + center_eye_l = pred_lms[42] + center_eye_r = pred_lms[45] + center_eye_u = pred_lms[43] / 2 + pred_lms[44] / 2 + center_eye_d = pred_lms[46] / 2 + pred_lms[47] / 2 + center_eye = (center_eye_l + center_eye_r + center_eye_u + center_eye_d) / 4 + pupil = center_eye + (center_eye_r - center_eye_l) * (pupil_l[0] - 0.0) + (center_eye_d - center_eye_u) * pupil_l[1] + pupil = (pupil + 0.5).astype(np.int32) + cv2.circle(img, (int(pupil[0]), int(pupil[1])), 3, [0, 255, 0], -1) + return img + +import matplotlib.pyplot as plt +distance = lambda a, b: np.sqrt(np.sum(np.square(a - b))) +def get_pupil(img, lms, x_grid, y_grid, thresh=30, disp_ratio=0.15): + height, width, _ = img.shape + img_gray = cv2.cvtColor(img, cv2.COLOR_RGB2GRAY) + mask = np.zeros(img_gray.shape, np.uint8) + lms_this = lms.astype(np.int64) + + # right eye + ptsr = lms_this[36:42] # .reshape((-1, 1, 2)) + mask_r = cv2.polylines(mask.copy(), [ptsr], True, 1) + mask_r = cv2.fillPoly(mask_r, [ptsr], 1) + img_eye_r = img_gray * mask_r + (1 - mask_r) * 255 + thres = int(np.min(img_eye_r)) + thresh + mask_r = mask_r.astype(np.float32) * (img_eye_r < thres).astype(np.float32) + # if np.sum(mask_r) < 10: + # pupil_r, pupil_r_flag = np.array([0.0, 0.0], dtype=np.float32), False + # else: + r_eye_x = np.sum(x_grid * mask_r) / np.sum(mask_r) + r_eye_y = np.sum(y_grid * mask_r) / np.sum(mask_r) + + pupil = np.array([r_eye_x, r_eye_y], dtype=np.float32) + # print(pupil) + center_eye_l = lms_this[36] + center_eye_r = lms_this[39] + center_eye_u = lms_this[37] / 2 + lms_this[38] / 2 + center_eye_d = lms_this[40] / 2 + lms_this[41] / 2 + center_eye = (center_eye_l + center_eye_r + center_eye_u + center_eye_d) / 4 + + dis1_l = distance(center_eye_l, center_eye_r) + dis2_l = distance(center_eye_u, center_eye_d) + # print(dis2_l, dis1_l) + if dis2_l / dis1_l < disp_ratio: + pupil_r, pupil_r_flag = np.array([0.0, 0.0], dtype=np.float32), False + else: + eye1_l = np.dot(pupil - center_eye, center_eye_r - center_eye_l) / dis1_l ** 2 + eye2_l = np.dot(pupil - center_eye, center_eye_d - center_eye_u) / dis2_l ** 2 + pupil_r = np.array([eye1_l, eye2_l], dtype=np.float32) + pupil_r_flag = True + + # left eye + ptsl = lms_this[42:48] # .reshape((-1, 1, 2)) + mask_l = cv2.polylines(mask.copy(), [ptsl], True, 1) + mask_l = cv2.fillPoly(mask_l, [ptsl], 1) + img_eye_l = img_gray * mask_l + (1 - mask_l) * 255 + thres = int(np.min(img_eye_l)) + thresh + mask_l = mask_l.astype(np.float32) * (img_eye_l < thres).astype(np.float32) + # if np.sum(mask_l) < 10: + # pupil_l, pupil_l_flag = np.array([0.0, 0.0], dtype=np.float32), False + # else: + l_eye_x = np.sum(x_grid * mask_l) / np.sum(mask_l) + l_eye_y = np.sum(y_grid * mask_l) / np.sum(mask_l) + pupil = np.array([l_eye_x, l_eye_y], dtype=np.float32) + + center_eye_l = lms_this[42] + center_eye_r = lms_this[45] + center_eye_u = lms_this[43] / 2 + lms_this[44] / 2 + center_eye_d = lms_this[46] / 2 + lms_this[47] / 2 + center_eye = (center_eye_l + center_eye_r + center_eye_u + center_eye_d) / 4 + + dis1_l = distance(center_eye_l, center_eye_r) + dis2_l = distance(center_eye_u, center_eye_d) + if dis2_l / dis1_l < disp_ratio: + pupil_l, pupil_l_flag = np.array([0.0, 0.0], dtype=np.float32), False + else: + eye1_l = np.dot(pupil - center_eye, center_eye_r - center_eye_l) / dis1_l ** 2 + eye2_l = np.dot(pupil - center_eye, center_eye_d - center_eye_u) / dis2_l ** 2 + pupil_l = np.array([eye1_l, eye2_l], dtype=np.float32) + pupil_l_flag = True + return pupil_r, pupil_r_flag, pupil_l, pupil_l_flag + + +def get_pupil_gazeTracking(frame, lms, gaze, blinking_thresh=3.8): + # blinking_thresh = 4.8 + gaze.refresh(frame) + print(gaze.eye_left.blinking, gaze.eye_right.blinking) + if gaze.pupil_left_coords() is None or gaze.pupil_left_coords() is None: + return [None] * 4 + mask = np.zeros(frame.shape, np.uint8) + lms_this = lms.astype(np.int64) + # right eye + ptsr = lms_this[36:42] # .reshape((-1, 1, 2)) + mask_r = cv2.polylines(mask.copy(), [ptsr], True, 1) + mask_r = cv2.fillPoly(mask_r, [ptsr], 1) + if gaze.eye_left.blinking > blinking_thresh: + pupil_r, pupil_r_flag = np.array([0.0, 0.0], dtype=np.float32), False + else: + pupil = np.array(gaze.pupil_left_coords(), dtype=np.float32) #二者定义相反 + if mask_r[int(pupil[1]), int(pupil[0]), 0] == 0: + return [None] * 4 + # print(pupil) + center_eye_l = lms_this[36] + center_eye_r = lms_this[39] + center_eye_u = lms_this[37] / 2 + lms_this[38] / 2 + center_eye_d = lms_this[40] / 2 + lms_this[41] / 2 + center_eye = (center_eye_l + center_eye_r + center_eye_u + center_eye_d) / 4 + + dis1_l = distance(center_eye_l, center_eye_r) + dis2_l = distance(center_eye_u, center_eye_d) + if dis2_l / dis1_l < 0.1: + pupil_r, pupil_r_flag = np.array([0.0, 0.0], dtype=np.float32), False + else: + eye1_l = np.dot(pupil - center_eye, center_eye_r - center_eye_l) / dis1_l ** 2 + eye2_l = np.dot(pupil - center_eye, center_eye_d - center_eye_u) / dis2_l ** 2 + pupil_r = np.array([eye1_l, eye2_l], dtype=np.float32) + pupil_r_flag = True + + # left eye + ptsl = lms_this[42:48] # .reshape((-1, 1, 2)) + mask_l = cv2.polylines(mask.copy(), [ptsl], True, 1) + mask_l = cv2.fillPoly(mask_l, [ptsl], 1) + if gaze.eye_right.blinking > blinking_thresh: + pupil_l, pupil_l_flag = np.array([0.0, 0.0], dtype=np.float32), False + else: + pupil = np.array(gaze.pupil_right_coords(), dtype=np.float32) + # print(pupil, mask_l.shape) + if mask_l[int(pupil[1]), int(pupil[0]), 0] == 0: + return [None] * 4 + center_eye_l = lms_this[42] + center_eye_r = lms_this[45] + center_eye_u = lms_this[43] / 2 + lms_this[44] / 2 + center_eye_d = lms_this[46] / 2 + lms_this[47] / 2 + center_eye = (center_eye_l + center_eye_r + center_eye_u + center_eye_d) / 4 + + dis1_l = distance(center_eye_l, center_eye_r) + dis2_l = distance(center_eye_u, center_eye_d) + if dis2_l / dis1_l < 0.1: + pupil_l, pupil_l_flag = np.array([0.0, 0.0], dtype=np.float32), False + else: + eye1_l = np.dot(pupil - center_eye, center_eye_r - center_eye_l) / dis1_l ** 2 + eye2_l = np.dot(pupil - center_eye, center_eye_d - center_eye_u) / dis2_l ** 2 + pupil_l = np.array([eye1_l, eye2_l], dtype=np.float32) + pupil_l_flag = True + return pupil_r, pupil_r_flag, pupil_l, pupil_l_flag + + +def tougue_detect(img, lms, x_grid, y_grid, disp_ratio=0.1, region_ration=0.05): + ''' + lms:[左嘴角58,上嘴唇50,右嘴角62,下颚(10, 8, 6)] 逆时针 + ''' + + dis1_l = distance(lms[64], lms[60]) + dis2_l = distance(lms[58], lms[62]) + if dis1_l / dis2_l < disp_ratio: # 闭嘴状态 + tougue, tougue_flag = np.array([0.0, 0.0], dtype=np.float32), False + else: + lms_this = lms.astype(np.int64) + ptsr = np.stack([lms_this[58], lms_this[50], lms_this[62], lms_this[10], lms_this[8], lms_this[6]], 0) + # ptsr = np.stack([lms_this[58], lms_this[53], lms_this[8]], 0) + # ptsr = lms_this[48:60] + # print(lms.shape) + # + # for i in range(58, 66): + # cv2.circle(img, + # (round(lms_this[i, 0]), round(lms_this[i, 1])), 1, + # (255, 0, 0), -1) + # for i in range(58, 66): + # cv2.putText(img, str(i), + # (round(lms_this[i, 0]), round(lms_this[i, 1])), + # cv2.FONT_HERSHEY_SIMPLEX, 0.5, (255, 255, 0)) + # # + # plt.imshow(img[:, :, ::-1]) + # plt.show() + # exit(0) + + hsv = cv2.cvtColor(img, cv2.COLOR_BGR2HSV) + h = hsv[:, :, 0] + h = ((h.astype(np.float32) + 90) % 180).astype(np.uint8) + h = ((h.astype(np.float32).clip(80, 120) - 80) / 40 * 255).astype(np.uint8) + h = cv2.bilateralFilter(h, 30, 20, 15) + + mask_r = np.zeros(h.shape, np.uint8) + mask_r = cv2.polylines(mask_r, [ptsr], True, 1) + mask_r = cv2.fillPoly(mask_r, [ptsr], 1) + + mask_tougue = cv2.threshold(h, 100, 1.0, cv2.THRESH_BINARY_INV)[1] + mask_tougue = mask_tougue * mask_r # [H, W] + + plt.imshow(np.concatenate([(mask_tougue[:, :, None] * img).astype(np.uint8), img], 1)[:, :, ::-1]) + plt.show() + exit(0) + # if np.sum(mask_tougue) < np.sum(mask_r) * region_ration: + # return np.array([0.0, 0.0], dtype=np.float32), False + + # center_tougue_x = np.sum(x_grid * mask_tougue) / np.sum(mask_tougue) + center_tougue_y = np.sum(y_grid * mask_tougue) / np.sum(mask_tougue) + + # line_mask = mask_tougue[int(center_tougue_y)] + # centerLine_numPixel = np.sum(line_mask) + tougue_y = mask_tougue.nonzero()[0].max() + for i in range(int(center_tougue_y), mask_tougue.nonzero()[0].max() + 1): + if np.sum(mask_tougue[i]) < 0.5 * np.sum(mask_tougue[int(center_tougue_y)]): + tougue_y = i - 1 + break + + tougue_x = np.sum(x_grid[tougue_y] * mask_tougue[tougue_y]) / np.sum(mask_tougue[tougue_y]) + + tougue = np.array([tougue_x, tougue_y], dtype=np.float32) + tougue_u = lms_this[50] + tougue_d = lms_this[8] + tougue_r = lms_this[62] + tougue_l = lms_this[58] + center_tougue = (tougue_u + tougue_r + tougue_d + tougue_l) / 4 + + tougue_1 = np.dot(tougue - center_tougue, tougue_u - tougue_d) / distance(tougue_u, tougue_d) ** 2 + tougue_2 = np.dot(tougue - center_tougue, tougue_r - tougue_l) / distance(tougue_r, tougue_l) ** 2 + tougue = np.array([tougue_1, tougue_2], dtype=np.float32) + tougue_flag = True + return tougue, tougue_flag + + +def draw_tougue(img, pred_lms, tougue, tougue_flag): + if tougue_flag: + tougue_u = pred_lms[50] + tougue_d = pred_lms[8] + tougue_r = pred_lms[62] + tougue_l = pred_lms[58] + center_tougue = (tougue_u + tougue_r + tougue_d + tougue_l) / 4 + tougue = center_tougue + (tougue_u - tougue_d) * tougue[0] + (tougue_r - tougue_l) * tougue[1] + tougue = (tougue + 0.5).astype(np.int32) + # cv2.circle(img, (int(tougue[0]), int(tougue[1])), 3, [0, 255, 0], -1) + # img = cv2.polylines(img, [np.stack([pred_lms[58], pred_lms[62], tougue], 0)], True, 1) + img = cv2.fillPoly(img, [np.stack([pred_lms[58], pred_lms[62], tougue], 0).astype(np.int32)], color=[255, 0, 0]) + return img + +# borrowed from https://github.com/daniilidis-group/neural_renderer/blob/master/neural_renderer/vertices_to_faces.py +def face_vertices(vertices, faces): + """ + :param vertices: [batch size, number of vertices, 3] + :param faces: [batch size, number of faces, 3] + :return: [batch size, number of faces, 3, 3] + """ + assert (vertices.ndimension() == 3) + assert (faces.ndimension() == 3) + assert (vertices.shape[0] == faces.shape[0]) + assert (vertices.shape[2] == 3) + assert (faces.shape[2] == 3) + + bs, nv = vertices.shape[:2] + bs, nf = faces.shape[:2] + device = vertices.device + faces = faces + (torch.arange(bs, dtype=torch.int32).to(device) * nv)[:, None, None] + vertices = vertices.reshape((bs * nv, 3)) + # pytorch only supports long and byte tensors for indexing + return vertices[faces.long()] diff --git a/data_process/lib/faceverse_process/fit_faceverse.py b/data_process/lib/faceverse_process/fit_faceverse.py new file mode 100644 index 0000000000000000000000000000000000000000..ccdcf0ef5ca39ecf1796ada3a6cfb648f68c3f58 --- /dev/null +++ b/data_process/lib/faceverse_process/fit_faceverse.py @@ -0,0 +1,663 @@ +# Standard libraries +import os +import time +import json +import traceback +import multiprocessing +from datetime import datetime + +# Numerical and image processing libraries +import numpy as np +import cv2 +import torch + +# Core functionalities +from lib.faceverse_process.core import get_recon_model +import lib.faceverse_process.core.utils as utils +import lib.faceverse_process.core.losses as losses + +# Third-party libraries +from tqdm import tqdm # Progress bar +from pytorch3d.renderer import look_at_view_transform # 3D transformations +import mediapipe as mp # Face landmark detection +count = multiprocessing.Value('i', 0) # multiprocessing.Value对象和Process一起使用的时候,可以像上面那样作为全局变量使用,也可以作为传入参数使用。但是和Pool一起使用的时候,只能作为全局变量使用 +total = multiprocessing.Value('i', 0) + + + +def fit_faceverse( + base_dir: str, + save_dir: str = None, + skip: bool = False, + save_fvmask: str = None, + save_lmscounter: str = None, + num_threads: int = 8, + trick: int = 0, + focal_ratio: float = 4.2647, # Focal length used by EG3D + is_img = False +): + """ + Processes multiple video frames for face reconstruction using multiprocessing. + + Args: + base_dir (str): Base directory containing input images. + save_dir (str): Directory to save results (default: auto-generated). + skip (bool): Whether to skip already processed frames. + save_fvmask (str or None): Path to save face visibility mask. + save_lmscounter (str or None): Path to save landmark counter visualization. + num_threads (int): Number of threads to use for multiprocessing. + trick (int): Processing strategy (-1, 0, or 1) for selecting frames. + focal_ratio (float): Focal length scaling factor. + + """ + data_save_dir = os.path.join(save_dir, 'dataset', "images512x512") # Final processed images + save_tracking_dir = os.path.join(save_dir, 'crop_fv_tracking') + # Ensure base directory exists + assert os.path.exists(base_dir), f"Base directory '{base_dir}' does not exist." + + # Ensure base_dir contains 'images512x512' when saving masks or landmark counters + if save_lmscounter or save_fvmask: + assert 'images512x512' in base_dir, "Base directory must contain 'images512x512' when saving masks or landmark counters." + + # Define save directory (default: `fv_tracking`) + save_dir = save_dir if save_dir else os.path.join(os.path.dirname(os.path.dirname(base_dir)), 'fv_tracking') + os.makedirs(save_dir, exist_ok=True) + + # Image resolution + img_res = 512 + + # Initialize camera intrinsic matrix + cam_K = np.eye(3, dtype=np.float32) + cam_K[0, 0] = cam_K[1, 1] = focal_ratio * img_res + cam_K[0, 2] = cam_K[1, 2] = img_res // 2 + + all_frames = 0 + sub_class_ls = [] # List to store video metadata + + # Get list of subdirectories (video folders) that haven't been processed + sub_classes = [ + sub_class for sub_class in os.listdir(base_dir) + if os.path.isdir(os.path.join(base_dir, sub_class)) and sub_class not in os.listdir(save_dir) + ] + + # Apply processing strategy based on `trick` argument + if trick != 0: + assert trick in [-1, 1], "Invalid trick value. Must be -1, 0, or 1." + sub_classes = sub_classes[::2] if trick == 1 else sub_classes[1::2] + + # Process each subdirectory (video folder) + for sub_class in tqdm(sub_classes, desc="Processing Videos"): + sub_dir = os.path.join(base_dir, sub_class) + if not os.path.isdir(sub_dir): + continue + + frame_ls = [] # List to store frames for the current video + + # Iterate through images in the subdirectory + for img_name in os.listdir(sub_dir): + if not img_name.endswith('png'): + continue + + # Define save folder for the current frame + res_folder = os.path.join(sub_dir.replace(base_dir, save_dir), img_name.split('.')[0]) + + # Skip processing if a 'finish' flag exists + if skip and os.path.exists(os.path.join(res_folder, 'finish')): + continue + + # Store frame metadata + frame_ls.append({ + 'img_path': os.path.join(sub_dir, img_name), + 'save_dir': res_folder + }) + + # Skip videos with no valid frames + if not frame_ls: + continue + # Sort frames by numerical index extracted from filename + if not is_img: + frame_ls.sort(key=lambda x: int(os.path.basename(x['img_path']).split('.')[0].split('_')[-1])) + + # Store video metadata + sub_class_ls.append({'video_name': sub_class, 'frame_ls': frame_ls}) + all_frames += len(frame_ls) + + # Store total number of frames for processing + total.value = all_frames + num_threads = min(num_threads, len(sub_class_ls)) # Adjust thread count based on available videos + + # Logging + print(f"Base Directory: {base_dir}") + print(f"Save Directory: {save_dir}") + print(f"Skip Processed: {skip}") + print(f"Number of Threads: {num_threads}") + print(f"Total Frames: {total.value}") + + # Multi-threaded processing + if num_threads > 1: + p = multiprocessing.Pool(num_threads) + + # Distribute videos across threads + num_videos = len(sub_class_ls) + all_list = [ + sub_class_ls[i * (num_videos // num_threads): (i + 1) * (num_videos // num_threads)] + for i in range(num_threads) + ] + [sub_class_ls[num_threads * (num_videos // num_threads):]] + + # Prepare data for parallel processing + data_ls = [ + { + 'img_res': img_res, 'video_ls': ls, 'save_dir': save_dir, 'cam_K': cam_K, + 'save_fvmask': save_fvmask, 'save_lmscounter': save_lmscounter, 'is_img':is_img + } + for ls in all_list + ] + + # Start multiprocessing + p.map(fit_videos_, data_ls) + p.close() + p.join() + else: + # Single-threaded processing (fallback) + fit_videos_({ + 'img_res': img_res, 'video_ls': sub_class_ls, 'save_dir': save_dir, 'cam_K': cam_K, + 'save_fvmask': save_fvmask, 'save_lmscounter': save_lmscounter, 'is_img':is_img + }) + + # Collect and aggregate no-face logs + no_face_log = [] + for name in os.listdir(save_dir): + if name.endswith('no_face_log.json'): + with open(os.path.join(save_dir, name), 'r') as f: + no_face_log += json.load(f) + + # Save aggregated no-face log if any entries exist + if no_face_log: + log_filename = datetime.now().strftime('%Y-%m-%d_%H-%M-%S') + '_total_no_face_log.json' + with open(os.path.join(save_dir, log_filename), 'w') as f: + json.dump(no_face_log, f, indent=4) + +def fit_videos_(data): + """ + Process and fit multiple videos using a face reconstruction model. + + Args: + data (dict): Dictionary containing the parameters: + - 'img_res' (int): Image resolution. + - 'video_ls' (list): List of video dictionaries containing frame information. + - 'save_dir' (str): Directory to save results. + - 'cam_K' (numpy array): Camera intrinsic matrix. + - 'save_fvmask' (str or None): Path to save face visibility mask. + - 'save_lmscounter' (str or None): Path to save landmark counter visualization. + """ + config = { + "tar_size": 512, + "recon_model": "meta_simplify_v31", + "lm_loss_w": 1e3, + "rgb_loss_w": 1e-2, + "id_reg_w": 3e-3, + "exp_reg_w": 1e-3, # Previously 8e-3 + "tex_reg_w": 3e-5, + "tex_w": 1.0, + "skip": False, + "save_fvmask": None, + "save_lmscounter": None, + "num_threads": 8, + "trick": 0, + "focal_ratio": 4.2647, # Focal length used by EG3D + "cam_dist": 5.0, + "device": "cuda:0" + } + # Extract data parameters + img_res = data['img_res'] + video_ls = data['video_ls'] + save_dir = data['save_dir'] + cam_K = data['cam_K'] + save_fvmask = data['save_fvmask'] + save_lmscounter = data['save_lmscounter'] + is_img = data['is_img'] + + print(f'Fitting {len(video_ls)} Videos') + + # Scale camera intrinsic matrix based on target image size + cam_K[:2] *= config["tar_size"]/ img_res + + # Initialize MediaPipe face mesh detector + mp_tracker = mp.solutions.face_mesh.FaceMesh( + static_image_mode=True, max_num_faces=1, refine_landmarks=True, + min_detection_confidence=0.2, min_tracking_confidence=0.2 + ) + + # Initialize the face reconstruction model + recon_model = get_recon_model( + model=config["recon_model"], + device=config["device"], + batch_size=1, + img_size=config["tar_size"], + intr=cam_K, + cam_dist=config["cam_dist"] + ) + + no_face_log = [] # Log for frames where no face is detected + + # Iterate through each video in the list + for vidx, video_info in enumerate(video_ls): + print(video_info['frame_ls'][0]['img_path'], vidx) + + # Process the frames using the `fit_()` function + no_face_log_ = fit_( + video_info['frame_ls'], recon_model, img_res, config, mp_tracker, + cont_opt=False, first_video=(vidx == 0), reg_RT=True, + save_fvmask=save_fvmask, save_lmscounter=save_lmscounter, is_img=is_img + ) + + # Create a "finish" flag file or log issues if face fitting fails + video_save_path = os.path.join(save_dir, video_info['video_name']) + if not no_face_log_: + open(os.path.join(video_save_path, 'finish'), "w").close() + else: + issue_type = no_face_log_[0][0] + if issue_type == 'LargeRot': + open(os.path.join(video_save_path, 'LargeRot'), "w").close() + elif issue_type == 'NoFace': + open(os.path.join(video_save_path, 'NoFace'), "w").close() + elif issue_type == 'SamllFace': # Fixed typo ('SamllFace' → 'SmallFace') + open(os.path.join(video_save_path, 'SmallFace'), "w").close() + + # Append detected no-face logs + no_face_log += no_face_log_ + + # Save log of frames where no face was detected + if no_face_log: + log_path = os.path.join(save_dir, f"{datetime.now().strftime('%Y-%m-%d_%H-%M-%S')}_no_face_log.json") + with open(log_path, 'w') as f: + json.dump(no_face_log, f, indent=4) + else: + print('No face log entries recorded.') + + +def fit_(frame_ls, recon_model, img_res, config, mp_tracker, first_video=False, save_mesh=False, keep_id=True, reg_RT=False, + save_fvmask=None, save_lmscounter=None, cont_opt=False, is_img=False): + + if is_img: + keep_id = False + lm_weights = utils.get_lm_weights(config["device"], use_mediapipe=True) + resize_factor = config["tar_size"] / img_res + + rt_reg_w = 0.1 if reg_RT else 0. + num_iters_rf = 100 if keep_id else 500 + + frame_ind = 0 + no_face_log = [] + + for frame_dict in frame_ls: + frame_ind += 1 + if is_img: + frame_ind = 0 + res_folder = frame_dict['save_dir'] + + # Create the results folder if it doesn't exist + os.makedirs(res_folder, exist_ok=True) + + img_path = frame_dict['img_path'] + + # Use a lock to safely update and print the processing count + with count.get_lock(): + count.value += 1 + print('(%d / %d) Processing frame %s, first_video=%d' % + (count.value, total.value, img_path, int(first_video))) + + # Read the image and convert from BGR to RGB + img_arr = cv2.imread(img_path)[:, :, ::-1] + + # Resize the face image to the target size + resized_face_img = cv2.resize(img_arr, (config["tar_size"], config["tar_size"])) + + # Process the image using MediaPipe face tracking + results = mp_tracker.process(resized_face_img) + + # If no face landmarks are detected, log and skip processing + if results.multi_face_landmarks is None: + print('No face detected!', img_path) + no_face_log.append(['NoFace', img_path]) + continue + + # Initialize a numpy array to store facial landmarks (478 points, 2D coordinates) + lms = np.zeros((478, 2), dtype=np.int64) + + # Extract face landmarks and store in the array + for idx, landmark in enumerate(results.multi_face_landmarks[0].landmark): + lms[idx, 0] = int(landmark.x * config["tar_size"]) + lms[idx, 1] = int(landmark.y * config["tar_size"]) + # Check if the detected face is too small based on bounding box size + if max(max(lms[:, 0]) - min(lms[:, 0]), max(lms[:, 1]) - min(lms[:, 1])) < config["tar_size"] / 3: + print('Too small face detected!', img_path) + no_face_log.append(['SmallFace', img_path]) + continue + + # Convert landmarks to a PyTorch tensor and move to the specified device + lms_tensor = torch.tensor(lms[np.newaxis, :, :], dtype=torch.float32, device=config["device"]) + + # If continuation option is enabled, check for existing coefficient file + if cont_opt: + coeffs_path = os.path.join(res_folder, 'coeffs.npy') + + # Load and initialize coefficients if they already exist + if os.path.exists(coeffs_path): + coeffs = torch.from_numpy(np.load(coeffs_path)).unsqueeze(0).cuda() + + # Split the loaded coefficients into respective components + (id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, + eye_coeff, scale) = recon_model.split_coeffs(coeffs) + + # Initialize the reconstruction model with the loaded coefficients + recon_model.init_coeff_tensors( + id_coeff=id_coeff, tex_coeff=tex_coeff, exp_coeff=exp_coeff, + gamma_coeff=gamma, trans_coeff=translation, + rot_coeff=angles, scale_coeff=scale, eye_coeff=eye_coeff + ) + + first_video = False # Indicate that this is not the first video + + # Determine which parameters to optimize based on `keep_id` and frame index + if keep_id and frame_ind > 1: + # Keep identity coefficients fixed when optimizing rigid parameters + rigid_optim_params = [ + recon_model.get_rot_tensor(), recon_model.get_trans_tensor(), + recon_model.get_exp_tensor(), recon_model.get_eye_tensor() + ] + else: + # Optimize identity coefficients along with other rigid parameters + rigid_optim_params = [ + recon_model.get_rot_tensor(), recon_model.get_trans_tensor(), + recon_model.get_exp_tensor(), recon_model.get_eye_tensor(), + recon_model.get_id_tensor() + ] + + # Define optimizers for rigid parameter optimization + rigid_optimizer = torch.optim.Adam( + rigid_optim_params, + lr=5e-2 if (first_video and frame_ind == 1) else 1e-2, + betas=(0.8, 0.95) + ) + + # Learning-rate-adjusted optimizer for rigid parameters + lr_rigid_optimizer = torch.optim.Adam( + rigid_optim_params, + lr=1e-3, + betas=(0.5, 0.9) + ) + + # Determine the number of iterations for rigid optimization + num_iters = 5 * num_iters_rf if (keep_id and frame_ind == 1) else num_iters_rf + + # Increase iterations significantly for the first frame of the first video + if first_video and frame_ind == 1: + num_iters *= 5 + # Perform rigid optimization for num_iters * 5 iterations + for iter_rf in range(num_iters * 5): + # Forward pass: get predicted landmarks without rendering + pred_dict = recon_model(recon_model.get_packed_tensors(), render=False) + + # Compute landmark loss between predicted and ground truth landmarks + lm_loss_val = losses.lm_loss(pred_dict['lms_proj'], lms_tensor, lm_weights, img_size=config["tar_size"]) + + # Early stopping condition: if loss is sufficiently low, break the loop + if iter_rf > num_iters and lm_loss_val.item() < 5e-5: + break + + # Regularization losses to prevent overfitting + id_reg_loss = losses.get_l2(recon_model.get_id_tensor()) # Identity regularization + exp_reg_loss = losses.get_l2(recon_model.get_exp_tensor()) # Expression regularization + + # Compute total loss with weighted sum of different loss components + total_loss = (config["lm_loss_w"] * lm_loss_val + + exp_reg_loss * config["exp_reg_w"] + + id_reg_loss * config["id_reg_w"]) + + # Add rotation and translation regularization if not processing the first frame + if frame_ind > 1: + rt_reg_loss = (losses.get_l2(recon_model.get_rot_tensor() - rot_c) + + losses.get_l2(recon_model.get_trans_tensor() - trans_c)) + total_loss += rt_reg_loss * rt_reg_w # Apply regularization weight + + # Choose optimizer based on iteration count and frame number + if frame_ind > 1 and iter_rf > num_iters * 0.6: + lr_rigid_optimizer.zero_grad() + total_loss.backward() + lr_rigid_optimizer.step() + else: + rigid_optimizer.zero_grad() + total_loss.backward() + rigid_optimizer.step() + + # Ensure all expression values remain non-negative (zero negative expressions) + with torch.no_grad(): + recon_model.exp_tensor[recon_model.exp_tensor < 0] *= 0 + rot_c, trans_c = recon_model.get_rot_tensor().clone().detach(), recon_model.get_trans_tensor().clone().detach() + with torch.no_grad(): + # Get the packed coefficient tensors from the reconstruction model + coeffs = recon_model.get_packed_tensors() + + # Forward pass to get predictions, including rendering and face masking + pred_dict = recon_model(coeffs, render=True, mask_face=True) + + # Clip rendered image values to [0, 255] and convert to NumPy format + rendered_img = torch.clip(pred_dict['rendered_img'], 0, 255).cpu().numpy().squeeze() + out_img = rendered_img[:, :, :3].astype(np.uint8) + + # Resize output image to match the specified resolution + resized_out_img = cv2.resize(out_img, (img_res, img_res)) + + # Save the coefficient tensors as a NumPy file + np.save(os.path.join(res_folder, 'coeffs.npy'), coeffs.detach().cpu().numpy().squeeze()) + + # Extract specific coefficients for later use + split_coeffs = recon_model.split_coeffs(coeffs) + tex_coeff, angles, translation, scale = split_coeffs[2], split_coeffs[3], split_coeffs[5], split_coeffs[-1] + + # Save the 3D mesh in .obj format if required + if save_mesh: + vs = pred_dict['vs'].cpu().numpy().squeeze() # Vertex positions + tri = pred_dict['tri'].cpu().numpy().squeeze() # Triangle indices + + # Compute vertex colors and normalize to [0,1] + color = torch.clip(recon_model.get_color(tex_coeff), 0, 255).cpu().numpy().squeeze().astype( + np.float32) / 255 + + # Save the mesh as an OBJ file + utils.save_obj(os.path.join(res_folder, 'mesh.obj'), vs, tri + 1, color) + + # Compute extrinsic camera parameters + rotation = recon_model.compute_rotation_matrix(angles) # Compute rotation matrix + + # Initialize transformation matrices + cam_T = torch.eye(4, dtype=torch.float32).to(config["device"]) # Camera transformation + tmp_T = torch.eye(4, dtype=torch.float32).to(config["device"]) # Temporary transformation + + # Compute camera rotation and translation matrices + cam_R, cam_t = look_at_view_transform(dist=config["cam_dist"], elev=0, azim=0) + tmp_T[:3, :3] = cam_R[0] # Set rotation + tmp_T[-1, :3] = cam_t[0] # Set translation + + # Compute metaFace extrinsic matrix + cam_T[:3, :3] = torch.abs(scale[0]) * torch.eye(3, dtype=torch.float32).to(config["device"]) + cam_T[-1, :3] = translation[0] + metaFace_extr = torch.matmul(cam_T, tmp_T).clone() # Left-multiply transformation + + # Compute final transformation matrix + cam_T[:3, :3] = torch.abs(scale[0]) * rotation[0] + cam_T[-1, :3] = translation[0] + transformation = torch.matmul(cam_T, tmp_T) # Left-multiply transformation + + # Save extrinsic parameters as a NumPy archive + np.savez(os.path.join(res_folder, 'metaFace_extr'), + extr=metaFace_extr.cpu().numpy().astype(np.float32).T, # Transposed for right multiplication + transformation=transformation.cpu().numpy().astype(np.float32).T, + self_rotation=rotation[0].cpu().numpy().astype(np.float32).T, + self_scale=scale[0].cpu().numpy().astype(np.float32), + self_translation=translation[0].cpu().numpy().astype(np.float32), + self_angle=angles[0].cpu().numpy().astype(np.float32)) + + # Blend original and rendered images for visualization + composed_img = img_arr * 0.6 + resized_out_img * 0.4 + + # Resize and normalize landmark coordinates + resized_lms = lms_tensor.cpu().detach().squeeze().numpy() / resize_factor + resized_lms_proj = pred_dict['lms_proj'].cpu().detach().squeeze().numpy() / resize_factor + + # Overlay landmarks on the composed image + composed_img = visualize_render_lms(composed_img, resized_lms, resized_lms_proj) + cv2.imwrite(os.path.join(res_folder, 'composed_render.png'), composed_img[:, :, ::-1].astype(np.uint8)) + + # Save face visibility mask if required + if save_fvmask is not None: + out_mask = (np.linalg.norm(resized_out_img, axis=-1) > 0).astype(np.float32) * 255 + os.makedirs(os.path.dirname(img_path.replace('images512x512', save_fvmask)), exist_ok=True) + cv2.imwrite(img_path.replace('images512x512', save_fvmask), out_mask.astype(np.uint8)) + + # Save landmark counter visualization if required + if save_lmscounter is not None: + lms_proj = pred_dict['lms_proj'].cpu().detach().squeeze().numpy() + black_img = np.zeros((config["tar_size"], config["tar_size"], 3), dtype=np.uint8) + draw_img = draw_lms_counter(black_img, lms_proj) + os.makedirs(os.path.dirname(img_path.replace('images512x512', save_lmscounter)), exist_ok=True) + cv2.imwrite(img_path.replace('images512x512', save_lmscounter), draw_img) + + # Create a 'finish' file to indicate processing completion + open(os.path.join(res_folder, 'finish'), "w") + + return no_face_log + + +def visualize_render_lms(composed_img, resized_lms, resized_lms_proj): + """ + Visualizes facial landmarks on an image. + + Args: + composed_img (np.ndarray): The input image to draw on. + resized_lms (np.ndarray): Original 2D facial landmarks (shape: [N, 2]). + resized_lms_proj (np.ndarray): Projected facial landmarks (shape: [N, 2]). + + Returns: + np.ndarray: The image with drawn facial landmarks. + """ + + # Convert landmark coordinates to integer values for drawing + resized_lms = np.round(resized_lms).astype(np.int32) + resized_lms_proj = np.round(resized_lms_proj).astype(np.int32) + + # Landmark indices to annotate with numbers + annotated_indices = [0, 8, 16, 20, 24, 30, 47, 58, 62] + + # Draw original landmarks (Blue) + for (x, y) in resized_lms: + cv2.circle(composed_img, (x, y), radius=1, color=(255, 0, 0), thickness=-1) + + # Annotate specific original landmarks (Yellow) + for i in annotated_indices: + cv2.putText(composed_img, str(i), tuple(resized_lms[i]), + cv2.FONT_HERSHEY_SIMPLEX, fontScale=0.5, color=(255, 255, 0), thickness=1) + + # Draw projected landmarks (Green) + for (x, y) in resized_lms_proj: + cv2.circle(composed_img, (x, y), radius=1, color=(0, 255, 0), thickness=-1) + + # Annotate specific projected landmarks (Cyan) + for i in annotated_indices: + cv2.putText(composed_img, str(i), tuple(resized_lms_proj[i]), + cv2.FONT_HERSHEY_SIMPLEX, fontScale=0.5, color=(0, 255, 255), thickness=1) + + return composed_img + + +def draw_lms_counter(img, lms_proj): + """ + Draws facial landmarks on an image, including mouth, eyes, and specific points. + + Args: + img (np.ndarray): The input image. + lms_proj (np.ndarray): The projected 2D facial landmarks (shape: [N, 2]). + + Returns: + np.ndarray: The image with drawn facial landmarks. + """ + + # Convert landmark coordinates to integer values + lms_proj_coords = np.round(lms_proj).astype(np.int32) + + # Define landmark indices for different facial features + outter_mouth_idx = [0, 267, 269, 270, 409, 291, 375, 321, 405, + 314, 17, 84, 181, 91, 146, 76, 185, 40, 39, 37] + inner_mouth_idx = [13, 312, 311, 310, 415, 308, 324, 318, 402, + 317, 14, 87, 178, 88, 95, 78, 191, 80, 81, 82] + left_eye_idx = [33, 246, 161, 160, 159, 158, 157, 173, 133, + 155, 154, 153, 145, 144, 163, 7] + right_eye_idx = [362, 398, 384, 385, 386, 387, 388, 466, 263, + 249, 390, 373, 374, 380, 381, 382] + left_brow_idx = [283, 282, 295, 285, 336, 296, 334] + right_brow_idx = [53, 52, 65, 55, 107, 66, 105] + + # Create a copy of the image to draw on + draw_img = img.copy() + + # Draw facial landmarks for mouth (outer and inner) + draw_img = cv2.polylines(draw_img, [lms_proj_coords[outter_mouth_idx]], + isClosed=True, color=(255, 0, 0), thickness=4) + draw_img = cv2.polylines(draw_img, [lms_proj_coords[inner_mouth_idx]], + isClosed=True, color=(255, 0, 0), thickness=4) + + # Draw facial landmarks for eyes + draw_img = cv2.polylines(draw_img, [lms_proj_coords[left_eye_idx]], + isClosed=True, color=(0, 255, 0), thickness=2) + draw_img = cv2.polylines(draw_img, [lms_proj_coords[right_eye_idx]], + isClosed=True, color=(0, 255, 0), thickness=2) + + # Uncomment to draw eyebrows + # draw_img = cv2.polylines(draw_img, [lms_proj_coords[left_brow_idx]], + # isClosed=True, color=(0, 255, 0), thickness=2) + # draw_img = cv2.polylines(draw_img, [lms_proj_coords[right_brow_idx]], + # isClosed=True, color=(0, 255, 0), thickness=2) + + # Draw specific landmark points (e.g., pupils or reference points) + draw_img = cv2.circle(draw_img, tuple(lms_proj_coords[473]), + radius=4, color=(0, 0, 255), thickness=-1) + draw_img = cv2.circle(draw_img, tuple(lms_proj_coords[468]), + radius=4, color=(0, 0, 255), thickness=-1) + + # Uncomment to draw additional facial contours + # draw_img = cv2.polylines(draw_img, [lms_proj_coords[474:478]], + # isClosed=True, color=(0, 255, 0), thickness=1) + # draw_img = cv2.polylines(draw_img, [lms_proj_coords[469:473]], + # isClosed=True, color=(0, 255, 0), thickness=1) + + return draw_img + +# +# +# if __name__ == '__main__': +# import argparse +# +# parser = argparse.ArgumentParser() +# parser.add_argument('--base_dir', type=str, default=None) +# parser.add_argument('--save_dir', type=str, default=None) +# parser.add_argument('--tar_size', type=int, default=512, help='size for rendering window. We use a square window.') +# parser.add_argument('--recon_model', type=str, default='meta', help='choose a 3dmm model, default: meta') +# parser.add_argument('--lm_loss_w', type=float, default=1e3, help='weight for landmark loss') +# parser.add_argument('--rgb_loss_w', type=float, default=1e-2, help='weight for rgb loss') +# parser.add_argument('--id_reg_w', type=float, default=3e-3, help='weight for id coefficient regularizer') +# parser.add_argument('--exp_reg_w', type=float, default=1e-3, # 8e-3 +# help='weight for expression coefficient regularizer') +# parser.add_argument('--tex_reg_w', type=float, default=3e-5, help='weight for texture coefficient regularizer') +# parser.add_argument('--tex_w', type=float, default=1, help='weight for texture reflectance loss.') +# parser.add_argument('--skip', action='store_true', default=False) +# parser.add_argument('--save_fvmask', type=str, default=None) +# parser.add_argument('--save_lmscounter', type=str, default=None) +# parser.add_argument('--num_threads', default=8) +# parser.add_argument('--trick', type=int, default=0) +# args = parser.parse_args() +# args.focal_ratio = 4.2647 # the focal used by EG3D +# args.cam_dist = 5. +# args.device = 'cuda:0' +# args.recon_model = 'meta_simplify_v31' +# fit_faceverse(args) diff --git a/data_process/lib/faceverse_process/metamodel/.DS_Store b/data_process/lib/faceverse_process/metamodel/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..1e401a8223f7a9c3ab58d7b67e95dcbbe5b26efa Binary files /dev/null and b/data_process/lib/faceverse_process/metamodel/.DS_Store differ diff --git a/data_process/lib/faceverse_process/metamodel/v31_face_mask_new.npy b/data_process/lib/faceverse_process/metamodel/v31_face_mask_new.npy new file mode 100644 index 0000000000000000000000000000000000000000..2d364b4a9f01a5737b70bf54c095e66c548e3880 --- /dev/null +++ b/data_process/lib/faceverse_process/metamodel/v31_face_mask_new.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b64decaabeb71d2ad73d2667782b2206d2eb2d6788a18832ffc05bbd7df50b46 +size 113036 diff --git a/data_process/lib/model_builder.py b/data_process/lib/model_builder.py new file mode 100644 index 0000000000000000000000000000000000000000..0de8e9727155b14098b363f13b365b3c5fcbdae9 --- /dev/null +++ b/data_process/lib/model_builder.py @@ -0,0 +1,37 @@ +################################################# +# Copyright (c) 2021-present, xiaobing.ai, Inc. # +# All rights reserved. # +################################################# +# CV Research, DEV(USA) xiaobing. # +# Written by wangduomin@xiaobing.ai # +################################################# + +import torch +import lib.models as models + + +def make_model(cfg): + """ + Build and initialize the models based on the given configuration. + + Args: + cfg: Configuration object containing model specifications. + + Returns: + list: A list containing the initialized models [fd, ldmk, ldmk_3d]. + """ + return_list = [] + + # Create face detection (fd) model + fd = models.define_networks(cfg, cfg.model.fd.model_type, cfg.model.fd.model_cls) + return_list.append(fd) + + # Create landmark (ldmk) model + ldmk = models.define_networks(cfg, cfg.model.ldmk.model_type, cfg.model.ldmk.model_cls) + return_list.append(ldmk) + + # Create 3D landmark (ldmk_3d) model + ldmk_3d = models.define_networks(cfg, cfg.model.ldmk_3d.model_type, cfg.model.ldmk_3d.model_cls) + return_list.append(ldmk_3d) + + return return_list \ No newline at end of file diff --git a/data_process/lib/models/.DS_Store b/data_process/lib/models/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..c7f3e571908abb858a5aa4456319bdb6518a206b Binary files /dev/null and b/data_process/lib/models/.DS_Store differ diff --git a/data_process/lib/models/__init__.py b/data_process/lib/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..8c60d7ba147c9e149da4295f3bef330226952a16 --- /dev/null +++ b/data_process/lib/models/__init__.py @@ -0,0 +1,39 @@ +################################################# +# Copyright (c) 2021-present, xiaobing.ai, Inc. # +# All rights reserved. # +################################################# +# CV Research, DEV(USA) xiaobing. # +# written by wangduomin@xiaobing.ai # +################################################# + +##### python internal and external package +import importlib +##### self defined package +from lib.models.fd.fd import faceDetector +from lib.models.ldmk.ldmk import ldmkDetector + + +def find_class_in_module(target_cls_name, module): + # target_cls_name = target_cls_name.replace('_', '').lower() + clslib = importlib.import_module(module) + cls = None + for name, clsobj in clslib.__dict__.items(): + if target_cls_name == name: + cls = clsobj + + if cls is None: + print("In %s, there should be a class whose name matches %s without underscore(_)" % (module, target_cls_name)) + exit(0) + + return cls + +def find_network_using_name(target_class_name, filename): + module_name = 'lib.models.{}.{}'.format(filename, filename) + network = find_class_in_module(target_class_name, module_name) + + return network + +def define_networks(opt, _type, _cls): + net = find_network_using_name(_cls, _type) + net = net(opt) + return net \ No newline at end of file diff --git a/data_process/lib/models/facerecon/__init__.py b/data_process/lib/models/facerecon/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..c6735bb8ffb0448bf4a6be3ad4a9a579ae48f622 --- /dev/null +++ b/data_process/lib/models/facerecon/__init__.py @@ -0,0 +1,67 @@ +"""This package contains modules related to objective functions, optimizations, and network architectures. + +To add a custom model class called 'dummy', you need to add a file called 'dummy_model.py' and define a subclass DummyModel inherited from BaseModel. +You need to implement the following five functions: + -- <__init__>: initialize the class; first call BaseModel.__init__(self, opt). + -- : unpack data from dataset and apply preprocessing. + -- : produce intermediate results. + -- : calculate loss, gradients, and update network weights. + -- : (optionally) add model-specific options and set default options. + +In the function <__init__>, you need to define four lists: + -- self.loss_names (str list): specify the training losses that you want to plot and save. + -- self.model_names (str list): define networks used in our training. + -- self.visual_names (str list): specify the images that you want to display and save. + -- self.optimizers (optimizer list): define and initialize optimizers. You can define one optimizer for each network. If two networks are updated at the same time, you can use itertools.chain to group them. See cycle_gan_model.py for an usage. + +Now you can use the model class by specifying flag '--model dummy'. +See our template model class 'template_model.py' for more details. +""" + +import importlib +from lib.models.facerecon.base_model import BaseModel + + +def find_model_using_name(model_name): + """Import the module "models/[model_name]_model.py". + + In the file, the class called DatasetNameModel() will + be instantiated. It has to be a subclass of BaseModel, + and it is case-insensitive. + """ + model_filename = "models." + model_name + "_model" + modellib = importlib.import_module(model_filename) + model = None + target_model_name = model_name.replace('_', '') + 'model' + for name, cls in modellib.__dict__.items(): + if name.lower() == target_model_name.lower() \ + and issubclass(cls, BaseModel): + model = cls + + if model is None: + print("In %s.py, there should be a subclass of BaseModel with class name that matches %s in lowercase." % (model_filename, target_model_name)) + exit(0) + + return model + + +def get_option_setter(model_name): + """Return the static method of the model class.""" + model_class = find_model_using_name(model_name) + return model_class.modify_commandline_options + + +def create_model(opt): + """Create a model given the option. + + This function warps the class CustomDatasetDataLoader. + This is the main interface between this package and 'train.py'/'test.py' + + Example: + >>> from models import create_model + >>> model = create_model(opt) + """ + model = find_model_using_name(opt.model) + instance = model(opt) + print("model [%s] was created" % type(instance).__name__) + return instance diff --git a/data_process/lib/models/facerecon/base_model.py b/data_process/lib/models/facerecon/base_model.py new file mode 100644 index 0000000000000000000000000000000000000000..3d70bb58faf8ad33712349e88ffabbeebe06cc66 --- /dev/null +++ b/data_process/lib/models/facerecon/base_model.py @@ -0,0 +1,317 @@ +"""This script defines the base network model for Deep3DFaceRecon_pytorch +""" + +import os +import numpy as np +import torch +from collections import OrderedDict +from abc import ABC, abstractmethod +from . import networks + + +class BaseModel(ABC): + """This class is an abstract base class (ABC) for models. + To create a subclass, you need to implement the following five functions: + -- <__init__>: initialize the class; first call BaseModel.__init__(self, opt). + -- : unpack data from dataset and apply preprocessing. + -- : produce intermediate results. + -- : calculate losses, gradients, and update network weights. + -- : (optionally) add model-specific options and set default options. + """ + + def __init__(self, opt): + """Initialize the BaseModel class. + + Parameters: + opt (Option class)-- stores all the experiment flags; needs to be a subclass of BaseOptions + + When creating your custom class, you need to implement your own initialization. + In this fucntion, you should first call + Then, you need to define four lists: + -- self.loss_names (str list): specify the training losses that you want to plot and save. + -- self.model_names (str list): specify the images that you want to display and save. + -- self.visual_names (str list): define networks used in our training. + -- self.optimizers (optimizer list): define and initialize optimizers. You can define one optimizer for each network. If two networks are updated at the same time, you can use itertools.chain to group them. See cycle_gan_model.py for an example. + """ + print(opt) + self.opt = opt + self.isTrain = opt.isTrain + self.device = torch.device('cpu') + self.save_dir = os.path.join(opt.checkpoints_dir, opt.name) # save all the checkpoints to save_dir + self.loss_names = [] + self.model_names = [] + self.visual_names = [] + self.parallel_names = [] + self.optimizers = [] + self.image_paths = [] + self.metric = 0 # used for learning rate policy 'plateau' + + @staticmethod + def dict_grad_hook_factory(add_func=lambda x: x): + saved_dict = dict() + + def hook_gen(name): + def grad_hook(grad): + saved_vals = add_func(grad) + saved_dict[name] = saved_vals + return grad_hook + return hook_gen, saved_dict + + @staticmethod + def modify_commandline_options(parser, is_train): + """Add new model-specific options, and rewrite default values for existing options. + + Parameters: + parser -- original option parser + is_train (bool) -- whether training phase or test phase. You can use this flag to add training-specific or test-specific options. + + Returns: + the modified parser. + """ + return parser + + @abstractmethod + def set_input(self, input): + """Unpack input data from the dataloader and perform necessary pre-processing steps. + + Parameters: + input (dict): includes the data itself and its metadata information. + """ + pass + + @abstractmethod + def forward(self): + """Run forward pass; called by both functions and .""" + pass + + @abstractmethod + def optimize_parameters(self): + """Calculate losses, gradients, and update network weights; called in every training iteration""" + pass + + def setup(self, opt): + """Load and print networks; create schedulers + + Parameters: + opt (Option class) -- stores all the experiment flags; needs to be a subclass of BaseOptions + """ + if self.isTrain: + self.schedulers = [networks.get_scheduler(optimizer, opt) for optimizer in self.optimizers] + + if not self.isTrain or opt.continue_train: + load_suffix = opt.epoch + self.load_networks(load_suffix) + + + # self.print_networks(opt.verbose) + + def parallelize(self, convert_sync_batchnorm=True): + if not self.opt.use_ddp: + for name in self.parallel_names: + if isinstance(name, str): + module = getattr(self, name) + setattr(self, name, module.to(self.device)) + else: + for name in self.model_names: + if isinstance(name, str): + module = getattr(self, name) + if convert_sync_batchnorm: + module = torch.nn.SyncBatchNorm.convert_sync_batchnorm(module) + setattr(self, name, torch.nn.parallel.DistributedDataParallel(module.to(self.device), + device_ids=[self.device.index], + find_unused_parameters=True, broadcast_buffers=True)) + + # DistributedDataParallel is not needed when a module doesn't have any parameter that requires a gradient. + for name in self.parallel_names: + if isinstance(name, str) and name not in self.model_names: + module = getattr(self, name) + setattr(self, name, module.to(self.device)) + + # put state_dict of optimizer to gpu device + if self.opt.phase != 'test': + if self.opt.continue_train: + for optim in self.optimizers: + for state in optim.state.values(): + for k, v in state.items(): + if isinstance(v, torch.Tensor): + state[k] = v.to(self.device) + + def data_dependent_initialize(self, data): + pass + + def train(self): + """Make models train mode""" + for name in self.model_names: + if isinstance(name, str): + net = getattr(self, name) + net.train() + + def eval(self): + """Make models eval mode""" + for name in self.model_names: + if isinstance(name, str): + net = getattr(self, name) + net.eval() + + def test(self): + """Forward function used in test time. + + This function wraps function in no_grad() so we don't save intermediate steps for backprop + It also calls to produce additional visualization results + """ + with torch.no_grad(): + self.forward() + self.compute_visuals() + + def compute_visuals(self): + """Calculate additional output images for visdom and HTML visualization""" + pass + + def get_image_paths(self, name='A'): + """ Return image paths that are used to load current data""" + return self.image_paths if name =='A' else self.image_paths_B + + def update_learning_rate(self): + """Update learning rates for all the networks; called at the end of every epoch""" + for scheduler in self.schedulers: + if self.opt.lr_policy == 'plateau': + scheduler.step(self.metric) + else: + scheduler.step() + + lr = self.optimizers[0].param_groups[0]['lr'] + print('learning rate = %.7f' % lr) + + def get_current_visuals(self): + """Return visualization images. train.py will display these images with visdom, and save the images to a HTML""" + visual_ret = OrderedDict() + for name in self.visual_names: + if isinstance(name, str): + visual_ret[name] = getattr(self, name)[:, :3, ...] + return visual_ret + + def get_current_losses(self): + """Return traning losses / errors. train.py will print out these errors on console, and save them to a file""" + errors_ret = OrderedDict() + for name in self.loss_names: + if isinstance(name, str): + errors_ret[name] = float(getattr(self, 'loss_' + name)) # float(...) works for both scalar tensor and float number + return errors_ret + + def save_networks(self, epoch): + """Save all the networks to the disk. + + Parameters: + epoch (int) -- current epoch; used in the file name '%s_net_%s.pth' % (epoch, name) + """ + if not os.path.isdir(self.save_dir): + os.makedirs(self.save_dir) + + save_filename = 'epoch_%s.pth' % (epoch) + save_path = os.path.join(self.save_dir, save_filename) + + save_dict = {} + for name in self.model_names: + if isinstance(name, str): + net = getattr(self, name) + if isinstance(net, torch.nn.DataParallel) or isinstance(net, + torch.nn.parallel.DistributedDataParallel): + net = net.module + save_dict[name] = net.state_dict() + + + for i, optim in enumerate(self.optimizers): + save_dict['opt_%02d'%i] = optim.state_dict() + + for i, sched in enumerate(self.schedulers): + save_dict['sched_%02d'%i] = sched.state_dict() + + torch.save(save_dict, save_path) + + def __patch_instance_norm_state_dict(self, state_dict, module, keys, i=0): + """Fix InstanceNorm checkpoints incompatibility (prior to 0.4)""" + key = keys[i] + if i + 1 == len(keys): # at the end, pointing to a parameter/buffer + if module.__class__.__name__.startswith('InstanceNorm') and \ + (key == 'running_mean' or key == 'running_var'): + if getattr(module, key) is None: + state_dict.pop('.'.join(keys)) + if module.__class__.__name__.startswith('InstanceNorm') and \ + (key == 'num_batches_tracked'): + state_dict.pop('.'.join(keys)) + else: + self.__patch_instance_norm_state_dict(state_dict, getattr(module, key), keys, i + 1) + + def load_networks(self, epoch): + """Load all the networks from the disk. + + Parameters: + epoch (int) -- current epoch; used in the file name '%s_net_%s.pth' % (epoch, name) + """ + if self.opt.isTrain and self.opt.pretrained_name is not None: + load_dir = os.path.join(self.opt.checkpoints_dir, self.opt.pretrained_name) + else: + load_dir = self.save_dir + load_filename = 'epoch_%s.pth' % (epoch) + load_path = os.path.join(load_dir, load_filename) + state_dict = torch.load(load_path, map_location=self.device) + print('loading the model from %s' % load_path) + + for name in self.model_names: + if isinstance(name, str): + net = getattr(self, name) + if isinstance(net, torch.nn.DataParallel): + net = net.module + net.load_state_dict(state_dict[name]) + + if self.opt.phase != 'test': + if self.opt.continue_train: + print('loading the optim from %s' % load_path) + for i, optim in enumerate(self.optimizers): + optim.load_state_dict(state_dict['opt_%02d'%i]) + + try: + print('loading the sched from %s' % load_path) + for i, sched in enumerate(self.schedulers): + sched.load_state_dict(state_dict['sched_%02d'%i]) + except: + print('Failed to load schedulers, set schedulers according to epoch count manually') + for i, sched in enumerate(self.schedulers): + sched.last_epoch = self.opt.epoch_count - 1 + + + + + def print_networks(self, verbose): + """Print the total number of parameters in the network and (if verbose) network architecture + + Parameters: + verbose (bool) -- if verbose: print the network architecture + """ + print('---------- Networks initialized -------------') + for name in self.model_names: + if isinstance(name, str): + net = getattr(self, name) + num_params = 0 + for param in net.parameters(): + num_params += param.numel() + if verbose: + print(net) + print('[Network %s] Total number of parameters : %.3f M' % (name, num_params / 1e6)) + print('-----------------------------------------------') + + def set_requires_grad(self, nets, requires_grad=False): + """Set requies_grad=Fasle for all the networks to avoid unnecessary computations + Parameters: + nets (network list) -- a list of networks + requires_grad (bool) -- whether the networks require gradients or not + """ + if not isinstance(nets, list): + nets = [nets] + for net in nets: + if net is not None: + for param in net.parameters(): + param.requires_grad = requires_grad + + def generate_visuals_for_evaluation(self, data, mode): + return {} diff --git a/data_process/lib/models/facerecon/bfm.py b/data_process/lib/models/facerecon/bfm.py new file mode 100644 index 0000000000000000000000000000000000000000..e97e3c5f7841eed432682f404c12d840e0b2a018 --- /dev/null +++ b/data_process/lib/models/facerecon/bfm.py @@ -0,0 +1,315 @@ +"""This script defines the parametric 3d face model for Deep3DFaceRecon_pytorch +""" + +import numpy as np +import torch +import torch.nn.functional as F +from scipy.io import loadmat +import os + +def perspective_projection(focal, center): + # return p.T (N, 3) @ (3, 3) + return np.array([ + focal, 0, center, + 0, focal, center, + 0, 0, 1 + ]).reshape([3, 3]).astype(np.float32).transpose() + +class SH: + def __init__(self): + self.a = [np.pi, 2 * np.pi / np.sqrt(3.), 2 * np.pi / np.sqrt(8.)] + self.c = [1/np.sqrt(4 * np.pi), np.sqrt(3.) / np.sqrt(4 * np.pi), 3 * np.sqrt(5.) / np.sqrt(12 * np.pi)] + + + +class ParametricFaceModel: + def __init__(self, + bfm_folder='./BFM', + recenter=True, + camera_distance=10., + init_lit=np.array([ + 0.8, 0, 0, 0, 0, 0, 0, 0, 0 + ]), + focal=1015., + center=112., + is_train=True, + default_name='BFM_model_front.mat'): + + # if not os.path.isfile(os.path.join(bfm_folder, default_name)): + # transferBFM09(bfm_folder) + model = loadmat(os.path.join(bfm_folder, default_name)) + # mean face shape. [3*N,1] + self.mean_shape = model['meanshape'].astype(np.float32) + # identity basis. [3*N,80] + self.id_base = model['idBase'].astype(np.float32) + # expression basis. [3*N,64] + self.exp_base = model['exBase'].astype(np.float32) + # mean face texture. [3*N,1] (0-255) + self.mean_tex = model['meantex'].astype(np.float32) + # texture basis. [3*N,80] + self.tex_base = model['texBase'].astype(np.float32) + # face indices for each vertex that lies in. starts from 0. [N,8] + self.point_buf = model['point_buf'].astype(np.int64) - 1 + # vertex indices for each face. starts from 0. [F,3] + self.face_buf = model['tri'].astype(np.int64) - 1 + # vertex indices for 68 landmarks. starts from 0. [68,1] + self.keypoints = np.squeeze(model['keypoints']).astype(np.int64) - 1 + + if is_train: + # vertex indices for small face region to compute photometric error. starts from 0. + self.front_mask = np.squeeze(model['frontmask2_idx']).astype(np.int64) - 1 + # vertex indices for each face from small face region. starts from 0. [f,3] + self.front_face_buf = model['tri_mask2'].astype(np.int64) - 1 + # vertex indices for pre-defined skin region to compute reflectance loss + self.skin_mask = np.squeeze(model['skinmask']) + + if recenter: + shape_center = np.array([[-0.00322627, 0.04506068, 0.75983167]]).astype(np.float32) + mean_shape = self.mean_shape.reshape([-1, 3]) + mean_shape = mean_shape - shape_center + self.mean_shape = mean_shape.reshape([-1, 1]) + + self.persc_proj = perspective_projection(focal, center) + self.device = 'cpu' + self.camera_distance = camera_distance + self.SH = SH() + self.init_lit = init_lit.reshape([1, 1, -1]).astype(np.float32) + + + def to(self, device): + self.device = device + for key, value in self.__dict__.items(): + if type(value).__module__ == np.__name__: + setattr(self, key, torch.tensor(value).to(device)) + + + def compute_shape(self, id_coeff, exp_coeff): + """ + Return: + face_shape -- torch.tensor, size (B, N, 3) + + Parameters: + id_coeff -- torch.tensor, size (B, 80), identity coeffs + exp_coeff -- torch.tensor, size (B, 64), expression coeffs + """ + batch_size = id_coeff.shape[0] + id_part = torch.einsum('ij,aj->ai', self.id_base, id_coeff) + exp_part = torch.einsum('ij,aj->ai', self.exp_base, exp_coeff) + face_shape = id_part + exp_part + self.mean_shape.reshape([1, -1]) + return face_shape.reshape([batch_size, -1, 3]) + + + def compute_texture(self, tex_coeff, normalize=True): + """ + Return: + face_texture -- torch.tensor, size (B, N, 3), in RGB order, range (0, 1.) + + Parameters: + tex_coeff -- torch.tensor, size (B, 80) + """ + batch_size = tex_coeff.shape[0] + face_texture = torch.einsum('ij,aj->ai', self.tex_base, tex_coeff) + self.mean_tex + if normalize: + face_texture = face_texture / 255. + return face_texture.reshape([batch_size, -1, 3]) + + + def compute_norm(self, face_shape): + """ + Return: + vertex_norm -- torch.tensor, size (B, N, 3) + + Parameters: + face_shape -- torch.tensor, size (B, N, 3) + """ + + v1 = face_shape[:, self.face_buf[:, 0]] + v2 = face_shape[:, self.face_buf[:, 1]] + v3 = face_shape[:, self.face_buf[:, 2]] + e1 = v1 - v2 + e2 = v2 - v3 + face_norm = torch.cross(e1, e2, dim=-1) + face_norm = F.normalize(face_norm, dim=-1, p=2) + face_norm = torch.cat([face_norm, torch.zeros(face_norm.shape[0], 1, 3).to(self.device)], dim=1) + + vertex_norm = torch.sum(face_norm[:, self.point_buf], dim=2) + vertex_norm = F.normalize(vertex_norm, dim=-1, p=2) + return vertex_norm + + + def compute_color(self, face_texture, face_norm, gamma): + """ + Return: + face_color -- torch.tensor, size (B, N, 3), range (0, 1.) + + Parameters: + face_texture -- torch.tensor, size (B, N, 3), from texture model, range (0, 1.) + face_norm -- torch.tensor, size (B, N, 3), rotated face normal + gamma -- torch.tensor, size (B, 27), SH coeffs + """ + batch_size = gamma.shape[0] + v_num = face_texture.shape[1] + a, c = self.SH.a, self.SH.c + gamma = gamma.reshape([batch_size, 3, 9]) + gamma = gamma + self.init_lit + gamma = gamma.permute(0, 2, 1) + Y = torch.cat([ + a[0] * c[0] * torch.ones_like(face_norm[..., :1]).to(self.device), + -a[1] * c[1] * face_norm[..., 1:2], + a[1] * c[1] * face_norm[..., 2:], + -a[1] * c[1] * face_norm[..., :1], + a[2] * c[2] * face_norm[..., :1] * face_norm[..., 1:2], + -a[2] * c[2] * face_norm[..., 1:2] * face_norm[..., 2:], + 0.5 * a[2] * c[2] / np.sqrt(3.) * (3 * face_norm[..., 2:] ** 2 - 1), + -a[2] * c[2] * face_norm[..., :1] * face_norm[..., 2:], + 0.5 * a[2] * c[2] * (face_norm[..., :1] ** 2 - face_norm[..., 1:2] ** 2) + ], dim=-1) + r = Y @ gamma[..., :1] + g = Y @ gamma[..., 1:2] + b = Y @ gamma[..., 2:] + face_color = torch.cat([r, g, b], dim=-1) * face_texture + return face_color + + + def compute_rotation(self, angles): + """ + Return: + rot -- torch.tensor, size (B, 3, 3) pts @ trans_mat + + Parameters: + angles -- torch.tensor, size (B, 3), radian + """ + + batch_size = angles.shape[0] + ones = torch.ones([batch_size, 1]).to(self.device) + zeros = torch.zeros([batch_size, 1]).to(self.device) + x, y, z = angles[:, :1], angles[:, 1:2], angles[:, 2:], + + rot_x = torch.cat([ + ones, zeros, zeros, + zeros, torch.cos(x), -torch.sin(x), + zeros, torch.sin(x), torch.cos(x) + ], dim=1).reshape([batch_size, 3, 3]) + + rot_y = torch.cat([ + torch.cos(y), zeros, torch.sin(y), + zeros, ones, zeros, + -torch.sin(y), zeros, torch.cos(y) + ], dim=1).reshape([batch_size, 3, 3]) + + rot_z = torch.cat([ + torch.cos(z), -torch.sin(z), zeros, + torch.sin(z), torch.cos(z), zeros, + zeros, zeros, ones + ], dim=1).reshape([batch_size, 3, 3]) + + rot = rot_z @ rot_y @ rot_x + return rot.permute(0, 2, 1) + + + def to_camera(self, face_shape): + face_shape[..., -1] = self.camera_distance - face_shape[..., -1] + return face_shape + + def to_image(self, face_shape): + """ + Return: + face_proj -- torch.tensor, size (B, N, 2), y direction is opposite to v direction + + Parameters: + face_shape -- torch.tensor, size (B, N, 3) + """ + # to image_plane + face_proj = face_shape @ self.persc_proj + face_proj = face_proj[..., :2] / face_proj[..., 2:] + + return face_proj + + + def transform(self, face_shape, rot, trans): + """ + Return: + face_shape -- torch.tensor, size (B, N, 3) pts @ rot + trans + + Parameters: + face_shape -- torch.tensor, size (B, N, 3) + rot -- torch.tensor, size (B, 3, 3) + trans -- torch.tensor, size (B, 3) + """ + return face_shape @ rot + trans.unsqueeze(1) + + + def get_landmarks(self, face_proj): + """ + Return: + face_lms -- torch.tensor, size (B, 68, 2) + + Parameters: + face_proj -- torch.tensor, size (B, N, 2) + """ + return face_proj[:, self.keypoints] + + def split_coeff(self, coeffs): + """ + Return: + coeffs_dict -- a dict of torch.tensors + + Parameters: + coeffs -- torch.tensor, size (B, 256) + """ + id_coeffs = coeffs[:, :80] + exp_coeffs = coeffs[:, 80: 144] + tex_coeffs = coeffs[:, 144: 224] + angles = coeffs[:, 224: 227] + gammas = coeffs[:, 227: 254] + translations = coeffs[:, 254:] + return { + 'id': id_coeffs, + 'exp': exp_coeffs, + 'tex': tex_coeffs, + 'angle': angles, + 'gamma': gammas, + 'trans': translations + } + def compute_for_render(self, coeffs): + """ + Return: + face_vertex -- torch.tensor, size (B, N, 3), in camera coordinate + face_color -- torch.tensor, size (B, N, 3), in RGB order + landmark -- torch.tensor, size (B, 68, 2), y direction is opposite to v direction + Parameters: + coeffs -- torch.tensor, size (B, 257) + """ + coef_dict = self.split_coeff(coeffs) + face_shape = self.compute_shape(coef_dict['id'], coef_dict['exp']) + rotation = self.compute_rotation(coef_dict['angle']) + + + face_shape_transformed = self.transform(face_shape, rotation, coef_dict['trans']) + face_vertex = self.to_camera(face_shape_transformed) + + face_proj = self.to_image(face_vertex) + landmark = self.get_landmarks(face_proj) + + face_texture = self.compute_texture(coef_dict['tex']) + face_norm = self.compute_norm(face_shape) + face_norm_roted = face_norm @ rotation + face_color = self.compute_color(face_texture, face_norm_roted, coef_dict['gamma']) + + return face_vertex, face_texture, face_color, landmark + + + def compute_shape_canonical(self, coeffs): + """ + Return: + face_vertex -- torch.tensor, size (B, N, 3), in camera coordinate + face_color -- torch.tensor, size (B, N, 3), in RGB order + landmark -- torch.tensor, size (B, 68, 2), y direction is opposite to v direction + Parameters: + coeffs -- torch.tensor, size (B, 257) + """ + coef_dict = self.split_coeff(coeffs) + face_shape = self.compute_shape(coef_dict['id'], coef_dict['exp']) + + return face_shape + diff --git a/data_process/lib/models/facerecon/cropping.py b/data_process/lib/models/facerecon/cropping.py new file mode 100644 index 0000000000000000000000000000000000000000..68da7c8a3832b8468c2d134493c660d8d72a87dc --- /dev/null +++ b/data_process/lib/models/facerecon/cropping.py @@ -0,0 +1,113 @@ +"""This script contains the image preprocessing code for Deep3DFaceRecon_pytorch +""" + +import numpy as np +from scipy.io import loadmat +from PIL import Image +import cv2 +import os +from skimage import transform as trans +import torch +import warnings +warnings.filterwarnings("ignore", category=np.VisibleDeprecationWarning) +warnings.filterwarnings("ignore", category=FutureWarning) + + +# 3D landmarks of BFM mean face +lm3D = np.array([ + [-0.31148657, 0.09036078, 0.13377953], + [ 0.30979887, 0.08972035, 0.13179526], + [ 0.0032535 , -0.24617933, 0.55244243], + [-0.25216928, -0.5813392 , 0.22405732], + [ 0.2484662 , -0.5812824 , 0.22235769], +]) + +# calculating least square problem for image alignment +def POS(xp, x): + npts = xp.shape[1] + + A = np.zeros([2*npts, 8]) + + A[0:2*npts-1:2, 0:3] = x.transpose() + A[0:2*npts-1:2, 3] = 1 + + A[1:2*npts:2, 4:7] = x.transpose() + A[1:2*npts:2, 7] = 1 + + b = np.reshape(xp.transpose(), [2*npts, 1]) + + k, _, _, _ = np.linalg.lstsq(A, b) + + R1 = k[0:3] + R2 = k[4:7] + sTx = k[3] + sTy = k[7] + s = (np.linalg.norm(R1) + np.linalg.norm(R2))/2 + t = np.stack([sTx, sTy], axis=0) + + return t, s + +# resize and crop images for face reconstruction +def resize_n_crop_img(img, lm, t, s, target_size=224., mask=None): + w0, h0 = img.size + w = (w0*s).astype(np.int32) + h = (h0*s).astype(np.int32) + left = (w/2 - target_size/2 + float((t[0] - w0/2)*s)).astype(np.int32) + right = left + target_size + up = (h/2 - target_size/2 + float((h0/2 - t[1])*s)).astype(np.int32) + below = up + target_size + + img = img.resize((w, h), resample=Image.BILINEAR) + img = img.crop((left, up, right, below)) + + if mask is not None: + mask = mask.resize((w, h), resample=Image.BILINEAR) + mask = mask.crop((left, up, right, below)) + + lm = np.stack([lm[:, 0] - t[0] + w0/2, lm[:, 1] - + t[1] + h0/2], axis=1)*s + lm = lm - np.reshape( + np.array([(w/2 - target_size/2), (h/2-target_size/2)]), [1, 2]) + + return img, lm, mask + +# utils for face reconstruction +def extract_5p(lm): + lm_idx = np.array([31, 37, 40, 43, 46, 49, 55]) - 1 + lm5p = np.stack([lm[lm_idx[0], :], np.mean(lm[lm_idx[[1, 2]], :], 0), np.mean( + lm[lm_idx[[3, 4]], :], 0), lm[lm_idx[5], :], lm[lm_idx[6], :]], axis=0) + lm5p = lm5p[[1, 2, 0, 3, 4], :] + return lm5p + +# utils for face reconstruction +def align_img(img, lm, mask=None, target_size=224., rescale_factor=102.): + """ + Return: + transparams --numpy.array (raw_W, raw_H, scale, tx, ty) + img_new --PIL.Image (target_size, target_size, 3) + lm_new --numpy.array (68, 2), y direction is opposite to v direction + mask_new --PIL.Image (target_size, target_size) + + Parameters: + img --PIL.Image (raw_H, raw_W, 3) + lm --numpy.array (68, 2), y direction is opposite to v direction + lm3D --numpy.array (5, 3) + mask --PIL.Image (raw_H, raw_W, 3) + """ + + w0, h0 = img.size + if lm.shape[0] != 5: + lm5p = extract_5p(lm) + else: + lm5p = lm + + # calculate translation and scale factors using 5 facial landmarks and standard landmarks of a 3D face + t, s = POS(lm5p.transpose(), lm3D.transpose()) + s = rescale_factor/s + + # processing the image + img_new, lm_new, mask_new = resize_n_crop_img(img, lm, t, s, target_size=target_size, mask=mask) + # print(w0, h0, s, t[0], t[1]) + trans_params = np.array([w0, h0, s, t[0][0], t[1][0]]) + + return trans_params, img_new, lm_new, mask_new \ No newline at end of file diff --git a/data_process/lib/models/facerecon/facerecon.py b/data_process/lib/models/facerecon/facerecon.py new file mode 100644 index 0000000000000000000000000000000000000000..414ba3b76ecb51a6e46102df839386eb83b1e491 --- /dev/null +++ b/data_process/lib/models/facerecon/facerecon.py @@ -0,0 +1,156 @@ +"""This script defines the face reconstruction model for Deep3DFaceRecon_pytorch +""" + +import numpy as np +import torch +from .base_model import BaseModel +from . import networks +from .cropping import align_img +from .bfm import ParametricFaceModel +from .util.pytorch3d import MeshRenderer +import trimesh + +class FaceReconModel(BaseModel): + + @staticmethod + def modify_commandline_options(parser, is_train=True): + """ Configures options specific for CUT model + """ + # net structure and parameters + parser.add_argument('--net_recon', type=str, default='resnet50', choices=['resnet18', 'resnet34', 'resnet50'], help='network structure') + parser.add_argument('--init_path', type=str, default='checkpoints/init_model/resnet50-0676ba61.pth') + + opt, _ = parser.parse_known_args() + parser.set_defaults( + focal=1015., center=112., camera_d=10., use_last_fc=False, z_near=5., z_far=15. + ) + return parser + + def __init__(self, opt): + """Initialize this model class. + + Parameters: + opt -- training/test options + + A few things can be done here. + - (required) call the initialization function of BaseModel + - define loss function, visualization images, model names, and optimizers + """ + BaseModel.__init__(self, opt) # call the initialization method of BaseModel + + self.model_names = ['net_recon'] + self.parallel_names = self.model_names + ['renderer'] + + self.net_recon = networks.define_net_recon( + net_recon=opt.net_recon, use_last_fc=opt.use_last_fc, init_path=opt.init_path + ) + + self.facemodel = ParametricFaceModel( + bfm_folder=opt.bfm_folder, is_train=self.isTrain) + + fov = 2 * np.arctan(112 / 1015) * 180 / np.pi + self.renderer = MeshRenderer( + rasterize_fov=fov, znear=0.1, zfar=50, rasterize_size=int(2 * 112) + ) + # Our program will automatically call to define schedulers, load networks, and print networks + + def preproces_img(self, im, lm, to_tensor=True): + # to RGB + stand_index = np.array([96, 97, 54, 76, 82]) + W,H = im.size + lm = lm.reshape([-1, 2]) + lm = lm[stand_index,:] + lm[:, -1] = H - 1 - lm[:, -1] + trans_params, im, lm, _ = align_img(im, lm) + if to_tensor: + im = torch.tensor(np.array(im)/255., dtype=torch.float32).permute(2, 0, 1).unsqueeze(0) + lm = torch.tensor(lm).unsqueeze(0) + return im, lm, trans_params + + def set_input(self, input): + """Unpack input data from the dataloader and perform necessary pre-processing steps. + + Parameters: + input: a dictionary that contains the data itself and its metadata information. + """ + input_img = input['imgs'] + lmdks = input['lms'] + + align_img, align_lmdks, trans_params = self.preproces_img(input_img, lmdks) + align_img = align_img.to(self.device) + + return align_img, trans_params + + def split_coeff(self, coeffs): + """ + Return: + coeffs_dict -- a dict of torch.tensors + + Parameters: + coeffs -- torch.tensor, size (B, 256) + """ + id_coeffs = coeffs[:, :80] + exp_coeffs = coeffs[:, 80: 144] + tex_coeffs = coeffs[:, 144: 224] + angles = coeffs[:, 224: 227] + gammas = coeffs[:, 227: 254] + translations = coeffs[:, 254:] + return { + 'id': id_coeffs, + 'exp': exp_coeffs, + 'tex': tex_coeffs, + 'angle': angles, + 'gamma': gammas, + 'trans': translations + } + + def optimize_parameters(self): + return None + + def forward(self, input): + self.input_img, trans_params = self.set_input(input) + output_coeff = self.net_recon(self.input_img) + pred_coeffs_dict = self.split_coeff(output_coeff) + pred_coeffs = {key:pred_coeffs_dict[key].cpu().numpy() for key in pred_coeffs_dict} + + self.facemodel.to(self.device) + self.pred_vertex, self.pred_tex, self.pred_color, self.pred_lm = \ + self.facemodel.compute_for_render(output_coeff) + + self.pred_mask, _, self.pred_face = self.renderer( + self.pred_vertex, self.facemodel.face_buf, feat=self.pred_color) + + return pred_coeffs, trans_params + + + def save_mesh(self, name): + + recon_shape = self.pred_vertex # get reconstructed shape + recon_shape[..., -1] = 10 - recon_shape[..., -1] # from camera space to world space + recon_shape = recon_shape.cpu().numpy()[0] + recon_color = self.pred_color + recon_color = recon_color.cpu().numpy()[0] + tri = self.facemodel.face_buf.cpu().numpy() + mesh = trimesh.Trimesh(vertices=recon_shape, faces=tri, vertex_colors=np.clip(255. * recon_color, 0, 255).astype(np.uint8)) + # mesh = trimesh.Trimesh(vertices=recon_shape, faces=tri) + mesh.export(name) + + def compute_visuals(self): + with torch.no_grad(): + input_img_numpy = 255. * self.input_img.detach().cpu().permute(0, 2, 3, 1).numpy() + output_vis = self.pred_face * self.pred_mask + (1 - self.pred_mask) * self.input_img + output_vis_numpy_raw = 255. * output_vis.detach().cpu().permute(0, 2, 3, 1).numpy() + + output_vis_numpy = np.concatenate((input_img_numpy, + output_vis_numpy_raw), axis=-2) + + output_vis_numpy = np.clip(output_vis_numpy, 0, 255) + + # self.output_vis = torch.tensor( + # output_vis_numpy / 255., dtype=torch.float32 + # ).permute(0, 3, 1, 2).to(self.device) + + self.output_vis = output_vis_numpy + + + diff --git a/data_process/lib/models/facerecon/networks.py b/data_process/lib/models/facerecon/networks.py new file mode 100644 index 0000000000000000000000000000000000000000..721c7babd730e262c984f1567312c29afda89dd7 --- /dev/null +++ b/data_process/lib/models/facerecon/networks.py @@ -0,0 +1,490 @@ +"""This script defines deep neural networks for Deep3DFaceRecon_pytorch +""" + +import os +import numpy as np +import torch.nn.functional as F +from torch.nn import init +import functools +from torch.optim import lr_scheduler +import torch +from torch import Tensor +import torch.nn as nn +try: + from torch.hub import load_state_dict_from_url +except ImportError: + from torch.utils.model_zoo import load_url as load_state_dict_from_url +from typing import Type, Any, Callable, Union, List, Optional + + +def filter_state_dict(state_dict, remove_name='fc'): + new_state_dict = {} + for key in state_dict: + if remove_name in key: + continue + new_state_dict[key] = state_dict[key] + return new_state_dict + +def get_scheduler(optimizer, opt): + """Return a learning rate scheduler + + Parameters: + optimizer -- the optimizer of the network + opt (option class) -- stores all the experiment flags; needs to be a subclass of BaseOptions.  + opt.lr_policy is the name of learning rate policy: linear | step | plateau | cosine + + For other schedulers (step, plateau, and cosine), we use the default PyTorch schedulers. + See https://pytorch.org/docs/stable/optim.html for more details. + """ + if opt.lr_policy == 'linear': + def lambda_rule(epoch): + lr_l = 1.0 - max(0, epoch + opt.epoch_count - opt.n_epochs) / float(opt.n_epochs + 1) + return lr_l + scheduler = lr_scheduler.LambdaLR(optimizer, lr_lambda=lambda_rule) + elif opt.lr_policy == 'step': + scheduler = lr_scheduler.StepLR(optimizer, step_size=opt.lr_decay_epochs, gamma=0.2) + elif opt.lr_policy == 'plateau': + scheduler = lr_scheduler.ReduceLROnPlateau(optimizer, mode='min', factor=0.2, threshold=0.01, patience=5) + elif opt.lr_policy == 'cosine': + scheduler = lr_scheduler.CosineAnnealingLR(optimizer, T_max=opt.n_epochs, eta_min=0) + else: + return NotImplementedError('learning rate policy [%s] is not implemented', opt.lr_policy) + return scheduler + +def define_net_recon(net_recon, use_last_fc=False, init_path=None): + return ReconNetWrapper(net_recon, use_last_fc=use_last_fc, init_path=init_path) + + +class ReconNetWrapper(nn.Module): + fc_dim=257 + def __init__(self, net_recon, use_last_fc=False, init_path=None): + super(ReconNetWrapper, self).__init__() + self.use_last_fc = use_last_fc + if net_recon not in func_dict: + return NotImplementedError('network [%s] is not implemented', net_recon) + func, last_dim = func_dict[net_recon] + backbone = func(use_last_fc=use_last_fc, num_classes=self.fc_dim) + if init_path and os.path.isfile(init_path): + state_dict = filter_state_dict(torch.load(init_path, map_location='cpu')) + backbone.load_state_dict(state_dict) + print("loading init net_recon %s from %s" %(net_recon, init_path)) + self.backbone = backbone + if not use_last_fc: + self.final_layers = nn.ModuleList([ + conv1x1(last_dim, 80, bias=True), # id layer + conv1x1(last_dim, 64, bias=True), # exp layer + conv1x1(last_dim, 80, bias=True), # tex layer + conv1x1(last_dim, 3, bias=True), # angle layer + conv1x1(last_dim, 27, bias=True), # gamma layer + conv1x1(last_dim, 2, bias=True), # tx, ty + conv1x1(last_dim, 1, bias=True) # tz + ]) + for m in self.final_layers: + nn.init.constant_(m.weight, 0.) + nn.init.constant_(m.bias, 0.) + + def forward(self, x): + x = self.backbone(x) + if not self.use_last_fc: + output = [] + for layer in self.final_layers: + output.append(layer(x)) + x = torch.flatten(torch.cat(output, dim=1), 1) + return x + + +# adapted from https://github.com/pytorch/vision/edit/master/torchvision/models/resnet.py +__all__ = ['ResNet', 'resnet18', 'resnet34', 'resnet50', 'resnet101', + 'resnet152', 'resnext50_32x4d', 'resnext101_32x8d', + 'wide_resnet50_2', 'wide_resnet101_2'] + + +model_urls = { + 'resnet18': 'https://download.pytorch.org/models/resnet18-f37072fd.pth', + 'resnet34': 'https://download.pytorch.org/models/resnet34-b627a593.pth', + 'resnet50': 'https://download.pytorch.org/models/resnet50-0676ba61.pth', + 'resnet101': 'https://download.pytorch.org/models/resnet101-63fe2227.pth', + 'resnet152': 'https://download.pytorch.org/models/resnet152-394f9c45.pth', + 'resnext50_32x4d': 'https://download.pytorch.org/models/resnext50_32x4d-7cdf4587.pth', + 'resnext101_32x8d': 'https://download.pytorch.org/models/resnext101_32x8d-8ba56ff5.pth', + 'wide_resnet50_2': 'https://download.pytorch.org/models/wide_resnet50_2-95faca4d.pth', + 'wide_resnet101_2': 'https://download.pytorch.org/models/wide_resnet101_2-32ee1156.pth', +} + + +def conv3x3(in_planes: int, out_planes: int, stride: int = 1, groups: int = 1, dilation: int = 1) -> nn.Conv2d: + """3x3 convolution with padding""" + return nn.Conv2d(in_planes, out_planes, kernel_size=3, stride=stride, + padding=dilation, groups=groups, bias=False, dilation=dilation) + + +def conv1x1(in_planes: int, out_planes: int, stride: int = 1, bias: bool = False) -> nn.Conv2d: + """1x1 convolution""" + return nn.Conv2d(in_planes, out_planes, kernel_size=1, stride=stride, bias=bias) + + +class BasicBlock(nn.Module): + expansion: int = 1 + + def __init__( + self, + inplanes: int, + planes: int, + stride: int = 1, + downsample: Optional[nn.Module] = None, + groups: int = 1, + base_width: int = 64, + dilation: int = 1, + norm_layer: Optional[Callable[..., nn.Module]] = None + ) -> None: + super(BasicBlock, self).__init__() + if norm_layer is None: + norm_layer = nn.BatchNorm2d + if groups != 1 or base_width != 64: + raise ValueError('BasicBlock only supports groups=1 and base_width=64') + if dilation > 1: + raise NotImplementedError("Dilation > 1 not supported in BasicBlock") + # Both self.conv1 and self.downsample layers downsample the input when stride != 1 + self.conv1 = conv3x3(inplanes, planes, stride) + self.bn1 = norm_layer(planes) + self.relu = nn.ReLU(inplace=True) + self.conv2 = conv3x3(planes, planes) + self.bn2 = norm_layer(planes) + self.downsample = downsample + self.stride = stride + + def forward(self, x: Tensor) -> Tensor: + identity = x + + out = self.conv1(x) + out = self.bn1(out) + out = self.relu(out) + + out = self.conv2(out) + out = self.bn2(out) + + if self.downsample is not None: + identity = self.downsample(x) + + out += identity + out = self.relu(out) + + return out + + +class Bottleneck(nn.Module): + # Bottleneck in torchvision places the stride for downsampling at 3x3 convolution(self.conv2) + # while original implementation places the stride at the first 1x1 convolution(self.conv1) + # according to "Deep residual learning for image recognition"https://arxiv.org/abs/1512.03385. + # This variant is also known as ResNet V1.5 and improves accuracy according to + # https://ngc.nvidia.com/catalog/model-scripts/nvidia:resnet_50_v1_5_for_pytorch. + + expansion: int = 4 + + def __init__( + self, + inplanes: int, + planes: int, + stride: int = 1, + downsample: Optional[nn.Module] = None, + groups: int = 1, + base_width: int = 64, + dilation: int = 1, + norm_layer: Optional[Callable[..., nn.Module]] = None + ) -> None: + super(Bottleneck, self).__init__() + if norm_layer is None: + norm_layer = nn.BatchNorm2d + width = int(planes * (base_width / 64.)) * groups + # Both self.conv2 and self.downsample layers downsample the input when stride != 1 + self.conv1 = conv1x1(inplanes, width) + self.bn1 = norm_layer(width) + self.conv2 = conv3x3(width, width, stride, groups, dilation) + self.bn2 = norm_layer(width) + self.conv3 = conv1x1(width, planes * self.expansion) + self.bn3 = norm_layer(planes * self.expansion) + self.relu = nn.ReLU(inplace=True) + self.downsample = downsample + self.stride = stride + + def forward(self, x: Tensor) -> Tensor: + identity = x + + out = self.conv1(x) + out = self.bn1(out) + out = self.relu(out) + + out = self.conv2(out) + out = self.bn2(out) + out = self.relu(out) + + out = self.conv3(out) + out = self.bn3(out) + + if self.downsample is not None: + identity = self.downsample(x) + + out += identity + out = self.relu(out) + + return out + + +class ResNet(nn.Module): + + def __init__( + self, + block: Type[Union[BasicBlock, Bottleneck]], + layers: List[int], + num_classes: int = 1000, + zero_init_residual: bool = False, + use_last_fc: bool = False, + groups: int = 1, + width_per_group: int = 64, + replace_stride_with_dilation: Optional[List[bool]] = None, + norm_layer: Optional[Callable[..., nn.Module]] = None + ) -> None: + super(ResNet, self).__init__() + if norm_layer is None: + norm_layer = nn.BatchNorm2d + self._norm_layer = norm_layer + + self.inplanes = 64 + self.dilation = 1 + if replace_stride_with_dilation is None: + # each element in the tuple indicates if we should replace + # the 2x2 stride with a dilated convolution instead + replace_stride_with_dilation = [False, False, False] + if len(replace_stride_with_dilation) != 3: + raise ValueError("replace_stride_with_dilation should be None " + "or a 3-element tuple, got {}".format(replace_stride_with_dilation)) + self.use_last_fc = use_last_fc + self.groups = groups + self.base_width = width_per_group + self.conv1 = nn.Conv2d(3, self.inplanes, kernel_size=7, stride=2, padding=3, + bias=False) + self.bn1 = norm_layer(self.inplanes) + self.relu = nn.ReLU(inplace=True) + self.maxpool = nn.MaxPool2d(kernel_size=3, stride=2, padding=1) + self.layer1 = self._make_layer(block, 64, layers[0]) + self.layer2 = self._make_layer(block, 128, layers[1], stride=2, + dilate=replace_stride_with_dilation[0]) + self.layer3 = self._make_layer(block, 256, layers[2], stride=2, + dilate=replace_stride_with_dilation[1]) + self.layer4 = self._make_layer(block, 512, layers[3], stride=2, + dilate=replace_stride_with_dilation[2]) + self.avgpool = nn.AdaptiveAvgPool2d((1, 1)) + + if self.use_last_fc: + self.fc = nn.Linear(512 * block.expansion, num_classes) + + for m in self.modules(): + if isinstance(m, nn.Conv2d): + nn.init.kaiming_normal_(m.weight, mode='fan_out', nonlinearity='relu') + elif isinstance(m, (nn.BatchNorm2d, nn.GroupNorm)): + nn.init.constant_(m.weight, 1) + nn.init.constant_(m.bias, 0) + + + + # Zero-initialize the last BN in each residual branch, + # so that the residual branch starts with zeros, and each residual block behaves like an identity. + # This improves the model by 0.2~0.3% according to https://arxiv.org/abs/1706.02677 + if zero_init_residual: + for m in self.modules(): + if isinstance(m, Bottleneck): + nn.init.constant_(m.bn3.weight, 0) # type: ignore[arg-type] + elif isinstance(m, BasicBlock): + nn.init.constant_(m.bn2.weight, 0) # type: ignore[arg-type] + + def _make_layer(self, block: Type[Union[BasicBlock, Bottleneck]], planes: int, blocks: int, + stride: int = 1, dilate: bool = False) -> nn.Sequential: + norm_layer = self._norm_layer + downsample = None + previous_dilation = self.dilation + if dilate: + self.dilation *= stride + stride = 1 + if stride != 1 or self.inplanes != planes * block.expansion: + downsample = nn.Sequential( + conv1x1(self.inplanes, planes * block.expansion, stride), + norm_layer(planes * block.expansion), + ) + + layers = [] + layers.append(block(self.inplanes, planes, stride, downsample, self.groups, + self.base_width, previous_dilation, norm_layer)) + self.inplanes = planes * block.expansion + for _ in range(1, blocks): + layers.append(block(self.inplanes, planes, groups=self.groups, + base_width=self.base_width, dilation=self.dilation, + norm_layer=norm_layer)) + + return nn.Sequential(*layers) + + def _forward_impl(self, x: Tensor) -> Tensor: + # See note [TorchScript super()] + x = self.conv1(x) + x = self.bn1(x) + x = self.relu(x) + x = self.maxpool(x) + + x = self.layer1(x) + x = self.layer2(x) + x = self.layer3(x) + x = self.layer4(x) + + x = self.avgpool(x) + if self.use_last_fc: + x = torch.flatten(x, 1) + x = self.fc(x) + return x + + def forward(self, x: Tensor) -> Tensor: + return self._forward_impl(x) + + +def _resnet( + arch: str, + block: Type[Union[BasicBlock, Bottleneck]], + layers: List[int], + pretrained: bool, + progress: bool, + **kwargs: Any +) -> ResNet: + model = ResNet(block, layers, **kwargs) + if pretrained: + state_dict = load_state_dict_from_url(model_urls[arch], + progress=progress) + model.load_state_dict(state_dict) + return model + + +def resnet18(pretrained: bool = False, progress: bool = True, **kwargs: Any) -> ResNet: + r"""ResNet-18 model from + `"Deep Residual Learning for Image Recognition" `_. + + Args: + pretrained (bool): If True, returns a model pre-trained on ImageNet + progress (bool): If True, displays a progress bar of the download to stderr + """ + return _resnet('resnet18', BasicBlock, [2, 2, 2, 2], pretrained, progress, + **kwargs) + + +def resnet34(pretrained: bool = False, progress: bool = True, **kwargs: Any) -> ResNet: + r"""ResNet-34 model from + `"Deep Residual Learning for Image Recognition" `_. + + Args: + pretrained (bool): If True, returns a model pre-trained on ImageNet + progress (bool): If True, displays a progress bar of the download to stderr + """ + return _resnet('resnet34', BasicBlock, [3, 4, 6, 3], pretrained, progress, + **kwargs) + + +def resnet50(pretrained: bool = False, progress: bool = True, **kwargs: Any) -> ResNet: + r"""ResNet-50 model from + `"Deep Residual Learning for Image Recognition" `_. + + Args: + pretrained (bool): If True, returns a model pre-trained on ImageNet + progress (bool): If True, displays a progress bar of the download to stderr + """ + return _resnet('resnet50', Bottleneck, [3, 4, 6, 3], pretrained, progress, + **kwargs) + + +def resnet101(pretrained: bool = False, progress: bool = True, **kwargs: Any) -> ResNet: + r"""ResNet-101 model from + `"Deep Residual Learning for Image Recognition" `_. + + Args: + pretrained (bool): If True, returns a model pre-trained on ImageNet + progress (bool): If True, displays a progress bar of the download to stderr + """ + return _resnet('resnet101', Bottleneck, [3, 4, 23, 3], pretrained, progress, + **kwargs) + + +def resnet152(pretrained: bool = False, progress: bool = True, **kwargs: Any) -> ResNet: + r"""ResNet-152 model from + `"Deep Residual Learning for Image Recognition" `_. + + Args: + pretrained (bool): If True, returns a model pre-trained on ImageNet + progress (bool): If True, displays a progress bar of the download to stderr + """ + return _resnet('resnet152', Bottleneck, [3, 8, 36, 3], pretrained, progress, + **kwargs) + + +def resnext50_32x4d(pretrained: bool = False, progress: bool = True, **kwargs: Any) -> ResNet: + r"""ResNeXt-50 32x4d model from + `"Aggregated Residual Transformation for Deep Neural Networks" `_. + + Args: + pretrained (bool): If True, returns a model pre-trained on ImageNet + progress (bool): If True, displays a progress bar of the download to stderr + """ + kwargs['groups'] = 32 + kwargs['width_per_group'] = 4 + return _resnet('resnext50_32x4d', Bottleneck, [3, 4, 6, 3], + pretrained, progress, **kwargs) + + +def resnext101_32x8d(pretrained: bool = False, progress: bool = True, **kwargs: Any) -> ResNet: + r"""ResNeXt-101 32x8d model from + `"Aggregated Residual Transformation for Deep Neural Networks" `_. + + Args: + pretrained (bool): If True, returns a model pre-trained on ImageNet + progress (bool): If True, displays a progress bar of the download to stderr + """ + kwargs['groups'] = 32 + kwargs['width_per_group'] = 8 + return _resnet('resnext101_32x8d', Bottleneck, [3, 4, 23, 3], + pretrained, progress, **kwargs) + + +def wide_resnet50_2(pretrained: bool = False, progress: bool = True, **kwargs: Any) -> ResNet: + r"""Wide ResNet-50-2 model from + `"Wide Residual Networks" `_. + + The model is the same as ResNet except for the bottleneck number of channels + which is twice larger in every block. The number of channels in outer 1x1 + convolutions is the same, e.g. last block in ResNet-50 has 2048-512-2048 + channels, and in Wide ResNet-50-2 has 2048-1024-2048. + + Args: + pretrained (bool): If True, returns a model pre-trained on ImageNet + progress (bool): If True, displays a progress bar of the download to stderr + """ + kwargs['width_per_group'] = 64 * 2 + return _resnet('wide_resnet50_2', Bottleneck, [3, 4, 6, 3], + pretrained, progress, **kwargs) + + +def wide_resnet101_2(pretrained: bool = False, progress: bool = True, **kwargs: Any) -> ResNet: + r"""Wide ResNet-101-2 model from + `"Wide Residual Networks" `_. + + The model is the same as ResNet except for the bottleneck number of channels + which is twice larger in every block. The number of channels in outer 1x1 + convolutions is the same, e.g. last block in ResNet-50 has 2048-512-2048 + channels, and in Wide ResNet-50-2 has 2048-1024-2048. + + Args: + pretrained (bool): If True, returns a model pre-trained on ImageNet + progress (bool): If True, displays a progress bar of the download to stderr + """ + kwargs['width_per_group'] = 64 * 2 + return _resnet('wide_resnet101_2', Bottleneck, [3, 4, 23, 3], + pretrained, progress, **kwargs) + + +func_dict = { + 'resnet18': (resnet18, 512), + 'resnet50': (resnet50, 2048) +} diff --git a/data_process/lib/models/facerecon/util/__init__.py b/data_process/lib/models/facerecon/util/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..4bc283f406ad64f62ad2a7b2d84aa574e42c4af1 --- /dev/null +++ b/data_process/lib/models/facerecon/util/__init__.py @@ -0,0 +1,2 @@ +"""This package includes a miscellaneous collection of useful helper functions.""" +from lib.models.facerecon.util import * diff --git a/data_process/lib/models/facerecon/util/pytorch3d.py b/data_process/lib/models/facerecon/util/pytorch3d.py new file mode 100644 index 0000000000000000000000000000000000000000..c17f261e6ccd8a7b114a1e3215ec25248e928851 --- /dev/null +++ b/data_process/lib/models/facerecon/util/pytorch3d.py @@ -0,0 +1,149 @@ +"""This script is the differentiable renderer for Deep3DFaceRecon_pytorch + Attention, antialiasing step is missing in current version. +""" + +import pytorch3d.ops +import torch +import torch.nn.functional as F +# import kornia +# from kornia.geometry.camera import pixel2cam +import numpy as np +from typing import List +# import nvdiffrast.torch as dr +from scipy.io import loadmat +from torch import nn + +from pytorch3d.structures import Meshes +from pytorch3d.renderer import ( + look_at_view_transform, + FoVPerspectiveCameras, + DirectionalLights, + RasterizationSettings, + MeshRenderer, + MeshRasterizer, + SoftPhongShader, + TexturesUV, +) + +# def ndc_projection(x=0.1, n=1.0, f=50.0): +# return np.array([[n/x, 0, 0, 0], +# [ 0, n/-x, 0, 0], +# [ 0, 0, -(f+n)/(f-n), -(2*f*n)/(f-n)], +# [ 0, 0, -1, 0]]).astype(np.float32) + +class MeshRenderer(nn.Module): + def __init__(self, + rasterize_fov, + znear=0.1, + zfar=10, + rasterize_size=224): + super(MeshRenderer, self).__init__() + + # x = np.tan(np.deg2rad(rasterize_fov * 0.5)) * znear + # self.ndc_proj = torch.tensor(ndc_projection(x=x, n=znear, f=zfar)).matmul( + # torch.diag(torch.tensor([1., -1, -1, 1]))) + # self.rasterize_size = rasterize_size + # self.glctx = None + + self.rasterize_size = rasterize_size + self.fov = rasterize_fov + self.znear = znear + self.zfar = zfar + + self.rasterizer = None + + def forward(self, vertex, tri, feat=None): + """ + Return: + mask -- torch.tensor, size (B, 1, H, W) + depth -- torch.tensor, size (B, 1, H, W) + features(optional) -- torch.tensor, size (B, C, H, W) if feat is not None + + Parameters: + vertex -- torch.tensor, size (B, N, 3) + tri -- torch.tensor, size (B, M, 3) or (M, 3), triangles + feat(optional) -- torch.tensor, size (B, C), features + """ + device = vertex.device + rsize = int(self.rasterize_size) + # ndc_proj = self.ndc_proj.to(device) + # trans to homogeneous coordinates of 3d vertices, the direction of y is the same as v + # if vertex.shape[-1] == 3: + # vertex = torch.cat([vertex, torch.ones([*vertex.shape[:2], 1]).to(device)], dim=-1) + # vertex[..., 1] = -vertex[..., 1] + if vertex.shape[-1] == 3: + vertex = torch.cat([vertex, torch.ones([*vertex.shape[:2], 1]).to(device)], dim=-1) + vertex[..., 0] = -vertex[..., 0] + + + # vertex_ndc = vertex @ ndc_proj.t() + # if self.glctx is None: + # self.glctx = dr.RasterizeGLContext(device=device) + # print("create glctx on device cuda:%d"%device.index) + if self.rasterizer is None: + self.rasterizer = MeshRasterizer() + print("create rasterizer on device cuda:%d"%device.index) + + # ranges = None + # if isinstance(tri, List) or len(tri.shape) == 3: + # vum = vertex_ndc.shape[1] + # fnum = torch.tensor([f.shape[0] for f in tri]).unsqueeze(1).to(device) + # fstartidx = torch.cumsum(fnum, dim=0) - fnum + # ranges = torch.cat([fstartidx, fnum], axis=1).type(torch.int32).cpu() + # for i in range(tri.shape[0]): + # tri[i] = tri[i] + i*vum + # vertex_ndc = torch.cat(vertex_ndc, dim=0) + # tri = torch.cat(tri, dim=0) + + # for range_mode vetex: [B*N, 4], tri: [B*M, 3], for instance_mode vetex: [B, N, 4], tri: [M, 3] + tri = tri.type(torch.int32).contiguous() + # rast_out, _ = dr.rasterize(self.glctx, vertex_ndc.contiguous(), tri, resolution=[rsize, rsize], ranges=ranges) + + # depth, _ = dr.interpolate(vertex.reshape([-1,4])[...,2].unsqueeze(1).contiguous(), rast_out, tri) + # depth = depth.permute(0, 3, 1, 2) + # mask = (rast_out[..., 3] > 0).float().unsqueeze(1) + # depth = mask * depth + + + # image = None + # if feat is not None: + # image, _ = dr.interpolate(feat, rast_out, tri) + # image = image.permute(0, 3, 1, 2) + # image = mask * image + # rasterize + cameras = FoVPerspectiveCameras( + device=device, + fov=self.fov, + znear=self.znear, + zfar=self.zfar, + ) + + raster_settings = RasterizationSettings( + image_size=rsize + ) + + # print(vertex.shape, tri.shape) + mesh = Meshes(vertex.contiguous()[...,:3], tri.unsqueeze(0)) + + fragments = self.rasterizer(mesh, cameras = cameras, raster_settings = raster_settings) + rast_out = fragments.pix_to_face.squeeze(-1) + depth = fragments.zbuf + + # render depth + depth = depth.permute(0, 3, 1, 2) + mask = (rast_out > 0).float().unsqueeze(1) + depth = mask * depth + + + image = None + if feat is not None: + attributes = feat.reshape(-1,3)[mesh.faces_packed()] + image = pytorch3d.ops.interpolate_face_attributes(fragments.pix_to_face, + fragments.bary_coords, + attributes) + # print(image.shape) + image = image.squeeze(-2).permute(0, 3, 1, 2) + image = mask * image + + return mask, depth, image + diff --git a/data_process/lib/models/fd/.DS_Store b/data_process/lib/models/fd/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..da1a7701e3351d8f57e14c65c4d3978630d85593 Binary files /dev/null and b/data_process/lib/models/fd/.DS_Store differ diff --git a/data_process/lib/models/fd/config.py b/data_process/lib/models/fd/config.py new file mode 100644 index 0000000000000000000000000000000000000000..591f34911aa10af4015bad988c2c56c980fda885 --- /dev/null +++ b/data_process/lib/models/fd/config.py @@ -0,0 +1,42 @@ +# config.py + +cfg_mnet = { + 'name': 'mobilenet0.25', + 'min_sizes': [[16, 32], [64, 128], [256, 512]], + 'steps': [8, 16, 32], + 'variance': [0.1, 0.2], + 'clip': False, + 'loc_weight': 2.0, + 'gpu_train': True, + 'batch_size': 32, + 'ngpu': 1, + 'epoch': 250, + 'decay1': 190, + 'decay2': 220, + 'image_size': 640, + 'pretrain': True, + 'return_layers': {'stage1': 1, 'stage2': 2, 'stage3': 3}, + 'in_channel': 32, + 'out_channel': 64 +} + +cfg_re50 = { + 'name': 'Resnet50', + 'min_sizes': [[16, 32], [64, 128], [256, 512]], + 'steps': [8, 16, 32], + 'variance': [0.1, 0.2], + 'clip': False, + 'loc_weight': 2.0, + 'gpu_train': True, + 'batch_size': 24, + 'ngpu': 4, + 'epoch': 100, + 'decay1': 70, + 'decay2': 90, + 'image_size': 840, + 'pretrain': True, + 'return_layers': {'layer2': 1, 'layer3': 2, 'layer4': 3}, + 'in_channel': 256, + 'out_channel': 256 +} + diff --git a/data_process/lib/models/fd/fd.py b/data_process/lib/models/fd/fd.py new file mode 100644 index 0000000000000000000000000000000000000000..cd579019d72e31fb525eb95cb3efd47d0a4b89b2 --- /dev/null +++ b/data_process/lib/models/fd/fd.py @@ -0,0 +1,122 @@ +################################################# +# Copyright (c) 2021-present, xiaobing.ai, Inc. # +# All rights reserved. # +################################################# +# CV Research, DEV(USA) xiaobing. # +# written by wangduomin@xiaobing.ai # +################################################# + +##### python internal and external package +import os +import cv2 +import torch +import torch.nn as nn +import numpy as np + +##### self defined package +from lib.models.fd.models.retinaface import RetinaFace +from lib.models.fd.layers.functions.prior_box import PriorBox +from lib.models.fd.utils.box_utils import decode, decode_landm +from lib.models.fd.utils.nms.py_cpu_nms import py_cpu_nms +# from lib.models.fd.config import cfg_re50 as cfg + + +def check_keys(model, pretrained_state_dict): + ckpt_keys = set(pretrained_state_dict.keys()) + model_keys = set(model.state_dict().keys()) + used_pretrained_keys = model_keys & ckpt_keys + unused_pretrained_keys = ckpt_keys - model_keys + missing_keys = model_keys - ckpt_keys + print('Missing keys:{}'.format(len(missing_keys))) + print('Unused checkpoint keys:{}'.format(len(unused_pretrained_keys))) + print('Used keys:{}'.format(len(used_pretrained_keys))) + assert len(used_pretrained_keys) > 0, 'load NONE from pretrained checkpoint' + return True + + +def remove_prefix(state_dict, prefix): + ''' Old style model is stored with all names of parameters sharing common prefix 'module.' ''' + print('remove prefix \'{}\''.format(prefix)) + f = lambda x: x.split(prefix, 1)[-1] if x.startswith(prefix) else x + return {f(key): value for key, value in state_dict.items()} + +def load_model(model, pretrained_path, load_to_cpu): + print('Loading pretrained model from {}'.format(pretrained_path)) + if load_to_cpu: + pretrained_dict = torch.load(pretrained_path, map_location=lambda storage, loc: storage) + else: + device = torch.cuda.current_device() + pretrained_dict = torch.load(pretrained_path, map_location=lambda storage, loc: storage.cuda(device)) + if "state_dict" in pretrained_dict.keys(): + pretrained_dict = remove_prefix(pretrained_dict['state_dict'], 'module.') + else: + pretrained_dict = remove_prefix(pretrained_dict, 'module.') + check_keys(model, pretrained_dict) + model.load_state_dict(pretrained_dict, strict=False) + return model + +class faceDetector(nn.Module): + def __init__(self, cfg): + super(faceDetector, self).__init__() + + if cfg.model.fd.model_name == "retinaface": + self.model = RetinaFace(cfg=cfg.model.fd.config, phase='test') + self.model = load_model(self.model, cfg.model.fd.model_path, False) + else: + print("Error: the model {} of face detect is not exists".format(cfg.model.ldmk.model_name)) + + self.model.eval() + self.model.cuda() + + self.resize_h = cfg.model.fd.img_size + self.confidence_threshold = cfg.model.fd.thres # 0.8 + self.nms_threshold = cfg.model.fd.nms_thres # 0.4 + + self.cfg = cfg.model.fd.config + + def _transform(self, img): + h, w, c = img.shape + ratio = self.resize_h / h + + img = cv2.resize(img, None, None, fx=ratio, fy=ratio, interpolation=cv2.INTER_LINEAR) + + img = img.astype(np.float32) + img -= (104., 117., 123.) + img = img.transpose(2, 0, 1) + img = torch.from_numpy(img).unsqueeze(0) + img = img.cuda() + + return img, ratio + + def forward(self, img): + img, ratio= self._transform(img) + + loc, conf, ldmks = self.model(img) + + _, _, h, w = img.shape + priorbox = PriorBox(self.cfg, image_size=(h, w)) + priors = priorbox.forward() + priors = priors.cuda() + prior_data = priors.data + boxes = decode(loc.data.squeeze(0), prior_data, self.cfg['variance']) + + boxes = boxes * torch.Tensor([w, h, w, h]).cuda() / ratio + boxes = boxes.cpu().numpy() + scores = conf.squeeze(0).data.cpu().numpy()[:, 1] + + inds = np.where(scores > self.confidence_threshold)[0] + boxes = boxes[inds] + scores = scores[inds] + + # keep top-K before NMS + order = scores.argsort()[::-1] + # order = scores.argsort()[::-1][:args.top_k] + boxes = boxes[order] + scores = scores[order] + + # do NMS + dets = np.hstack((boxes, scores[:, np.newaxis])).astype(np.float32, copy=False) + keep = py_cpu_nms(dets, self.nms_threshold) + dets = dets[keep, :] + + return dets \ No newline at end of file diff --git a/data_process/lib/models/fd/layers/__init__.py b/data_process/lib/models/fd/layers/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..f29f08a33b9892c5402c7ad6010f4eb2cfbaf605 --- /dev/null +++ b/data_process/lib/models/fd/layers/__init__.py @@ -0,0 +1,2 @@ +from lib.models.fd.layers.functions import * +from lib.models.fd.layers.modules import * diff --git a/data_process/lib/models/fd/layers/functions/prior_box.py b/data_process/lib/models/fd/layers/functions/prior_box.py new file mode 100644 index 0000000000000000000000000000000000000000..80c7f858371ed71f39ed609eb44b423d8693bf61 --- /dev/null +++ b/data_process/lib/models/fd/layers/functions/prior_box.py @@ -0,0 +1,34 @@ +import torch +from itertools import product as product +import numpy as np +from math import ceil + + +class PriorBox(object): + def __init__(self, cfg, image_size=None, phase='train'): + super(PriorBox, self).__init__() + self.min_sizes = cfg['min_sizes'] + self.steps = cfg['steps'] + self.clip = cfg['clip'] + self.image_size = image_size + self.feature_maps = [[ceil(self.image_size[0]/step), ceil(self.image_size[1]/step)] for step in self.steps] + self.name = "s" + + def forward(self): + anchors = [] + for k, f in enumerate(self.feature_maps): + min_sizes = self.min_sizes[k] + for i, j in product(range(f[0]), range(f[1])): + for min_size in min_sizes: + s_kx = min_size / self.image_size[1] + s_ky = min_size / self.image_size[0] + dense_cx = [x * self.steps[k] / self.image_size[1] for x in [j + 0.5]] + dense_cy = [y * self.steps[k] / self.image_size[0] for y in [i + 0.5]] + for cy, cx in product(dense_cy, dense_cx): + anchors += [cx, cy, s_kx, s_ky] + + # back to torch land + output = torch.Tensor(anchors).view(-1, 4) + if self.clip: + output.clamp_(max=1, min=0) + return output diff --git a/data_process/lib/models/fd/layers/modules/__init__.py b/data_process/lib/models/fd/layers/modules/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..cf24bddbf283f233d0b93fc074a2bac2f5c044a9 --- /dev/null +++ b/data_process/lib/models/fd/layers/modules/__init__.py @@ -0,0 +1,3 @@ +from .multibox_loss import MultiBoxLoss + +__all__ = ['MultiBoxLoss'] diff --git a/data_process/lib/models/fd/layers/modules/multibox_loss.py b/data_process/lib/models/fd/layers/modules/multibox_loss.py new file mode 100644 index 0000000000000000000000000000000000000000..e91fdbb00a3e0a2caf727b32fb8badd228898d60 --- /dev/null +++ b/data_process/lib/models/fd/layers/modules/multibox_loss.py @@ -0,0 +1,125 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +from torch.autograd import Variable +from lib.models.fd.utils.box_utils import match, log_sum_exp +# from data import cfg_mnet +# GPU = cfg_mnet['gpu_train'] + +class MultiBoxLoss(nn.Module): + """SSD Weighted Loss Function + Compute Targets: + 1) Produce Confidence Target Indices by matching ground truth boxes + with (default) 'priorboxes' that have jaccard index > threshold parameter + (default threshold: 0.5). + 2) Produce localization target by 'encoding' variance into offsets of ground + truth boxes and their matched 'priorboxes'. + 3) Hard negative mining to filter the excessive number of negative examples + that comes with using a large number of default bounding boxes. + (default negative:positive ratio 3:1) + Objective Loss: + L(x,c,l,g) = (Lconf(x, c) + αLloc(x,l,g)) / N + Where, Lconf is the CrossEntropy Loss and Lloc is the SmoothL1 Loss + weighted by α which is set to 1 by cross val. + Args: + c: class confidences, + l: predicted boxes, + g: ground truth boxes + N: number of matched default boxes + See: https://arxiv.org/pdf/1512.02325.pdf for more details. + """ + + def __init__(self, num_classes, overlap_thresh, prior_for_matching, bkg_label, neg_mining, neg_pos, neg_overlap, encode_target): + super(MultiBoxLoss, self).__init__() + self.num_classes = num_classes + self.threshold = overlap_thresh + self.background_label = bkg_label + self.encode_target = encode_target + self.use_prior_for_matching = prior_for_matching + self.do_neg_mining = neg_mining + self.negpos_ratio = neg_pos + self.neg_overlap = neg_overlap + self.variance = [0.1, 0.2] + + def forward(self, predictions, priors, targets): + """Multibox Loss + Args: + predictions (tuple): A tuple containing loc preds, conf preds, + and prior boxes from SSD net. + conf shape: torch.size(batch_size,num_priors,num_classes) + loc shape: torch.size(batch_size,num_priors,4) + priors shape: torch.size(num_priors,4) + + ground_truth (tensor): Ground truth boxes and labels for a batch, + shape: [batch_size,num_objs,5] (last idx is the label). + """ + + loc_data, conf_data, landm_data = predictions + priors = priors + num = loc_data.size(0) + num_priors = (priors.size(0)) + + # match priors (default boxes) and ground truth boxes + loc_t = torch.Tensor(num, num_priors, 4) + landm_t = torch.Tensor(num, num_priors, 10) + conf_t = torch.LongTensor(num, num_priors) + for idx in range(num): + truths = targets[idx][:, :4].data + labels = targets[idx][:, -1].data + landms = targets[idx][:, 4:14].data + defaults = priors.data + match(self.threshold, truths, defaults, self.variance, labels, landms, loc_t, conf_t, landm_t, idx) + if True: + loc_t = loc_t.cuda() + conf_t = conf_t.cuda() + landm_t = landm_t.cuda() + + zeros = torch.tensor(0).cuda() + # landm Loss (Smooth L1) + # Shape: [batch,num_priors,10] + pos1 = conf_t > zeros + num_pos_landm = pos1.long().sum(1, keepdim=True) + N1 = max(num_pos_landm.data.sum().float(), 1) + pos_idx1 = pos1.unsqueeze(pos1.dim()).expand_as(landm_data) + landm_p = landm_data[pos_idx1].view(-1, 10) + landm_t = landm_t[pos_idx1].view(-1, 10) + loss_landm = F.smooth_l1_loss(landm_p, landm_t, reduction='sum') + + + pos = conf_t != zeros + conf_t[pos] = 1 + + # Localization Loss (Smooth L1) + # Shape: [batch,num_priors,4] + pos_idx = pos.unsqueeze(pos.dim()).expand_as(loc_data) + loc_p = loc_data[pos_idx].view(-1, 4) + loc_t = loc_t[pos_idx].view(-1, 4) + loss_l = F.smooth_l1_loss(loc_p, loc_t, reduction='sum') + + # Compute max conf across batch for hard negative mining + batch_conf = conf_data.view(-1, self.num_classes) + loss_c = log_sum_exp(batch_conf) - batch_conf.gather(1, conf_t.view(-1, 1)) + + # Hard Negative Mining + loss_c[pos.view(-1, 1)] = 0 # filter out pos boxes for now + loss_c = loss_c.view(num, -1) + _, loss_idx = loss_c.sort(1, descending=True) + _, idx_rank = loss_idx.sort(1) + num_pos = pos.long().sum(1, keepdim=True) + num_neg = torch.clamp(self.negpos_ratio*num_pos, max=pos.size(1)-1) + neg = idx_rank < num_neg.expand_as(idx_rank) + + # Confidence Loss Including Positive and Negative Examples + pos_idx = pos.unsqueeze(2).expand_as(conf_data) + neg_idx = neg.unsqueeze(2).expand_as(conf_data) + conf_p = conf_data[(pos_idx+neg_idx).gt(0)].view(-1,self.num_classes) + targets_weighted = conf_t[(pos+neg).gt(0)] + loss_c = F.cross_entropy(conf_p, targets_weighted, reduction='sum') + + # Sum of losses: L(x,c,l,g) = (Lconf(x, c) + αLloc(x,l,g)) / N + N = max(num_pos.data.sum().float(), 1) + loss_l /= N + loss_c /= N + loss_landm /= N1 + + return loss_l, loss_c, loss_landm diff --git a/data_process/lib/models/fd/models/__init__.py b/data_process/lib/models/fd/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data_process/lib/models/fd/models/net.py b/data_process/lib/models/fd/models/net.py new file mode 100644 index 0000000000000000000000000000000000000000..8190d41dfa914ed88c37f2d8b6d113da18a1cb84 --- /dev/null +++ b/data_process/lib/models/fd/models/net.py @@ -0,0 +1,137 @@ +import time +import torch +import torch.nn as nn +# import torchvision.models._utils as _utils +# import torchvision.models as models +import torch.nn.functional as F +from torch.autograd import Variable + +def conv_bn(inp, oup, stride = 1, leaky = 0): + return nn.Sequential( + nn.Conv2d(inp, oup, 3, stride, 1, bias=False), + nn.BatchNorm2d(oup), + nn.LeakyReLU(negative_slope=leaky, inplace=True) + ) + +def conv_bn_no_relu(inp, oup, stride): + return nn.Sequential( + nn.Conv2d(inp, oup, 3, stride, 1, bias=False), + nn.BatchNorm2d(oup), + ) + +def conv_bn1X1(inp, oup, stride, leaky=0): + return nn.Sequential( + nn.Conv2d(inp, oup, 1, stride, padding=0, bias=False), + nn.BatchNorm2d(oup), + nn.LeakyReLU(negative_slope=leaky, inplace=True) + ) + +def conv_dw(inp, oup, stride, leaky=0.1): + return nn.Sequential( + nn.Conv2d(inp, inp, 3, stride, 1, groups=inp, bias=False), + nn.BatchNorm2d(inp), + nn.LeakyReLU(negative_slope= leaky,inplace=True), + + nn.Conv2d(inp, oup, 1, 1, 0, bias=False), + nn.BatchNorm2d(oup), + nn.LeakyReLU(negative_slope= leaky,inplace=True), + ) + +class SSH(nn.Module): + def __init__(self, in_channel, out_channel): + super(SSH, self).__init__() + assert out_channel % 4 == 0 + leaky = 0 + if (out_channel <= 64): + leaky = 0.1 + self.conv3X3 = conv_bn_no_relu(in_channel, out_channel//2, stride=1) + + self.conv5X5_1 = conv_bn(in_channel, out_channel//4, stride=1, leaky = leaky) + self.conv5X5_2 = conv_bn_no_relu(out_channel//4, out_channel//4, stride=1) + + self.conv7X7_2 = conv_bn(out_channel//4, out_channel//4, stride=1, leaky = leaky) + self.conv7x7_3 = conv_bn_no_relu(out_channel//4, out_channel//4, stride=1) + + def forward(self, input): + conv3X3 = self.conv3X3(input) + + conv5X5_1 = self.conv5X5_1(input) + conv5X5 = self.conv5X5_2(conv5X5_1) + + conv7X7_2 = self.conv7X7_2(conv5X5_1) + conv7X7 = self.conv7x7_3(conv7X7_2) + + out = torch.cat([conv3X3, conv5X5, conv7X7], dim=1) + out = F.relu(out) + return out + +class FPN(nn.Module): + def __init__(self,in_channels_list,out_channels): + super(FPN,self).__init__() + leaky = 0 + if (out_channels <= 64): + leaky = 0.1 + self.output1 = conv_bn1X1(in_channels_list[0], out_channels, stride = 1, leaky = leaky) + self.output2 = conv_bn1X1(in_channels_list[1], out_channels, stride = 1, leaky = leaky) + self.output3 = conv_bn1X1(in_channels_list[2], out_channels, stride = 1, leaky = leaky) + + self.merge1 = conv_bn(out_channels, out_channels, leaky = leaky) + self.merge2 = conv_bn(out_channels, out_channels, leaky = leaky) + + def forward(self, input): + # names = list(input.keys()) + input = list(input.values()) + + output1 = self.output1(input[0]) + output2 = self.output2(input[1]) + output3 = self.output3(input[2]) + + up3 = F.interpolate(output3, size=[output2.size(2), output2.size(3)], mode="nearest") + output2 = output2 + up3 + output2 = self.merge2(output2) + + up2 = F.interpolate(output2, size=[output1.size(2), output1.size(3)], mode="nearest") + output1 = output1 + up2 + output1 = self.merge1(output1) + + out = [output1, output2, output3] + return out + + + +class MobileNetV1(nn.Module): + def __init__(self): + super(MobileNetV1, self).__init__() + self.stage1 = nn.Sequential( + conv_bn(3, 8, 2, leaky = 0.1), # 3 + conv_dw(8, 16, 1), # 7 + conv_dw(16, 32, 2), # 11 + conv_dw(32, 32, 1), # 19 + conv_dw(32, 64, 2), # 27 + conv_dw(64, 64, 1), # 43 + ) + self.stage2 = nn.Sequential( + conv_dw(64, 128, 2), # 43 + 16 = 59 + conv_dw(128, 128, 1), # 59 + 32 = 91 + conv_dw(128, 128, 1), # 91 + 32 = 123 + conv_dw(128, 128, 1), # 123 + 32 = 155 + conv_dw(128, 128, 1), # 155 + 32 = 187 + conv_dw(128, 128, 1), # 187 + 32 = 219 + ) + self.stage3 = nn.Sequential( + conv_dw(128, 256, 2), # 219 +3 2 = 241 + conv_dw(256, 256, 1), # 241 + 64 = 301 + ) + self.avg = nn.AdaptiveAvgPool2d((1,1)) + self.fc = nn.Linear(256, 1000) + + def forward(self, x): + x = self.stage1(x) + x = self.stage2(x) + x = self.stage3(x) + x = self.avg(x) + # x = self.model(x) + x = x.view(-1, 256) + x = self.fc(x) + return x + diff --git a/data_process/lib/models/fd/models/retinaface.py b/data_process/lib/models/fd/models/retinaface.py new file mode 100644 index 0000000000000000000000000000000000000000..d47922f2675a01ec5072b91ef4802774ca7c128f --- /dev/null +++ b/data_process/lib/models/fd/models/retinaface.py @@ -0,0 +1,127 @@ +import torch +import torch.nn as nn +# import torchvision.models.detection.backbone_utils as backbone_utils +import torchvision.models._utils as _utils +import torch.nn.functional as F +from collections import OrderedDict + +from lib.models.fd.models.net import MobileNetV1 as MobileNetV1 +from lib.models.fd.models.net import FPN as FPN +from lib.models.fd.models.net import SSH as SSH + + + +class ClassHead(nn.Module): + def __init__(self,inchannels=512,num_anchors=3): + super(ClassHead,self).__init__() + self.num_anchors = num_anchors + self.conv1x1 = nn.Conv2d(inchannels,self.num_anchors*2,kernel_size=(1,1),stride=1,padding=0) + + def forward(self,x): + out = self.conv1x1(x) + out = out.permute(0,2,3,1).contiguous() + + return out.view(out.shape[0], -1, 2) + +class BboxHead(nn.Module): + def __init__(self,inchannels=512,num_anchors=3): + super(BboxHead,self).__init__() + self.conv1x1 = nn.Conv2d(inchannels,num_anchors*4,kernel_size=(1,1),stride=1,padding=0) + + def forward(self,x): + out = self.conv1x1(x) + out = out.permute(0,2,3,1).contiguous() + + return out.view(out.shape[0], -1, 4) + +class LandmarkHead(nn.Module): + def __init__(self,inchannels=512,num_anchors=3): + super(LandmarkHead,self).__init__() + self.conv1x1 = nn.Conv2d(inchannels,num_anchors*10,kernel_size=(1,1),stride=1,padding=0) + + def forward(self,x): + out = self.conv1x1(x) + out = out.permute(0,2,3,1).contiguous() + + return out.view(out.shape[0], -1, 10) + +class RetinaFace(nn.Module): + def __init__(self, cfg = None, phase = 'train'): + """ + :param cfg: Network related settings. + :param phase: train or test. + """ + super(RetinaFace,self).__init__() + self.phase = phase + backbone = None + if cfg['name'] == 'mobilenet0.25': + backbone = MobileNetV1() + if cfg['pretrain']: + checkpoint = torch.load("./weights/mobilenetV1X0.25_pretrain.tar", map_location=torch.device('cpu')) + from collections import OrderedDict + new_state_dict = OrderedDict() + for k, v in checkpoint['state_dict'].items(): + name = k[7:] # remove module. + new_state_dict[name] = v + # load params + backbone.load_state_dict(new_state_dict) + elif cfg['name'] == 'Resnet50': + import torchvision.models as models + backbone = models.resnet50(pretrained=cfg['pretrain']) + + self.body = _utils.IntermediateLayerGetter(backbone, cfg['return_layers']) + in_channels_stage2 = cfg['in_channel'] + in_channels_list = [ + in_channels_stage2 * 2, + in_channels_stage2 * 4, + in_channels_stage2 * 8, + ] + out_channels = cfg['out_channel'] + self.fpn = FPN(in_channels_list,out_channels) + self.ssh1 = SSH(out_channels, out_channels) + self.ssh2 = SSH(out_channels, out_channels) + self.ssh3 = SSH(out_channels, out_channels) + + self.ClassHead = self._make_class_head(fpn_num=3, inchannels=cfg['out_channel']) + self.BboxHead = self._make_bbox_head(fpn_num=3, inchannels=cfg['out_channel']) + self.LandmarkHead = self._make_landmark_head(fpn_num=3, inchannels=cfg['out_channel']) + + def _make_class_head(self,fpn_num=3,inchannels=64,anchor_num=2): + classhead = nn.ModuleList() + for i in range(fpn_num): + classhead.append(ClassHead(inchannels,anchor_num)) + return classhead + + def _make_bbox_head(self,fpn_num=3,inchannels=64,anchor_num=2): + bboxhead = nn.ModuleList() + for i in range(fpn_num): + bboxhead.append(BboxHead(inchannels,anchor_num)) + return bboxhead + + def _make_landmark_head(self,fpn_num=3,inchannels=64,anchor_num=2): + landmarkhead = nn.ModuleList() + for i in range(fpn_num): + landmarkhead.append(LandmarkHead(inchannels,anchor_num)) + return landmarkhead + + def forward(self,inputs): + out = self.body(inputs) + + # FPN + fpn = self.fpn(out) + + # SSH + feature1 = self.ssh1(fpn[0]) + feature2 = self.ssh2(fpn[1]) + feature3 = self.ssh3(fpn[2]) + features = [feature1, feature2, feature3] + + bbox_regressions = torch.cat([self.BboxHead[i](feature) for i, feature in enumerate(features)], dim=1) + classifications = torch.cat([self.ClassHead[i](feature) for i, feature in enumerate(features)],dim=1) + ldm_regressions = torch.cat([self.LandmarkHead[i](feature) for i, feature in enumerate(features)], dim=1) + + if self.phase == 'train': + output = (bbox_regressions, classifications, ldm_regressions) + else: + output = (bbox_regressions, F.softmax(classifications, dim=-1), ldm_regressions) + return output \ No newline at end of file diff --git a/data_process/lib/models/fd/utils/__init__.py b/data_process/lib/models/fd/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data_process/lib/models/fd/utils/box_utils.py b/data_process/lib/models/fd/utils/box_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..c1d12bc612ae3ba3ea9d138bfc5997a2b15d8dd9 --- /dev/null +++ b/data_process/lib/models/fd/utils/box_utils.py @@ -0,0 +1,330 @@ +import torch +import numpy as np + + +def point_form(boxes): + """ Convert prior_boxes to (xmin, ymin, xmax, ymax) + representation for comparison to point form ground truth data. + Args: + boxes: (tensor) center-size default boxes from priorbox layers. + Return: + boxes: (tensor) Converted xmin, ymin, xmax, ymax form of boxes. + """ + return torch.cat((boxes[:, :2] - boxes[:, 2:]/2, # xmin, ymin + boxes[:, :2] + boxes[:, 2:]/2), 1) # xmax, ymax + + +def center_size(boxes): + """ Convert prior_boxes to (cx, cy, w, h) + representation for comparison to center-size form ground truth data. + Args: + boxes: (tensor) point_form boxes + Return: + boxes: (tensor) Converted xmin, ymin, xmax, ymax form of boxes. + """ + return torch.cat((boxes[:, 2:] + boxes[:, :2])/2, # cx, cy + boxes[:, 2:] - boxes[:, :2], 1) # w, h + + +def intersect(box_a, box_b): + """ We resize both tensors to [A,B,2] without new malloc: + [A,2] -> [A,1,2] -> [A,B,2] + [B,2] -> [1,B,2] -> [A,B,2] + Then we compute the area of intersect between box_a and box_b. + Args: + box_a: (tensor) bounding boxes, Shape: [A,4]. + box_b: (tensor) bounding boxes, Shape: [B,4]. + Return: + (tensor) intersection area, Shape: [A,B]. + """ + A = box_a.size(0) + B = box_b.size(0) + max_xy = torch.min(box_a[:, 2:].unsqueeze(1).expand(A, B, 2), + box_b[:, 2:].unsqueeze(0).expand(A, B, 2)) + min_xy = torch.max(box_a[:, :2].unsqueeze(1).expand(A, B, 2), + box_b[:, :2].unsqueeze(0).expand(A, B, 2)) + inter = torch.clamp((max_xy - min_xy), min=0) + return inter[:, :, 0] * inter[:, :, 1] + + +def jaccard(box_a, box_b): + """Compute the jaccard overlap of two sets of boxes. The jaccard overlap + is simply the intersection over union of two boxes. Here we operate on + ground truth boxes and default boxes. + E.g.: + A ∩ B / A ∪ B = A ∩ B / (area(A) + area(B) - A ∩ B) + Args: + box_a: (tensor) Ground truth bounding boxes, Shape: [num_objects,4] + box_b: (tensor) Prior boxes from priorbox layers, Shape: [num_priors,4] + Return: + jaccard overlap: (tensor) Shape: [box_a.size(0), box_b.size(0)] + """ + inter = intersect(box_a, box_b) + area_a = ((box_a[:, 2]-box_a[:, 0]) * + (box_a[:, 3]-box_a[:, 1])).unsqueeze(1).expand_as(inter) # [A,B] + area_b = ((box_b[:, 2]-box_b[:, 0]) * + (box_b[:, 3]-box_b[:, 1])).unsqueeze(0).expand_as(inter) # [A,B] + union = area_a + area_b - inter + return inter / union # [A,B] + + +def matrix_iou(a, b): + """ + return iou of a and b, numpy version for data augenmentation + """ + lt = np.maximum(a[:, np.newaxis, :2], b[:, :2]) + rb = np.minimum(a[:, np.newaxis, 2:], b[:, 2:]) + + area_i = np.prod(rb - lt, axis=2) * (lt < rb).all(axis=2) + area_a = np.prod(a[:, 2:] - a[:, :2], axis=1) + area_b = np.prod(b[:, 2:] - b[:, :2], axis=1) + return area_i / (area_a[:, np.newaxis] + area_b - area_i) + + +def matrix_iof(a, b): + """ + return iof of a and b, numpy version for data augenmentation + """ + lt = np.maximum(a[:, np.newaxis, :2], b[:, :2]) + rb = np.minimum(a[:, np.newaxis, 2:], b[:, 2:]) + + area_i = np.prod(rb - lt, axis=2) * (lt < rb).all(axis=2) + area_a = np.prod(a[:, 2:] - a[:, :2], axis=1) + return area_i / np.maximum(area_a[:, np.newaxis], 1) + + +def match(threshold, truths, priors, variances, labels, landms, loc_t, conf_t, landm_t, idx): + """Match each prior box with the ground truth box of the highest jaccard + overlap, encode the bounding boxes, then return the matched indices + corresponding to both confidence and location preds. + Args: + threshold: (float) The overlap threshold used when mathing boxes. + truths: (tensor) Ground truth boxes, Shape: [num_obj, 4]. + priors: (tensor) Prior boxes from priorbox layers, Shape: [n_priors,4]. + variances: (tensor) Variances corresponding to each prior coord, + Shape: [num_priors, 4]. + labels: (tensor) All the class labels for the image, Shape: [num_obj]. + landms: (tensor) Ground truth landms, Shape [num_obj, 10]. + loc_t: (tensor) Tensor to be filled w/ endcoded location targets. + conf_t: (tensor) Tensor to be filled w/ matched indices for conf preds. + landm_t: (tensor) Tensor to be filled w/ endcoded landm targets. + idx: (int) current batch index + Return: + The matched indices corresponding to 1)location 2)confidence 3)landm preds. + """ + # jaccard index + overlaps = jaccard( + truths, + point_form(priors) + ) + # (Bipartite Matching) + # [1,num_objects] best prior for each ground truth + best_prior_overlap, best_prior_idx = overlaps.max(1, keepdim=True) + + # ignore hard gt + valid_gt_idx = best_prior_overlap[:, 0] >= 0.2 + best_prior_idx_filter = best_prior_idx[valid_gt_idx, :] + if best_prior_idx_filter.shape[0] <= 0: + loc_t[idx] = 0 + conf_t[idx] = 0 + return + + # [1,num_priors] best ground truth for each prior + best_truth_overlap, best_truth_idx = overlaps.max(0, keepdim=True) + best_truth_idx.squeeze_(0) + best_truth_overlap.squeeze_(0) + best_prior_idx.squeeze_(1) + best_prior_idx_filter.squeeze_(1) + best_prior_overlap.squeeze_(1) + best_truth_overlap.index_fill_(0, best_prior_idx_filter, 2) # ensure best prior + # TODO refactor: index best_prior_idx with long tensor + # ensure every gt matches with its prior of max overlap + for j in range(best_prior_idx.size(0)): # 判别此anchor是预测哪一个boxes + best_truth_idx[best_prior_idx[j]] = j + matches = truths[best_truth_idx] # Shape: [num_priors,4] 此处为每一个anchor对应的bbox取出来 + conf = labels[best_truth_idx] # Shape: [num_priors] 此处为每一个anchor对应的label取出来 + conf[best_truth_overlap < threshold] = 0 # label as background overlap<0.35的全部作为负样本 + loc = encode(matches, priors, variances) + + matches_landm = landms[best_truth_idx] + landm = encode_landm(matches_landm, priors, variances) + loc_t[idx] = loc # [num_priors,4] encoded offsets to learn + conf_t[idx] = conf # [num_priors] top class label for each prior + landm_t[idx] = landm + + +def encode(matched, priors, variances): + """Encode the variances from the priorbox layers into the ground truth boxes + we have matched (based on jaccard overlap) with the prior boxes. + Args: + matched: (tensor) Coords of ground truth for each prior in point-form + Shape: [num_priors, 4]. + priors: (tensor) Prior boxes in center-offset form + Shape: [num_priors,4]. + variances: (list[float]) Variances of priorboxes + Return: + encoded boxes (tensor), Shape: [num_priors, 4] + """ + + # dist b/t match center and prior's center + g_cxcy = (matched[:, :2] + matched[:, 2:])/2 - priors[:, :2] + # encode variance + g_cxcy /= (variances[0] * priors[:, 2:]) + # match wh / prior wh + g_wh = (matched[:, 2:] - matched[:, :2]) / priors[:, 2:] + g_wh = torch.log(g_wh) / variances[1] + # return target for smooth_l1_loss + return torch.cat([g_cxcy, g_wh], 1) # [num_priors,4] + +def encode_landm(matched, priors, variances): + """Encode the variances from the priorbox layers into the ground truth boxes + we have matched (based on jaccard overlap) with the prior boxes. + Args: + matched: (tensor) Coords of ground truth for each prior in point-form + Shape: [num_priors, 10]. + priors: (tensor) Prior boxes in center-offset form + Shape: [num_priors,4]. + variances: (list[float]) Variances of priorboxes + Return: + encoded landm (tensor), Shape: [num_priors, 10] + """ + + # dist b/t match center and prior's center + matched = torch.reshape(matched, (matched.size(0), 5, 2)) + priors_cx = priors[:, 0].unsqueeze(1).expand(matched.size(0), 5).unsqueeze(2) + priors_cy = priors[:, 1].unsqueeze(1).expand(matched.size(0), 5).unsqueeze(2) + priors_w = priors[:, 2].unsqueeze(1).expand(matched.size(0), 5).unsqueeze(2) + priors_h = priors[:, 3].unsqueeze(1).expand(matched.size(0), 5).unsqueeze(2) + priors = torch.cat([priors_cx, priors_cy, priors_w, priors_h], dim=2) + g_cxcy = matched[:, :, :2] - priors[:, :, :2] + # encode variance + g_cxcy /= (variances[0] * priors[:, :, 2:]) + # g_cxcy /= priors[:, :, 2:] + g_cxcy = g_cxcy.reshape(g_cxcy.size(0), -1) + # return target for smooth_l1_loss + return g_cxcy + + +# Adapted from https://github.com/Hakuyume/chainer-ssd +def decode(loc, priors, variances): + """Decode locations from predictions using priors to undo + the encoding we did for offset regression at train time. + Args: + loc (tensor): location predictions for loc layers, + Shape: [num_priors,4] + priors (tensor): Prior boxes in center-offset form. + Shape: [num_priors,4]. + variances: (list[float]) Variances of priorboxes + Return: + decoded bounding box predictions + """ + + boxes = torch.cat(( + priors[:, :2] + loc[:, :2] * variances[0] * priors[:, 2:], + priors[:, 2:] * torch.exp(loc[:, 2:] * variances[1])), 1) + boxes[:, :2] -= boxes[:, 2:] / 2 + boxes[:, 2:] += boxes[:, :2] + return boxes + +def decode_landm(pre, priors, variances): + """Decode landm from predictions using priors to undo + the encoding we did for offset regression at train time. + Args: + pre (tensor): landm predictions for loc layers, + Shape: [num_priors,10] + priors (tensor): Prior boxes in center-offset form. + Shape: [num_priors,4]. + variances: (list[float]) Variances of priorboxes + Return: + decoded landm predictions + """ + landms = torch.cat((priors[:, :2] + pre[:, :2] * variances[0] * priors[:, 2:], + priors[:, :2] + pre[:, 2:4] * variances[0] * priors[:, 2:], + priors[:, :2] + pre[:, 4:6] * variances[0] * priors[:, 2:], + priors[:, :2] + pre[:, 6:8] * variances[0] * priors[:, 2:], + priors[:, :2] + pre[:, 8:10] * variances[0] * priors[:, 2:], + ), dim=1) + return landms + + +def log_sum_exp(x): + """Utility function for computing log_sum_exp while determining + This will be used to determine unaveraged confidence loss across + all examples in a batch. + Args: + x (Variable(tensor)): conf_preds from conf layers + """ + x_max = x.data.max() + return torch.log(torch.sum(torch.exp(x-x_max), 1, keepdim=True)) + x_max + + +# Original author: Francisco Massa: +# https://github.com/fmassa/object-detection.torch +# Ported to PyTorch by Max deGroot (02/01/2017) +def nms(boxes, scores, overlap=0.5, top_k=200): + """Apply non-maximum suppression at test time to avoid detecting too many + overlapping bounding boxes for a given object. + Args: + boxes: (tensor) The location preds for the img, Shape: [num_priors,4]. + scores: (tensor) The class predscores for the img, Shape:[num_priors]. + overlap: (float) The overlap thresh for suppressing unnecessary boxes. + top_k: (int) The Maximum number of box preds to consider. + Return: + The indices of the kept boxes with respect to num_priors. + """ + + keep = torch.Tensor(scores.size(0)).fill_(0).long() + if boxes.numel() == 0: + return keep + x1 = boxes[:, 0] + y1 = boxes[:, 1] + x2 = boxes[:, 2] + y2 = boxes[:, 3] + area = torch.mul(x2 - x1, y2 - y1) + v, idx = scores.sort(0) # sort in ascending order + # I = I[v >= 0.01] + idx = idx[-top_k:] # indices of the top-k largest vals + xx1 = boxes.new() + yy1 = boxes.new() + xx2 = boxes.new() + yy2 = boxes.new() + w = boxes.new() + h = boxes.new() + + # keep = torch.Tensor() + count = 0 + while idx.numel() > 0: + i = idx[-1] # index of current largest val + # keep.append(i) + keep[count] = i + count += 1 + if idx.size(0) == 1: + break + idx = idx[:-1] # remove kept element from view + # load bboxes of next highest vals + torch.index_select(x1, 0, idx, out=xx1) + torch.index_select(y1, 0, idx, out=yy1) + torch.index_select(x2, 0, idx, out=xx2) + torch.index_select(y2, 0, idx, out=yy2) + # store element-wise max with next highest score + xx1 = torch.clamp(xx1, min=x1[i]) + yy1 = torch.clamp(yy1, min=y1[i]) + xx2 = torch.clamp(xx2, max=x2[i]) + yy2 = torch.clamp(yy2, max=y2[i]) + w.resize_as_(xx2) + h.resize_as_(yy2) + w = xx2 - xx1 + h = yy2 - yy1 + # check sizes of xx1 and xx2.. after each iteration + w = torch.clamp(w, min=0.0) + h = torch.clamp(h, min=0.0) + inter = w*h + # IoU = i / (area(a) + area(b) - i) + rem_areas = torch.index_select(area, 0, idx) # load remaining areas) + union = (rem_areas - inter) + area[i] + IoU = inter/union # store result in iou + # keep only elements with an IoU <= overlap + idx = idx[IoU.le(overlap)] + return keep, count + + diff --git a/data_process/lib/models/fd/utils/nms/__init__.py b/data_process/lib/models/fd/utils/nms/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data_process/lib/models/fd/utils/nms/py_cpu_nms.py b/data_process/lib/models/fd/utils/nms/py_cpu_nms.py new file mode 100644 index 0000000000000000000000000000000000000000..54e7b25fef72b518df6dcf8d6fb78b986796c6e3 --- /dev/null +++ b/data_process/lib/models/fd/utils/nms/py_cpu_nms.py @@ -0,0 +1,38 @@ +# -------------------------------------------------------- +# Fast R-CNN +# Copyright (c) 2015 Microsoft +# Licensed under The MIT License [see LICENSE for details] +# Written by Ross Girshick +# -------------------------------------------------------- + +import numpy as np + +def py_cpu_nms(dets, thresh): + """Pure Python NMS baseline.""" + x1 = dets[:, 0] + y1 = dets[:, 1] + x2 = dets[:, 2] + y2 = dets[:, 3] + scores = dets[:, 4] + + areas = (x2 - x1 + 1) * (y2 - y1 + 1) + order = scores.argsort()[::-1] + + keep = [] + while order.size > 0: + i = order[0] + keep.append(i) + xx1 = np.maximum(x1[i], x1[order[1:]]) + yy1 = np.maximum(y1[i], y1[order[1:]]) + xx2 = np.minimum(x2[i], x2[order[1:]]) + yy2 = np.minimum(y2[i], y2[order[1:]]) + + w = np.maximum(0.0, xx2 - xx1 + 1) + h = np.maximum(0.0, yy2 - yy1 + 1) + inter = w * h + ovr = inter / (areas[i] + areas[order[1:]] - inter) + + inds = np.where(ovr <= thresh)[0] + order = order[inds + 1] + + return keep diff --git a/data_process/lib/models/fd/utils/timer.py b/data_process/lib/models/fd/utils/timer.py new file mode 100644 index 0000000000000000000000000000000000000000..e4b3b8098a5ad41f8d18d42b6b2fedb694aa5508 --- /dev/null +++ b/data_process/lib/models/fd/utils/timer.py @@ -0,0 +1,40 @@ +# -------------------------------------------------------- +# Fast R-CNN +# Copyright (c) 2015 Microsoft +# Licensed under The MIT License [see LICENSE for details] +# Written by Ross Girshick +# -------------------------------------------------------- + +import time + + +class Timer(object): + """A simple timer.""" + def __init__(self): + self.total_time = 0. + self.calls = 0 + self.start_time = 0. + self.diff = 0. + self.average_time = 0. + + def tic(self): + # using time.time instead of time.clock because time time.clock + # does not normalize for multithreading + self.start_time = time.time() + + def toc(self, average=True): + self.diff = time.time() - self.start_time + self.total_time += self.diff + self.calls += 1 + self.average_time = self.total_time / self.calls + if average: + return self.average_time + else: + return self.diff + + def clear(self): + self.total_time = 0. + self.calls = 0 + self.start_time = 0. + self.diff = 0. + self.average_time = 0. diff --git a/data_process/lib/models/ldmk/hrnet.py b/data_process/lib/models/ldmk/hrnet.py new file mode 100644 index 0000000000000000000000000000000000000000..30d2ed7112412cc21a546a5cae3b418542fbe603 --- /dev/null +++ b/data_process/lib/models/ldmk/hrnet.py @@ -0,0 +1,511 @@ +# ------------------------------------------------------------------------------ +# Reference: https://github.com/HRNet/HRNet-Image-Classification +# ------------------------------------------------------------------------------ + +import torch +import torch.nn as nn +import torch.nn.functional as F +import torch.utils.model_zoo as model_zoo + +__all__ = [ 'hrnet18s', 'hrnet18', 'hrnet32' ] + + +def conv3x3(in_planes, out_planes, stride=1): + return nn.Conv2d(in_planes, out_planes, kernel_size=3, stride=stride, + padding=1, bias=False) + + +class BasicBlock(nn.Module): + expansion = 1 + + def __init__(self, inplanes, planes, stride=1, downsample=None): + super(BasicBlock, self).__init__() + self.conv1 = conv3x3(inplanes, planes, stride) + self.bn1 = nn.BatchNorm2d(planes, ) + self.relu = nn.ReLU(inplace=True) + self.conv2 = conv3x3(planes, planes) + self.bn2 = nn.BatchNorm2d(planes, ) + self.downsample = downsample + self.stride = stride + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = self.bn1(out) + out = self.relu(out) + + out = self.conv2(out) + out = self.bn2(out) + + if self.downsample is not None: + residual = self.downsample(x) + + out += residual + out = self.relu(out) + + return out + + +class Bottleneck(nn.Module): + expansion = 4 + + def __init__(self, inplanes, planes, stride=1, downsample=None): + super(Bottleneck, self).__init__() + self.conv1 = nn.Conv2d(inplanes, planes, kernel_size=1, bias=False) + self.bn1 = nn.BatchNorm2d(planes) + self.conv2 = nn.Conv2d(planes, planes, kernel_size=3, stride=stride, + padding=1, bias=False) + self.bn2 = nn.BatchNorm2d(planes) + self.conv3 = nn.Conv2d(planes, planes * self.expansion, kernel_size=1, + bias=False) + self.bn3 = nn.BatchNorm2d(planes * self.expansion) + self.relu = nn.ReLU(inplace=True) + self.downsample = downsample + self.stride = stride + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = self.bn1(out) + out = self.relu(out) + + out = self.conv2(out) + out = self.bn2(out) + out = self.relu(out) + + out = self.conv3(out) + out = self.bn3(out) + + if self.downsample is not None: + residual = self.downsample(x) + + out += residual + out = self.relu(out) + + return out + + +class HighResolutionModule(nn.Module): + def __init__(self, num_branches, blocks, num_blocks, num_inchannels, + num_channels, fuse_method, multi_scale_output=True): + super(HighResolutionModule, self).__init__() + self._check_branches( + num_branches, blocks, num_blocks, num_inchannels, num_channels) + + self.num_inchannels = num_inchannels + self.fuse_method = fuse_method + self.num_branches = num_branches + + self.multi_scale_output = multi_scale_output + + self.branches = self._make_branches( + num_branches, blocks, num_blocks, num_channels) + self.fuse_layers = self._make_fuse_layers() + self.relu = nn.ReLU(False) + + def _check_branches(self, num_branches, blocks, num_blocks, + num_inchannels, num_channels): + if num_branches != len(num_blocks): + error_msg = 'NUM_BRANCHES({}) <> NUM_BLOCKS({})'.format( + num_branches, len(num_blocks)) + raise ValueError(error_msg) + + if num_branches != len(num_channels): + error_msg = 'NUM_BRANCHES({}) <> NUM_CHANNELS({})'.format( + num_branches, len(num_channels)) + raise ValueError(error_msg) + + if num_branches != len(num_inchannels): + error_msg = 'NUM_BRANCHES({}) <> NUM_INCHANNELS({})'.format( + num_branches, len(num_inchannels)) + raise ValueError(error_msg) + + def _make_one_branch(self, branch_index, block, num_blocks, num_channels, + stride=1): + downsample = None + if stride != 1 or \ + self.num_inchannels[branch_index] != num_channels[branch_index] * block.expansion: + downsample = nn.Sequential( + nn.Conv2d(self.num_inchannels[branch_index], + num_channels[branch_index] * block.expansion, + kernel_size=1, stride=stride, bias=False), + nn.BatchNorm2d(num_channels[branch_index] * block.expansion), + ) + + layers = [] + layers.append(block(self.num_inchannels[branch_index], + num_channels[branch_index], stride, downsample)) + self.num_inchannels[branch_index] = \ + num_channels[branch_index] * block.expansion + for i in range(1, num_blocks[branch_index]): + layers.append(block(self.num_inchannels[branch_index], + num_channels[branch_index])) + + return nn.Sequential(*layers) + + def _make_branches(self, num_branches, block, num_blocks, num_channels): + branches = [] + + for i in range(num_branches): + branches.append( + self._make_one_branch(i, block, num_blocks, num_channels)) + + return nn.ModuleList(branches) + + def _make_fuse_layers(self): + if self.num_branches == 1: + return None + + num_branches = self.num_branches + num_inchannels = self.num_inchannels + fuse_layers = [] + for i in range(num_branches if self.multi_scale_output else 1): + fuse_layer = [] + for j in range(num_branches): + if j > i: + fuse_layer.append(nn.Sequential( + nn.Conv2d(num_inchannels[j], + num_inchannels[i], + 1, + 1, + 0, + bias=False), + nn.BatchNorm2d(num_inchannels[i]), + nn.Upsample(scale_factor=2**(j-i), mode='nearest'))) + elif j == i: + fuse_layer.append(None) + else: + conv3x3s = [] + for k in range(i-j): + if k == i - j - 1: + num_outchannels_conv3x3 = num_inchannels[i] + conv3x3s.append(nn.Sequential( + nn.Conv2d(num_inchannels[j], + num_outchannels_conv3x3, + 3, 2, 1, bias=False), + nn.BatchNorm2d(num_outchannels_conv3x3))) + else: + num_outchannels_conv3x3 = num_inchannels[j] + conv3x3s.append(nn.Sequential( + nn.Conv2d(num_inchannels[j], + num_outchannels_conv3x3, + 3, 2, 1, bias=False), + nn.BatchNorm2d(num_outchannels_conv3x3), + nn.ReLU(False))) + fuse_layer.append(nn.Sequential(*conv3x3s)) + fuse_layers.append(nn.ModuleList(fuse_layer)) + + return nn.ModuleList(fuse_layers) + + def get_num_inchannels(self): + return self.num_inchannels + + def forward(self, x): + if self.num_branches == 1: + return [self.branches[0](x[0])] + + for i in range(self.num_branches): + x[i] = self.branches[i](x[i]) + + x_fuse = [] + for i in range(len(self.fuse_layers)): + y = x[0] if i == 0 else self.fuse_layers[i][0](x[0]) + for j in range(1, self.num_branches): + if i == j: + y = y + x[j] + else: + y = y + self.fuse_layers[i][j](x[j]) + x_fuse.append(self.relu(y)) + + return x_fuse + +class HighResolutionNet(nn.Module): + + def __init__(self, num_modules, num_branches, block, + num_blocks, num_channels, fuse_method, **kwargs): + super(HighResolutionNet, self).__init__() + self.num_modules = num_modules + self.num_branches = num_branches + self.block = block + self.num_blocks = num_blocks + self.num_channels = num_channels + self.fuse_method = fuse_method + + self.conv1 = nn.Conv2d(3, 64, kernel_size=3, stride=2, padding=1, + bias=False) + self.bn1 = nn.BatchNorm2d(64) + self.conv2 = nn.Conv2d(64, 64, kernel_size=3, stride=2, padding=1, + bias=False) + self.bn2 = nn.BatchNorm2d(64) + self.relu = nn.ReLU(inplace=True) + # layer1 + num_channels, num_blocks = self.num_channels[0][0], self.num_blocks[0][0] + self.layer1 = self._make_layer(self.block[0], 64, num_channels, num_blocks) + stage1_out_channel = self.block[0].expansion*num_channels + # layer2 + num_channels, num_blocks = self.num_channels[1], self.num_blocks[1] + num_channels = [ + num_channels[i] * self.block[1].expansion for i in range(len(num_channels))] + self.transition1 = self._make_transition_layer([stage1_out_channel], num_channels) + self.stage2, pre_stage_channels = self._make_stage(1, num_channels) + # layer3 + num_channels, num_blocks = self.num_channels[2], self.num_blocks[2] + num_channels = [ + num_channels[i] * self.block[2].expansion for i in range(len(num_channels))] + self.transition2 = self._make_transition_layer(pre_stage_channels, num_channels) + self.stage3, pre_stage_channels = self._make_stage(2, num_channels) + # layer4 + num_channels, num_blocks = self.num_channels[3], self.num_blocks[3] + num_channels = [ + num_channels[i] * self.block[3].expansion for i in range(len(num_channels))] + self.transition3 = self._make_transition_layer(pre_stage_channels, num_channels) + self.stage4, pre_stage_channels = self._make_stage(3, num_channels, multi_scale_output=True) + self._out_channels = sum(pre_stage_channels) + + def _make_transition_layer(self, num_channels_pre_layer, num_channels_cur_layer): + num_branches_cur = len(num_channels_cur_layer) + num_branches_pre = len(num_channels_pre_layer) + + transition_layers = [] + for i in range(num_branches_cur): + if i < num_branches_pre: + if num_channels_cur_layer[i] != num_channels_pre_layer[i]: + transition_layers.append(nn.Sequential( + nn.Conv2d(num_channels_pre_layer[i], + num_channels_cur_layer[i], + 3, + 1, + 1, + bias=False), + nn.BatchNorm2d( + num_channels_cur_layer[i], ), + nn.ReLU(inplace=True))) + else: + transition_layers.append(None) + else: + conv3x3s = [] + for j in range(i+1-num_branches_pre): + inchannels = num_channels_pre_layer[-1] + outchannels = num_channels_cur_layer[i] \ + if j == i-num_branches_pre else inchannels + conv3x3s.append(nn.Sequential( + nn.Conv2d( + inchannels, outchannels, 3, 2, 1, bias=False), + nn.BatchNorm2d(outchannels, ), + nn.ReLU(inplace=True))) + transition_layers.append(nn.Sequential(*conv3x3s)) + + return nn.ModuleList(transition_layers) + + def _make_layer(self, block, inplanes, planes, blocks, stride=1): + downsample = None + if stride != 1 or inplanes != planes * block.expansion: + downsample = nn.Sequential( + nn.Conv2d(inplanes, planes * block.expansion, + kernel_size=1, stride=stride, bias=False), + nn.BatchNorm2d(planes * block.expansion, ), + ) + + layers = [] + layers.append(block(inplanes, planes, stride, downsample)) + inplanes = planes * block.expansion + for i in range(1, blocks): + layers.append(block(inplanes, planes)) + + return nn.Sequential(*layers) + + def _make_stage(self, stage_index, in_channels, + multi_scale_output=True): + num_modules = self.num_modules[stage_index] + num_branches = self.num_branches[stage_index] + num_blocks = self.num_blocks[stage_index] + num_channels = self.num_channels[stage_index] + block = self.block[stage_index] + fuse_method = self.fuse_method[stage_index] + modules = [] + for i in range(num_modules): + # multi_scale_output is only used last module + if not multi_scale_output and i == num_modules - 1: + reset_multi_scale_output = False + else: + reset_multi_scale_output = True + + modules.append( + HighResolutionModule(num_branches, + block, + num_blocks, + in_channels, + num_channels, + fuse_method, + reset_multi_scale_output) + ) + in_channels = modules[-1].get_num_inchannels() + + return nn.Sequential(*modules), in_channels + + def forward(self, x): + x = self.conv1(x) + x = self.bn1(x) + x = self.relu(x) + x = self.conv2(x) + x = self.bn2(x) + x = self.relu(x) + x = self.layer1(x) + + x_list = [] + for i in range(self.num_branches[1]): + if self.transition1[i] is not None: + x_list.append(self.transition1[i](x)) + else: + x_list.append(x) + y_list = self.stage2(x_list) + + x_list = [] + for i in range(self.num_branches[2]): + if self.transition2[i] is not None: + x_list.append(self.transition2[i](y_list[-1])) + else: + x_list.append(y_list[i]) + y_list = self.stage3(x_list) + + x_list = [] + for i in range(self.num_branches[3]): + if self.transition3[i] is not None: + x_list.append(self.transition3[i](y_list[-1])) + else: + x_list.append(y_list[i]) + y_list = self.stage4(x_list) + + kwargs = { + 'size': tuple(y_list[0].shape[-2:]), + 'mode': 'bilinear', 'align_corners': False, + } + return torch.cat([F.interpolate(y,**kwargs) for y in y_list], 1) + +def hrnet18s(pretrained=True, **kwargs): + model = HighResolutionNet( + num_modules = [1, 1, 3, 2], + num_branches = [1, 2, 3, 4], + block = [Bottleneck, BasicBlock, BasicBlock, BasicBlock], + num_blocks = [(2,), (2,2), (2,2,2), (2,2,2,2)], + num_channels = [(64,), (18,36), (18,36,72), (18,36,72,144)], + fuse_method = ['SUM', 'SUM', 'SUM', 'SUM'], + **kwargs + ) + if pretrained: + model.load_state_dict(model_zoo.load_url(model_urls['hrnet_w18s']), strict=False) + return model + +def hrnet18(pretrained=False, **kwargs): + model = HighResolutionNet( + num_modules = [1, 1, 4, 3], + num_branches = [1, 2, 3, 4], + block = [Bottleneck, BasicBlock, BasicBlock, BasicBlock], + num_blocks = [(4,), (4,4), (4,4,4), (4,4,4,4)], + num_channels = [(64,), (18,36), (18,36,72), (18,36,72,144)], + fuse_method = ['SUM', 'SUM', 'SUM', 'SUM'], + **kwargs + ) + if pretrained: + model.load_state_dict(model_zoo.load_url(model_urls['hrnet18']), strict=False) + return model + +def hrnet32(pretrained=False, **kwargs): + model = HighResolutionNet( + num_modules = [1, 1, 4, 3], + num_branches = [1, 2, 3, 4], + block = [Bottleneck, BasicBlock, BasicBlock, BasicBlock], + num_blocks = [(4,), (4,4), (4,4,4), (4,4,4,4)], + num_channels = [(64,), (32,64), (32,64,128), (32,64,128,256)], + fuse_method = ['SUM', 'SUM', 'SUM', 'SUM'], + **kwargs + ) + if pretrained: + model.load_state_dict(model_zoo.load_url(model_urls['hrnet32']), strict=False) + return model + + +class BinaryHeadBlock(nn.Module): + """BinaryHeadBlock + """ + def __init__(self, in_channels, proj_channels, out_channels, **kwargs): + super(BinaryHeadBlock, self).__init__() + self.layers = nn.Sequential( + nn.Conv2d(in_channels, proj_channels, 1, bias=False), + nn.BatchNorm2d(proj_channels), + nn.ReLU(inplace=True), + nn.Conv2d(proj_channels, out_channels*2, 1, bias=False), + ) + + def forward(self, input): + N, C, H, W = input.shape + return self.layers(input).view(N, 2, -1, H, W) + +def heatmap2coord(heatmap, topk=9): + N, C, H, W = heatmap.shape + score, index = heatmap.view(N,C,1,-1).topk(topk, dim=-1) + coord = torch.cat([index%W, index//W], dim=2) + return (coord*F.softmax(score, dim=-1)).sum(-1) + +class BinaryHeatmap2Coordinate(nn.Module): + """BinaryHeatmap2Coordinate + """ + def __init__(self, stride=4.0, topk=5, **kwargs): + super(BinaryHeatmap2Coordinate, self).__init__() + self.topk = topk + self.stride = stride + + def forward(self, input): + return self.stride * heatmap2coord(input[:,1,...], self.topk) + + def __repr__(self): + format_string = self.__class__.__name__ + '(' + format_string += 'topk={}, '.format(self.topk) + format_string += 'stride={}'.format(self.stride) + format_string += ')' + return format_string + +class HeatmapHead(nn.Module): + """HeatmapHead + """ + def __init__(self): + super(HeatmapHead, self).__init__() + self.decoder = BinaryHeatmap2Coordinate( + topk=9, + stride=4.0, + ) + self.head = BinaryHeadBlock( + in_channels=270, + proj_channels=270, + out_channels=98, + ) + + def forward(self, input): + heatmap = self.head(input) + ldmk = self.decoder(heatmap) + return heatmap[:,1,...], ldmk + + +class LandmarkDetector(nn.Module): + def __init__(self, model_path): + super(LandmarkDetector, self).__init__() + + self.backbone = HighResolutionNet( + num_modules = [1, 1, 4, 3], + num_branches = [1, 2, 3, 4], + block = [Bottleneck, BasicBlock, BasicBlock, BasicBlock], + num_blocks = [(4,), (4,4), (4,4,4), (4,4,4,4)], + num_channels = [(64,), (18,36), (18,36,72), (18,36,72,144)], + fuse_method = ['SUM', 'SUM', 'SUM', 'SUM'] + ) + + self.heatmap_head = HeatmapHead() + + self.load_state_dict(torch.load(model_path)) + + def forward(self, img): + heatmap, landmark = self.heatmap_head(self.backbone(img)) + + return heatmap, landmark \ No newline at end of file diff --git a/data_process/lib/models/ldmk/ldmk.py b/data_process/lib/models/ldmk/ldmk.py new file mode 100644 index 0000000000000000000000000000000000000000..3ff87ff67d5b96c83a0e9039560dda082fe3bf1d --- /dev/null +++ b/data_process/lib/models/ldmk/ldmk.py @@ -0,0 +1,340 @@ +################################################# +# Copyright (c) 2021-present, xiaobing.ai, Inc. # +# All rights reserved. # +################################################# +# CV Research, DEV(USA) xiaobing. # +# written by wangduomin@xiaobing.ai # +################################################# + +##### python internal and external package +import os +import cv2 +import torch +import torch.nn as nn +import numpy as np +import torchvision.transforms as transforms +from PIL import Image +import math + +##### self defined package +from lib.models.ldmk.hrnet import LandmarkDetector + +gauss_kernel = None + +class ldmkDetector(nn.Module): + def __init__(self, cfg): + super(ldmkDetector, self).__init__() + if cfg.model.ldmk.model_name == "h3r": + self.model = LandmarkDetector(cfg.model.ldmk.model_path) + else: + print("Error: the model {} of landmark is not exists".format(cfg.model.ldmk.model_name)) + + self.model.eval() + self.model.cuda() + + self.size = cfg.model.ldmk.img_size # 256 + + self.landmark_transform = transforms.Compose([ + transforms.Resize(size=(self.size, self.size)), + transforms.ToTensor(), + transforms.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + ]) + + def _transform(self, img): + + h, w, c = img.shape + img = img[:, :, ::-1] + img = Image.fromarray(img.astype(np.uint8)) + img = self.landmark_transform(img) + img = img.type(torch.FloatTensor).unsqueeze(0) + + + img = img.cuda() + + return img, h, w + + def forward(self, img): + img, h, w = self._transform(img) + + _, landmarks = self.model(img) + + landmarks = landmarks / torch.Tensor([self.size / w, self.size / h]).reshape(1, 1, 2).cuda() + + landmarks = landmarks.detach().cpu().numpy() + + return landmarks + + +class ldmk3dDetector(nn.Module): + def __init__(self, cfg): + super(ldmk3dDetector, self).__init__() + self.model_3d = torch.jit.load(cfg.model.ldmk_3d.model_path) + self.model_depth = torch.jit.load(cfg.model.ldmk_3d.model_depth_path) + + self.model_3d.eval() + self.model_depth.eval() + self.model_3d.cuda() + self.model_depth.cuda() + + self.size = cfg.model.ldmk.img_size # 256 + + self.landmark_transform = transforms.Compose([ + transforms.Resize(size=(self.size, self.size)), + transforms.ToTensor(), + ]) + + def _transform(self, img): + + h, w, c = img.shape + img = img[:, :, ::-1] + img = Image.fromarray(img.astype(np.uint8)) + img = self.landmark_transform(img) + img = img.type(torch.FloatTensor).unsqueeze(0) + + img = img.cuda() + + return img, h, w + + def get_cropped_img(self, img, box): + center = torch.tensor( + [box[2] - (box[2] - box[0]) / 2.0, box[3] - (box[3] - box[1]) / 2.0]) + center[1] = center[1] - (box[3] - box[1]) * 0.12 + scale = (box[2] - box[0] + box[3] - box[1]) / 192 + + inp = crop(img, center, scale) + return inp, center, scale + + def forward(self, img, boxes): + ldmks = [] + for box in boxes: + img_cropped, center, scale = self.get_cropped_img(img, box) + img_cropped, h, w = self._transform(img_cropped) + + out = self.model_3d(img_cropped).detach() + out = out.cpu().numpy() + + pts, pts_img, scores = get_preds_fromhm(out, center.numpy(), scale) + pts, pts_img = torch.from_numpy(pts), torch.from_numpy(pts_img) + pts, pts_img = pts.view(68, 2) * 4, pts_img.view(68, 2) + scores = scores.squeeze(0) + + heatmaps = np.zeros((68, 256, 256), dtype=np.float32) + for i in range(68): + if pts[i, 0] > 0 and pts[i, 1] > 0: + heatmaps[i] = draw_gaussian( + heatmaps[i], pts[i], 2) + heatmaps = torch.from_numpy( + heatmaps).unsqueeze_(0) + + heatmaps = heatmaps.cuda() + depth_pred = self.model_depth( + torch.cat((img_cropped, heatmaps), 1)).data.cpu().view(68, 1) + pts_img = torch.cat( + (pts_img, depth_pred * (1.0 / (256.0 / (200.0 * scale)))), 1).detach().cpu().numpy() + + ldmks.append(pts_img) + return np.array(ldmks) + +def get_preds_fromhm(hm, center=None, scale=None): + """Obtain (x,y) coordinates given a set of N heatmaps. If the center + and the scale is provided the function will return the points also in + the original coordinate frame. + Arguments: + hm {torch.tensor} -- the predicted heatmaps, of shape [B, N, W, H] + Keyword Arguments: + center {torch.tensor} -- the center of the bounding box (default: {None}) + scale {float} -- face scale (default: {None}) + """ + B, C, H, W = hm.shape + hm_reshape = hm.reshape(B, C, H * W) + idx = np.argmax(hm_reshape, axis=-1) + scores = np.take_along_axis(hm_reshape, np.expand_dims(idx, axis=-1), axis=-1).squeeze(-1) + preds, preds_orig = _get_preds_fromhm(hm, idx, center, scale) + + return preds, preds_orig, scores + +def _get_preds_fromhm(hm, idx, center=None, scale=None): + """Obtain (x,y) coordinates given a set of N heatmaps and the + coresponding locations of the maximums. If the center + and the scale is provided the function will return the points also in + the original coordinate frame. + Arguments: + hm {torch.tensor} -- the predicted heatmaps, of shape [B, N, W, H] + Keyword Arguments: + center {torch.tensor} -- the center of the bounding box (default: {None}) + scale {float} -- face scale (default: {None}) + """ + B, C, H, W = hm.shape + idx += 1 + preds = idx.repeat(2).reshape(B, C, 2).astype(np.float32) + preds[:, :, 0] = (preds[:, :, 0] - 1) % W + 1 + preds[:, :, 1] = np.floor((preds[:, :, 1] - 1) / H) + 1 + + for i in range(B): + for j in range(C): + hm_ = hm[i, j, :] + pX, pY = int(preds[i, j, 0]) - 1, int(preds[i, j, 1]) - 1 + if pX > 0 and pX < 63 and pY > 0 and pY < 63: + diff = np.array( + [hm_[pY, pX + 1] - hm_[pY, pX - 1], + hm_[pY + 1, pX] - hm_[pY - 1, pX]]) + preds[i, j] += np.sign(diff) * 0.25 + + preds -= 0.5 + + preds_orig = np.zeros_like(preds) + if center is not None and scale is not None: + for i in range(B): + for j in range(C): + preds_orig[i, j] = transform_np( + preds[i, j], center, scale, H, True) + + return preds, preds_orig + +def draw_gaussian(image, point, sigma): + global gauss_kernel + # Check if the gaussian is inside + ul = [math.floor(point[0] - 3 * sigma), math.floor(point[1] - 3 * sigma)] + br = [math.floor(point[0] + 3 * sigma), math.floor(point[1] + 3 * sigma)] + if (ul[0] > image.shape[1] or ul[1] > image.shape[0] or br[0] < 1 or br[1] < 1): + return image + size = 6 * sigma + 1 + if gauss_kernel is None: + g = _gaussian(size) + gauss_kernel = g + else: + g = gauss_kernel + g_x = [int(max(1, -ul[0])), int(min(br[0], image.shape[1])) - int(max(1, ul[0])) + int(max(1, -ul[0]))] + g_y = [int(max(1, -ul[1])), int(min(br[1], image.shape[0])) - int(max(1, ul[1])) + int(max(1, -ul[1]))] + img_x = [int(max(1, ul[0])), int(min(br[0], image.shape[1]))] + img_y = [int(max(1, ul[1])), int(min(br[1], image.shape[0]))] + assert (g_x[0] > 0 and g_y[1] > 0) + image[img_y[0] - 1:img_y[1], img_x[0] - 1:img_x[1] + ] = image[img_y[0] - 1:img_y[1], img_x[0] - 1:img_x[1]] + g[g_y[0] - 1:g_y[1], g_x[0] - 1:g_x[1]] + image[image > 1] = 1 + return image + +def crop(image, center, scale, resolution=256.0): + """Center crops an image or set of heatmaps + Arguments: + image {numpy.array} -- an rgb image + center {numpy.array} -- the center of the object, usually the same as of the bounding box + scale {float} -- scale of the face + Keyword Arguments: + resolution {float} -- the size of the output cropped image (default: {256.0}) + Returns: + [type] -- [description] + """ # Crop around the center point + """ Crops the image around the center. Input is expected to be an np.ndarray """ + ul = transform([1, 1], center, scale, resolution, True) + br = transform([resolution, resolution], center, scale, resolution, True) + # pad = math.ceil(torch.norm((ul - br).float()) / 2.0 - (br[0] - ul[0]) / 2.0) + if image.ndim > 2: + newDim = np.array([br[1] - ul[1], br[0] - ul[0], + image.shape[2]], dtype=np.int32) + newImg = np.zeros(newDim, dtype=np.uint8) + else: + newDim = np.array([br[1] - ul[1], br[0] - ul[0]], dtype=np.int) + newImg = np.zeros(newDim, dtype=np.uint8) + ht = image.shape[0] + wd = image.shape[1] + newX = np.array( + [max(1, -ul[0] + 1), min(br[0], wd) - ul[0]], dtype=np.int32) + newY = np.array( + [max(1, -ul[1] + 1), min(br[1], ht) - ul[1]], dtype=np.int32) + oldX = np.array([max(1, ul[0] + 1), min(br[0], wd)], dtype=np.int32) + oldY = np.array([max(1, ul[1] + 1), min(br[1], ht)], dtype=np.int32) + newImg[newY[0] - 1:newY[1], newX[0] - 1:newX[1] + ] = image[oldY[0] - 1:oldY[1], oldX[0] - 1:oldX[1], :] + newImg = cv2.resize(newImg, dsize=(int(resolution), int(resolution)), + interpolation=cv2.INTER_LINEAR) + return newImg + +def transform(point, center, scale, resolution, invert=False): + """Generate and affine transformation matrix. + Given a set of points, a center, a scale and a targer resolution, the + function generates and affine transformation matrix. If invert is ``True`` + it will produce the inverse transformation. + Arguments: + point {torch.tensor} -- the input 2D point + center {torch.tensor or numpy.array} -- the center around which to perform the transformations + scale {float} -- the scale of the face/object + resolution {float} -- the output resolution + Keyword Arguments: + invert {bool} -- define wherever the function should produce the direct or the + inverse transformation matrix (default: {False}) + """ + _pt = torch.ones(3) + _pt[0] = point[0] + _pt[1] = point[1] + + h = 200.0 * scale + t = torch.eye(3) + t[0, 0] = resolution / h + t[1, 1] = resolution / h + t[0, 2] = resolution * (-center[0] / h + 0.5) + t[1, 2] = resolution * (-center[1] / h + 0.5) + + if invert: + t = torch.inverse(t) + + new_point = (torch.matmul(t, _pt))[0:2] + + return new_point.int() + +def transform_np(point, center, scale, resolution, invert=False): + """Generate and affine transformation matrix. + Given a set of points, a center, a scale and a targer resolution, the + function generates and affine transformation matrix. If invert is ``True`` + it will produce the inverse transformation. + Arguments: + point {numpy.array} -- the input 2D point + center {numpy.array} -- the center around which to perform the transformations + scale {float} -- the scale of the face/object + resolution {float} -- the output resolution + Keyword Arguments: + invert {bool} -- define wherever the function should produce the direct or the + inverse transformation matrix (default: {False}) + """ + _pt = np.ones(3) + _pt[0] = point[0] + _pt[1] = point[1] + + h = 200.0 * scale + t = np.eye(3) + t[0, 0] = resolution / h + t[1, 1] = resolution / h + t[0, 2] = resolution * (-center[0] / h + 0.5) + t[1, 2] = resolution * (-center[1] / h + 0.5) + + if invert: + t = np.ascontiguousarray(np.linalg.pinv(t)) + + new_point = np.dot(t, _pt)[0:2] + + return new_point.astype(np.int32) + +def _gaussian( + size=3, sigma=0.25, amplitude=1, normalize=False, width=None, + height=None, sigma_horz=None, sigma_vert=None, mean_horz=0.5, + mean_vert=0.5): + # handle some defaults + if width is None: + width = size + if height is None: + height = size + if sigma_horz is None: + sigma_horz = sigma + if sigma_vert is None: + sigma_vert = sigma + center_x = mean_horz * width + 0.5 + center_y = mean_vert * height + 0.5 + gauss = np.empty((height, width), dtype=np.float32) + # generate kernel + for i in range(height): + for j in range(width): + gauss[i][j] = amplitude * math.exp(-(math.pow((j + 1 - center_x) / ( + sigma_horz * width), 2) / 2.0 + math.pow((i + 1 - center_y) / (sigma_vert * height), 2) / 2.0)) + if normalize: + gauss = gauss / np.sum(gauss) + return gauss \ No newline at end of file diff --git a/data_process/lib/models/networks/FAN_feature_extractor.py b/data_process/lib/models/networks/FAN_feature_extractor.py new file mode 100644 index 0000000000000000000000000000000000000000..d2dc6d72fcb4e0d261c4fd4291bb36a502a1f466 --- /dev/null +++ b/data_process/lib/models/networks/FAN_feature_extractor.py @@ -0,0 +1,163 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +# from util import util + + +def conv3x3(in_planes, out_planes, strd=1, padding=1, bias=False): + "3x3 convolution with padding" + return nn.Conv2d(in_planes, out_planes, kernel_size=3, + stride=strd, padding=padding, bias=bias) + + +class ConvBlock(nn.Module): + def __init__(self, in_planes, out_planes): + super(ConvBlock, self).__init__() + self.bn1 = nn.BatchNorm2d(in_planes) + self.conv1 = conv3x3(in_planes, int(out_planes / 2)) + self.bn2 = nn.BatchNorm2d(int(out_planes / 2)) + self.conv2 = conv3x3(int(out_planes / 2), int(out_planes / 4)) + self.bn3 = nn.BatchNorm2d(int(out_planes / 4)) + self.conv3 = conv3x3(int(out_planes / 4), int(out_planes / 4)) + + if in_planes != out_planes: + self.downsample = nn.Sequential( + nn.BatchNorm2d(in_planes), + nn.ReLU(True), + nn.Conv2d(in_planes, out_planes, + kernel_size=1, stride=1, bias=False), + ) + else: + self.downsample = None + + def forward(self, x): + residual = x + + out1 = self.bn1(x) + out1 = F.relu(out1, True) + out1 = self.conv1(out1) + + out2 = self.bn2(out1) + out2 = F.relu(out2, True) + out2 = self.conv2(out2) + + out3 = self.bn3(out2) + out3 = F.relu(out3, True) + out3 = self.conv3(out3) + + out3 = torch.cat((out1, out2, out3), 1) + + if self.downsample is not None: + residual = self.downsample(residual) + + out3 += residual + + return out3 + + +class HourGlass(nn.Module): + def __init__(self, num_modules, depth, num_features): + super(HourGlass, self).__init__() + self.num_modules = num_modules + self.depth = depth + self.features = num_features + self.dropout = nn.Dropout(0.5) + + self._generate_network(self.depth) + + def _generate_network(self, level): + self.add_module('b1_' + str(level), ConvBlock(256, 256)) + + self.add_module('b2_' + str(level), ConvBlock(256, 256)) + + if level > 1: + self._generate_network(level - 1) + else: + self.add_module('b2_plus_' + str(level), ConvBlock(256, 256)) + + self.add_module('b3_' + str(level), ConvBlock(256, 256)) + + def _forward(self, level, inp): + # Upper branch + up1 = inp + up1 = self._modules['b1_' + str(level)](up1) + up1 = self.dropout(up1) + # Lower branch + low1 = F.max_pool2d(inp, 2, stride=2) + low1 = self._modules['b2_' + str(level)](low1) + + if level > 1: + low2 = self._forward(level - 1, low1) + else: + low2 = low1 + low2 = self._modules['b2_plus_' + str(level)](low2) + + low3 = low2 + low3 = self._modules['b3_' + str(level)](low3) + up1size = up1.size() + rescale_size = (up1size[2], up1size[3]) + up2 = F.upsample(low3, size=rescale_size, mode='bilinear') + + return up1 + up2 + + def forward(self, x): + return self._forward(self.depth, x) + + +class FAN_use(nn.Module): + def __init__(self): + super(FAN_use, self).__init__() + self.num_modules = 1 + + # Base part + self.conv1 = nn.Conv2d(3, 64, kernel_size=7, stride=2, padding=3) + self.bn1 = nn.BatchNorm2d(64) + self.conv2 = ConvBlock(64, 128) + self.conv3 = ConvBlock(128, 128) + self.conv4 = ConvBlock(128, 256) + + # Stacking part + hg_module = 0 + self.add_module('m' + str(hg_module), HourGlass(1, 4, 256)) + self.add_module('top_m_' + str(hg_module), ConvBlock(256, 256)) + self.add_module('conv_last' + str(hg_module), + nn.Conv2d(256, 256, kernel_size=1, stride=1, padding=0)) + self.add_module('l' + str(hg_module), nn.Conv2d(256, + 68, kernel_size=1, stride=1, padding=0)) + self.add_module('bn_end' + str(hg_module), nn.BatchNorm2d(256)) + + if hg_module < self.num_modules - 1: + self.add_module( + 'bl' + str(hg_module), nn.Conv2d(256, 256, kernel_size=1, stride=1, padding=0)) + self.add_module('al' + str(hg_module), nn.Conv2d(68, + 256, kernel_size=1, stride=1, padding=0)) + + self.avgpool = nn.MaxPool2d((2, 2), 2) + self.conv6 = nn.Conv2d(68, 1, 3, 2, 1) + self.fc = nn.Linear(28 * 28, 512) + self.bn5 = nn.BatchNorm2d(68) + self.relu = nn.ReLU(True) + + def forward(self, x): + x = F.relu(self.bn1(self.conv1(x)), True) + x = F.max_pool2d(self.conv2(x), 2) + x = self.conv3(x) + x = self.conv4(x) + + previous = x + + i = 0 + hg = self._modules['m' + str(i)](previous) + + ll = hg + ll = self._modules['top_m_' + str(i)](ll) + + ll = self._modules['bn_end' + str(i)](self._modules['conv_last' + str(i)](ll)) + tmp_out = self._modules['l' + str(i)](F.relu(ll)) + + net = self.relu(self.bn5(tmp_out)) + net = self.conv6(net) + net = net.view(-1, net.shape[-2] * net.shape[-1]) + net = self.relu(net) + net = self.fc(net) + return net diff --git a/data_process/lib/models/networks/__init__.py b/data_process/lib/models/networks/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..c722716a425590cc2712123aae49f57e3b54a956 --- /dev/null +++ b/data_process/lib/models/networks/__init__.py @@ -0,0 +1,34 @@ +import torch +import importlib +from lib.models.networks.discriminator import MultiscaleDiscriminator, ImageDiscriminator +from lib.models.networks.generator import ModulateGenerator +from lib.models.networks.encoder import ResSEAudioEncoder, ResNeXtEncoder, ResSESyncEncoder, FanEncoder +# import util.util as util + +def find_class_in_module(target_cls_name, module): + target_cls_name = target_cls_name.replace('_', '').lower() + clslib = importlib.import_module(module) + cls = None + for name, clsobj in clslib.__dict__.items(): + if name.lower() == target_cls_name: + cls = clsobj + + if cls is None: + print("In %s, there should be a class whose name matches %s in lowercase without underscore(_)" % (module, target_cls_name)) + exit(0) + + return cls + +def find_network_using_name(target_network_name, filename): + target_class_name = target_network_name + filename + module_name = 'lib.models.networks.' + filename + network = find_class_in_module(target_class_name, module_name) + + return network + +def define_networks(opt, name, _type): + net = find_network_using_name(name, _type) + net = net(opt) + return net + + diff --git a/data_process/lib/models/networks/architecture.py b/data_process/lib/models/networks/architecture.py new file mode 100644 index 0000000000000000000000000000000000000000..bb4a36115af555166ff5c277464ddbb3b63a82c7 --- /dev/null +++ b/data_process/lib/models/networks/architecture.py @@ -0,0 +1,149 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +import torchvision +from lib.models.networks.encoder import VGGEncoder +# from util import util +from lib.models.networks.sync_batchnorm import SynchronizedBatchNorm2d +import torch.nn.utils.spectral_norm as spectral_norm + +def copy_state_dict(state_dict, model, strip=None, replace=None): + tgt_state = model.state_dict() + copied_names = set() + for name, param in state_dict.items(): + if strip is not None and replace is None and name.startswith(strip): + name = name[len(strip):] + if strip is not None and replace is not None: + name = name.replace(strip, replace) + if name not in tgt_state: + continue + if isinstance(param, torch.nn.Parameter): + param = param.data + if param.size() != tgt_state[name].size(): + print('mismatch:', name, param.size(), tgt_state[name].size()) + continue + tgt_state[name].copy_(param) + copied_names.add(name) + + missing = set(tgt_state.keys()) - copied_names + if len(missing) > 0: + print("missing keys in state_dict:", missing) + +# VGG architecter, used for the perceptual loss using a pretrained VGG network +class VGG19(torch.nn.Module): + def __init__(self, requires_grad=False): + super(VGG19, self).__init__() + vgg_pretrained_features = torchvision.models.vgg19(pretrained=True).features + self.slice1 = torch.nn.Sequential() + self.slice2 = torch.nn.Sequential() + self.slice3 = torch.nn.Sequential() + self.slice4 = torch.nn.Sequential() + self.slice5 = torch.nn.Sequential() + for x in range(2): + self.slice1.add_module(str(x), vgg_pretrained_features[x]) + for x in range(2, 7): + self.slice2.add_module(str(x), vgg_pretrained_features[x]) + for x in range(7, 12): + self.slice3.add_module(str(x), vgg_pretrained_features[x]) + for x in range(12, 21): + self.slice4.add_module(str(x), vgg_pretrained_features[x]) + for x in range(21, 30): + self.slice5.add_module(str(x), vgg_pretrained_features[x]) + if not requires_grad: + for param in self.parameters(): + param.requires_grad = False + + def forward(self, X): + h_relu1 = self.slice1(X) + h_relu2 = self.slice2(h_relu1) + h_relu3 = self.slice3(h_relu2) + h_relu4 = self.slice4(h_relu3) + h_relu5 = self.slice5(h_relu4) + out = [h_relu1, h_relu2, h_relu3, h_relu4, h_relu5] + return out + + +class VGGFace19(torch.nn.Module): + def __init__(self, opt, load_path="", requires_grad=False): + super(VGGFace19, self).__init__() + self.model = VGGEncoder(opt) + self.opt = opt + ckpt = torch.load(load_path) + print("=> loading checkpoint '{}'".format(load_path)) + copy_state_dict(ckpt, self.model.model) + vgg_pretrained_features = self.model.model.features + len_features = len(self.model.model.features) + self.slice1 = torch.nn.Sequential() + self.slice2 = torch.nn.Sequential() + self.slice3 = torch.nn.Sequential() + self.slice4 = torch.nn.Sequential() + self.slice5 = torch.nn.Sequential() + self.slice6 = torch.nn.Sequential() + + for x in range(2): + self.slice1.add_module(str(x), vgg_pretrained_features[x]) + for x in range(2, 7): + self.slice2.add_module(str(x), vgg_pretrained_features[x]) + for x in range(7, 12): + self.slice3.add_module(str(x), vgg_pretrained_features[x]) + for x in range(12, 21): + self.slice4.add_module(str(x), vgg_pretrained_features[x]) + for x in range(21, 30): + self.slice5.add_module(str(x), vgg_pretrained_features[x]) + for x in range(30, len_features): + self.slice6.add_module(str(x), vgg_pretrained_features[x]) + if not requires_grad: + for param in self.parameters(): + param.requires_grad = False + + def forward(self, X): + X = X.view(-1, self.opt.model.output_nc, self.opt.data.img_size, self.opt.data.img_size) + h_relu1 = self.slice1(X) + h_relu2 = self.slice2(h_relu1) + h_relu3 = self.slice3(h_relu2) + h_relu4 = self.slice4(h_relu3) + h_relu5 = self.slice5(h_relu4) + h_relu6 = self.slice6(h_relu5) + out = [h_relu3, h_relu4, h_relu5, h_relu6, h_relu6] + return out + + +# Returns a function that creates a normalization function +# that does not condition on semantic map +def get_nonspade_norm_layer(opt, norm_type='instance'): + # helper function to get # output channels of the previous layer + def get_out_channel(layer): + if hasattr(layer, 'out_channels'): + return getattr(layer, 'out_channels') + return layer.weight.size(0) + + # this function will be returned + def add_norm_layer(layer): + nonlocal norm_type + if norm_type.startswith('spectral'): + layer = spectral_norm(layer) + subnorm_type = norm_type[len('spectral'):] + else: + subnorm_type = norm_type + + if subnorm_type == 'none' or len(subnorm_type) == 0: + return layer + + # remove bias in the previous layer, which is meaningless + # since it has no effect after normalization + if getattr(layer, 'bias', None) is not None: + delattr(layer, 'bias') + layer.register_parameter('bias', None) + + if subnorm_type == 'batch': + norm_layer = nn.BatchNorm2d(get_out_channel(layer), affine=True) + elif subnorm_type == 'syncbatch': + norm_layer = SynchronizedBatchNorm2d(get_out_channel(layer), affine=True) + elif subnorm_type == 'instance': + norm_layer = nn.InstanceNorm2d(get_out_channel(layer), affine=False) + else: + raise ValueError('normalization layer %s is not recognized' % subnorm_type) + + return nn.Sequential(layer, norm_layer) + + return add_norm_layer diff --git a/data_process/lib/models/networks/audio_network.py b/data_process/lib/models/networks/audio_network.py new file mode 100644 index 0000000000000000000000000000000000000000..e1ebb28d2ebc4aa5e43881e54fc0baefeae02a13 --- /dev/null +++ b/data_process/lib/models/networks/audio_network.py @@ -0,0 +1,199 @@ +import torch +import torch.nn as nn + + +class ResNetSE(nn.Module): + def __init__(self, block, layers, num_filters, nOut, encoder_type='SAP', n_mels=80, n_mel_T=1, log_input=True, **kwargs): + super(ResNetSE, self).__init__() + + print('Embedding size is %d, encoder %s.' % (nOut, encoder_type)) + + self.inplanes = num_filters[0] + self.encoder_type = encoder_type + self.n_mels = n_mels + self.log_input = log_input + + self.conv1 = nn.Conv2d(1, num_filters[0], kernel_size=3, stride=1, padding=1) + self.relu = nn.ReLU(inplace=True) + self.bn1 = nn.BatchNorm2d(num_filters[0]) + + self.layer1 = self._make_layer(block, num_filters[0], layers[0]) + self.layer2 = self._make_layer(block, num_filters[1], layers[1], stride=(2, 2)) + self.layer3 = self._make_layer(block, num_filters[2], layers[2], stride=(2, 2)) + self.layer4 = self._make_layer(block, num_filters[3], layers[3], stride=(2, 2)) + + self.instancenorm = nn.InstanceNorm1d(n_mels) + + outmap_size = int(self.n_mels * n_mel_T / 8) + + self.attention = nn.Sequential( + nn.Conv1d(num_filters[3] * outmap_size, 128, kernel_size=1), + nn.ReLU(), + nn.BatchNorm1d(128), + nn.Conv1d(128, num_filters[3] * outmap_size, kernel_size=1), + nn.Softmax(dim=2), + ) + + if self.encoder_type == "SAP": + out_dim = num_filters[3] * outmap_size + elif self.encoder_type == "ASP": + out_dim = num_filters[3] * outmap_size * 2 + else: + raise ValueError('Undefined encoder') + + self.fc = nn.Linear(out_dim, nOut) + + for m in self.modules(): + if isinstance(m, nn.Conv2d): + nn.init.kaiming_normal_(m.weight, mode='fan_out', nonlinearity='relu') + elif isinstance(m, nn.BatchNorm2d): + nn.init.constant_(m.weight, 1) + nn.init.constant_(m.bias, 0) + + def _make_layer(self, block, planes, blocks, stride=1): + downsample = None + if stride != 1 or self.inplanes != planes * block.expansion: + downsample = nn.Sequential( + nn.Conv2d(self.inplanes, planes * block.expansion, + kernel_size=1, stride=stride, bias=False), + nn.BatchNorm2d(planes * block.expansion), + ) + + layers = [] + layers.append(block(self.inplanes, planes, stride, downsample)) + self.inplanes = planes * block.expansion + for i in range(1, blocks): + layers.append(block(self.inplanes, planes)) + + return nn.Sequential(*layers) + + def new_parameter(self, *size): + out = nn.Parameter(torch.FloatTensor(*size)) + nn.init.xavier_normal_(out) + return out + + def forward(self, x): + + # with torch.no_grad(): + # x = self.torchfb(x) + 1e-6 + # if self.log_input: x = x.log() + # x = self.instancenorm(x).unsqueeze(1) + + x = self.conv1(x) + x = self.relu(x) + x = self.bn1(x) + + x = self.layer1(x) + x = self.layer2(x) + x = self.layer3(x) + x = self.layer4(x) + + x = x.reshape(x.size()[0], -1, x.size()[-1]) + + w = self.attention(x) + + if self.encoder_type == "SAP": + x = torch.sum(x * w, dim=2) + elif self.encoder_type == "ASP": + mu = torch.sum(x * w, dim=2) + sg = torch.sqrt((torch.sum((x ** 2) * w, dim=2) - mu ** 2).clamp(min=1e-5)) + x = torch.cat((mu, sg), 1) + + x = x.view(x.size()[0], -1) + x = self.fc(x) + + return x + + + + +class SEBasicBlock(nn.Module): + expansion = 1 + + def __init__(self, inplanes, planes, stride=1, downsample=None, reduction=8): + super(SEBasicBlock, self).__init__() + self.conv1 = nn.Conv2d(inplanes, planes, kernel_size=3, stride=stride, padding=1, bias=False) + self.bn1 = nn.BatchNorm2d(planes) + self.conv2 = nn.Conv2d(planes, planes, kernel_size=3, padding=1, bias=False) + self.bn2 = nn.BatchNorm2d(planes) + self.relu = nn.ReLU(inplace=True) + self.se = SELayer(planes, reduction) + self.downsample = downsample + self.stride = stride + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = self.relu(out) + out = self.bn1(out) + + out = self.conv2(out) + out = self.bn2(out) + out = self.se(out) + + if self.downsample is not None: + residual = self.downsample(x) + + out += residual + out = self.relu(out) + return out + + +class SEBottleneck(nn.Module): + expansion = 4 + + def __init__(self, inplanes, planes, stride=1, downsample=None, reduction=8): + super(SEBottleneck, self).__init__() + self.conv1 = nn.Conv2d(inplanes, planes, kernel_size=1, bias=False) + self.bn1 = nn.BatchNorm2d(planes) + self.conv2 = nn.Conv2d(planes, planes, kernel_size=3, stride=stride, + padding=1, bias=False) + self.bn2 = nn.BatchNorm2d(planes) + self.conv3 = nn.Conv2d(planes, planes * 4, kernel_size=1, bias=False) + self.bn3 = nn.BatchNorm2d(planes * 4) + self.relu = nn.ReLU(inplace=True) + self.se = SELayer(planes * 4, reduction) + self.downsample = downsample + self.stride = stride + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = self.bn1(out) + out = self.relu(out) + + out = self.conv2(out) + out = self.bn2(out) + out = self.relu(out) + + out = self.conv3(out) + out = self.bn3(out) + out = self.se(out) + + if self.downsample is not None: + residual = self.downsample(x) + + out += residual + out = self.relu(out) + + return out + + +class SELayer(nn.Module): + def __init__(self, channel, reduction=8): + super(SELayer, self).__init__() + self.avg_pool = nn.AdaptiveAvgPool2d(1) + self.fc = nn.Sequential( + nn.Linear(channel, channel // reduction), + nn.ReLU(inplace=True), + nn.Linear(channel // reduction, channel), + nn.Sigmoid() + ) + + def forward(self, x): + b, c, _, _ = x.size() + y = self.avg_pool(x).view(b, c) + y = self.fc(y).view(b, c, 1, 1) + return x * y diff --git a/data_process/lib/models/networks/discriminator.py b/data_process/lib/models/networks/discriminator.py new file mode 100644 index 0000000000000000000000000000000000000000..69c87196137ea79f76a9faa54d07228e1c8940d8 --- /dev/null +++ b/data_process/lib/models/networks/discriminator.py @@ -0,0 +1,190 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +import numpy as np +# import util.util as util +from lib.models.networks.architecture import get_nonspade_norm_layer + + +class MultiscaleDiscriminator(nn.Module): + + def __init__(self, opt): + super(MultiscaleDiscriminator, self).__init__() + self.opt = opt + + for i in range(opt.model.net_discriminator.num_D): # num_D = 2 + subnetD = self.create_single_discriminator(opt) + self.add_module('discriminator_%d' % i, subnetD) + + def create_single_discriminator(self, opt): + subarch = opt.model.net_discriminator.netD_subarch # netD_subarch = n_layer + if subarch == 'n_layer': + netD = NLayerDiscriminator(opt) + else: + raise ValueError('unrecognized discriminator subarchitecture %s' % subarch) + return netD + + def downsample(self, input): + return F.avg_pool2d(input, kernel_size=3, + stride=2, padding=[1, 1], + count_include_pad=False) + + # Returns list of lists of discriminator outputs. + # The final result is of size opt.model.net_discriminator.num_D x opt.model.net_discriminator.n_layers_D + def forward(self, input): + result = [] + get_intermediate_features = not self.opt.model.net_discriminator.no_ganFeat_loss + for name, D in self.named_children(): + out = D(input) + if not get_intermediate_features: + out = [out] + result.append(out) + input = self.downsample(input) + + return result + + +# Defines the PatchGAN discriminator with the specified arguments. +class NLayerDiscriminator(nn.Module): + + def __init__(self, opt): + + super(NLayerDiscriminator, self).__init__() + self.opt = opt + + kw = 4 + padw = int(np.ceil((kw - 1.0) / 2)) + nf = opt.model.net_discriminator.ndf + input_nc = self.compute_D_input_nc(opt) + + norm_layer = get_nonspade_norm_layer(opt, opt.model.net_discriminator.norm_D) + sequence = [[nn.Conv2d(input_nc, nf, kernel_size=kw, stride=2, padding=padw), + nn.LeakyReLU(0.2, False)]] + + for n in range(1, opt.model.net_discriminator.n_layers_D): # n_layers_D = 4 + nf_prev = nf + nf = min(nf * 2, 512) + stride = 1 if n == opt.model.net_discriminator.n_layers_D - 1 else 2 + sequence += [[norm_layer(nn.Conv2d(nf_prev, nf, kernel_size=kw, + stride=stride, padding=padw)), + nn.LeakyReLU(0.2, False) + ]] + + sequence += [[nn.Conv2d(nf, 1, kernel_size=kw, stride=1, padding=padw)]] + + # We divide the layers into groups to extract intermediate layer outputs + for n in range(len(sequence)): + self.add_module('model' + str(n), nn.Sequential(*sequence[n])) + + def compute_D_input_nc(self, opt): + if opt.model.net_discriminator.D_input == "concat": + input_nc = opt.model.net_discriminator.label_nc + opt.model.net_discriminator.output_nc + if opt.model.net_discriminator.contain_dontcare_label: + input_nc += 1 + if not opt.model.net_discriminator.no_instance: + input_nc += 1 + else: + input_nc = 3 + return input_nc + + def forward(self, input): + results = [input] + for submodel in self.children(): + + # intermediate_output = checkpoint(submodel, results[-1]) + intermediate_output = submodel(results[-1]) + results.append(intermediate_output) + + get_intermediate_features = not self.opt.model.net_discriminator.no_ganFeat_loss + if get_intermediate_features: + return results[0:] + else: + return results[-1] + + +class AudioSubDiscriminator(nn.Module): + def __init__(self, opt, nc, audio_nc): + super(AudioSubDiscriminator, self).__init__() + norm_layer = get_nonspade_norm_layer(opt, opt.model.net_discriminator.norm_D) + self.avgpool = nn.AdaptiveAvgPool2d((1, 1)) + sequence = [] + sequence += [norm_layer(nn.Conv1d(nc, nc, 3, 2, 1)), + nn.ReLU() + ] + sequence += [norm_layer(nn.Conv1d(nc, audio_nc, 3, 2, 1)), + nn.ReLU() + ] + + self.conv = nn.Sequential(*sequence) + self.cosine = nn.CosineSimilarity() + self.mapping = nn.Linear(audio_nc, audio_nc) + + def forward(self, result, audio): + region = result[result.shape[3] // 2:result.shape[3] - 2, result.shape[4] // 3: 2 * result.shape[4] // 3] + visual = self.avgpool(region) + cos = self.cosine(visual, self.mapping(audio)) + return cos + + +class ImageDiscriminator(nn.Module): + """Defines a PatchGAN discriminator""" + + def __init__(self, opt, n_layers=3, norm_layer=nn.BatchNorm2d): + """Construct a PatchGAN discriminator + Parameters: + input_nc (int) -- the number of channels in input images + ndf (int) -- the number of filters in the last conv layer + n_layers (int) -- the number of conv layers in the discriminator + norm_layer -- normalization layer + """ + super(ImageDiscriminator, self).__init__() + use_bias = norm_layer == nn.InstanceNorm2d + if opt.model.net_discriminator.D_input == "concat": + input_nc = opt.model.net_discriminator.label_nc + opt.model.net_discriminator.output_nc + else: + input_nc = opt.model.net_discriminator.label_nc + ndf = 64 + kw = 4 + padw = 1 + sequence = [nn.Conv2d(input_nc, ndf, kernel_size=kw, stride=2, padding=padw), nn.LeakyReLU(0.2, True)] + nf_mult = 1 + nf_mult_prev = 1 + for n in range(1, n_layers): # gradually increase the number of filters + nf_mult_prev = nf_mult + nf_mult = min(2 ** n, 8) + sequence += [ + nn.Conv2d(ndf * nf_mult_prev, ndf * nf_mult, kernel_size=kw, stride=2, padding=padw, bias=use_bias), + norm_layer(ndf * nf_mult), + nn.LeakyReLU(0.2, True) + ] + + nf_mult_prev = nf_mult + nf_mult = min(2 ** n_layers, 8) + sequence += [ + nn.Conv2d(ndf * nf_mult_prev, ndf * nf_mult, kernel_size=kw, stride=1, padding=padw, bias=use_bias), + norm_layer(ndf * nf_mult), + nn.LeakyReLU(0.2, True) + ] + + sequence += [nn.Conv2d(ndf * nf_mult, 1, kernel_size=kw, stride=1, padding=padw)] # output 1 channel prediction map + self.model = nn.Sequential(*sequence) + + def forward(self, input): + """Standard forward.""" + return self.model(input) + + +class FeatureDiscriminator(nn.Module): + def __init__(self, opt): + super(FeatureDiscriminator, self).__init__() + self.opt = opt + self.fc = nn.Linear(512, opt.model.net_discriminator.num_labels) + self.dropout = nn.Dropout(0.5) + + def forward(self, x): + x0 = x.view(-1, 512) + net = self.dropout(x0) + net = self.fc(net) + return net + + diff --git a/data_process/lib/models/networks/encoder.py b/data_process/lib/models/networks/encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..d532ba5d99d761d13ac72aa9d2f4dff6b98a60f3 --- /dev/null +++ b/data_process/lib/models/networks/encoder.py @@ -0,0 +1,319 @@ +import torch +import torch.nn as nn +import numpy as np +import torch.nn.functional as F +# from util import util +from lib.models.networks.audio_network import ResNetSE, SEBasicBlock +from lib.models.networks.FAN_feature_extractor import FAN_use +from lib.models.networks.vision_network import ResNeXt50 +from torchvision.models.vgg import vgg19_bn +from lib.models.networks.swin_transformer import SwinTransformer +from lib.models.networks.wavlm.wavlm import WavLM, WavLMConfig + + +class ResSEAudioEncoder(nn.Module): + def __init__(self, opt, nOut=2048, n_mel_T=None): + super(ResSEAudioEncoder, self).__init__() + self.nOut = nOut + self.opt = opt + pose_dim = self.opt.model.net_nonidentity.pose_dim + eye_dim = self.opt.model.net_nonidentity.eye_dim + # Number of filters + num_filters = [32, 64, 128, 256] + if n_mel_T is None: # use it when use audio identity + n_mel_T = opt.model.net_audio.n_mel_T + self.model = ResNetSE(SEBasicBlock, [3, 4, 6, 3], num_filters, self.nOut, n_mel_T=n_mel_T) + if opt.audio_only: + self.mouth_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, 512-pose_dim)) + else: + self.mouth_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, 512-pose_dim-eye_dim)) + + + # def forward_feature(self, x): + def forward(self, x, _type=None): + input_size = x.size() + if len(input_size) == 5: + bz, clip_len, c, f, t = input_size + x = x.view(bz * clip_len, c, f, t) + out = self.model(x) + + if _type == "to_mouth_embed": + + out = out.view(-1, out.shape[-1]) + mouth_embed = self.mouth_embed(out) + return out, mouth_embed + + return out + + # def forward(self, x): + # out = self.forward_feature(x) + # score = self.fc(out) + # return out, score + + +class ResSESyncEncoder(ResSEAudioEncoder): + def __init__(self, opt): + super(ResSESyncEncoder, self).__init__(opt, nOut=512, n_mel_T=1) + + +class ResNeXtEncoder(ResNeXt50): + def __init__(self, opt): + super(ResNeXtEncoder, self).__init__(opt) + + +class VGGEncoder(nn.Module): + def __init__(self, opt): + super(VGGEncoder, self).__init__() + self.model = vgg19_bn(num_classes=opt.data.num_classes) + + def forward(self, x): + return self.model(x) + + +class FanEncoder(nn.Module): + def __init__(self, opt): + super(FanEncoder, self).__init__() + self.opt = opt + pose_dim = self.opt.model.net_nonidentity.pose_dim + eye_dim = self.opt.model.net_nonidentity.eye_dim + self.model = FAN_use() + # self.classifier = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.Linear(512, opt.data.num_classes)) + + # mapper to mouth subspace + + ### revised version1 + # self.to_mouth = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + # self.mouth_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, 512-pose_dim-eye_dim)) + + # mapper to head pose subspace + + ### revised version1 + self.to_headpose = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + self.headpose_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, pose_dim)) + + self.to_eye = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + self.eye_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, eye_dim)) + + self.to_emo = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + self.emo_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, 30)) + # self.feature_fuse = nn.Sequential(nn.ReLU(), nn.Linear(1036, 512)) + # self.feature_fuse = nn.Sequential(nn.ReLU(), nn.Linear(1036, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + + def forward_feature(self, x): + net = self.model(x) + return net + + def forward(self, x, _type="feature"): + if _type == "feature": + return self.forward_feature(x) + elif _type == "feature_embed": + x = self.model(x) + # mouth_feat = self.to_mouth(x) + # mouth_emb = self.mouth_embed(mouth_feat) + headpose_feat = self.to_headpose(x) + headpose_emb = self.headpose_embed(headpose_feat) + eye_feat = self.to_eye(x) + eye_embed = self.eye_embed(eye_feat) + emo_feat = self.to_emo(x) + emo_embed = self.emo_embed(emo_feat) + # return headpose_emb, eye_embed, emo_feat + return headpose_emb, eye_embed, emo_embed + elif _type == "to_headpose": + x = self.model(x) + headpose_feat = self.to_headpose(x) + headpose_emb = self.headpose_embed(headpose_feat) + return headpose_emb + + +# class WavlmEncoder(nn.Module): + +# def __init__(self, opt): +# super(WavlmEncoder, self).__init__() + +# wavlm_checkpoint = torch.load(opt.model.net_audio.official_pretrain) +# wavlm_cfg = WavLMConfig(wavlm_checkpoint['cfg']) +# # pose_dim = opt.model.net_nonidentity.pose_dim + +# self.model = WavLM(wavlm_cfg) +# # self.mouth_embed = nn.Sequential(nn.ReLU(), nn.Linear(768, 512-pose_dim)) + +# def forward(self, x): +# feature = self.model.extract_features(x)[0] +# # audio_feat = self.mouth_embed(feature.mean(1)) + +# return feature.mean(1) + + +class WavlmEncoder(nn.Module): + + def __init__(self, opt): + super(WavlmEncoder, self).__init__() + + self.input_wins = opt.audio.num_frames_per_clip + self.s = (self.input_wins - 5) // 2 * 2 + self.e = self.s + 5 * 2 - 1 + + wavlm_checkpoint = torch.load(opt.model.net_audio.official_pretrain) + wavlm_cfg = WavLMConfig(wavlm_checkpoint['cfg']) + pose_dim = opt.model.net_nonidentity.pose_dim + + self.model = WavLM(wavlm_cfg) + self.mouth_feat = nn.Sequential(nn.Linear(768, 512), nn.ReLU(), nn.Linear(512, 512)) + self.mouth_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, 512-pose_dim)) + + def forward(self, x): + feature = self.model.extract_features(x)[0] + feature = self.mouth_feat(feature[:, self.s:self.e].mean(1)) + audio_feat = self.mouth_embed(feature) + + return feature, audio_feat + +class SwinEncoder(nn.Module): + def __init__(self, cfg): + super(SwinEncoder, self).__init__() + + self.encoder = SwinTransformer( + num_classes = 0, + img_size = cfg.model.net_nonidentity.img_size, + patch_size = cfg.model.net_nonidentity.patch_size, + in_chans = cfg.model.net_nonidentity.in_chans, + embed_dim = cfg.model.net_nonidentity.embed_dim, + depths = cfg.model.net_nonidentity.depths, + num_heads = cfg.model.net_nonidentity.num_heads, + window_size = cfg.model.net_nonidentity.window_size, + mlp_ratio = cfg.model.net_nonidentity.mlp_ratio, + qkv_bias = cfg.model.net_nonidentity.qkv_bias, + qk_scale = None if not cfg.model.net_nonidentity.qk_scale else 0.1, + drop_rate = cfg.model.net_nonidentity.drop_rate, + drop_path_rate = cfg.model.net_nonidentity.drop_path_rate, + ape = cfg.model.net_nonidentity.ape, + patch_norm = cfg.model.net_nonidentity.patch_norm, + use_checkpoint = False + ) + + # self.audio_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.eye_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.landmark_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.exp_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + + def forward(self, img): + + feature = self.encoder(img) + + # audio_embed = self.audio_mlp(feature) + # eye_embed = self.eye_mlp(feature) + # ldmk_embed = self.landmark_mlp(feature) + # exp_embed = self.exp_mlp(feature) + + # return feature, audio_embed, eye_embed, ldmk_embed, exp_embed + return feature + + +class ResEncoder(nn.Module): + def __init__(self, opt): + super(ResEncoder, self).__init__() + self.opt = opt + self.model = resnet50(num_classes=512, include_top=True) + + def forward(self, x): + feature = self.model(x) + # print(feature.shape) + return feature + +class FansEncoder(nn.Module): + def __init__(self, cfg): + super(FansEncoder, self).__init__() + + self.encoder = FAN_use(out_dim=768) + + # self.audio_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.eye_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.landmark_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.exp_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + + def forward(self, img): + + feature = self.encoder(img) + + # audio_embed = self.audio_mlp(feature) + # eye_embed = self.eye_mlp(feature) + # ldmk_embed = self.landmark_mlp(feature) + # exp_embed = self.exp_mlp(feature) + + # return feature, audio_embed, eye_embed, ldmk_embed, exp_embed + return feature + +class SwinEncoder(nn.Module): + def __init__(self, cfg): + super(SwinEncoder, self).__init__() + + self.encoder = SwinTransformer( + num_classes = 0, + img_size = cfg.model.net_nonidentity.img_size, + patch_size = cfg.model.net_nonidentity.patch_size, + in_chans = cfg.model.net_nonidentity.in_chans, + embed_dim = cfg.model.net_nonidentity.embed_dim, + depths = cfg.model.net_nonidentity.depths, + num_heads = cfg.model.net_nonidentity.num_heads, + window_size = cfg.model.net_nonidentity.window_size, + mlp_ratio = cfg.model.net_nonidentity.mlp_ratio, + qkv_bias = cfg.model.net_nonidentity.qkv_bias, + qk_scale = None if not cfg.model.net_nonidentity.qk_scale else 0.1, + drop_rate = cfg.model.net_nonidentity.drop_rate, + drop_path_rate = cfg.model.net_nonidentity.drop_path_rate, + ape = cfg.model.net_nonidentity.ape, + patch_norm = cfg.model.net_nonidentity.patch_norm, + use_checkpoint = False + ) + + # self.audio_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.eye_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.landmark_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.exp_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + + def forward(self, img): + + feature = self.encoder(img) + + # audio_embed = self.audio_mlp(feature) + # eye_embed = self.eye_mlp(feature) + # ldmk_embed = self.landmark_mlp(feature) + # exp_embed = self.exp_mlp(feature) + + # return feature, audio_embed, eye_embed, ldmk_embed, exp_embed + return feature + + +class ResEncoder(nn.Module): + def __init__(self, opt): + super(ResEncoder, self).__init__() + self.opt = opt + self.model = resnet50(num_classes=512, include_top=True) + + def forward(self, x): + feature = self.model(x) + # print(feature.shape) + return feature + +class FansEncoder(nn.Module): + def __init__(self, cfg): + super(FansEncoder, self).__init__() + + self.encoder = FAN_use(out_dim=768) + + # self.audio_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.eye_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.landmark_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + # self.exp_mlp = nn.Sequential(nn.Linear(768, 768), nn.ReLU(), nn.LayerNorm(768), nn.Linear(768, 768)) + + def forward(self, img): + + feature = self.encoder(img) + + # audio_embed = self.audio_mlp(feature) + # eye_embed = self.eye_mlp(feature) + # ldmk_embed = self.landmark_mlp(feature) + # exp_embed = self.exp_mlp(feature) + + # return feature, audio_embed, eye_embed, ldmk_embed, exp_embed + return feature \ No newline at end of file diff --git a/data_process/lib/models/networks/generator.py b/data_process/lib/models/networks/generator.py new file mode 100644 index 0000000000000000000000000000000000000000..a91e77072cf4d428a84d20ea4b194ef9dfbd4d7c --- /dev/null +++ b/data_process/lib/models/networks/generator.py @@ -0,0 +1,679 @@ +import math +import random +import torch +from torch import nn +from torch.nn import functional as F + + +def fused_leaky_relu(input, bias, negative_slope=0.2, scale=2 ** 0.5): + return F.leaky_relu(input + bias, negative_slope) * scale + + +class FusedLeakyReLU(nn.Module): + def __init__(self, channel, negative_slope=0.2, scale=2 ** 0.5): + super().__init__() + self.bias = nn.Parameter(torch.zeros(1, channel, 1, 1), requires_grad=True) + self.negative_slope = negative_slope + self.scale = scale + + def forward(self, input): + # print("FusedLeakyReLU: ", input.abs().mean()) + out = fused_leaky_relu(input, self.bias, + self.negative_slope, + self.scale) + # print("FusedLeakyReLU: ", out.abs().mean()) + return out + + +def upfirdn2d_native( + input, kernel, up_x, up_y, down_x, down_y, pad_x0, pad_x1, pad_y0, pad_y1 +): + _, minor, in_h, in_w = input.shape + kernel_h, kernel_w = kernel.shape + + out = input.view(-1, minor, in_h, 1, in_w, 1) + out = F.pad(out, [0, up_x - 1, 0, 0, 0, up_y - 1, 0, 0]) + out = out.view(-1, minor, in_h * up_y, in_w * up_x) + + out = F.pad( + out, [max(pad_x0, 0), max(pad_x1, 0), max(pad_y0, 0), max(pad_y1, 0)] + ) + out = out[ + :, + :, + max(-pad_y0, 0): out.shape[2] - max(-pad_y1, 0), + max(-pad_x0, 0): out.shape[3] - max(-pad_x1, 0), + ] + + # out = out.permute(0, 3, 1, 2) + out = out.reshape( + [-1, 1, in_h * up_y + pad_y0 + pad_y1, in_w * up_x + pad_x0 + pad_x1] + ) + w = torch.flip(kernel, [0, 1]).view(1, 1, kernel_h, kernel_w) + out = F.conv2d(out, w) + out = out.reshape( + -1, + minor, + in_h * up_y + pad_y0 + pad_y1 - kernel_h + 1, + in_w * up_x + pad_x0 + pad_x1 - kernel_w + 1, + ) + # out = out.permute(0, 2, 3, 1) + + return out[:, :, ::down_y, ::down_x] + + +def upfirdn2d(input, kernel, up=1, down=1, pad=(0, 0)): + return upfirdn2d_native(input, kernel, up, up, down, down, pad[0], pad[1], pad[0], pad[1]) + + +class PixelNorm(nn.Module): + def __init__(self): + super().__init__() + + def forward(self, input): + return input * torch.rsqrt(torch.mean(input ** 2, dim=1, keepdim=True) + 1e-8) + + +def make_kernel(k): + k = torch.tensor(k, dtype=torch.float32) + + if k.ndim == 1: + k = k[None, :] * k[:, None] + + k /= k.sum() + + return k + + +class Upsample(nn.Module): + def __init__(self, kernel, factor=2): + super().__init__() + + self.factor = factor + kernel = make_kernel(kernel) * (factor ** 2) + self.register_buffer('kernel', kernel) + + p = kernel.shape[0] - factor + + pad0 = (p + 1) // 2 + factor - 1 + pad1 = p // 2 + + self.pad = (pad0, pad1) + + def forward(self, input): + out = upfirdn2d(input, self.kernel, up=self.factor, down=1, pad=self.pad) + + return out + + +class Downsample(nn.Module): + def __init__(self, kernel, factor=2): + super().__init__() + + self.factor = factor + kernel = make_kernel(kernel) + self.register_buffer('kernel', kernel) + + p = kernel.shape[0] - factor + + pad0 = (p + 1) // 2 + pad1 = p // 2 + + self.pad = (pad0, pad1) + + def forward(self, input): + out = upfirdn2d(input, self.kernel, up=1, down=self.factor, pad=self.pad) + + return out + + +class Blur(nn.Module): + def __init__(self, kernel, pad, upsample_factor=1): + super().__init__() + + kernel = make_kernel(kernel) + + if upsample_factor > 1: + kernel = kernel * (upsample_factor ** 2) + + self.register_buffer('kernel', kernel) + + self.pad = pad + + def forward(self, input): + out = upfirdn2d(input, self.kernel, pad=self.pad) + + return out + + +class EqualConv2d(nn.Module): + def __init__( + self, in_channel, out_channel, kernel_size, stride=1, padding=0, bias=True + ): + super().__init__() + + self.weight = nn.Parameter( + torch.randn(out_channel, in_channel, kernel_size, kernel_size) + ) + self.scale = 1 / math.sqrt(in_channel * kernel_size ** 2) + + self.stride = stride + self.padding = padding + + if bias: + self.bias = nn.Parameter(torch.zeros(out_channel)) + + else: + self.bias = None + + def forward(self, input): + out = F.conv2d( + input, + self.weight * self.scale, + bias=self.bias, + stride=self.stride, + padding=self.padding, + ) + + return out + + def __repr__(self): + return ( + f'{self.__class__.__name__}({self.weight.shape[1]}, {self.weight.shape[0]},' + f' {self.weight.shape[2]}, stride={self.stride}, padding={self.padding})' + ) + + +class EqualLinear(nn.Module): + def __init__( + self, in_dim, out_dim, bias=True, bias_init=0, lr_mul=1, activation=None + ): + super().__init__() + + self.weight = nn.Parameter(torch.randn(out_dim, in_dim).div_(lr_mul)) + + if bias: + self.bias = nn.Parameter(torch.zeros(out_dim).fill_(bias_init)) + + else: + self.bias = None + + self.activation = activation + + self.scale = (1 / math.sqrt(in_dim)) * lr_mul + self.lr_mul = lr_mul + + def forward(self, input): + if self.activation: + out = F.linear(input, self.weight * self.scale) + out = fused_leaky_relu(out, self.bias * self.lr_mul) + + else: + out = F.linear( + input, self.weight * self.scale, bias=self.bias * self.lr_mul + ) + + return out + + def __repr__(self): + return ( + f'{self.__class__.__name__}({self.weight.shape[1]}, {self.weight.shape[0]})' + ) + + +class ScaledLeakyReLU(nn.Module): + def __init__(self, negative_slope=0.2): + super().__init__() + + self.negative_slope = negative_slope + + def forward(self, input): + out = F.leaky_relu(input, negative_slope=self.negative_slope) + + return out * math.sqrt(2) + + +class ModulatedConv2d(nn.Module): + def __init__( + self, + in_channel, + out_channel, + kernel_size, + style_dim, + demodulate=True, + upsample=False, + downsample=False, + blur_kernel=[1, 3, 3, 1], + ): + super().__init__() + + self.eps = 1e-8 + self.kernel_size = kernel_size + self.in_channel = in_channel + self.out_channel = out_channel + self.upsample = upsample + self.downsample = downsample + + if upsample: + factor = 2 + p = (len(blur_kernel) - factor) - (kernel_size - 1) + pad0 = (p + 1) // 2 + factor - 1 + pad1 = p // 2 + 1 + + self.blur = Blur(blur_kernel, pad=(pad0, pad1), upsample_factor=factor) + + if downsample: + factor = 2 + p = (len(blur_kernel) - factor) + (kernel_size - 1) + pad0 = (p + 1) // 2 + pad1 = p // 2 + + self.blur = Blur(blur_kernel, pad=(pad0, pad1)) + + fan_in = in_channel * kernel_size ** 2 + self.scale = 1 / math.sqrt(fan_in) + self.padding = kernel_size // 2 + + self.weight = nn.Parameter( + torch.randn(1, out_channel, in_channel, kernel_size, kernel_size) + ) + + self.modulation = EqualLinear(style_dim, in_channel, bias_init=1) + + self.demodulate = demodulate + + def __repr__(self): + return ( + f'{self.__class__.__name__}({self.in_channel}, {self.out_channel}, {self.kernel_size}, ' + f'upsample={self.upsample}, downsample={self.downsample})' + ) + + def forward(self, input, style): + batch, in_channel, height, width = input.shape + style = self.modulation(style).view(batch, 1, in_channel, 1, 1) + weight = self.scale * self.weight * style + + if self.demodulate: + demod = torch.rsqrt(weight.pow(2).sum([2, 3, 4]) + 1e-8) + weight = weight * demod.view(batch, self.out_channel, 1, 1, 1) + + weight = weight.view( + batch * self.out_channel, in_channel, self.kernel_size, self.kernel_size + ) + + if self.upsample: + input = input.view(1, batch * in_channel, height, width) + weight = weight.view( + batch, self.out_channel, in_channel, self.kernel_size, self.kernel_size + ) + weight = weight.transpose(1, 2).reshape( + batch * in_channel, self.out_channel, self.kernel_size, self.kernel_size + ) + out = F.conv_transpose2d(input, weight, padding=0, stride=2, groups=batch) + _, _, height, width = out.shape + out = out.view(batch, self.out_channel, height, width) + out = self.blur(out) + + elif self.downsample: + input = self.blur(input) + _, _, height, width = input.shape + input = input.view(1, batch * in_channel, height, width) + out = F.conv2d(input, weight, padding=0, stride=2, groups=batch) + _, _, height, width = out.shape + out = out.view(batch, self.out_channel, height, width) + + else: + input = input.view(1, batch * in_channel, height, width) + out = F.conv2d(input, weight, padding=self.padding, groups=batch) + _, _, height, width = out.shape + out = out.view(batch, self.out_channel, height, width) + + return out, style + + +class NoiseInjection(nn.Module): + def __init__(self): + super().__init__() + + self.weight = nn.Parameter(torch.zeros(1)) + + def forward(self, image, noise=None): + if noise is None: + batch, _, height, width = image.shape + noise = image.new_empty(batch, 1, height, width).normal_() + + return image + self.weight * noise + + +class ConstantInput(nn.Module): + def __init__(self, channel, size=7): + super().__init__() + + self.input = nn.Parameter(torch.randn(1, channel, size, size)) + + def forward(self, input): + batch = input.shape[0] + out = self.input.repeat(batch, 1, 1, 1) + + return out + + +class StyledConv(nn.Module): + def __init__( + self, + in_channel, + out_channel, + kernel_size, + style_dim, + upsample=False, + blur_kernel=[1, 3, 3, 1], + demodulate=True, + ): + super().__init__() + + self.conv = ModulatedConv2d( + in_channel, + out_channel, + kernel_size, + style_dim, + upsample=upsample, + blur_kernel=blur_kernel, + demodulate=demodulate, + ) + + self.noise = NoiseInjection() + # self.bias = nn.Parameter(torch.zeros(1, out_channel, 1, 1)) + # self.activate = ScaledLeakyReLU(0.2) + self.activate = FusedLeakyReLU(out_channel) + + def forward(self, input, style, noise=None): + out, _ = self.conv(input, style) + out = self.noise(out, noise=noise) + # out = out + self.bias + out = self.activate(out) + + return out + + +class ToRGB(nn.Module): + def __init__(self, in_channel, style_dim, upsample=True, blur_kernel=[1, 3, 3, 1]): + super().__init__() + + if upsample: + self.upsample = Upsample(blur_kernel) + + self.conv = ModulatedConv2d(in_channel, 3, 1, style_dim, demodulate=False) + self.bias = nn.Parameter(torch.zeros(1, 3, 1, 1)) + + def forward(self, input, style, skip=None): + out, style = self.conv(input, style) + out = out + self.bias + + if skip is not None: + skip = self.upsample(skip) + + out = out + skip + + return out, style + + +class StyleGAN2Generator(nn.Module): + def __init__( + self, + opt, + style_dim=2580, + n_mlp=8, + channel_multiplier=2, + blur_kernel=[1, 3, 3, 1], + lr_mlp=0.01, + input_is_latent=True, + ): + super().__init__() + + self.size = opt.data.img_size + + self.feature_encoded_dim = opt.model.net_generator.feature_encoded_dim + + self.style_dim = style_dim + + self.input_is_latent = input_is_latent + + layers = [PixelNorm()] + + for i in range(n_mlp): + layers.append( + EqualLinear( + self.feature_encoded_dim, self.style_dim, lr_mul=lr_mlp, activation='fused_lrelu' + ) + ) + + self.style = nn.Sequential(*layers) + self.init_size = 4 + if self.size % 7 == 0: + self.channels = { + 7: 512, + 14: 512, + 28: 512, + 56: 256 * channel_multiplier, + 112: 128 * channel_multiplier, + 224: 64 * channel_multiplier, + 448: 32 * channel_multiplier, + } + self.init_size = 7 + else: + self.channels = { + 4: 512, + 8: 512, + 16: 512, + 32: 512, + 64: 256 * channel_multiplier, + 128: 128 * channel_multiplier, + 256: 64 * channel_multiplier, + 512: 32 * channel_multiplier, + 1024: 16 * channel_multiplier, + } + + self.input = ConstantInput(self.channels[self.init_size], size=self.init_size) + self.conv1 = StyledConv( + self.channels[self.init_size], self.channels[self.init_size], 3, self.style_dim, blur_kernel=blur_kernel + ) + self.to_rgb1 = ToRGB(self.channels[self.init_size], self.style_dim, upsample=False) + + self.log_size = int(math.log(self.size // self.init_size, 2)) + self.num_layers = self.log_size * 2 + 1 + + self.convs = nn.ModuleList() + self.upsamples = nn.ModuleList() + self.to_rgbs = nn.ModuleList() + self.noises = nn.Module() + self.return_middle = opt.model.net_generator.style_feature_loss + + in_channel = self.channels[self.init_size] + + for layer_idx in range(self.num_layers): + res = (layer_idx + 1) // 2 + shape = [1, 1, self.init_size * 2 ** res, self.init_size * 2 ** res] + self.noises.register_buffer(f'noise_{layer_idx}', torch.randn(*shape)) + + for i in range(1, self.log_size + 1): + out_channel = self.channels[self.init_size * 2 ** i] + + self.convs.append( + StyledConv( + in_channel, + out_channel, + 3, + self.style_dim, + upsample=True, + blur_kernel=blur_kernel, + ) + ) + + self.convs.append( + StyledConv( + out_channel, out_channel, 3, self.style_dim, blur_kernel=blur_kernel + ) + ) + + self.to_rgbs.append(ToRGB(out_channel, self.style_dim)) + + in_channel = out_channel + + self.n_latent = self.log_size * 2 + 2 + self.tanh = nn.Tanh() + + def forward( + self, + styles, + identity_style=None, + return_latents=False, + inject_index=None, + truncation=1, + truncation_latent=None, + noise=None, + randomize_noise=True, + ): + + Style_RGB = [] + if not self.input_is_latent: + styles = [self.style(s) for s in styles] + + if noise is None: + if randomize_noise: + noise = [None] * self.num_layers + else: + noise = [ + getattr(self.noises, f'noise_{i}') for i in range(self.num_layers) + ] + + if truncation < 1: + style_t = [] + + for style in styles: + style_t.append( + truncation_latent + truncation * (style - truncation_latent) + ) + + styles = style_t + + if len(styles) < 2: + inject_index = self.n_latent + + if styles[0].ndim < 3: + latent = styles[0].unsqueeze(1).repeat(1, inject_index, 1) + + else: + latent = styles[0] + + else: + if inject_index is None: + inject_index = random.randint(1, self.n_latent - 1) + + latent = styles[0].unsqueeze(1).repeat(1, inject_index, 1) + latent2 = styles[1].unsqueeze(1).repeat(1, self.n_latent - inject_index, 1) + + latent = torch.cat([latent, latent2], 1) + + if identity_style is not None: + out = identity_style + else: + out = self.input(latent) + out = self.conv1(out, latent[:, 0], noise=noise[0]) + + skip, style_rgb = self.to_rgb1(out, latent[:, 1]) + Style_RGB.append(style_rgb) + + i = 1 + for conv1, conv2, noise1, noise2, to_rgb in zip( + self.convs[::2], self.convs[1::2], noise[1::2], noise[2::2], self.to_rgbs + ): + out = conv1(out, latent[:, i], noise=noise1) + out = conv2(out, latent[:, i + 1], noise=noise2) + skip, style_rgb = to_rgb(out, latent[:, i + 2], skip) + Style_RGB.append(style_rgb) + i += 2 + + image = skip + image = self.tanh(image) + + if return_latents: + return image, latent + elif self.return_middle: + return image, Style_RGB + + else: + return image, None + + +class ConvLayer(nn.Sequential): + def __init__( + self, + in_channel, + out_channel, + kernel_size, + downsample=False, + blur_kernel=[1, 3, 3, 1], + bias=True, + activate=True, + ): + layers = [] + + if downsample: + factor = 2 + p = (len(blur_kernel) - factor) + (kernel_size - 1) + pad0 = (p + 1) // 2 + pad1 = p // 2 + + layers.append(Blur(blur_kernel, pad=(pad0, pad1))) + + stride = 2 + self.padding = 0 + + else: + stride = 1 + self.padding = kernel_size // 2 + + layers.append( + EqualConv2d( + in_channel, + out_channel, + kernel_size, + padding=self.padding, + stride=stride, + bias=bias and not activate, + ) + ) + + if activate: + if bias: + layers.append(FusedLeakyReLU(out_channel)) + + else: + layers.append(ScaledLeakyReLU(0.2)) + + super().__init__(*layers) + + +class ResBlock(nn.Module): + def __init__(self, in_channel, out_channel, blur_kernel=[1, 3, 3, 1]): + super().__init__() + + self.conv1 = ConvLayer(in_channel, in_channel, 3) + self.conv2 = ConvLayer(in_channel, out_channel, 3, downsample=True) + + self.skip = ConvLayer( + in_channel, out_channel, 1, downsample=True, activate=False, bias=False + ) + + def forward(self, input): + out = self.conv1(input) + out = self.conv2(out) + + skip = self.skip(input) + out = (out + skip) / math.sqrt(2) + + return out + +class ModulateGenerator(StyleGAN2Generator): + def __init__(self, opt): + super(ModulateGenerator, self).__init__(opt, style_dim=opt.model.net_generator.style_dim) \ No newline at end of file diff --git a/data_process/lib/models/networks/swin_transformer.py b/data_process/lib/models/networks/swin_transformer.py new file mode 100644 index 0000000000000000000000000000000000000000..e86d0f8bf2f96bf23f4630ce38d9923c3c4707c2 --- /dev/null +++ b/data_process/lib/models/networks/swin_transformer.py @@ -0,0 +1,578 @@ +# -------------------------------------------------------- +# Swin Transformer +# Copyright (c) 2021 Microsoft +# Licensed under The MIT License [see LICENSE for details] +# Written by Ze Liu +# -------------------------------------------------------- + +import torch +import torch.nn as nn +import torch.utils.checkpoint as checkpoint +from timm.models.layers import DropPath, to_2tuple, trunc_normal_ + + +class Mlp(nn.Module): + def __init__(self, in_features, hidden_features=None, out_features=None, act_layer=nn.GELU, drop=0.): + super().__init__() + out_features = out_features or in_features + hidden_features = hidden_features or in_features + self.fc1 = nn.Linear(in_features, hidden_features) + self.act = act_layer() + self.fc2 = nn.Linear(hidden_features, out_features) + self.drop = nn.Dropout(drop) + + def forward(self, x): + x = self.fc1(x) + x = self.act(x) + x = self.drop(x) + x = self.fc2(x) + x = self.drop(x) + return x + + +def window_partition(x, window_size): + """ + Args: + x: (B, H, W, C) + window_size (int): window size + Returns: + windows: (num_windows*B, window_size, window_size, C) + """ + B, H, W, C = x.shape + x = x.view(B, H // window_size, window_size, W // window_size, window_size, C) + windows = x.permute(0, 1, 3, 2, 4, 5).contiguous().view(-1, window_size, window_size, C) + return windows + + +def window_reverse(windows, window_size, H, W): + """ + Args: + windows: (num_windows*B, window_size, window_size, C) + window_size (int): Window size + H (int): Height of image + W (int): Width of image + Returns: + x: (B, H, W, C) + """ + B = int(windows.shape[0] / (H * W / window_size / window_size)) + x = windows.view(B, H // window_size, W // window_size, window_size, window_size, -1) + x = x.permute(0, 1, 3, 2, 4, 5).contiguous().view(B, H, W, -1) + return x + + +class WindowAttention(nn.Module): + r""" Window based multi-head self attention (W-MSA) module with relative position bias. + It supports both of shifted and non-shifted window. + Args: + dim (int): Number of input channels. + window_size (tuple[int]): The height and width of the window. + num_heads (int): Number of attention heads. + qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True + qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set + attn_drop (float, optional): Dropout ratio of attention weight. Default: 0.0 + proj_drop (float, optional): Dropout ratio of output. Default: 0.0 + """ + + def __init__(self, dim, window_size, num_heads, qkv_bias=True, qk_scale=None, attn_drop=0., proj_drop=0.): + + super().__init__() + self.dim = dim + self.window_size = window_size # Wh, Ww + self.num_heads = num_heads + head_dim = dim // num_heads + self.scale = qk_scale or head_dim ** -0.5 + + # define a parameter table of relative position bias + self.relative_position_bias_table = nn.Parameter( + torch.zeros((2 * window_size[0] - 1) * (2 * window_size[1] - 1), num_heads)) # 2*Wh-1 * 2*Ww-1, nH + + # get pair-wise relative position index for each token inside the window + coords_h = torch.arange(self.window_size[0]) + coords_w = torch.arange(self.window_size[1]) + coords = torch.stack(torch.meshgrid([coords_h, coords_w])) # 2, Wh, Ww + coords_flatten = torch.flatten(coords, 1) # 2, Wh*Ww + relative_coords = coords_flatten[:, :, None] - coords_flatten[:, None, :] # 2, Wh*Ww, Wh*Ww + relative_coords = relative_coords.permute(1, 2, 0).contiguous() # Wh*Ww, Wh*Ww, 2 + relative_coords[:, :, 0] += self.window_size[0] - 1 # shift to start from 0 + relative_coords[:, :, 1] += self.window_size[1] - 1 + relative_coords[:, :, 0] *= 2 * self.window_size[1] - 1 + relative_position_index = relative_coords.sum(-1) # Wh*Ww, Wh*Ww + self.register_buffer("relative_position_index", relative_position_index) + + self.qkv = nn.Linear(dim, dim * 3, bias=qkv_bias) + self.attn_drop = nn.Dropout(attn_drop) + self.proj = nn.Linear(dim, dim) + self.proj_drop = nn.Dropout(proj_drop) + + trunc_normal_(self.relative_position_bias_table, std=.02) + self.softmax = nn.Softmax(dim=-1) + + def forward(self, x, mask=None): + """ + Args: + x: input features with shape of (num_windows*B, N, C) + mask: (0/-inf) mask with shape of (num_windows, Wh*Ww, Wh*Ww) or None + """ + B_, N, C = x.shape + qkv = self.qkv(x).reshape(B_, N, 3, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4) + q, k, v = qkv[0], qkv[1], qkv[2] # make torchscript happy (cannot use tensor as tuple) + + q = q * self.scale + attn = (q @ k.transpose(-2, -1)) + + relative_position_bias = self.relative_position_bias_table[self.relative_position_index.view(-1)].view( + self.window_size[0] * self.window_size[1], self.window_size[0] * self.window_size[1], -1) # Wh*Ww,Wh*Ww,nH + relative_position_bias = relative_position_bias.permute(2, 0, 1).contiguous() # nH, Wh*Ww, Wh*Ww + attn = attn + relative_position_bias.unsqueeze(0) + + if mask is not None: + nW = mask.shape[0] + attn = attn.view(B_ // nW, nW, self.num_heads, N, N) + mask.unsqueeze(1).unsqueeze(0) + attn = attn.view(-1, self.num_heads, N, N) + attn = self.softmax(attn) + else: + attn = self.softmax(attn) + + attn = self.attn_drop(attn) + + x = (attn @ v).transpose(1, 2).reshape(B_, N, C) + x = self.proj(x) + x = self.proj_drop(x) + return x + + def extra_repr(self) -> str: + return f'dim={self.dim}, window_size={self.window_size}, num_heads={self.num_heads}' + + def flops(self, N): + # calculate flops for 1 window with token length of N + flops = 0 + # qkv = self.qkv(x) + flops += N * self.dim * 3 * self.dim + # attn = (q @ k.transpose(-2, -1)) + flops += self.num_heads * N * (self.dim // self.num_heads) * N + # x = (attn @ v) + flops += self.num_heads * N * N * (self.dim // self.num_heads) + # x = self.proj(x) + flops += N * self.dim * self.dim + return flops + + +class SwinTransformerBlock(nn.Module): + r""" Swin Transformer Block. + Args: + dim (int): Number of input channels. + input_resolution (tuple[int]): Input resulotion. + num_heads (int): Number of attention heads. + window_size (int): Window size. + shift_size (int): Shift size for SW-MSA. + mlp_ratio (float): Ratio of mlp hidden dim to embedding dim. + qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True + qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set. + drop (float, optional): Dropout rate. Default: 0.0 + attn_drop (float, optional): Attention dropout rate. Default: 0.0 + drop_path (float, optional): Stochastic depth rate. Default: 0.0 + act_layer (nn.Module, optional): Activation layer. Default: nn.GELU + norm_layer (nn.Module, optional): Normalization layer. Default: nn.LayerNorm + """ + + def __init__(self, dim, input_resolution, num_heads, window_size=7, shift_size=0, + mlp_ratio=4., qkv_bias=True, qk_scale=None, drop=0., attn_drop=0., drop_path=0., + act_layer=nn.GELU, norm_layer=nn.LayerNorm): + super().__init__() + self.dim = dim + self.input_resolution = input_resolution + self.num_heads = num_heads + self.window_size = window_size + self.shift_size = shift_size + self.mlp_ratio = mlp_ratio + if min(self.input_resolution) <= self.window_size: + # if window size is larger than input resolution, we don't partition windows + self.shift_size = 0 + self.window_size = min(self.input_resolution) + assert 0 <= self.shift_size < self.window_size, "shift_size must in 0-window_size" + + self.norm1 = norm_layer(dim) + self.attn = WindowAttention( + dim, window_size=to_2tuple(self.window_size), num_heads=num_heads, + qkv_bias=qkv_bias, qk_scale=qk_scale, attn_drop=attn_drop, proj_drop=drop) + + self.drop_path = DropPath(drop_path) if drop_path > 0. else nn.Identity() + self.norm2 = norm_layer(dim) + mlp_hidden_dim = int(dim * mlp_ratio) + self.mlp = Mlp(in_features=dim, hidden_features=mlp_hidden_dim, act_layer=act_layer, drop=drop) + + if self.shift_size > 0: + # calculate attention mask for SW-MSA + H, W = self.input_resolution + img_mask = torch.zeros((1, H, W, 1)) # 1 H W 1 + h_slices = (slice(0, -self.window_size), + slice(-self.window_size, -self.shift_size), + slice(-self.shift_size, None)) + w_slices = (slice(0, -self.window_size), + slice(-self.window_size, -self.shift_size), + slice(-self.shift_size, None)) + cnt = 0 + for h in h_slices: + for w in w_slices: + img_mask[:, h, w, :] = cnt + cnt += 1 + + mask_windows = window_partition(img_mask, self.window_size) # nW, window_size, window_size, 1 + mask_windows = mask_windows.view(-1, self.window_size * self.window_size) + attn_mask = mask_windows.unsqueeze(1) - mask_windows.unsqueeze(2) + attn_mask = attn_mask.masked_fill(attn_mask != 0, float(-100.0)).masked_fill(attn_mask == 0, float(0.0)) + else: + attn_mask = None + + self.register_buffer("attn_mask", attn_mask) + + def forward(self, x): + H, W = self.input_resolution + B, L, C = x.shape + assert L == H * W, "input feature has wrong size" + + shortcut = x + x = self.norm1(x) + x = x.view(B, H, W, C) + + # cyclic shift + if self.shift_size > 0: + shifted_x = torch.roll(x, shifts=(-self.shift_size, -self.shift_size), dims=(1, 2)) + else: + shifted_x = x + + # partition windows + x_windows = window_partition(shifted_x, self.window_size) # nW*B, window_size, window_size, C + x_windows = x_windows.view(-1, self.window_size * self.window_size, C) # nW*B, window_size*window_size, C + + # W-MSA/SW-MSA + attn_windows = self.attn(x_windows, mask=self.attn_mask) # nW*B, window_size*window_size, C + + # merge windows + attn_windows = attn_windows.view(-1, self.window_size, self.window_size, C) + shifted_x = window_reverse(attn_windows, self.window_size, H, W) # B H' W' C + + # reverse cyclic shift + if self.shift_size > 0: + x = torch.roll(shifted_x, shifts=(self.shift_size, self.shift_size), dims=(1, 2)) + else: + x = shifted_x + x = x.view(B, H * W, C) + + # FFN + x = shortcut + self.drop_path(x) + x = x + self.drop_path(self.mlp(self.norm2(x))) + + return x + + def extra_repr(self) -> str: + return f"dim={self.dim}, input_resolution={self.input_resolution}, num_heads={self.num_heads}, " \ + f"window_size={self.window_size}, shift_size={self.shift_size}, mlp_ratio={self.mlp_ratio}" + + def flops(self): + flops = 0 + H, W = self.input_resolution + # norm1 + flops += self.dim * H * W + # W-MSA/SW-MSA + nW = H * W / self.window_size / self.window_size + flops += nW * self.attn.flops(self.window_size * self.window_size) + # mlp + flops += 2 * H * W * self.dim * self.dim * self.mlp_ratio + # norm2 + flops += self.dim * H * W + return flops + + +class PatchMerging(nn.Module): + r""" Patch Merging Layer. + Args: + input_resolution (tuple[int]): Resolution of input feature. + dim (int): Number of input channels. + norm_layer (nn.Module, optional): Normalization layer. Default: nn.LayerNorm + """ + + def __init__(self, input_resolution, dim, norm_layer=nn.LayerNorm): + super().__init__() + self.input_resolution = input_resolution + self.dim = dim + self.reduction = nn.Linear(4 * dim, 2 * dim, bias=False) + self.norm = norm_layer(4 * dim) + + def forward(self, x): + """ + x: B, H*W, C + """ + H, W = self.input_resolution + B, L, C = x.shape + assert L == H * W, "input feature has wrong size" + assert H % 2 == 0 and W % 2 == 0, f"x size ({H}*{W}) are not even." + + x = x.view(B, H, W, C) + + x0 = x[:, 0::2, 0::2, :] # B H/2 W/2 C + x1 = x[:, 1::2, 0::2, :] # B H/2 W/2 C + x2 = x[:, 0::2, 1::2, :] # B H/2 W/2 C + x3 = x[:, 1::2, 1::2, :] # B H/2 W/2 C + x = torch.cat([x0, x1, x2, x3], -1) # B H/2 W/2 4*C + x = x.view(B, -1, 4 * C) # B H/2*W/2 4*C + + x = self.norm(x) + x = self.reduction(x) + + return x + + def extra_repr(self) -> str: + return f"input_resolution={self.input_resolution}, dim={self.dim}" + + def flops(self): + H, W = self.input_resolution + flops = H * W * self.dim + flops += (H // 2) * (W // 2) * 4 * self.dim * 2 * self.dim + return flops + + +class BasicLayer(nn.Module): + """ A basic Swin Transformer layer for one stage. + Args: + dim (int): Number of input channels. + input_resolution (tuple[int]): Input resolution. + depth (int): Number of blocks. + num_heads (int): Number of attention heads. + window_size (int): Local window size. + mlp_ratio (float): Ratio of mlp hidden dim to embedding dim. + qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True + qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set. + drop (float, optional): Dropout rate. Default: 0.0 + attn_drop (float, optional): Attention dropout rate. Default: 0.0 + drop_path (float | tuple[float], optional): Stochastic depth rate. Default: 0.0 + norm_layer (nn.Module, optional): Normalization layer. Default: nn.LayerNorm + downsample (nn.Module | None, optional): Downsample layer at the end of the layer. Default: None + use_checkpoint (bool): Whether to use checkpointing to save memory. Default: False. + """ + + def __init__(self, dim, input_resolution, depth, num_heads, window_size, + mlp_ratio=4., qkv_bias=True, qk_scale=None, drop=0., attn_drop=0., + drop_path=0., norm_layer=nn.LayerNorm, downsample=None, use_checkpoint=False): + + super().__init__() + self.dim = dim + self.input_resolution = input_resolution + self.depth = depth + self.use_checkpoint = use_checkpoint + + # build blocks + self.blocks = nn.ModuleList([ + SwinTransformerBlock(dim=dim, input_resolution=input_resolution, + num_heads=num_heads, window_size=window_size, + shift_size=0 if (i % 2 == 0) else window_size // 2, + mlp_ratio=mlp_ratio, + qkv_bias=qkv_bias, qk_scale=qk_scale, + drop=drop, attn_drop=attn_drop, + drop_path=drop_path[i] if isinstance(drop_path, list) else drop_path, + norm_layer=norm_layer) + for i in range(depth)]) + + # patch merging layer + if downsample is not None: + self.downsample = downsample(input_resolution, dim=dim, norm_layer=norm_layer) + else: + self.downsample = None + + def forward(self, x): + for blk in self.blocks: + if self.use_checkpoint: + x = checkpoint.checkpoint(blk, x) + else: + x = blk(x) + if self.downsample is not None: + x = self.downsample(x) + return x + + def extra_repr(self) -> str: + return f"dim={self.dim}, input_resolution={self.input_resolution}, depth={self.depth}" + + def flops(self): + flops = 0 + for blk in self.blocks: + flops += blk.flops() + if self.downsample is not None: + flops += self.downsample.flops() + return flops + + +class PatchEmbed(nn.Module): + r""" Image to Patch Embedding + Args: + img_size (int): Image size. Default: 224. + patch_size (int): Patch token size. Default: 4. + in_chans (int): Number of input image channels. Default: 3. + embed_dim (int): Number of linear projection output channels. Default: 96. + norm_layer (nn.Module, optional): Normalization layer. Default: None + """ + + def __init__(self, img_size=224, patch_size=4, in_chans=3, embed_dim=96, norm_layer=None): + super().__init__() + img_size = to_2tuple(img_size) + patch_size = to_2tuple(patch_size) + patches_resolution = [img_size[0] // patch_size[0], img_size[1] // patch_size[1]] + self.img_size = img_size + self.patch_size = patch_size + self.patches_resolution = patches_resolution + self.num_patches = patches_resolution[0] * patches_resolution[1] + + self.in_chans = in_chans + self.embed_dim = embed_dim + + self.proj = nn.Conv2d(in_chans, embed_dim, kernel_size=patch_size, stride=patch_size) + if norm_layer is not None: + self.norm = norm_layer(embed_dim) + else: + self.norm = None + + def forward(self, x): + B, C, H, W = x.shape + # FIXME look at relaxing size constraints + assert H == self.img_size[0] and W == self.img_size[1], \ + f"Input image size ({H}*{W}) doesn't match model ({self.img_size[0]}*{self.img_size[1]})." + x = self.proj(x).flatten(2).transpose(1, 2) # B Ph*Pw C + if self.norm is not None: + x = self.norm(x) + return x + + def flops(self): + Ho, Wo = self.patches_resolution + flops = Ho * Wo * self.embed_dim * self.in_chans * (self.patch_size[0] * self.patch_size[1]) + if self.norm is not None: + flops += Ho * Wo * self.embed_dim + return flops + + +class SwinTransformer(nn.Module): + r""" Swin Transformer + A PyTorch impl of : `Swin Transformer: Hierarchical Vision Transformer using Shifted Windows` - + https://arxiv.org/pdf/2103.14030 + Args: + img_size (int | tuple(int)): Input image size. Default 224 + patch_size (int | tuple(int)): Patch size. Default: 4 + in_chans (int): Number of input image channels. Default: 3 + num_classes (int): Number of classes for classification head. Default: 1000 + embed_dim (int): Patch embedding dimension. Default: 96 + depths (tuple(int)): Depth of each Swin Transformer layer. + num_heads (tuple(int)): Number of attention heads in different layers. + window_size (int): Window size. Default: 7 + mlp_ratio (float): Ratio of mlp hidden dim to embedding dim. Default: 4 + qkv_bias (bool): If True, add a learnable bias to query, key, value. Default: True + qk_scale (float): Override default qk scale of head_dim ** -0.5 if set. Default: None + drop_rate (float): Dropout rate. Default: 0 + attn_drop_rate (float): Attention dropout rate. Default: 0 + drop_path_rate (float): Stochastic depth rate. Default: 0.1 + norm_layer (nn.Module): Normalization layer. Default: nn.LayerNorm. + ape (bool): If True, add absolute position embedding to the patch embedding. Default: False + patch_norm (bool): If True, add normalization after patch embedding. Default: True + use_checkpoint (bool): Whether to use checkpointing to save memory. Default: False + """ + + def __init__(self, img_size=224, patch_size=4, in_chans=3, num_classes=1000, + embed_dim=96, depths=[2, 2, 6, 2], num_heads=[3, 6, 12, 24], + window_size=7, mlp_ratio=4., qkv_bias=True, qk_scale=None, + drop_rate=0., attn_drop_rate=0., drop_path_rate=0.1, + norm_layer=nn.LayerNorm, ape=False, patch_norm=True, + use_checkpoint=False, **kwargs): + super().__init__() + + self.num_classes = num_classes + self.num_layers = len(depths) + self.embed_dim = embed_dim + self.ape = ape + self.patch_norm = patch_norm + self.num_features = int(embed_dim * 2 ** (self.num_layers - 1)) + self.mlp_ratio = mlp_ratio + + # split image into non-overlapping patches + self.patch_embed = PatchEmbed( + img_size=img_size, patch_size=patch_size, in_chans=in_chans, embed_dim=embed_dim, + norm_layer=norm_layer if self.patch_norm else None) + num_patches = self.patch_embed.num_patches + patches_resolution = self.patch_embed.patches_resolution + self.patches_resolution = patches_resolution + + # absolute position embedding + if self.ape: + self.absolute_pos_embed = nn.Parameter(torch.zeros(1, num_patches, embed_dim)) + trunc_normal_(self.absolute_pos_embed, std=.02) + + self.pos_drop = nn.Dropout(p=drop_rate) + + # stochastic depth + dpr = [x.item() for x in torch.linspace(0, drop_path_rate, sum(depths))] # stochastic depth decay rule + + # build layers + self.layers = nn.ModuleList() + for i_layer in range(self.num_layers): + layer = BasicLayer(dim=int(embed_dim * 2 ** i_layer), + input_resolution=(patches_resolution[0] // (2 ** i_layer), + patches_resolution[1] // (2 ** i_layer)), + depth=depths[i_layer], + num_heads=num_heads[i_layer], + window_size=window_size, + mlp_ratio=self.mlp_ratio, + qkv_bias=qkv_bias, qk_scale=qk_scale, + drop=drop_rate, attn_drop=attn_drop_rate, + drop_path=dpr[sum(depths[:i_layer]):sum(depths[:i_layer + 1])], + norm_layer=norm_layer, + downsample=PatchMerging if (i_layer < self.num_layers - 1) else None, + use_checkpoint=use_checkpoint) + self.layers.append(layer) + + self.norm = norm_layer(self.num_features) + self.avgpool = nn.AdaptiveAvgPool1d(1) + self.head = nn.Linear(self.num_features, num_classes) if num_classes > 0 else nn.Identity() + self.dim_out = self.num_features + + self.apply(self._init_weights) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + @torch.jit.ignore + def no_weight_decay(self): + return {'absolute_pos_embed'} + + @torch.jit.ignore + def no_weight_decay_keywords(self): + return {'relative_position_bias_table'} + + def forward_features(self, x): + x = self.patch_embed(x) + if self.ape: + x = x + self.absolute_pos_embed + x = self.pos_drop(x) + + for layer in self.layers: + x = layer(x) + + x = self.norm(x) # B L C + x = self.avgpool(x.transpose(1, 2)) # B C 1 + x = torch.flatten(x, 1) + return x + + def forward(self, x): + x = self.forward_features(x) + x = self.head(x) + return x + + def flops(self): + flops = 0 + flops += self.patch_embed.flops() + for i, layer in enumerate(self.layers): + flops += layer.flops() + flops += self.num_features * self.patches_resolution[0] * self.patches_resolution[1] // (2 ** self.num_layers) + flops += self.num_features * self.num_classes + return flops \ No newline at end of file diff --git a/data_process/lib/models/networks/util.py b/data_process/lib/models/networks/util.py new file mode 100644 index 0000000000000000000000000000000000000000..d0fe6d83743bf03d37958565e9f5ed90f4e81320 --- /dev/null +++ b/data_process/lib/models/networks/util.py @@ -0,0 +1,172 @@ +"""This module contains simple helper functions """ +from __future__ import print_function +import torch +import numpy as np +from PIL import Image +import os +from math import * + +def P2sRt(P): + ''' decompositing camera matrix P. + Args: + P: (3, 4). Affine Camera Matrix. + Returns: + s: scale factor. + R: (3, 3). rotation matrix. + t2d: (2,). 2d translation. + ''' + t3d = P[:, 3] + R1 = P[0:1, :3] + R2 = P[1:2, :3] + s = (np.linalg.norm(R1) + np.linalg.norm(R2)) / 2.0 + r1 = R1 / np.linalg.norm(R1) + r2 = R2 / np.linalg.norm(R2) + r3 = np.cross(r1, r2) + + R = np.concatenate((r1, r2, r3), 0) + return s, R, t3d + +def matrix2angle(R): + ''' compute three Euler angles from a Rotation Matrix. Ref: http://www.gregslabaugh.net/publications/euler.pdf + Args: + R: (3,3). rotation matrix + Returns: + x: yaw + y: pitch + z: roll + ''' + # assert(isRotationMatrix(R)) + + if R[2, 0] != 1 and R[2, 0] != -1: + x = -asin(max(-1, min(R[2, 0], 1))) + y = atan2(R[2, 1] / cos(x), R[2, 2] / cos(x)) + z = atan2(R[1, 0] / cos(x), R[0, 0] / cos(x)) + + else: # Gimbal lock + z = 0 # can be anything + if R[2, 0] == -1: + x = np.pi / 2 + y = z + atan2(R[0, 1], R[0, 2]) + else: + x = -np.pi / 2 + y = -z + atan2(-R[0, 1], -R[0, 2]) + + return [x, y, z] + +def angle2matrix(angles): + ''' get rotation matrix from three rotation angles(radian). The same as in 3DDFA. + Args: + angles: [3,]. x, y, z angles + x: yaw. + y: pitch. + z: roll. + Returns: + R: 3x3. rotation matrix. + ''' + # x, y, z = np.deg2rad(angles[0]), np.deg2rad(angles[1]), np.deg2rad(angles[2]) + # x, y, z = angles[0], angles[1], angles[2] + y, x, z = angles[0], angles[1], angles[2] + + # x + Rx=np.array([[1, 0, 0], + [0, cos(x), -sin(x)], + [0, sin(x), cos(x)]]) + # y + Ry=np.array([[ cos(y), 0, sin(y)], + [ 0, 1, 0], + [-sin(y), 0, cos(y)]]) + # z + Rz=np.array([[cos(z), -sin(z), 0], + [sin(z), cos(z), 0], + [ 0, 0, 1]]) + R = Rz.dot(Ry).dot(Rx) + return R.astype(np.float32) + +def tensor2im(input_image, imtype=np.uint8): + """"Converts a Tensor array into a numpy image array. + + Parameters: + input_image (tensor) -- the input image tensor array + imtype (type) -- the desired type of the converted numpy array + """ + if not isinstance(input_image, np.ndarray): + if isinstance(input_image, torch.Tensor): # get the data from a variable + image_tensor = input_image.data + else: + return input_image + image_numpy = image_tensor[0].cpu().float().numpy() # convert it into a numpy array + if image_numpy.shape[0] == 1: # grayscale to RGB + image_numpy = np.tile(image_numpy, (3, 1, 1)) + image_numpy = (np.transpose(image_numpy, (1, 2, 0)) + 1) / 2.0 * 255.0 # post-processing: tranpose and scaling + else: # if it is a numpy array, do nothing + image_numpy = input_image + return image_numpy.astype(imtype) + + +def diagnose_network(net, name='network'): + """Calculate and print the mean of average absolute(gradients) + + Parameters: + net (torch network) -- Torch network + name (str) -- the name of the network + """ + mean = 0.0 + count = 0 + for param in net.parameters(): + if param.grad is not None: + mean += torch.mean(torch.abs(param.grad.data)) + count += 1 + if count > 0: + mean = mean / count + print(name) + print(mean) + + +def save_image(image_numpy, image_path): + """Save a numpy image to the disk + + Parameters: + image_numpy (numpy array) -- input numpy array + image_path (str) -- the path of the image + """ + image_pil = Image.fromarray(image_numpy) + image_pil.save(image_path) + + +def print_numpy(x, val=True, shp=False): + """Print the mean, min, max, median, std, and size of a numpy array + + Parameters: + val (bool) -- if print the values of the numpy array + shp (bool) -- if print the shape of the numpy array + """ + x = x.astype(np.float64) + if shp: + print('shape,', x.shape) + if val: + x = x.flatten() + print('mean = %3.3f, min = %3.3f, max = %3.3f, median = %3.3f, std=%3.3f' % ( + np.mean(x), np.min(x), np.max(x), np.median(x), np.std(x))) + + +def mkdirs(paths): + """create empty directories if they don't exist + + Parameters: + paths (str list) -- a list of directory paths + """ + if isinstance(paths, list) and not isinstance(paths, str): + for path in paths: + mkdir(path) + else: + mkdir(paths) + + +def mkdir(path): + """create a single empty directory if it didn't exist + + Parameters: + path (str) -- a single directory path + """ + if not os.path.exists(path): + os.makedirs(path) diff --git a/data_process/lib/models/networks/vision_network.py b/data_process/lib/models/networks/vision_network.py new file mode 100644 index 0000000000000000000000000000000000000000..86d1e8c42f067bdf079ba29b763fcebb914a7ff4 --- /dev/null +++ b/data_process/lib/models/networks/vision_network.py @@ -0,0 +1,75 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +from torchvision.models.resnet import ResNet, Bottleneck +# from util import util + +# model_urls = { +# 'resnext50_32x4d': 'https://download.pytorch.org/models/resnext50_32x4d-7cdf4587.pth', +# } +def copy_state_dict(state_dict, model, strip=None, replace=None): + tgt_state = model.state_dict() + copied_names = set() + for name, param in state_dict.items(): + if strip is not None and replace is None and name.startswith(strip): + name = name[len(strip):] + if strip is not None and replace is not None: + name = name.replace(strip, replace) + if name not in tgt_state: + continue + if isinstance(param, torch.nn.Parameter): + param = param.data + if param.size() != tgt_state[name].size(): + print('mismatch:', name, param.size(), tgt_state[name].size()) + continue + tgt_state[name].copy_(param) + copied_names.add(name) + + missing = set(tgt_state.keys()) - copied_names + if len(missing) > 0: + print("missing keys in state_dict:", missing) + +class ResNeXt50(nn.Module): + def __init__(self, opt): + super(ResNeXt50, self).__init__() + self.model = ResNet(Bottleneck, [3, 4, 6, 3], groups=32, width_per_group=4) + self.opt = opt + # self.reduced_id_dim = opt.reduced_id_dim + self.conv1x1 = nn.Conv2d(512 * Bottleneck.expansion, 512, kernel_size=1, padding=0) + self.fc = nn.Linear(512 * Bottleneck.expansion, opt.data.num_classes) + # self.fc_pre = nn.Sequential(nn.Linear(512 * Bottleneck.expansion, self.reduced_id_dim), nn.ReLU()) + + + def load_pretrain(self, load_path): + check_point = torch.load(load_path) + copy_state_dict(check_point, self.model) + + def forward_feature(self, input): + x = self.model.conv1(input) + x = self.model.bn1(x) + x = self.model.relu(x) + x = self.model.maxpool(x) + + x = self.model.layer1(x) + x = self.model.layer2(x) + x = self.model.layer3(x) + x = self.model.layer4(x) + net = self.model.avgpool(x) + net = torch.flatten(net, 1) + x = self.conv1x1(x) + # x = self.fc_pre(x) + return net, x + + def forward(self, input): + input_batch = input.view(-1, self.opt.model.output_nc, self.opt.data.img_size, self.opt.data.img_size) + net, x = self.forward_feature(input_batch) + net = net.view(-1, self.opt.num_inputs, 512 * Bottleneck.expansion) + x = F.adaptive_avg_pool2d(x, (7, 7)) + x = x.view(-1, self.opt.num_inputs, 512, 7, 7) + net = torch.mean(net, 1) + x = torch.mean(x, 1) + cls_scores = self.fc(net) + + return [net, x], cls_scores + # net is feature with dim all from channel; + # x is feature with dim all from channel, but one more conv added and another 7*7 spatial size diff --git a/data_process/lib/models/networks/wavlm/modules.py b/data_process/lib/models/networks/wavlm/modules.py new file mode 100644 index 0000000000000000000000000000000000000000..fe4ae4844189bc441fb807abe64ee345068aea36 --- /dev/null +++ b/data_process/lib/models/networks/wavlm/modules.py @@ -0,0 +1,823 @@ +# -------------------------------------------------------- +# WavLM: Large-Scale Self-Supervised Pre-training for Full Stack Speech Processing (https://arxiv.org/abs/2110.13900.pdf) +# Github source: https://github.com/microsoft/unilm/tree/master/wavlm +# Copyright (c) 2021 Microsoft +# Licensed under The MIT License [see LICENSE for details] +# Based on fairseq code bases +# https://github.com/pytorch/fairseq +# -------------------------------------------------------- + +import math +import warnings +from typing import Dict, Optional, Tuple +import torch +from torch import Tensor, nn +from torch.nn import Parameter +import torch.nn.functional as F + + +class TransposeLast(nn.Module): + def __init__(self, deconstruct_idx=None): + super().__init__() + self.deconstruct_idx = deconstruct_idx + + def forward(self, x): + if self.deconstruct_idx is not None: + x = x[self.deconstruct_idx] + return x.transpose(-2, -1) + + +class Fp32LayerNorm(nn.LayerNorm): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + def forward(self, input): + output = F.layer_norm( + input.float(), + self.normalized_shape, + self.weight.float() if self.weight is not None else None, + self.bias.float() if self.bias is not None else None, + self.eps, + ) + return output.type_as(input) + + +class Fp32GroupNorm(nn.GroupNorm): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + def forward(self, input): + output = F.group_norm( + input.float(), + self.num_groups, + self.weight.float() if self.weight is not None else None, + self.bias.float() if self.bias is not None else None, + self.eps, + ) + return output.type_as(input) + + +class GradMultiply(torch.autograd.Function): + @staticmethod + def forward(ctx, x, scale): + ctx.scale = scale + res = x.new(x) + return res + + @staticmethod + def backward(ctx, grad): + return grad * ctx.scale, None + + +class SamePad(nn.Module): + def __init__(self, kernel_size, causal=False): + super().__init__() + if causal: + self.remove = kernel_size - 1 + else: + self.remove = 1 if kernel_size % 2 == 0 else 0 + + def forward(self, x): + if self.remove > 0: + x = x[:, :, : -self.remove] + return x + + +class Swish(nn.Module): + """Swish function + """ + + def __init__(self): + """Construct an MultiHeadedAttention object.""" + super(Swish, self).__init__() + self.act = torch.nn.Sigmoid() + + def forward(self, x): + return x * self.act(x) + + +class GLU_Linear(nn.Module): + def __init__(self, input_dim, output_dim, glu_type="sigmoid", bias_in_glu=True): + super(GLU_Linear, self).__init__() + + self.glu_type = glu_type + self.output_dim = output_dim + + if glu_type == "sigmoid": + self.glu_act = torch.nn.Sigmoid() + elif glu_type == "swish": + self.glu_act = Swish() + elif glu_type == "relu": + self.glu_act = torch.nn.ReLU() + elif glu_type == "gelu": + self.glu_act = torch.nn.GELU() + + if bias_in_glu: + self.linear = nn.Linear(input_dim, output_dim * 2, True) + else: + self.linear = nn.Linear(input_dim, output_dim * 2, False) + + def forward(self, x): + # to be consistent with GLU_Linear, we assume the input always has the #channel (#dim) in the last dimension of the tensor, so need to switch the dimension first for 1D-Conv case + x = self.linear(x) + + if self.glu_type == "bilinear": + x = (x[:, :, 0:self.output_dim] * x[:, :, self.output_dim:self.output_dim * 2]) + else: + x = (x[:, :, 0:self.output_dim] * self.glu_act(x[:, :, self.output_dim:self.output_dim * 2])) + + return x + + +def gelu_accurate(x): + if not hasattr(gelu_accurate, "_a"): + gelu_accurate._a = math.sqrt(2 / math.pi) + return ( + 0.5 * x * (1 + torch.tanh(gelu_accurate._a * (x + 0.044715 * torch.pow(x, 3)))) + ) + + +def gelu(x: torch.Tensor) -> torch.Tensor: + return torch.nn.functional.gelu(x.float()).type_as(x) + + +def get_activation_fn(activation: str): + """Returns the activation function corresponding to `activation`""" + + if activation == "relu": + return F.relu + elif activation == "gelu": + return gelu + elif activation == "gelu_fast": + warnings.warn( + "--activation-fn=gelu_fast has been renamed to gelu_accurate" + ) + return gelu_accurate + elif activation == "gelu_accurate": + return gelu_accurate + elif activation == "tanh": + return torch.tanh + elif activation == "linear": + return lambda x: x + elif activation == "glu": + return lambda x: x + else: + raise RuntimeError("--activation-fn {} not supported".format(activation)) + + +def init_bert_params(module): + """ + Initialize the weights specific to the BERT Model. + This overrides the default initializations depending on the specified arguments. + 1. If normal_init_linear_weights is set then weights of linear + layer will be initialized using the normal distribution and + bais will be set to the specified value. + 2. If normal_init_embed_weights is set then weights of embedding + layer will be initialized using the normal distribution. + 3. If normal_init_proj_weights is set then weights of + in_project_weight for MultiHeadAttention initialized using + the normal distribution (to be validated). + """ + + def normal_(data): + # with FSDP, module params will be on CUDA, so we cast them back to CPU + # so that the RNG is consistent with and without FSDP + data.copy_( + data.cpu().normal_(mean=0.0, std=0.02).to(data.device) + ) + + if isinstance(module, nn.Linear): + normal_(module.weight.data) + if module.bias is not None: + module.bias.data.zero_() + if isinstance(module, nn.Embedding): + normal_(module.weight.data) + if module.padding_idx is not None: + module.weight.data[module.padding_idx].zero_() + if isinstance(module, MultiheadAttention): + normal_(module.q_proj.weight.data) + normal_(module.k_proj.weight.data) + normal_(module.v_proj.weight.data) + + +def quant_noise(module, p, block_size): + """ + Wraps modules and applies quantization noise to the weights for + subsequent quantization with Iterative Product Quantization as + described in "Training with Quantization Noise for Extreme Model Compression" + Args: + - module: nn.Module + - p: amount of Quantization Noise + - block_size: size of the blocks for subsequent quantization with iPQ + Remarks: + - Module weights must have the right sizes wrt the block size + - Only Linear, Embedding and Conv2d modules are supported for the moment + - For more detail on how to quantize by blocks with convolutional weights, + see "And the Bit Goes Down: Revisiting the Quantization of Neural Networks" + - We implement the simplest form of noise here as stated in the paper + which consists in randomly dropping blocks + """ + + # if no quantization noise, don't register hook + if p <= 0: + return module + + # supported modules + assert isinstance(module, (nn.Linear, nn.Embedding, nn.Conv2d)) + + # test whether module.weight has the right sizes wrt block_size + is_conv = module.weight.ndim == 4 + + # 2D matrix + if not is_conv: + assert ( + module.weight.size(1) % block_size == 0 + ), "Input features must be a multiple of block sizes" + + # 4D matrix + else: + # 1x1 convolutions + if module.kernel_size == (1, 1): + assert ( + module.in_channels % block_size == 0 + ), "Input channels must be a multiple of block sizes" + # regular convolutions + else: + k = module.kernel_size[0] * module.kernel_size[1] + assert k % block_size == 0, "Kernel size must be a multiple of block size" + + def _forward_pre_hook(mod, input): + # no noise for evaluation + if mod.training: + if not is_conv: + # gather weight and sizes + weight = mod.weight + in_features = weight.size(1) + out_features = weight.size(0) + + # split weight matrix into blocks and randomly drop selected blocks + mask = torch.zeros( + in_features // block_size * out_features, device=weight.device + ) + mask.bernoulli_(p) + mask = mask.repeat_interleave(block_size, -1).view(-1, in_features) + + else: + # gather weight and sizes + weight = mod.weight + in_channels = mod.in_channels + out_channels = mod.out_channels + + # split weight matrix into blocks and randomly drop selected blocks + if mod.kernel_size == (1, 1): + mask = torch.zeros( + int(in_channels // block_size * out_channels), + device=weight.device, + ) + mask.bernoulli_(p) + mask = mask.repeat_interleave(block_size, -1).view(-1, in_channels) + else: + mask = torch.zeros( + weight.size(0), weight.size(1), device=weight.device + ) + mask.bernoulli_(p) + mask = ( + mask.unsqueeze(2) + .unsqueeze(3) + .repeat(1, 1, mod.kernel_size[0], mod.kernel_size[1]) + ) + + # scale weights and apply mask + mask = mask.to( + torch.bool + ) # x.bool() is not currently supported in TorchScript + s = 1 / (1 - p) + mod.weight.data = s * weight.masked_fill(mask, 0) + + module.register_forward_pre_hook(_forward_pre_hook) + return module + + +class MultiheadAttention(nn.Module): + """Multi-headed attention. + See "Attention Is All You Need" for more details. + """ + + def __init__( + self, + embed_dim, + num_heads, + kdim=None, + vdim=None, + dropout=0.0, + bias=True, + add_bias_kv=False, + add_zero_attn=False, + self_attention=False, + encoder_decoder_attention=False, + q_noise=0.0, + qn_block_size=8, + has_relative_attention_bias=False, + num_buckets=32, + max_distance=128, + gru_rel_pos=False, + rescale_init=False, + ): + super().__init__() + self.embed_dim = embed_dim + self.kdim = kdim if kdim is not None else embed_dim + self.vdim = vdim if vdim is not None else embed_dim + self.qkv_same_dim = self.kdim == embed_dim and self.vdim == embed_dim + + self.num_heads = num_heads + self.dropout_module = nn.Dropout(dropout) + + self.has_relative_attention_bias = has_relative_attention_bias + self.num_buckets = num_buckets + self.max_distance = max_distance + if self.has_relative_attention_bias: + self.relative_attention_bias = nn.Embedding(num_buckets, num_heads) + + self.head_dim = embed_dim // num_heads + self.q_head_dim = self.head_dim + self.k_head_dim = self.head_dim + assert ( + self.head_dim * num_heads == self.embed_dim + ), "embed_dim must be divisible by num_heads" + self.scaling = self.head_dim ** -0.5 + + self.self_attention = self_attention + self.encoder_decoder_attention = encoder_decoder_attention + + assert not self.self_attention or self.qkv_same_dim, ( + "Self-attention requires query, key and " "value to be of the same size" + ) + + k_bias = True + if rescale_init: + k_bias = False + + k_embed_dim = embed_dim + q_embed_dim = embed_dim + + self.k_proj = quant_noise( + nn.Linear(self.kdim, k_embed_dim, bias=k_bias), q_noise, qn_block_size + ) + self.v_proj = quant_noise( + nn.Linear(self.vdim, embed_dim, bias=bias), q_noise, qn_block_size + ) + self.q_proj = quant_noise( + nn.Linear(embed_dim, q_embed_dim, bias=bias), q_noise, qn_block_size + ) + + self.out_proj = quant_noise( + nn.Linear(embed_dim, embed_dim, bias=bias), q_noise, qn_block_size + ) + + if add_bias_kv: + self.bias_k = Parameter(torch.Tensor(1, 1, embed_dim)) + self.bias_v = Parameter(torch.Tensor(1, 1, embed_dim)) + else: + self.bias_k = self.bias_v = None + + self.add_zero_attn = add_zero_attn + + self.gru_rel_pos = gru_rel_pos + if self.gru_rel_pos: + self.grep_linear = nn.Linear(self.q_head_dim, 8) + self.grep_a = nn.Parameter(torch.ones(1, num_heads, 1, 1)) + + self.reset_parameters() + + def reset_parameters(self): + if self.qkv_same_dim: + # Empirically observed the convergence to be much better with + # the scaled initialization + nn.init.xavier_uniform_(self.k_proj.weight, gain=1 / math.sqrt(2)) + nn.init.xavier_uniform_(self.v_proj.weight, gain=1 / math.sqrt(2)) + nn.init.xavier_uniform_(self.q_proj.weight, gain=1 / math.sqrt(2)) + else: + nn.init.xavier_uniform_(self.k_proj.weight) + nn.init.xavier_uniform_(self.v_proj.weight) + nn.init.xavier_uniform_(self.q_proj.weight) + + nn.init.xavier_uniform_(self.out_proj.weight) + if self.out_proj.bias is not None: + nn.init.constant_(self.out_proj.bias, 0.0) + if self.bias_k is not None: + nn.init.xavier_normal_(self.bias_k) + if self.bias_v is not None: + nn.init.xavier_normal_(self.bias_v) + if self.has_relative_attention_bias: + nn.init.xavier_normal_(self.relative_attention_bias.weight) + + def _relative_positions_bucket(self, relative_positions, bidirectional=True): + num_buckets = self.num_buckets + max_distance = self.max_distance + relative_buckets = 0 + + if bidirectional: + num_buckets = num_buckets // 2 + relative_buckets += (relative_positions > 0).to(torch.long) * num_buckets + relative_positions = torch.abs(relative_positions) + else: + relative_positions = -torch.min(relative_positions, torch.zeros_like(relative_positions)) + + max_exact = num_buckets // 2 + is_small = relative_positions < max_exact + + relative_postion_if_large = max_exact + ( + torch.log(relative_positions.float() / max_exact) + / math.log(max_distance / max_exact) + * (num_buckets - max_exact) + ).to(torch.long) + relative_postion_if_large = torch.min( + relative_postion_if_large, torch.full_like(relative_postion_if_large, num_buckets - 1) + ) + + relative_buckets += torch.where(is_small, relative_positions, relative_postion_if_large) + return relative_buckets + + def compute_bias(self, query_length, key_length): + context_position = torch.arange(query_length, dtype=torch.long)[:, None] + memory_position = torch.arange(key_length, dtype=torch.long)[None, :] + relative_position = memory_position - context_position + relative_position_bucket = self._relative_positions_bucket( + relative_position, + bidirectional=True + ) + relative_position_bucket = relative_position_bucket.to(self.relative_attention_bias.weight.device) + values = self.relative_attention_bias(relative_position_bucket) + values = values.permute([2, 0, 1]) + return values + + def forward( + self, + query, + key: Optional[Tensor], + value: Optional[Tensor], + key_padding_mask: Optional[Tensor] = None, + incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]] = None, + need_weights: bool = True, + static_kv: bool = False, + attn_mask: Optional[Tensor] = None, + before_softmax: bool = False, + need_head_weights: bool = False, + position_bias: Optional[Tensor] = None + ) -> Tuple[Tensor, Optional[Tensor], Optional[Tensor]]: + """Input shape: Time x Batch x Channel + Args: + key_padding_mask (ByteTensor, optional): mask to exclude + keys that are pads, of shape `(batch, src_len)`, where + padding elements are indicated by 1s. + need_weights (bool, optional): return the attention weights, + averaged over heads (default: False). + attn_mask (ByteTensor, optional): typically used to + implement causal attention, where the mask prevents the + attention from looking forward in time (default: None). + before_softmax (bool, optional): return the raw attention + weights and values before the attention softmax. + need_head_weights (bool, optional): return the attention + weights for each head. Implies *need_weights*. Default: + return the average attention weights over all heads. + """ + if need_head_weights: + need_weights = True + + is_tpu = query.device.type == "xla" + + tgt_len, bsz, embed_dim = query.size() + src_len = tgt_len + assert embed_dim == self.embed_dim + assert list(query.size()) == [tgt_len, bsz, embed_dim] + if key is not None: + src_len, key_bsz, _ = key.size() + if not torch.jit.is_scripting(): + assert key_bsz == bsz + assert value is not None + assert src_len, bsz == value.shape[:2] + + if self.has_relative_attention_bias and position_bias is None: + position_bias = self.compute_bias(tgt_len, src_len) + position_bias = position_bias.unsqueeze(0).repeat(bsz, 1, 1, 1).view(bsz * self.num_heads, tgt_len, src_len) + + if ( + not is_tpu # don't use PyTorch version on TPUs + and incremental_state is None + and not static_kv + # A workaround for quantization to work. Otherwise JIT compilation + # treats bias in linear module as method. + and not torch.jit.is_scripting() + and self.q_head_dim == self.head_dim + ): + assert key is not None and value is not None + assert attn_mask is None + + attn_mask_rel_pos = None + if position_bias is not None: + attn_mask_rel_pos = position_bias + if self.gru_rel_pos: + query_layer = query.transpose(0, 1) + new_x_shape = query_layer.size()[:-1] + (self.num_heads, -1) + query_layer = query_layer.view(*new_x_shape) + query_layer = query_layer.permute(0, 2, 1, 3) + _B, _H, _L, __ = query_layer.size() + + gate_a, gate_b = torch.sigmoid(self.grep_linear(query_layer).view( + _B, _H, _L, 2, 4).sum(-1, keepdim=False)).chunk(2, dim=-1) + gate_a_1 = gate_a * (gate_b * self.grep_a - 1.0) + 2.0 + attn_mask_rel_pos = gate_a_1.view(bsz * self.num_heads, -1, 1) * position_bias + + attn_mask_rel_pos = attn_mask_rel_pos.view((-1, tgt_len, tgt_len)) + k_proj_bias = self.k_proj.bias + if k_proj_bias is None: + k_proj_bias = torch.zeros_like(self.q_proj.bias) + + x, attn = F.multi_head_attention_forward( + query, + key, + value, + self.embed_dim, + self.num_heads, + torch.empty([0]), + torch.cat((self.q_proj.bias, self.k_proj.bias, self.v_proj.bias)), + self.bias_k, + self.bias_v, + self.add_zero_attn, + self.dropout_module.p, + self.out_proj.weight, + self.out_proj.bias, + self.training, + # self.training or self.dropout_module.apply_during_inference, + key_padding_mask, + need_weights, + attn_mask_rel_pos, + use_separate_proj_weight=True, + q_proj_weight=self.q_proj.weight, + k_proj_weight=self.k_proj.weight, + v_proj_weight=self.v_proj.weight, + ) + return x, attn, position_bias + + if incremental_state is not None: + saved_state = self._get_input_buffer(incremental_state) + if saved_state is not None and "prev_key" in saved_state: + # previous time steps are cached - no need to recompute + # key and value if they are static + if static_kv: + assert self.encoder_decoder_attention and not self.self_attention + key = value = None + else: + saved_state = None + + if self.self_attention: + q = self.q_proj(query) + k = self.k_proj(query) + v = self.v_proj(query) + elif self.encoder_decoder_attention: + # encoder-decoder attention + q = self.q_proj(query) + if key is None: + assert value is None + k = v = None + else: + k = self.k_proj(key) + v = self.v_proj(key) + + else: + assert key is not None and value is not None + q = self.q_proj(query) + k = self.k_proj(key) + v = self.v_proj(value) + q *= self.scaling + + if self.bias_k is not None: + assert self.bias_v is not None + k = torch.cat([k, self.bias_k.repeat(1, bsz, 1)]) + v = torch.cat([v, self.bias_v.repeat(1, bsz, 1)]) + if attn_mask is not None: + attn_mask = torch.cat( + [attn_mask, attn_mask.new_zeros(attn_mask.size(0), 1)], dim=1 + ) + if key_padding_mask is not None: + key_padding_mask = torch.cat( + [ + key_padding_mask, + key_padding_mask.new_zeros(key_padding_mask.size(0), 1), + ], + dim=1, + ) + + q = ( + q.contiguous() + .view(tgt_len, bsz * self.num_heads, self.q_head_dim) + .transpose(0, 1) + ) + if k is not None: + k = ( + k.contiguous() + .view(-1, bsz * self.num_heads, self.k_head_dim) + .transpose(0, 1) + ) + if v is not None: + v = ( + v.contiguous() + .view(-1, bsz * self.num_heads, self.head_dim) + .transpose(0, 1) + ) + + if saved_state is not None: + # saved states are stored with shape (bsz, num_heads, seq_len, head_dim) + if "prev_key" in saved_state: + _prev_key = saved_state["prev_key"] + assert _prev_key is not None + prev_key = _prev_key.view(bsz * self.num_heads, -1, self.head_dim) + if static_kv: + k = prev_key + else: + assert k is not None + k = torch.cat([prev_key, k], dim=1) + src_len = k.size(1) + if "prev_value" in saved_state: + _prev_value = saved_state["prev_value"] + assert _prev_value is not None + prev_value = _prev_value.view(bsz * self.num_heads, -1, self.head_dim) + if static_kv: + v = prev_value + else: + assert v is not None + v = torch.cat([prev_value, v], dim=1) + prev_key_padding_mask: Optional[Tensor] = None + if "prev_key_padding_mask" in saved_state: + prev_key_padding_mask = saved_state["prev_key_padding_mask"] + assert k is not None and v is not None + key_padding_mask = MultiheadAttention._append_prev_key_padding_mask( + key_padding_mask=key_padding_mask, + prev_key_padding_mask=prev_key_padding_mask, + batch_size=bsz, + src_len=k.size(1), + static_kv=static_kv, + ) + + saved_state["prev_key"] = k.view(bsz, self.num_heads, -1, self.head_dim) + saved_state["prev_value"] = v.view(bsz, self.num_heads, -1, self.head_dim) + saved_state["prev_key_padding_mask"] = key_padding_mask + # In this branch incremental_state is never None + assert incremental_state is not None + incremental_state = self._set_input_buffer(incremental_state, saved_state) + assert k is not None + assert k.size(1) == src_len + + # This is part of a workaround to get around fork/join parallelism + # not supporting Optional types. + if key_padding_mask is not None and key_padding_mask.dim() == 0: + key_padding_mask = None + + if key_padding_mask is not None: + assert key_padding_mask.size(0) == bsz + assert key_padding_mask.size(1) == src_len + + if self.add_zero_attn: + assert v is not None + src_len += 1 + k = torch.cat([k, k.new_zeros((k.size(0), 1) + k.size()[2:])], dim=1) + v = torch.cat([v, v.new_zeros((v.size(0), 1) + v.size()[2:])], dim=1) + if attn_mask is not None: + attn_mask = torch.cat( + [attn_mask, attn_mask.new_zeros(attn_mask.size(0), 1)], dim=1 + ) + if key_padding_mask is not None: + key_padding_mask = torch.cat( + [ + key_padding_mask, + torch.zeros(key_padding_mask.size(0), 1).type_as( + key_padding_mask + ), + ], + dim=1, + ) + + attn_weights = torch.bmm(q, k.transpose(1, 2)) + attn_weights = self.apply_sparse_mask(attn_weights, tgt_len, src_len, bsz) + + assert list(attn_weights.size()) == [bsz * self.num_heads, tgt_len, src_len] + + if attn_mask is not None: + attn_mask = attn_mask.unsqueeze(0) + attn_weights += attn_mask + + if key_padding_mask is not None: + # don't attend to padding symbols + attn_weights = attn_weights.view(bsz, self.num_heads, tgt_len, src_len) + if not is_tpu: + attn_weights = attn_weights.masked_fill( + key_padding_mask.unsqueeze(1).unsqueeze(2).to(torch.bool), + float("-inf"), + ) + else: + attn_weights = attn_weights.transpose(0, 2) + attn_weights = attn_weights.masked_fill(key_padding_mask, float("-inf")) + attn_weights = attn_weights.transpose(0, 2) + attn_weights = attn_weights.view(bsz * self.num_heads, tgt_len, src_len) + + if before_softmax: + return attn_weights, v, position_bias + + if position_bias is not None: + if self.gru_rel_pos == 1: + query_layer = q.view(bsz, self.num_heads, tgt_len, self.q_head_dim) + _B, _H, _L, __ = query_layer.size() + gate_a, gate_b = torch.sigmoid(self.grep_linear(query_layer).view( + _B, _H, _L, 2, 4).sum(-1, keepdim=False)).chunk(2, dim=-1) + gate_a_1 = gate_a * (gate_b * self.grep_a - 1.0) + 2.0 + position_bias = gate_a_1.view(bsz * self.num_heads, -1, 1) * position_bias + + position_bias = position_bias.view(attn_weights.size()) + + attn_weights = attn_weights + position_bias + + attn_weights_float = F.softmax( + attn_weights, dim=-1 + ) + attn_weights = attn_weights_float.type_as(attn_weights) + attn_probs = self.dropout_module(attn_weights) + + assert v is not None + attn = torch.bmm(attn_probs, v) + assert list(attn.size()) == [bsz * self.num_heads, tgt_len, self.head_dim] + attn = attn.transpose(0, 1).contiguous().view(tgt_len, bsz, embed_dim) + attn = self.out_proj(attn) + attn_weights: Optional[Tensor] = None + if need_weights: + attn_weights = attn_weights_float.view( + bsz, self.num_heads, tgt_len, src_len + ).transpose(1, 0) + if not need_head_weights: + # average attention weights over heads + attn_weights = attn_weights.mean(dim=0) + + return attn, attn_weights, position_bias + + @staticmethod + def _append_prev_key_padding_mask( + key_padding_mask: Optional[Tensor], + prev_key_padding_mask: Optional[Tensor], + batch_size: int, + src_len: int, + static_kv: bool, + ) -> Optional[Tensor]: + # saved key padding masks have shape (bsz, seq_len) + if prev_key_padding_mask is not None and static_kv: + new_key_padding_mask = prev_key_padding_mask + elif prev_key_padding_mask is not None and key_padding_mask is not None: + new_key_padding_mask = torch.cat( + [prev_key_padding_mask.float(), key_padding_mask.float()], dim=1 + ) + # During incremental decoding, as the padding token enters and + # leaves the frame, there will be a time when prev or current + # is None + elif prev_key_padding_mask is not None: + if src_len > prev_key_padding_mask.size(1): + filler = torch.zeros( + (batch_size, src_len - prev_key_padding_mask.size(1)), + device=prev_key_padding_mask.device, + ) + new_key_padding_mask = torch.cat( + [prev_key_padding_mask.float(), filler.float()], dim=1 + ) + else: + new_key_padding_mask = prev_key_padding_mask.float() + elif key_padding_mask is not None: + if src_len > key_padding_mask.size(1): + filler = torch.zeros( + (batch_size, src_len - key_padding_mask.size(1)), + device=key_padding_mask.device, + ) + new_key_padding_mask = torch.cat( + [filler.float(), key_padding_mask.float()], dim=1 + ) + else: + new_key_padding_mask = key_padding_mask.float() + else: + new_key_padding_mask = prev_key_padding_mask + return new_key_padding_mask + + def _get_input_buffer( + self, incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]] + ) -> Dict[str, Optional[Tensor]]: + result = self.get_incremental_state(incremental_state, "attn_state") + if result is not None: + return result + else: + empty_result: Dict[str, Optional[Tensor]] = {} + return empty_result + + def _set_input_buffer( + self, + incremental_state: Dict[str, Dict[str, Optional[Tensor]]], + buffer: Dict[str, Optional[Tensor]], + ): + return self.set_incremental_state(incremental_state, "attn_state", buffer) + + def apply_sparse_mask(self, attn_weights, tgt_len: int, src_len: int, bsz: int): + return \ No newline at end of file diff --git a/data_process/lib/models/networks/wavlm/wavlm.py b/data_process/lib/models/networks/wavlm/wavlm.py new file mode 100644 index 0000000000000000000000000000000000000000..8f0d9eed2a77a92b95b28bb8a6af308044a615f4 --- /dev/null +++ b/data_process/lib/models/networks/wavlm/wavlm.py @@ -0,0 +1,741 @@ +# -------------------------------------------------------- +# WavLM: Large-Scale Self-Supervised Pre-training for Full Stack Speech Processing (https://arxiv.org/abs/2110.13900.pdf) +# Github source: https://github.com/microsoft/unilm/tree/master/wavlm +# Copyright (c) 2021 Microsoft +# Licensed under The MIT License [see LICENSE for details] +# Based on fairseq code bases +# https://github.com/pytorch/fairseq +# -------------------------------------------------------- + +import math +import logging +from typing import List, Optional, Tuple + +import numpy as np + +import torch +import torch.nn as nn +import torch.nn.functional as F +from torch.nn import LayerNorm +from lib.models.networks.wavlm.modules import ( + Fp32GroupNorm, + Fp32LayerNorm, + GradMultiply, + MultiheadAttention, + SamePad, + init_bert_params, + get_activation_fn, + TransposeLast, + GLU_Linear, +) + +logger = logging.getLogger(__name__) + + +def compute_mask_indices( + shape: Tuple[int, int], + padding_mask: Optional[torch.Tensor], + mask_prob: float, + mask_length: int, + mask_type: str = "static", + mask_other: float = 0.0, + min_masks: int = 0, + no_overlap: bool = False, + min_space: int = 0, +) -> np.ndarray: + """ + Computes random mask spans for a given shape + Args: + shape: the the shape for which to compute masks. + should be of size 2 where first element is batch size and 2nd is timesteps + padding_mask: optional padding mask of the same size as shape, which will prevent masking padded elements + mask_prob: probability for each token to be chosen as start of the span to be masked. this will be multiplied by + number of timesteps divided by length of mask span to mask approximately this percentage of all elements. + however due to overlaps, the actual number will be smaller (unless no_overlap is True) + mask_type: how to compute mask lengths + static = fixed size + uniform = sample from uniform distribution [mask_other, mask_length*2] + normal = sample from normal distribution with mean mask_length and stdev mask_other. mask is min 1 element + poisson = sample from possion distribution with lambda = mask length + min_masks: minimum number of masked spans + no_overlap: if false, will switch to an alternative recursive algorithm that prevents spans from overlapping + min_space: only used if no_overlap is True, this is how many elements to keep unmasked between spans + """ + + bsz, all_sz = shape + mask = np.full((bsz, all_sz), False) + + all_num_mask = int( + # add a random number for probabilistic rounding + mask_prob * all_sz / float(mask_length) + + np.random.rand() + ) + + all_num_mask = max(min_masks, all_num_mask) + + mask_idcs = [] + for i in range(bsz): + if padding_mask is not None: + sz = all_sz - padding_mask[i].long().sum().item() + num_mask = int( + # add a random number for probabilistic rounding + mask_prob * sz / float(mask_length) + + np.random.rand() + ) + num_mask = max(min_masks, num_mask) + else: + sz = all_sz + num_mask = all_num_mask + + if mask_type == "static": + lengths = np.full(num_mask, mask_length) + elif mask_type == "uniform": + lengths = np.random.randint(mask_other, mask_length * 2 + 1, size=num_mask) + elif mask_type == "normal": + lengths = np.random.normal(mask_length, mask_other, size=num_mask) + lengths = [max(1, int(round(x))) for x in lengths] + elif mask_type == "poisson": + lengths = np.random.poisson(mask_length, size=num_mask) + lengths = [int(round(x)) for x in lengths] + else: + raise Exception("unknown mask selection " + mask_type) + + if sum(lengths) == 0: + lengths[0] = min(mask_length, sz - 1) + + if no_overlap: + mask_idc = [] + + def arrange(s, e, length, keep_length): + span_start = np.random.randint(s, e - length) + mask_idc.extend(span_start + i for i in range(length)) + + new_parts = [] + if span_start - s - min_space >= keep_length: + new_parts.append((s, span_start - min_space + 1)) + if e - span_start - keep_length - min_space > keep_length: + new_parts.append((span_start + length + min_space, e)) + return new_parts + + parts = [(0, sz)] + min_length = min(lengths) + for length in sorted(lengths, reverse=True): + lens = np.fromiter( + (e - s if e - s >= length + min_space else 0 for s, e in parts), + np.int, + ) + l_sum = np.sum(lens) + if l_sum == 0: + break + probs = lens / np.sum(lens) + c = np.random.choice(len(parts), p=probs) + s, e = parts.pop(c) + parts.extend(arrange(s, e, length, min_length)) + mask_idc = np.asarray(mask_idc) + else: + min_len = min(lengths) + if sz - min_len <= num_mask: + min_len = sz - num_mask - 1 + + mask_idc = np.random.choice(sz - min_len, num_mask, replace=False) + + mask_idc = np.asarray( + [ + mask_idc[j] + offset + for j in range(len(mask_idc)) + for offset in range(lengths[j]) + ] + ) + + mask_idcs.append(np.unique(mask_idc[mask_idc < sz])) + + min_len = min([len(m) for m in mask_idcs]) + for i, mask_idc in enumerate(mask_idcs): + if len(mask_idc) > min_len: + mask_idc = np.random.choice(mask_idc, min_len, replace=False) + mask[i, mask_idc] = True + + return mask + + +class WavLMConfig: + def __init__(self, cfg=None): + self.extractor_mode: str = "default" # mode for feature extractor. default has a single group norm with d groups in the first conv block, whereas layer_norm has layer norms in every block (meant to use with normalize=True) + self.encoder_layers: int = 12 # num encoder layers in the transformer + + self.encoder_embed_dim: int = 768 # encoder embedding dimension + self.encoder_ffn_embed_dim: int = 3072 # encoder embedding dimension for FFN + self.encoder_attention_heads: int = 12 # num encoder attention heads + self.activation_fn: str = "gelu" # activation function to use + + self.layer_norm_first: bool = False # apply layernorm first in the transformer + self.conv_feature_layers: str = "[(512,10,5)] + [(512,3,2)] * 4 + [(512,2,2)] * 2" # string describing convolutional feature extraction layers in form of a python list that contains [(dim, kernel_size, stride), ...] + self.conv_bias: bool = False # include bias in conv encoder + self.feature_grad_mult: float = 1.0 # multiply feature extractor var grads by this + + self.normalize: bool = False # normalize input to have 0 mean and unit variance during training + + # dropouts + self.dropout: float = 0.1 # dropout probability for the transformer + self.attention_dropout: float = 0.1 # dropout probability for attention weights + self.activation_dropout: float = 0.0 # dropout probability after activation in FFN + self.encoder_layerdrop: float = 0.0 # probability of dropping a tarnsformer layer + self.dropout_input: float = 0.0 # dropout to apply to the input (after feat extr) + self.dropout_features: float = 0.0 # dropout to apply to the features (after feat extr) + + # masking + self.mask_length: int = 10 # mask length + self.mask_prob: float = 0.65 # probability of replacing a token with mask + self.mask_selection: str = "static" # how to choose mask length + self.mask_other: float = 0 # secondary mask argument (used for more complex distributions), see help in compute_mask_indicesh + self.no_mask_overlap: bool = False # whether to allow masks to overlap + self.mask_min_space: int = 1 # min space between spans (if no overlap is enabled) + + # channel masking + self.mask_channel_length: int = 10 # length of the mask for features (channels) + self.mask_channel_prob: float = 0.0 # probability of replacing a feature with 0 + self.mask_channel_selection: str = "static" # how to choose mask length for channel masking + self.mask_channel_other: float = 0 # secondary mask argument (used for more complex distributions), see help in compute_mask_indices + self.no_mask_channel_overlap: bool = False # whether to allow channel masks to overlap + self.mask_channel_min_space: int = 1 # min space between spans (if no overlap is enabled) + + # positional embeddings + self.conv_pos: int = 128 # number of filters for convolutional positional embeddings + self.conv_pos_groups: int = 16 # number of groups for convolutional positional embedding + + # relative position embedding + self.relative_position_embedding: bool = False # apply relative position embedding + self.num_buckets: int = 320 # number of buckets for relative position embedding + self.max_distance: int = 1280 # maximum distance for relative position embedding + self.gru_rel_pos: bool = False # apply gated relative position embedding + + if cfg is not None: + self.update(cfg) + + def update(self, cfg: dict): + self.__dict__.update(cfg) + + +class WavLM(nn.Module): + def __init__( + self, + cfg: WavLMConfig, + ) -> None: + super().__init__() + logger.info(f"WavLM Config: {cfg.__dict__}") + + self.cfg = cfg + feature_enc_layers = eval(cfg.conv_feature_layers) + self.embed = feature_enc_layers[-1][0] + + self.feature_extractor = ConvFeatureExtractionModel( + conv_layers=feature_enc_layers, + dropout=0.0, + mode=cfg.extractor_mode, + conv_bias=cfg.conv_bias, + ) + + self.post_extract_proj = ( + nn.Linear(self.embed, cfg.encoder_embed_dim) + if self.embed != cfg.encoder_embed_dim + else None + ) + + self.mask_prob = cfg.mask_prob + self.mask_selection = cfg.mask_selection + self.mask_other = cfg.mask_other + self.mask_length = cfg.mask_length + self.no_mask_overlap = cfg.no_mask_overlap + self.mask_min_space = cfg.mask_min_space + + self.mask_channel_prob = cfg.mask_channel_prob + self.mask_channel_selection = cfg.mask_channel_selection + self.mask_channel_other = cfg.mask_channel_other + self.mask_channel_length = cfg.mask_channel_length + self.no_mask_channel_overlap = cfg.no_mask_channel_overlap + self.mask_channel_min_space = cfg.mask_channel_min_space + + self.dropout_input = nn.Dropout(cfg.dropout_input) + self.dropout_features = nn.Dropout(cfg.dropout_features) + + self.feature_grad_mult = cfg.feature_grad_mult + + self.mask_emb = nn.Parameter( + torch.FloatTensor(cfg.encoder_embed_dim).uniform_() + ) + + self.encoder = TransformerEncoder(cfg) + self.layer_norm = LayerNorm(self.embed) + + def apply_mask(self, x, padding_mask): + B, T, C = x.shape + if self.mask_prob > 0: + mask_indices = compute_mask_indices( + (B, T), + padding_mask, + self.mask_prob, + self.mask_length, + self.mask_selection, + self.mask_other, + min_masks=2, + no_overlap=self.no_mask_overlap, + min_space=self.mask_min_space, + ) + mask_indices = torch.from_numpy(mask_indices).to(x.device) + x[mask_indices] = self.mask_emb + else: + mask_indices = None + + if self.mask_channel_prob > 0: + mask_channel_indices = compute_mask_indices( + (B, C), + None, + self.mask_channel_prob, + self.mask_channel_length, + self.mask_channel_selection, + self.mask_channel_other, + no_overlap=self.no_mask_channel_overlap, + min_space=self.mask_channel_min_space, + ) + mask_channel_indices = ( + torch.from_numpy(mask_channel_indices) + .to(x.device) + .unsqueeze(1) + .expand(-1, T, -1) + ) + x[mask_channel_indices] = 0 + + return x, mask_indices + + def forward_padding_mask( + self, features: torch.Tensor, padding_mask: torch.Tensor, + ) -> torch.Tensor: + extra = padding_mask.size(1) % features.size(1) + if extra > 0: + padding_mask = padding_mask[:, :-extra] + padding_mask = padding_mask.view( + padding_mask.size(0), features.size(1), -1 + ) + padding_mask = padding_mask.all(-1) + return padding_mask + + def extract_features( + self, + source: torch.Tensor, + padding_mask: Optional[torch.Tensor] = None, + mask: bool = False, + ret_conv: bool = False, + output_layer: Optional[int] = None, + ret_layer_results: bool = False, + ): + + if self.feature_grad_mult > 0: + features = self.feature_extractor(source) + if self.feature_grad_mult != 1.0: + features = GradMultiply.apply(features, self.feature_grad_mult) + else: + with torch.no_grad(): + features = self.feature_extractor(source) + + features = features.transpose(1, 2) + features = self.layer_norm(features) + + if padding_mask is not None: + padding_mask = self.forward_padding_mask(features, padding_mask) + + if self.post_extract_proj is not None: + features = self.post_extract_proj(features) + + features = self.dropout_input(features) + + if mask: + x, mask_indices = self.apply_mask( + features, padding_mask + ) + else: + x = features + + # feature: (B, T, D), float + # target: (B, T), long + # x: (B, T, D), float + # padding_mask: (B, T), bool + # mask_indices: (B, T), bool + x, layer_results = self.encoder( + x, + padding_mask=padding_mask, + layer=None if output_layer is None else output_layer - 1 + ) + + res = {"x": x, "padding_mask": padding_mask, "features": features, "layer_results": layer_results} + + feature = res["features"] if ret_conv else res["x"] + if ret_layer_results: + feature = (feature, res["layer_results"]) + return feature, res["padding_mask"] + + +class ConvFeatureExtractionModel(nn.Module): + def __init__( + self, + conv_layers: List[Tuple[int, int, int]], + dropout: float = 0.0, + mode: str = "default", + conv_bias: bool = False, + conv_type: str = "default" + ): + super().__init__() + + assert mode in {"default", "layer_norm"} + + def block( + n_in, + n_out, + k, + stride, + is_layer_norm=False, + is_group_norm=False, + conv_bias=False, + ): + def make_conv(): + conv = nn.Conv1d(n_in, n_out, k, stride=stride, bias=conv_bias) + nn.init.kaiming_normal_(conv.weight) + return conv + + assert ( + is_layer_norm and is_group_norm + ) == False, "layer norm and group norm are exclusive" + + if is_layer_norm: + return nn.Sequential( + make_conv(), + nn.Dropout(p=dropout), + nn.Sequential( + TransposeLast(), + Fp32LayerNorm(dim, elementwise_affine=True), + TransposeLast(), + ), + nn.GELU(), + ) + elif is_group_norm: + return nn.Sequential( + make_conv(), + nn.Dropout(p=dropout), + Fp32GroupNorm(dim, dim, affine=True), + nn.GELU(), + ) + else: + return nn.Sequential(make_conv(), nn.Dropout(p=dropout), nn.GELU()) + + self.conv_type = conv_type + if self.conv_type == "default": + in_d = 1 + self.conv_layers = nn.ModuleList() + for i, cl in enumerate(conv_layers): + assert len(cl) == 3, "invalid conv definition: " + str(cl) + (dim, k, stride) = cl + + self.conv_layers.append( + block( + in_d, + dim, + k, + stride, + is_layer_norm=mode == "layer_norm", + is_group_norm=mode == "default" and i == 0, + conv_bias=conv_bias, + ) + ) + in_d = dim + elif self.conv_type == "conv2d": + in_d = 1 + self.conv_layers = nn.ModuleList() + for i, cl in enumerate(conv_layers): + assert len(cl) == 3 + (dim, k, stride) = cl + + self.conv_layers.append( + torch.nn.Conv2d(in_d, dim, k, stride) + ) + self.conv_layers.append(torch.nn.ReLU()) + in_d = dim + elif self.conv_type == "custom": + in_d = 1 + idim = 80 + self.conv_layers = nn.ModuleList() + for i, cl in enumerate(conv_layers): + assert len(cl) == 3 + (dim, k, stride) = cl + self.conv_layers.append( + torch.nn.Conv2d(in_d, dim, k, stride, padding=1) + ) + self.conv_layers.append( + torch.nn.LayerNorm([dim, idim]) + ) + self.conv_layers.append(torch.nn.ReLU()) + in_d = dim + if (i + 1) % 2 == 0: + self.conv_layers.append( + torch.nn.MaxPool2d(2, stride=2, ceil_mode=True) + ) + idim = int(math.ceil(idim / 2)) + else: + pass + + def forward(self, x, mask=None): + + # BxT -> BxCxT + x = x.unsqueeze(1) + if self.conv_type == "custom": + for conv in self.conv_layers: + if isinstance(conv, nn.LayerNorm): + x = x.transpose(1, 2) + x = conv(x).transpose(1, 2) + else: + x = conv(x) + x = x.transpose(2, 3).contiguous() + x = x.view(x.size(0), -1, x.size(-1)) + else: + for conv in self.conv_layers: + x = conv(x) + if self.conv_type == "conv2d": + b, c, t, f = x.size() + x = x.transpose(2, 3).contiguous().view(b, c * f, t) + return x + + +class TransformerEncoder(nn.Module): + def __init__(self, args): + super().__init__() + + self.dropout = args.dropout + self.embedding_dim = args.encoder_embed_dim + + self.pos_conv = nn.Conv1d( + self.embedding_dim, + self.embedding_dim, + kernel_size=args.conv_pos, + padding=args.conv_pos // 2, + groups=args.conv_pos_groups, + ) + dropout = 0 + std = math.sqrt((4 * (1.0 - dropout)) / (args.conv_pos * self.embedding_dim)) + nn.init.normal_(self.pos_conv.weight, mean=0, std=std) + nn.init.constant_(self.pos_conv.bias, 0) + + self.pos_conv = nn.utils.weight_norm(self.pos_conv, name="weight", dim=2) + self.pos_conv = nn.Sequential(self.pos_conv, SamePad(args.conv_pos), nn.GELU()) + + if hasattr(args, "relative_position_embedding"): + self.relative_position_embedding = args.relative_position_embedding + self.num_buckets = args.num_buckets + self.max_distance = args.max_distance + else: + self.relative_position_embedding = False + self.num_buckets = 0 + self.max_distance = 0 + + self.layers = nn.ModuleList( + [ + TransformerSentenceEncoderLayer( + embedding_dim=self.embedding_dim, + ffn_embedding_dim=args.encoder_ffn_embed_dim, + num_attention_heads=args.encoder_attention_heads, + dropout=self.dropout, + attention_dropout=args.attention_dropout, + activation_dropout=args.activation_dropout, + activation_fn=args.activation_fn, + layer_norm_first=args.layer_norm_first, + has_relative_attention_bias=(self.relative_position_embedding and i == 0), + num_buckets=self.num_buckets, + max_distance=self.max_distance, + gru_rel_pos=args.gru_rel_pos, + ) + for i in range(args.encoder_layers) + ] + ) + + self.layer_norm_first = args.layer_norm_first + self.layer_norm = LayerNorm(self.embedding_dim) + self.layerdrop = args.encoder_layerdrop + + self.apply(init_bert_params) + + def forward(self, x, padding_mask=None, streaming_mask=None, layer=None): + x, layer_results = self.extract_features(x, padding_mask, streaming_mask, layer) + + if self.layer_norm_first and layer is None: + x = self.layer_norm(x) + + return x, layer_results + + def extract_features(self, x, padding_mask=None, streaming_mask=None, tgt_layer=None): + + if padding_mask is not None: + x[padding_mask] = 0 + + x_conv = self.pos_conv(x.transpose(1, 2)) + x_conv = x_conv.transpose(1, 2) + x += x_conv + + if not self.layer_norm_first: + x = self.layer_norm(x) + + x = F.dropout(x, p=self.dropout, training=self.training) + + # B x T x C -> T x B x C + x = x.transpose(0, 1) + + layer_results = [] + z = None + if tgt_layer is not None: + layer_results.append((x, z)) + r = None + pos_bias = None + for i, layer in enumerate(self.layers): + dropout_probability = np.random.random() + if not self.training or (dropout_probability > self.layerdrop): + x, z, pos_bias = layer(x, self_attn_padding_mask=padding_mask, need_weights=False, + self_attn_mask=streaming_mask, pos_bias=pos_bias) + if tgt_layer is not None: + layer_results.append((x, z)) + if i == tgt_layer: + r = x + break + + if r is not None: + x = r + + # T x B x C -> B x T x C + x = x.transpose(0, 1) + + return x, layer_results + + +class TransformerSentenceEncoderLayer(nn.Module): + """ + Implements a Transformer Encoder Layer used in BERT/XLM style pre-trained + models. + """ + + def __init__( + self, + embedding_dim: float = 768, + ffn_embedding_dim: float = 3072, + num_attention_heads: float = 8, + dropout: float = 0.1, + attention_dropout: float = 0.1, + activation_dropout: float = 0.1, + activation_fn: str = "relu", + layer_norm_first: bool = False, + has_relative_attention_bias: bool = False, + num_buckets: int = 0, + max_distance: int = 0, + rescale_init: bool = False, + gru_rel_pos: bool = False, + ) -> None: + + super().__init__() + # Initialize parameters + self.embedding_dim = embedding_dim + self.dropout = dropout + self.activation_dropout = activation_dropout + + # Initialize blocks + self.activation_name = activation_fn + self.activation_fn = get_activation_fn(activation_fn) + self.self_attn = MultiheadAttention( + self.embedding_dim, + num_attention_heads, + dropout=attention_dropout, + self_attention=True, + has_relative_attention_bias=has_relative_attention_bias, + num_buckets=num_buckets, + max_distance=max_distance, + rescale_init=rescale_init, + gru_rel_pos=gru_rel_pos, + ) + + self.dropout1 = nn.Dropout(dropout) + self.dropout2 = nn.Dropout(self.activation_dropout) + self.dropout3 = nn.Dropout(dropout) + + self.layer_norm_first = layer_norm_first + + # layer norm associated with the self attention layer + self.self_attn_layer_norm = LayerNorm(self.embedding_dim) + + if self.activation_name == "glu": + self.fc1 = GLU_Linear(self.embedding_dim, ffn_embedding_dim, "swish") + else: + self.fc1 = nn.Linear(self.embedding_dim, ffn_embedding_dim) + self.fc2 = nn.Linear(ffn_embedding_dim, self.embedding_dim) + + # layer norm associated with the position wise feed-forward NN + self.final_layer_norm = LayerNorm(self.embedding_dim) + + def forward( + self, + x: torch.Tensor, + self_attn_mask: torch.Tensor = None, + self_attn_padding_mask: torch.Tensor = None, + need_weights: bool = False, + pos_bias=None + ): + """ + LayerNorm is applied either before or after the self-attention/ffn + modules similar to the original Transformer imlementation. + """ + residual = x + + if self.layer_norm_first: + x = self.self_attn_layer_norm(x) + x, attn, pos_bias = self.self_attn( + query=x, + key=x, + value=x, + key_padding_mask=self_attn_padding_mask, + need_weights=False, + attn_mask=self_attn_mask, + position_bias=pos_bias + ) + x = self.dropout1(x) + x = residual + x + + residual = x + x = self.final_layer_norm(x) + if self.activation_name == "glu": + x = self.fc1(x) + else: + x = self.activation_fn(self.fc1(x)) + x = self.dropout2(x) + x = self.fc2(x) + x = self.dropout3(x) + x = residual + x + else: + x, attn, pos_bias = self.self_attn( + query=x, + key=x, + value=x, + key_padding_mask=self_attn_padding_mask, + need_weights=need_weights, + attn_mask=self_attn_mask, + position_bias=pos_bias + ) + + x = self.dropout1(x) + x = residual + x + + x = self.self_attn_layer_norm(x) + + residual = x + if self.activation_name == "glu": + x = self.fc1(x) + else: + x = self.activation_fn(self.fc1(x)) + x = self.dropout2(x) + x = self.fc2(x) + x = self.dropout3(x) + x = residual + x + x = self.final_layer_norm(x) + + return x, attn, pos_bias \ No newline at end of file diff --git a/data_process/lib/pdfgc/FAN_feature_extractor.py b/data_process/lib/pdfgc/FAN_feature_extractor.py new file mode 100644 index 0000000000000000000000000000000000000000..acab522ea359aa2b13c1ed2a421bcb435873cf16 --- /dev/null +++ b/data_process/lib/pdfgc/FAN_feature_extractor.py @@ -0,0 +1,163 @@ +# PD-FGC motion encoder, modified from https://github.com/Dorniwang/PD-FGC-inference +import torch +import torch.nn as nn +import torch.nn.functional as F + + +def conv3x3(in_planes, out_planes, strd=1, padding=1, bias=False): + "3x3 convolution with padding" + return nn.Conv2d(in_planes, out_planes, kernel_size=3, + stride=strd, padding=padding, bias=bias) + + +class ConvBlock(nn.Module): + def __init__(self, in_planes, out_planes): + super(ConvBlock, self).__init__() + self.bn1 = nn.BatchNorm2d(in_planes) + self.conv1 = conv3x3(in_planes, int(out_planes / 2)) + self.bn2 = nn.BatchNorm2d(int(out_planes / 2)) + self.conv2 = conv3x3(int(out_planes / 2), int(out_planes / 4)) + self.bn3 = nn.BatchNorm2d(int(out_planes / 4)) + self.conv3 = conv3x3(int(out_planes / 4), int(out_planes / 4)) + + if in_planes != out_planes: + self.downsample = nn.Sequential( + nn.BatchNorm2d(in_planes), + nn.ReLU(True), + nn.Conv2d(in_planes, out_planes, + kernel_size=1, stride=1, bias=False), + ) + else: + self.downsample = None + + def forward(self, x): + residual = x + + out1 = self.bn1(x) + out1 = F.relu(out1, True) + out1 = self.conv1(out1) + + out2 = self.bn2(out1) + out2 = F.relu(out2, True) + out2 = self.conv2(out2) + + out3 = self.bn3(out2) + out3 = F.relu(out3, True) + out3 = self.conv3(out3) + + out3 = torch.cat((out1, out2, out3), 1) + + if self.downsample is not None: + residual = self.downsample(residual) + + out3 += residual + + return out3 + + +class HourGlass(nn.Module): + def __init__(self, num_modules, depth, num_features): + super(HourGlass, self).__init__() + self.num_modules = num_modules + self.depth = depth + self.features = num_features + self.dropout = nn.Dropout(0.5) + + self._generate_network(self.depth) + + def _generate_network(self, level): + self.add_module('b1_' + str(level), ConvBlock(256, 256)) + + self.add_module('b2_' + str(level), ConvBlock(256, 256)) + + if level > 1: + self._generate_network(level - 1) + else: + self.add_module('b2_plus_' + str(level), ConvBlock(256, 256)) + + self.add_module('b3_' + str(level), ConvBlock(256, 256)) + + def _forward(self, level, inp): + # Upper branch + up1 = inp + up1 = self._modules['b1_' + str(level)](up1) + up1 = self.dropout(up1) + # Lower branch + low1 = F.max_pool2d(inp, 2, stride=2) + low1 = self._modules['b2_' + str(level)](low1) + + if level > 1: + low2 = self._forward(level - 1, low1) + else: + low2 = low1 + low2 = self._modules['b2_plus_' + str(level)](low2) + + low3 = low2 + low3 = self._modules['b3_' + str(level)](low3) + up1size = up1.size() + rescale_size = (up1size[2], up1size[3]) + up2 = F.upsample(low3, size=rescale_size, mode='bilinear') + + return up1 + up2 + + def forward(self, x): + return self._forward(self.depth, x) + + +class FAN_use(nn.Module): + def __init__(self): + super(FAN_use, self).__init__() + self.num_modules = 1 + + # Base part + self.conv1 = nn.Conv2d(3, 64, kernel_size=7, stride=2, padding=3) + self.bn1 = nn.BatchNorm2d(64) + self.conv2 = ConvBlock(64, 128) + self.conv3 = ConvBlock(128, 128) + self.conv4 = ConvBlock(128, 256) + + # Stacking part + hg_module = 0 + self.add_module('m' + str(hg_module), HourGlass(1, 4, 256)) + self.add_module('top_m_' + str(hg_module), ConvBlock(256, 256)) + self.add_module('conv_last' + str(hg_module), + nn.Conv2d(256, 256, kernel_size=1, stride=1, padding=0)) + self.add_module('l' + str(hg_module), nn.Conv2d(256, + 68, kernel_size=1, stride=1, padding=0)) + self.add_module('bn_end' + str(hg_module), nn.BatchNorm2d(256)) + + if hg_module < self.num_modules - 1: + self.add_module( + 'bl' + str(hg_module), nn.Conv2d(256, 256, kernel_size=1, stride=1, padding=0)) + self.add_module('al' + str(hg_module), nn.Conv2d(68, + 256, kernel_size=1, stride=1, padding=0)) + + self.avgpool = nn.MaxPool2d((2, 2), 2) + self.conv6 = nn.Conv2d(68, 1, 3, 2, 1) + self.fc = nn.Linear(28 * 28, 512) + self.bn5 = nn.BatchNorm2d(68) + self.relu = nn.ReLU(True) + + def forward(self, x): + x = F.relu(self.bn1(self.conv1(x)), True) + x = F.max_pool2d(self.conv2(x), 2) + x = self.conv3(x) + x = self.conv4(x) + + previous = x + + i = 0 + hg = self._modules['m' + str(i)](previous) + + ll = hg + ll = self._modules['top_m_' + str(i)](ll) + + ll = self._modules['bn_end' + str(i)](self._modules['conv_last' + str(i)](ll)) + tmp_out = self._modules['l' + str(i)](F.relu(ll)) + + net = self.relu(self.bn5(tmp_out)) + net = self.conv6(net) + net = net.view(-1, net.shape[-2] * net.shape[-1]) + net = self.relu(net) + net = self.fc(net) + return net diff --git a/data_process/lib/pdfgc/__init__.py b/data_process/lib/pdfgc/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..bc63beba4a21ad527d0821d228c5192f73fe1183 --- /dev/null +++ b/data_process/lib/pdfgc/__init__.py @@ -0,0 +1 @@ +# empty \ No newline at end of file diff --git a/data_process/lib/pdfgc/encoder.py b/data_process/lib/pdfgc/encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..8170aed0b0abdcc9a9df260202bb798c5793be9b --- /dev/null +++ b/data_process/lib/pdfgc/encoder.py @@ -0,0 +1,43 @@ +# PD-FGC motion encoder, modified from https://github.com/Dorniwang/PD-FGC-inference +import torch +import torch.nn as nn +import numpy as np +import torch.nn.functional as F +from .FAN_feature_extractor import FAN_use + +class FanEncoder(nn.Module): + def __init__(self): + super(FanEncoder, self).__init__() + # pose_dim = self.opt.model.net_motion.pose_dim + # eye_dim = self.opt.model.net_motion.eye_dim + pose_dim = 6 + eye_dim = 6 + self.model = FAN_use() + + self.to_mouth = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + self.mouth_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, 512-pose_dim-eye_dim)) + + self.to_headpose = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + self.headpose_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, pose_dim)) + + self.to_eye = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + self.eye_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, eye_dim)) + + self.to_emo = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + self.emo_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, 30)) + + def forward_feature(self, x): + net = self.model(x) + return net + + def forward(self, x): + x = self.model(x) + mouth_feat = self.to_mouth(x) + headpose_feat = self.to_headpose(x) + headpose_emb = self.headpose_embed(headpose_feat) + eye_feat = self.to_eye(x) + eye_embed = self.eye_embed(eye_feat) + emo_feat = self.to_emo(x) + emo_embed = self.emo_embed(emo_feat) + return headpose_emb, eye_embed, emo_embed, mouth_feat + \ No newline at end of file diff --git a/data_process/lib/pdfgc/utils.py b/data_process/lib/pdfgc/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..e5d88c3be3787f693ef964cf4c83560ffb6361fc --- /dev/null +++ b/data_process/lib/pdfgc/utils.py @@ -0,0 +1,53 @@ +import torch +import numpy as np +from skimage import transform as trans +from kornia.geometry import warp_affine +import torch.nn.functional as F + + +def extract_3p_flame(lm): + p0 = lm[36:42].mean(0) + p1 = lm[42:48].mean(0) + p2 = lm[60:68].mean(0) + lm3p = np.stack([p0, p1, p2], axis=0) # (3,2) + return lm3p + + +def estimate_norm_pdfgc(lm_70p, H, reverse_y=True): + # modified from https://github.com/deepinsight/insightface/blob/c61d3cd208a603dfa4a338bd743b320ce3e94730/recognition/common/face_align.py#L68 + """ + Return: + trans_m --numpy.array (2, 3) + Parameters: + lm --numpy.array (70, 2), y direction is opposite to v direction + H --int/float , image height + """ + lm = extract_3p_flame(lm_70p) + if reverse_y: + lm[:, -1] = H - 1 - lm[:, -1] + tform = trans.SimilarityTransform() + src = np.array([[87, 59], [137, 59], [112, 120]], dtype=np.float32) # in size of 224 + tform.estimate(lm, src) + M = tform.params + if np.linalg.det(M) == 0: + M = np.eye(3) + + return M[0:2, :] +def estimate_norm_torch_pdfgc(lm_70p, H, reverse_y=True): + lm_70p_ = lm_70p.detach().cpu().numpy() + M = [] + for i in range(lm_70p_.shape[0]): + M.append(estimate_norm_pdfgc(lm_70p_[i], H, reverse_y=reverse_y)) + M = torch.tensor(np.array(M), dtype=torch.float32).to(lm_70p.device) + return M + +def get_motion_feature(pd_fgc, imgs, lmks, crop_size=224, crop_len=16, reverse_y=False): + trans_m = estimate_norm_torch_pdfgc(lmks, imgs.shape[-1], reverse_y=reverse_y) + imgs_warp = warp_affine(imgs, trans_m, dsize=(224, 224)) + imgs_warp = imgs_warp[:, :, :crop_size - crop_len * 2, crop_len:crop_size - crop_len] + imgs_warp = torch.clamp(F.interpolate(imgs_warp, size=[crop_size, crop_size], mode='bilinear'), -1, 1) + + out = pd_fgc(imgs_warp) + motions = torch.cat([out[1], out[2], out[3]], dim=-1) + + return motions \ No newline at end of file diff --git a/data_process/lib/preprocess.py b/data_process/lib/preprocess.py new file mode 100644 index 0000000000000000000000000000000000000000..547e5eb6765d70e5fefc264218a3626afdaf9dd6 --- /dev/null +++ b/data_process/lib/preprocess.py @@ -0,0 +1,383 @@ +"""This script contains the image preprocessing code for Deep3DFaceRecon_pytorch.""" + +import numpy as np +from scipy.io import loadmat +from PIL import Image +import cv2 +import os +from skimage import transform as trans +import torch +import warnings + +warnings.filterwarnings("ignore", category=np.VisibleDeprecationWarning) +warnings.filterwarnings("ignore", category=FutureWarning) + + +def POS(xp, x): + """ + Calculate translation and scale using least squares for image alignment. + + Args: + xp (np.ndarray): Target points, shape (2, N). + x (np.ndarray): Source points, shape (2, N). + + Returns: + tuple: Translation vector (t) and scale factor (s). + """ + npts = xp.shape[1] + A = np.zeros([2 * npts, 8]) + + A[0:2 * npts - 1:2, 0:3] = x.T + A[0:2 * npts - 1:2, 3] = 1 + A[1:2 * npts:2, 4:7] = x.T + A[1:2 * npts:2, 7] = 1 + + b = xp.T.reshape([2 * npts, 1]) + k, _, _, _ = np.linalg.lstsq(A, b, rcond=None) + + R1, R2 = k[:3], k[4:7] + sTx, sTy = k[3], k[7] + s = (np.linalg.norm(R1) + np.linalg.norm(R2)) / 2 + t = np.array([sTx, sTy]) + + return t, s + + +def BBRegression(points, params): + """ + Perform bounding box regression for 68 landmark detection. + + Args: + points (np.ndarray): Facial landmarks, shape (5, 2). + params (dict): Regression parameters. + + Returns: + np.ndarray: Bounding box [x, y, w, h]. + """ + w1, b1, w2, b2 = params['W1'], params['B1'], params['W2'], params['B2'] + data = points.reshape([5, 2]) + data_mean = np.mean(data, axis=0) + + data -= data_mean + rms = np.sqrt(np.sum(data ** 2) / 5) + data /= rms + data = data.reshape([1, 10]).T + + inputs = np.matmul(w1, data) + b1 + inputs = 2 / (1 + np.exp(-2 * inputs)) - 1 + inputs = np.matmul(w2, inputs) + b2 + inputs = inputs.T + + x, y = inputs[:, 0] * rms + data_mean[0], inputs[:, 1] * rms + data_mean[1] + w = (224 / inputs[:, 2]) * rms + + return np.array([x, y, w, w]).reshape([4]) + + +def img_padding(img, box): + """ + Pad image to avoid cropping issues. + + Args: + img (np.ndarray): Input image. + box (np.ndarray): Bounding box [x, y, w, h]. + + Returns: + tuple: Padded image, updated bounding box, success flag. + """ + success = True + bbox = box.copy() + h, w = img.shape[:2] + padded_img = np.zeros([2 * h, 2 * w, 3]) + + padded_img[h // 2: h + h // 2, w // 2: w + w // 2] = img + bbox[:2] += [w // 2, h // 2] + + if bbox[0] < 0 or bbox[1] < 0: + success = False + + return padded_img, bbox, success + + +def crop(img, bbox): + """ + Crop image based on bounding box. + + Args: + img (np.ndarray): Input image. + bbox (np.ndarray): Bounding box [x, y, w, h]. + + Returns: + tuple: Cropped image, scale factor. + """ + padded_img, padded_bbox, flag = img_padding(img, bbox) + if not flag: + return padded_img, 0 + + x, y, w, h = padded_bbox + cropped_img = padded_img[y:y + h, x:x + w] + cropped_img = cv2.resize(cropped_img.astype(np.uint8), (224, 224), interpolation=cv2.INTER_CUBIC) + + return cropped_img, 224 / w + + +def scale_trans(img, lm, t, s): + """ + Apply scaling and translation to the image and landmarks. + + Args: + img (np.ndarray): Input image. + lm (np.ndarray): Landmarks. + t (np.ndarray): Translation vector. + s (float): Scale factor. + + Returns: + tuple: Transformed image, inverse scale parameters. + """ + img_h, img_w = img.shape[:2] + M_s = np.array([[1, 0, -t[0] + img_w // 2 + 0.5], [0, 1, -img_h // 2 + t[1]]], dtype=np.float32) + img = cv2.warpAffine(img, M_s, (img_w, img_h)) + + w, h = int(img_w / s * 100), int(img_h / s * 100) + img = cv2.resize(img, (w, h)) + + lm = np.stack([lm[:, 0] - t[0] + img_w // 2, lm[:, 1] - t[1] + img_h // 2], axis=1) / s * 100 + bbox = [w // 2 - 112, h // 2 - 112, 224, 224] + + cropped_img, scale2 = crop(img, bbox) + assert scale2 != 0 + + t1 = np.array([bbox[0], bbox[1]]) + scale = s / 100 + t2 = np.array([t[0] - img_w / 2, t[1] - img_h / 2]) + + return cropped_img, (scale / scale2, scale * t1 + t2) + + +def align_for_lm(img, five_points): + """ + Align facial image using facial landmarks for landmark detection refinement. + + Args: + img: Input facial image (numpy array) + five_points: Facial landmark coordinates (5 points, 10 values) + + Returns: + crop_img: Cropped and aligned facial image + scale: Scaling factor applied during cropping + bbox: Bounding box coordinates [x, y, width, height] + + Process: + 1. Predict optimal face bounding box using landmark regression + 2. Crop and align image based on predicted bounding box + """ + # Reshape landmarks to 1x10 array (5 points x 2 coordinates) + five_points = np.array(five_points).reshape([1, 10]) + + # Load bounding box regressor parameters (MATLAB format) + params = loadmat('util/BBRegressorParam_r.mat') # Contains regression weights + + # Predict optimal face bounding box using regression model + bbox = BBRegression(five_points, params) # Returns [x, y, width, height] + + # Verify valid bounding box prediction + assert bbox[2] != 0, "Invalid bounding box width (zero detected)" + + # Convert to integer coordinates for cropping + bbox = np.round(bbox).astype(np.int32) + + # Crop image and get scaling factor + crop_img, scale = crop(img, bbox) # crop() should handle boundary checks + + return crop_img, scale, bbox + + +def resize_n_crop_img(img, lm, ldmk_3d, t, s, s_3d, target_size=224., mask=None): + """ + Resize and center-crop image with corresponding landmark transformation + + Args: + img: PIL.Image - Input image + lm: np.array - Facial landmarks in original image coordinates [N, 2] + t: tuple - (tx, ty) translation parameters + s: float - Scaling factor + target_size: float - Output image dimensions (square) + mask: PIL.Image - Optional mask image + + Returns: + img: PIL.Image - Processed image + lm: np.array - Transformed landmarks [N, 2] + mask: PIL.Image - Processed mask (or None) + left: int - Left crop coordinate + up: int - Top crop coordinate + """ + # Original image dimensions + w0, h0 = img.size + + # Calculate scaled dimensions + w = (w0 * s).astype(np.int32) + h = (h0 * s).astype(np.int32) + + w_3d = (w0 * s_3d).astype(np.int32) + h_3d = (h0 * s_3d).astype(np.int32) + + # Calculate crop coordinates after scaling and translation + # Horizontal crop window + left = (w / 2 - target_size / 2 + (t[0] - w0 / 2) * s).astype(np.int32) + right = left + target_size + + # Vertical crop window (note inverted Y-axis in images) + up = (h / 2 - target_size / 2 + (h0 / 2 - t[1]) * s).astype(np.int32) + below = up + target_size + left = int(left) + up = int(up) + right = int(right) + below = int(below) + # Resize and crop main image + img = img.resize((w, h), resample=Image.BICUBIC) + img = img.crop((left, up, right, below)) + + # Process mask if provided + if mask is not None: + mask = mask.resize((w, h), resample=Image.BICUBIC) + mask = mask.crop((left, up, right, below)) + + # Transform landmarks to cropped coordinates + # 1. Adjust for translation and original image center + # 2. Apply scaling + # 3. Adjust for final crop offset + lm = np.stack([lm[:, 0] - t[0] + w0 / 2, + lm[:, 1] - t[1] + h0 / 2], axis=1) * s + crop_offset = np.array([(w / 2 - target_size / 2), + (h / 2 - target_size / 2)]) + lm = lm - crop_offset.reshape(1, 2) + + ldmk_3d = np.stack([ldmk_3d[:, 0] - t[0] + w0 / 2, ldmk_3d[:, 1] - + t[1] + h0 / 2], axis=1) * s_3d + ldmk_3d = ldmk_3d - np.reshape( + np.array([(w_3d / 2 - 512 / 2), (h_3d / 2 - 512 / 2)]), [1, 2]) + + return img, lm, mask, left, up, ldmk_3d + + +def extract_5p(lm): + """ + Extract 5-point facial landmarks from 68 landmarks. + + Args: + lm (np.ndarray): 68 facial landmarks. + + Returns: + np.ndarray: 5-point landmarks. + """ + lm_idx = np.array([31, 37, 40, 43, 46, 49, 55]) - 1 + lm5p = np.stack([ + lm[lm_idx[0], :], + np.mean(lm[lm_idx[[1, 2]], :], axis=0), + np.mean(lm[lm_idx[[3, 4]], :], axis=0), + lm[lm_idx[5], :], + lm[lm_idx[6], :] + ], axis=0) + + return lm5p[[1, 2, 0, 3, 4], :] + + +def align_img(img, lm, lm3D, ldmk_3d, mask=None, target_size=224., rescale_factor=102., rescale_factor_3D=218.): + """ + Align facial image using 2D-3D landmark correspondence + + Args: + img: PIL.Image - Input facial image (H, W, 3) + lm: np.array - Facial landmarks (68, 2) in image coordinates (y-axis inverted) + lm3D: np.array - 3D reference landmarks (5, 3) for pose estimation + mask: PIL.Image - Optional facial mask (H, W, 3) + target_size: float - Output image dimensions (square) + rescale_factor: float - Normalization factor for face scale + + Returns: + trans_params: np.array - [raw_W, raw_H, scale, tx, ty] transformation parameters + img_new: PIL.Image - Aligned image (target_size, target_size, 3) + lm_new: np.array - Transformed landmarks (68, 2) + mask_new: PIL.Image - Aligned mask (target_size, target_size) + crop_left: int - Left crop coordinate + crop_up: int - Top crop coordinate + s: float - Final scaling factor + + Process: + 1. Extract 5-point landmarks if needed + 2. Estimate face scale and translation using POS algorithm + 3. Resize and crop image with landmark adjustment + """ + # Original image dimensions + w0, h0 = img.size + + # Extract 5 facial landmarks if not provided + if lm.shape[0] != 5: + lm5p = extract_5p(lm) # Convert 68-point to 5-point landmarks + else: + lm5p = lm + + # Calculate scale and translation using PnP algorithm + # POS (Perspective-n-Point algorithm) implementation + t, s = POS(lm5p.T, lm3D.T) # Returns translation vector and scale factor + s_3d = rescale_factor_3D / s + s = rescale_factor / s # Normalize scale using reference face size + # Apply geometric transformation + img_new, lm_new, mask_new, crop_left, crop_up, ldmk_3d_align = resize_n_crop_img( + img, + lm, + ldmk_3d, + t, + s, + s_3d=s_3d, + target_size=target_size, + mask=mask + ) + + # Package transformation parameters [original_w, original_h, scale, tx, ty] + trans_params = np.array([w0, h0, s, t[0][0], t[1][0]]) + + return trans_params, img_new, lm_new, mask_new, crop_left, crop_up, s, ldmk_3d_align + + +def estimate_norm(lm_68p, H): + """ + Estimate similarity transformation matrix for face alignment. + + Args: + lm_68p (np.ndarray): 68 facial landmarks. + H (int): Image height. + + Returns: + np.ndarray: Transformation matrix (2, 3). + """ + lm = extract_5p(lm_68p) + lm[:, -1] = H - 1 - lm[:, -1] + + tform = trans.SimilarityTransform() + src = np.array([ + [38.2946, 51.6963], [73.5318, 51.5014], [56.0252, 71.7366], + [41.5493, 92.3655], [70.7299, 92.2041] + ], dtype=np.float32) + + tform.estimate(lm, src) + M = tform.params + + return M[0:2, :] if np.linalg.det(M) != 0 else np.eye(2, 3) + + +def estimate_norm_torch(lm_68p, H): + """ + Estimate similarity transformation matrix for face alignment using PyTorch. + + Args: + lm_68p (torch.Tensor): 68 facial landmarks. + H (int): Image height. + + Returns: + torch.Tensor: Transformation matrices. + """ + lm_68p_ = lm_68p.detach().cpu().numpy() + M = [estimate_norm(lm, H) for lm in lm_68p_] + + return torch.tensor(np.array(M), dtype=torch.float32, device=lm_68p.device) diff --git a/data_process/lib/preprocess_faceverse.py b/data_process/lib/preprocess_faceverse.py new file mode 100644 index 0000000000000000000000000000000000000000..d551a74ade3a91e0d0e6d6a036d8301f19be4591 --- /dev/null +++ b/data_process/lib/preprocess_faceverse.py @@ -0,0 +1,806 @@ +import os +import numpy as np +import torch +import torch.nn.functional as F +import cv2 +import torchvision +from lib.render_utils.renderer import ( + batch_orth_proj, angle2matrix, face_vertices, render_after_rasterize +) +from lib.render_utils.ortho_renderer import get_renderer +from lib.FaceVerse.FaceVerseModel_v3 import ModelRenderer +import torchvision.utils as utils +from tqdm import tqdm +from lib.FaceVerse import get_recon_model +import time +from pytorch3d.structures import Meshes +import json +import multiprocessing +import shutil + +count, total = multiprocessing.Value('i', 0), multiprocessing.Value('i', 0) + + +def load_obj_data(filename): + """Load model data from .obj file.""" + v_list, vt_list, vc_list, vn_list = [], [], [], [] + f_list, fn_list, ft_list = [], [], [] + + with open(filename, 'r') as fp: + lines = fp.readlines() + + def seg_element_data(ele_str): + """Parse face element data.""" + eles = ele_str.strip().split('/') + fv, ft, fn = None, None, None + if len(eles) == 1: + fv = int(eles[0]) - 1 + elif len(eles) == 2: + fv, ft = int(eles[0]) - 1, int(eles[1]) - 1 + elif len(eles) == 3: + fv, fn = int(eles[0]) - 1, int(eles[2]) - 1 + ft = None if eles[1] == '' else int(eles[1]) - 1 + return fv, ft, fn + + for line in lines: + if len(line) < 2: + continue + line_data = line.strip().split(' ') + + if line_data[0] == 'v': + v_list.append(tuple(map(float, line_data[1:4]))) + vc_list.append(tuple(map(float, line_data[4:7])) if len(line_data) == 7 else (0.5, 0.5, 0.5)) + + elif line_data[0] == 'vt': + vt_list.append(tuple(map(float, line_data[1:3]))) + + elif line_data[0] == 'vn': + vn_list.append(tuple(map(float, line_data[1:4]))) + + elif line_data[0] == 'f': + fv0, ft0, fn0 = seg_element_data(line_data[1]) + fv1, ft1, fn1 = seg_element_data(line_data[2]) + fv2, ft2, fn2 = seg_element_data(line_data[3]) + f_list.append((fv0, fv1, fv2)) + if None not in (ft0, ft1, ft2): + ft_list.append((ft0, ft1, ft2)) + if None not in (fn0, fn1, fn2): + fn_list.append((fn0, fn1, fn2)) + + return { + 'v': np.asarray(v_list), 'vt': np.asarray(vt_list), 'vc': np.asarray(vc_list), + 'vn': np.asarray(vn_list), 'f': np.asarray(f_list), 'ft': np.asarray(ft_list), + 'fn': np.asarray(fn_list) + } + + +def save_obj_data(model, filename, log=True): + """Save model data to .obj file.""" + assert 'v' in model and model['v'].size != 0 + + with open(filename, 'w') as fp: + if 'v' in model: + for v, vc in zip(model['v'], model.get('vc', [])): + fp.write(f"v {v[0]} {v[1]} {v[2]} {vc[2]} {vc[1]} {vc[0]}\n") + for v in model['v']: + fp.write(f"v {v[0]} {v[1]} {v[2]}\n") + + if 'vn' in model: + for vn in model['vn']: + fp.write(f"vn {vn[0]} {vn[1]} {vn[2]}\n") + + if 'vt' in model: + for vt in model['vt']: + fp.write(f"vt {vt[0]} {vt[1]}\n") + + if 'f' in model: + for f_, ft_, fn_ in zip(model['f'], model.get('ft', []), model.get('fn', [])): + f, ft, fn = np.array(f_) + 1, np.array(ft_) + 1, np.array(fn_) + 1 + fp.write(f"f {f[0]}/{ft[0]}/{fn[0]} {f[1]}/{ft[1]}/{fn[1]} {f[2]}/{ft[2]}/{fn[2]}\n") + + if log: + print(f"Saved mesh as {filename}") + + +def gen_mouth_mask(lms_2d, new_crop=True): + """Generate a mouth mask based on 2D landmarks.""" + lm = lms_2d[np.newaxis, ...] + + if new_crop: + lm_mouth_outer = lm[:, [164, 18, 57, 287]] + mouth_mask = np.concatenate([ + np.min(lm_mouth_outer[..., 1], axis=1, keepdims=True), + np.max(lm_mouth_outer[..., 1], axis=1, keepdims=True), + np.min(lm_mouth_outer[..., 0], axis=1, keepdims=True), + np.max(lm_mouth_outer[..., 0], axis=1, keepdims=True)], axis=1 + ) + else: + lm_mouth_outer = lm[:, [0, 17, 61, 291, 39, 269, 405, 181]] + mouth_avg = np.mean(lm_mouth_outer, axis=1, keepdims=False) + ups, bottoms = np.max(lm_mouth_outer[..., 0], axis=1, keepdims=True), np.min(lm_mouth_outer[..., 0], axis=1, + keepdims=True) + lefts, rights = np.min(lm_mouth_outer[..., 1], axis=1, keepdims=True), np.max(lm_mouth_outer[..., 1], axis=1, + keepdims=True) + mask_res = np.max(np.concatenate((ups - bottoms, rights - lefts), axis=1), axis=1, keepdims=True) * 1.2 + mask_res = mask_res.astype(int) + mouth_mask = np.concatenate([ + (mouth_avg[:, 1:] - mask_res // 2).astype(int), + (mouth_avg[:, 1:] + mask_res // 2).astype(int), + (mouth_avg[:, :1] - mask_res // 2).astype(int), + (mouth_avg[:, :1] + mask_res // 2).astype(int)], axis=1 + ) + + return mouth_mask[0] +def render_orth(tracking_dir, save_dir, face_model_dir, fv2fl_T, orth_transforms, render_vis=True, save_mesh_dir=None): + """ + Perform orthographic rendering of face models. + + Args: + tracking_dir (str): Directory containing tracking data. + save_dir (str): Directory to save rendered results. + face_model_dir (str): Directory containing face model files. + fv2fl_T (np.ndarray): Transformation matrix. + orth_transforms (dict): Orthographic transformation parameters. + render_vis (bool): Whether to save visualization images. + save_mesh_dir (str, optional): Directory to save mesh files. + + Returns: + None + """ + debug = False + save_mesh_flag = save_mesh_dir is not None + res = 256 + + # Initialize orthographic renderer + ortho_renderer = get_renderer( + img_size=res, + device='cuda:0', + T=torch.tensor([[0, 0, 10.]], dtype=torch.float32, device='cuda:0'), + K=[-1.0, -1.0, 0., 0.], + orthoCam=True, + rasterize_blur_radius=1e-6 + ) + + orth_scale = orth_transforms['scale'] + orth_shift = torch.from_numpy(orth_transforms['shift']).cuda().unsqueeze(0) + + # Load face model + face_model_path = os.path.join(face_model_dir, 'faceverse_v3_1.npy') + recon_model, model_dict = get_recon_model(model_path=face_model_path, return_dict=True, device='cuda:0') + + vert_uvcoords = model_dict['uv_per_ver'] + + # Expand the UV area for better face fitting + vert_idx = (vert_uvcoords[:, 1] > 0.273) & (vert_uvcoords[:, 1] < 0.727) & \ + (vert_uvcoords[:, 0] > 0.195) & (vert_uvcoords[:, 0] < 0.805) + vert_uvcoords[vert_idx] = (vert_uvcoords[vert_idx] - 0.5) * 1.4 + 0.5 + + vert_uvcoords = torch.from_numpy(vert_uvcoords).unsqueeze(0).cuda() + faces = uvfaces = torch.from_numpy(model_dict['tri']).unsqueeze(0).cuda() + + # Load face mask + vert_mask = np.load(os.path.join(face_model_dir, 'v31_face_mask_new.npy')) + vert_mask[model_dict['ver_inds'][0]:model_dict['ver_inds'][2]] = 1 + vert_mask = torch.from_numpy(vert_mask).view(1, -1, 1).cuda() + + vert_uvcoords = vert_uvcoords * 2 - 1 + vert_uvcoords = torch.cat([vert_uvcoords, vert_mask], dim=-1) # [bz, ntv, 3] + face_uvcoords = face_vertices(vert_uvcoords, uvfaces).cuda() + + # Prepare to save mesh if required + if save_mesh_flag: + tri = recon_model.tri.cpu().numpy().squeeze() + uv = recon_model.uv.cpu().numpy().squeeze() + tri_uv = recon_model.tri_uv.cpu().numpy().squeeze() + + # Transformation matrix + trans_init = torch.from_numpy(fv2fl_T).cuda() + R_ = trans_init[:3, :3] + t_ = trans_init[:3, 3:] + + tform = angle2matrix(torch.tensor([0, 0, 0]).reshape(1, -1)).cuda() + cam = torch.tensor([1., 0, 0]).cuda() + + mouth_masks = [] + total_num = len(os.listdir(tracking_dir)) + progress_bar = tqdm(os.listdir(tracking_dir)) + + t0 = time.time() + count = 0 + + for name in progress_bar: + prefix = '0' + dst_sub_dir = os.path.join(save_dir, prefix) + os.makedirs(dst_sub_dir, exist_ok=True) + + coeff = torch.from_numpy(np.load(os.path.join(tracking_dir, name, 'coeffs.npy'))).unsqueeze(0).cuda() + id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, eye_coeff, scale = recon_model.split_coeffs(coeff) + + # Compute vertices + vs = recon_model.get_vs(id_coeff, exp_coeff) + vert = torch.matmul(vs[0], R_.T) + t_.T + + v = vert.unsqueeze(0) + transformed_vertices = (torch.bmm(v, tform) + orth_shift) * orth_scale + transformed_vertices = batch_orth_proj(transformed_vertices, cam) + transformed_vertices = torch.bmm(transformed_vertices, + angle2matrix(torch.tensor([0, 180, 0]).reshape(1, -1)).cuda()) + + # Save mesh if required + if save_mesh_flag: + mesh = {'v': transformed_vertices.squeeze().cpu().numpy(), 'vt': uv, 'f': tri, 'ft': tri_uv} + os.makedirs(os.path.join(save_mesh_dir, prefix), exist_ok=True) + save_obj_data(mesh, os.path.join(save_mesh_dir, prefix, name.split('.')[0] + '.obj'), log=False) + + # Rasterization and rendering + mesh = Meshes(transformed_vertices, faces.long()) + fragment = ortho_renderer.rasterizer(mesh) + + rendering = render_after_rasterize( + attributes=face_uvcoords, + pix_to_face=fragment.pix_to_face, + bary_coords=fragment.bary_coords + ) + + uvcoords_images, render_mask = rendering[:, :-1, :, :], rendering[:, -1:, :, :] + render_mask *= uvcoords_images[:, -1:] + uvcoords_images *= render_mask + + np.save(os.path.join(dst_sub_dir, name.split('.')[0] + '.npy'), rendering[0].permute(1, 2, 0).cpu().numpy()) + + if render_vis: + utils.save_image(uvcoords_images, os.path.join(dst_sub_dir, name.split('.')[0] + '.png'), normalize=True, + range=(-1, 1)) + + # Compute 2D landmarks + lms_3d = recon_model.get_lms(transformed_vertices).cpu().squeeze().numpy() + lms_2d = np.round((lms_3d[:, :2] + 1) * 0.5 * res).astype(np.uint8) + mouth_mask = gen_mouth_mask(lms_2d) + mouth_masks.append([f'{prefix}/{name.split(".")[0]}.png', mouth_mask.tolist()]) + + count += 1 + progress_bar.set_description(f'{name.split(".")[0]} {int(1000 * (time.time() - t0) / count):03d}') + + # Save mouth masks + with open(os.path.join(save_dir, 'mouth_masks.json'), "w") as f: + json.dump(mouth_masks, f, indent=4) + +def render_orth_mp( + tracking_dir, save_dir, face_model_dir, fv2fl_T, orth_transforms, focal_ratio, + render_vis=False, save_mesh_dir=None, save_uv_dir=None, num_thread=1, + render_normal_uv=False, prefix_ls=None, crop_param=None, use_smooth=False, + save_coeff=False, skip=False +): + """ + Perform multi-threaded orthographic rendering of face models. + + Args: + tracking_dir (str): Directory containing tracking data. + save_dir (str): Directory to save rendered results. + face_model_dir (str): Directory containing face model files. + fv2fl_T (np.ndarray): Transformation matrix. + orth_transforms (dict): Orthographic transformation parameters. + focal_ratio (float): Camera focal length ratio. + render_vis (bool): Whether to save visualization images. + save_mesh_dir (str, optional): Directory to save mesh files. + save_uv_dir (str, optional): Directory to save UV maps. + num_thread (int): Number of threads for parallel processing. + render_normal_uv (bool): Whether to render normal UV maps. + prefix_ls (list, optional): List of prefixes to process. + crop_param (dict, optional): Cropping parameters. + use_smooth (bool): Whether to use smoothed coefficients. + save_coeff (bool): Whether to save coefficients. + skip (bool): Whether to skip already processed directories. + + Returns: + None + """ + print(f'Num Threads: {num_thread}') + + if num_thread > 1: + # Prepare data for multiprocessing + data_ls = [ + { + 'tracking_dir': os.path.join(tracking_dir, prefix), + 'save_dir': save_dir, + 'face_model_dir': face_model_dir, + 'fv2fl_T': fv2fl_T, + 'orth_transforms': orth_transforms, + 'render_vis': render_vis, + 'save_mesh_dir': save_mesh_dir, + 'save_uv_dir': save_uv_dir, + 'prefix': prefix, + 'render_normal_uv': render_normal_uv, + 'crop_param': crop_param, + 'use_smooth': use_smooth, + 'focal_ratio': focal_ratio, + 'save_coeff': save_coeff + } + for prefix in os.listdir(tracking_dir) + if os.path.isdir(os.path.join(tracking_dir, prefix)) and + (not os.path.exists(os.path.join(save_dir, prefix)) if skip else True) + ] + + num_thread = min(num_thread, len(data_ls)) + with multiprocessing.Pool(num_thread) as pool: + pool.map(perform_render, data_ls) + else: + # Single-threaded execution + if prefix_ls is None: + for prefix in os.listdir(tracking_dir): + if os.path.isdir(os.path.join(tracking_dir, prefix)): + perform_render({ + 'tracking_dir': os.path.join(tracking_dir, prefix), + 'save_dir': save_dir, + 'face_model_dir': face_model_dir, + 'fv2fl_T': fv2fl_T, + 'orth_transforms': orth_transforms, + 'render_vis': render_vis, + 'save_mesh_dir': save_mesh_dir, + 'save_uv_dir': save_uv_dir, + 'prefix': prefix, + 'render_normal_uv': render_normal_uv, + 'crop_param': crop_param, + 'use_smooth': use_smooth, + 'focal_ratio': focal_ratio, + 'save_coeff': save_coeff + }) + else: + for prefix in prefix_ls: + prefix = prefix if prefix else '0' + perform_render({ + 'tracking_dir': tracking_dir, + 'save_dir': save_dir, + 'face_model_dir': face_model_dir, + 'fv2fl_T': fv2fl_T, + 'focal_ratio': focal_ratio, + 'orth_transforms': orth_transforms, + 'render_vis': render_vis, + 'save_mesh_dir': save_mesh_dir, + 'save_uv_dir': save_uv_dir, + 'prefix': prefix, + 'render_normal_uv': render_normal_uv, + 'crop_param': crop_param, + 'use_smooth': use_smooth, + 'save_coeff': save_coeff + }) + +def perform_render(data): + """ + Perform rendering and optionally save UV maps. + + Args: + data (dict): Dictionary containing rendering parameters. + + Returns: + None + """ + render_orth_(data) + + if data.get('save_uv_dir') is not None: + save_uv_(data) + +def save_uv_(data): + """ + Save UV maps, including normal maps and projected position maps. + + Args: + data (dict): Dictionary containing rendering parameters. + + Returns: + None + """ + # Extract parameters from data dictionary + tracking_dir = data['tracking_dir'] + save_uv_dir = data['save_uv_dir'] + face_model_dir = data['face_model_dir'] + prefix = data['prefix'] + focal_ratio = data['focal_ratio'] + render_normal_uv = data['render_normal_uv'] + + img_res, render_res = 512, 256 # Default image resolution is 512 + + # Initialize UV renderer + uv_renderer = get_renderer( + img_size=render_res, + device='cuda:0', + T=torch.tensor([[0, 0, 10.]], dtype=torch.float32, device='cuda:0'), + K=[-1.0, -1.0, 0., 0.], + orthoCam=True, + rasterize_blur_radius=1e-6 + ) + + # Camera intrinsic matrix + cam_K = np.eye(3, dtype=np.float32) + cam_K[0, 0] = cam_K[1, 1] = focal_ratio * img_res + cam_K[0, 2] = cam_K[1, 2] = img_res // 2 + + # Initialize model renderer + renderer = ModelRenderer(img_size=img_res, device='cuda:0', intr=cam_K, cam_dist=5.0) + + # Load face model + face_model_path = os.path.join(face_model_dir, 'faceverse_v3_1.npy') + recon_model, model_dict = get_recon_model(model_path=face_model_path, return_dict=True, device='cuda:0', img_size=img_res, intr=cam_K, cam_dist=5) + + vert_uvcoords = model_dict['uv_per_ver'] + + # Expand the UV area for better face fitting + vert_idx = (vert_uvcoords[:, 1] > 0.273) & (vert_uvcoords[:, 1] < 0.727) & \ + (vert_uvcoords[:, 0] > 0.195) & (vert_uvcoords[:, 0] < 0.805) + vert_uvcoords[vert_idx] = (vert_uvcoords[vert_idx] - 0.5) * 1.4 + 0.5 + + vert_uvcoords = torch.from_numpy(vert_uvcoords).unsqueeze(0).cuda() + faces = torch.from_numpy(model_dict['tri']).unsqueeze(0).cuda() + + # Load face mask + vert_mask = np.load(os.path.join(face_model_dir, 'v31_face_mask_new.npy')) + vert_mask[model_dict['ver_inds'][0]:model_dict['ver_inds'][2]] = 1 + vert_mask = torch.from_numpy(vert_mask).view(1, -1, 1).cuda() + + vert_uvcoords = vert_uvcoords * 2 - 1 + vert_mask[0, ~vert_idx] *= 0 # For UV rendering + vert_uvcoords = torch.cat([vert_uvcoords, (1 - vert_mask)], dim=-1) + + # UV rasterization + uv_fragment = uv_renderer.rasterizer(Meshes(vert_uvcoords, faces.long())) + + # Load UV face mask + uv_face_eye_mask = cv2.imread(os.path.join(face_model_dir, 'dense_uv_expanded_mask_onlyFace.png'))[..., 0] + uv_face_eye_mask = torch.from_numpy(uv_face_eye_mask.astype(np.float32) / 255).view(1, 256, 256, 1).permute(0, 3, 1, 2) + + os.makedirs(os.path.join(save_uv_dir, prefix), exist_ok=True) + + print(f'Rendering: {tracking_dir}') + for name in os.listdir(tracking_dir): + if not os.path.exists(os.path.join(tracking_dir, name, 'finish')): + print(f'Missing: {os.path.join(tracking_dir, name, "finish")}') + continue + + coeff = torch.from_numpy(np.load(os.path.join(tracking_dir, name, 'coeffs.npy'))).unsqueeze(0).cuda() + id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, eye_coeff, scale = recon_model.split_coeffs(coeff) + + # Compute eye transformations + l_eye_mat = recon_model.compute_eye_rotation_matrix(eye_coeff[:, :2]) + r_eye_mat = recon_model.compute_eye_rotation_matrix(eye_coeff[:, 2:]) + l_eye_mean = recon_model.get_l_eye_center(id_coeff) + r_eye_mean = recon_model.get_r_eye_center(id_coeff) + + # Compute vertex positions + vs = recon_model.get_vs(id_coeff, exp_coeff, l_eye_mat, r_eye_mat, l_eye_mean, r_eye_mean) + + # Save canonical vertex normal map in UV + if render_normal_uv: + vert_norm = recon_model.compute_norm(vs, recon_model.tri, recon_model.point_buf) + vert_norm = torch.clip((vert_norm + 1) * 127.5, 0, 255) + vert_norm = torch.cat([vert_norm, vert_mask], dim=-1) + + rendered_normal = render_after_rasterize( + attributes=face_vertices(vert_norm, faces), + pix_to_face=uv_fragment.pix_to_face, + bary_coords=uv_fragment.bary_coords + ).cpu() + + rendered_normal = rendered_normal[:, :3] * (rendered_normal[:, -1:].clone() * rendered_normal[:, -2:-1]) * uv_face_eye_mask + normal_img = torch.clamp(rendered_normal[0, :3, :, :], 0, 255).permute(1, 2, 0).cpu().numpy().astype(np.uint8) + + cv2.imwrite(os.path.join(save_uv_dir, prefix, f'{name}_uvnormal.png'), normal_img[:, :, ::-1]) + + # Save projected position map in UV + rotation = recon_model.compute_rotation_matrix(angles) + vs_t = recon_model.rigid_transform(vs, rotation, translation, torch.abs(scale)) + vs_norm = recon_model.compute_norm(vs_t, recon_model.tri, recon_model.point_buf) + vs_proj = renderer.project_vs(vs_t) / img_res * 2 - 1 # Normalize to [-1, 1] + + vert_attr = torch.cat([vs_proj, vert_mask * (vs_norm[..., 2:] > 0.1).float()], dim=-1) + + uv_pverts = render_after_rasterize( + attributes=face_vertices(vert_attr, faces), + pix_to_face=uv_fragment.pix_to_face, + bary_coords=uv_fragment.bary_coords + ).cpu() + + uv_pverts = (uv_pverts[:, :-1] * uv_pverts[:, -1:]) # Projected position map in UV + uv_pverts[:, -1:] *= uv_face_eye_mask + + np.save(os.path.join(save_uv_dir, prefix, f'{name}.npy'), uv_pverts[0].permute(1, 2, 0).numpy().astype(np.float16)) + + # Load original image + image_path = os.path.join(os.path.dirname(save_uv_dir), 'images512x512', prefix, f'{name}.png') + images = cv2.imread(image_path) + images = torch.from_numpy(images.astype(np.float32) / 255).view(1, 512, 512, 3).permute(0, 3, 1, 2) + + uv_gt = F.grid_sample(images, uv_pverts.permute(0, 2, 3, 1)[..., :2], mode='bilinear', align_corners=False) + uv_texture_gt = uv_gt * uv_pverts[:, -1:] + torch.ones_like(uv_gt) * (1 - uv_pverts[:, -1:]) + + cv2.imwrite(os.path.join(save_uv_dir, prefix, f'{name}_uvgttex.png'), (uv_texture_gt[0].permute(1, 2, 0).numpy() * 255).astype(np.uint8)) + +def render_orth_(data): + """ + Perform orthographic rendering of face models. + + Args: + data (dict): Dictionary containing rendering parameters. + + Returns: + None + """ + # Extract parameters from the dictionary + tracking_dir = data['tracking_dir'] + save_dir = data['save_dir'] + face_model_dir = data['face_model_dir'] + fv2fl_T = data['fv2fl_T'] + orth_transforms = data['orth_transforms'] + prefix = data['prefix'] + render_vis = data['render_vis'] + save_mesh_dir = data['save_mesh_dir'] + crop_param = data['crop_param'] + use_smooth = data['use_smooth'] + save_coeff = data['save_coeff'] + + save_mesh_flag = save_mesh_dir is not None + res, render_res = 256, 512 # Final crop ensures 256x256 output + + # Initialize orthographic renderer + ortho_renderer = get_renderer( + img_size=render_res, + device='cuda:0', + T=torch.tensor([[0, 0, 10.]], dtype=torch.float32, device='cuda:0'), + K=[-1.0, -1.0, 0., 0.], + orthoCam=True, + rasterize_blur_radius=1e-6 + ) + + orth_scale = orth_transforms['scale'] + orth_shift = torch.from_numpy(orth_transforms['shift']).cuda().unsqueeze(0) + + # Load face model + face_model_path = os.path.join(face_model_dir, 'faceverse_v3_1.npy') + recon_model, model_dict = get_recon_model(model_path=face_model_path, return_dict=True, device='cuda:0') + + vert_uvcoords = model_dict['uv_per_ver'] + + # Expand the UV area for better face fitting + vert_idx = (vert_uvcoords[:, 1] > 0.273) & (vert_uvcoords[:, 1] < 0.727) & \ + (vert_uvcoords[:, 0] > 0.195) & (vert_uvcoords[:, 0] < 0.805) + vert_uvcoords[vert_idx] = (vert_uvcoords[vert_idx] - 0.5) * 1.4 + 0.5 + + vert_uvcoords = torch.from_numpy(vert_uvcoords).unsqueeze(0).cuda() + faces = uvfaces = torch.from_numpy(model_dict['tri']).unsqueeze(0).cuda() + + # Load face mask + vert_mask = np.load(os.path.join(face_model_dir, 'v31_face_mask_new.npy')) + vert_mask[model_dict['ver_inds'][0]:model_dict['ver_inds'][2]] = 1 + vert_mask = torch.from_numpy(vert_mask).view(1, -1, 1).cuda() + + vert_uvcoords = vert_uvcoords * 2 - 1 + vert_uvcoords = torch.cat([vert_uvcoords, vert_mask.clone()], dim=-1) + face_uvcoords = face_vertices(vert_uvcoords, uvfaces) + + vert_mask[0, ~vert_idx] *= 0 # For UV rendering + + # Prepare to save mesh if required + if save_mesh_flag: + tri = recon_model.tri.cpu().numpy().squeeze() + uv = recon_model.uv.cpu().numpy().squeeze() + tri_uv = recon_model.tri_uv.cpu().numpy().squeeze() + os.makedirs(os.path.join(save_mesh_dir, prefix), exist_ok=True) + + # Transformation matrix + trans_init = torch.from_numpy(fv2fl_T).cuda() + R_ = trans_init[:3, :3] + t_ = trans_init[:3, 3:] + + tform = angle2matrix(torch.tensor([0, 0, 0]).reshape(1, -1)).cuda() + cam = torch.tensor([1., 0, 0]).cuda() + + mouth_masks = [] + + print(f'Rendering: {tracking_dir}') + for name in os.listdir(tracking_dir): + if not os.path.exists(os.path.join(tracking_dir, name, 'finish')): + print(f'Missing: {os.path.join(tracking_dir, name, "finish")}') + continue + + dst_sub_dir = os.path.join(save_dir, prefix) + os.makedirs(dst_sub_dir, exist_ok=True) + + # Load coefficients + coeff_path = os.path.join(tracking_dir, name, 'smooth_coeffs.npy' if use_smooth else 'coeffs.npy') + if save_coeff: + shutil.copy(coeff_path, os.path.join(dst_sub_dir, f'{name}_coeff.npy')) + + coeff = torch.from_numpy(np.load(coeff_path)).unsqueeze(0).cuda() + id_coeff, exp_coeff, tex_coeff, angles, gamma, translation, eye_coeff, scale = recon_model.split_coeffs(coeff) + + # Compute eye transformations + l_eye_mat = recon_model.compute_eye_rotation_matrix(eye_coeff[:, :2]) + r_eye_mat = recon_model.compute_eye_rotation_matrix(eye_coeff[:, 2:]) + l_eye_mean = recon_model.get_l_eye_center(id_coeff) + r_eye_mean = recon_model.get_r_eye_center(id_coeff) + + # Compute vertex positions + vs = recon_model.get_vs(id_coeff, exp_coeff, l_eye_mat, r_eye_mat, l_eye_mean, r_eye_mean) + vert = torch.matmul(vs[0], R_.T) + t_.T + + v = vert.unsqueeze(0) + transformed_vertices = (torch.bmm(v, tform) + orth_shift) * orth_scale + transformed_vertices = batch_orth_proj(transformed_vertices, cam) + + # Reverse Z-axis for proper rendering + transformed_vertices[..., -1] *= -1 + + # Save mesh if required + if save_mesh_flag: + mesh = {'v': transformed_vertices.squeeze().cpu().numpy(), 'vt': uv, 'f': tri, 'ft': tri_uv} + save_obj_data(mesh, os.path.join(save_mesh_dir, prefix, f'{name}.obj'), log=False) + + # Rasterization and rendering + mesh = Meshes(transformed_vertices, faces.long()) + fragment = ortho_renderer.rasterizer(mesh) + + rendering = render_after_rasterize( + attributes=face_uvcoords, + pix_to_face=fragment.pix_to_face, + bary_coords=fragment.bary_coords + ) + + render_mask = rendering[:, -1:, :, :].clone() + render_mask *= rendering[:, -2:-1] + rendering *= render_mask + + # Apply cropping if needed + if crop_param is not None: + rendering = rendering[:, :, crop_param[1]:crop_param[1] + crop_param[3], crop_param[0]:crop_param[0] + crop_param[2]] + + if res != rendering.shape[2]: + rendering = F.interpolate(rendering, size=(res, res), mode='bilinear', align_corners=False) + + np.save(os.path.join(dst_sub_dir, f'{name}.npy'), rendering[0].permute(1, 2, 0).cpu().numpy().astype(np.float16)) + + # Compute mouth mask + lms_3d = recon_model.get_lms(transformed_vertices).cpu().squeeze().numpy() + lms_2d = np.round((lms_3d[:, :2] + 1) * 0.5 * res).astype(np.uint8) + mouth_mask = gen_mouth_mask(lms_2d, new_crop=False) + mouth_masks.append([f'{prefix}/{name}.png', mouth_mask.tolist()]) + + # Visualization + if render_vis: + boxes = torch.tensor([[mouth_mask[2], mouth_mask[0], mouth_mask[3], mouth_mask[1]]]) + vis_uvcoords = utils.draw_bounding_boxes(((rendering[0, :-1, :, :] + 1) * 127.5).to(dtype=torch.uint8).cpu(), boxes, colors=(0, 255, 0), width=1) + vis_image = torchvision.transforms.ToPILImage()(vis_uvcoords) + vis_image.save(os.path.join(dst_sub_dir, f'{name}.png')) +def fill_mouth(images): + """ + Fill the mouth area in images. + + Args: + images: Input images, shape [batch, 1, H, W]. + + Returns: + Images with filled mouth regions. + """ + device = images.device + mouth_masks = [] + + for image in images: + img = (image[0].cpu().numpy() * 255.).astype(np.uint8) + copy_img = img.copy() + mask = np.zeros((img.shape[0] + 2, img.shape[1] + 2), np.uint8) + cv2.floodFill(copy_img, mask, (0, 0), 255, loDiff=0, upDiff=254, flags=cv2.FLOODFILL_FIXED_RANGE) + copy_img = (torch.tensor(copy_img, device=device).float() / 127.5) - 1 + mouth_masks.append(copy_img.unsqueeze(0)) + + mouth_masks = torch.stack(mouth_masks, dim=0) + mouth_masks = ((mouth_masks * 2 - 1) * -1 + 1) / 2 + return torch.clamp(images + mouth_masks, 0, 1) + + +def rasterize(verts, faces, face_attr, rasterizer, cam_dist=10): + """Perform rasterization of vertices and faces.""" + verts[:, :, 2] += cam_dist + return rasterizer(verts, faces, face_attr, 256, 256) + + +def ortho_render(verts, faces, face_attr, renderer): + """Perform orthographic rendering.""" + mesh = Meshes(verts, faces.long()) + return renderer(mesh, face_attr, need_rgb=False)[-1] + + +def calculate_new_intrinsic(intr, mode, param): + """ + Calculate new intrinsic matrix based on transformation mode. + + Args: + intr: Original intrinsic matrix. + mode: Transformation mode ('resize', 'crop', 'padding'). + param: Transformation parameters. + + Returns: + Modified intrinsic matrix. + """ + cam_K = intr.copy() + + if mode == 'resize': + cam_K[0] *= param[0] + cam_K[1] *= param[1] + elif mode == 'crop': + cam_K[0, 2] -= param[0] # -left + cam_K[1, 2] -= param[1] # -top + elif mode == 'padding': + cam_K[0, 2] += param[2] # + padding left + cam_K[1, 2] += param[0] # + padding top + else: + raise ValueError("Invalid transformation mode") + + return cam_K + + +def make_cam_dataset_FFHQ(tracking_dir, fv2fl_T, focal_ratio=2.568, use_smooth=False, test_data=False): + """ + Create camera dataset for FFHQ. + + Args: + tracking_dir: Directory containing tracking data. + fv2fl_T: Transformation matrix from faceverse to face landmarks. + focal_ratio: Camera focal length ratio. + use_smooth: Whether to use smoothed coefficients. + test_data: Whether to create a test dataset. + + Returns: + Camera parameters, condition parameters, expression and eye movement parameters. + """ + cam_K = np.eye(3, dtype=np.float32) + cam_K[0, 0] = cam_K[1, 1] = focal_ratio + cam_K[0, 2] = cam_K[1, 2] = 0.5 + + cam_params, cond_cam_params, fv_exp_eye_params = ({}, {}, {}) if test_data else ([], [], []) + + for prefix in tqdm(os.listdir(tracking_dir)): + if not os.path.isdir(os.path.join(tracking_dir, prefix)): + continue + + if test_data: + cam_params[prefix], cond_cam_params[prefix], fv_exp_eye_params[prefix] = [], [], [] + + for name in os.listdir(os.path.join(tracking_dir, prefix)): + if not os.path.exists(os.path.join(tracking_dir, prefix, name, 'finish')): + continue + + metaFace_extr = np.load( + os.path.join(tracking_dir, prefix, name, + 'metaFace_extr_smooth.npz' if use_smooth else 'metaFace_extr.npz') + ) + + camT_mesh2cam = metaFace_extr['transformation'] + camT_cam2mesh = np.linalg.inv(camT_mesh2cam) + camT_cam2mesh = np.dot(fv2fl_T, camT_cam2mesh) + + angle = metaFace_extr['self_angle'] + trans = metaFace_extr['self_translation'] + + coeff = np.load(os.path.join(tracking_dir, prefix, name, 'coeffs.npy')) + exp_coeff = coeff[150:150 + 171] # Expression coefficients + eye_coeff = coeff[572 + 33:572 + 37] # Eye movement coefficients + + img_path = f"{prefix}/{name}.png" + cam_data = np.concatenate([camT_cam2mesh.reshape(-1), cam_K.reshape(-1)]).tolist() + cond_data = np.concatenate([angle, trans]).tolist() + expr_eye_data = np.concatenate([exp_coeff, eye_coeff]).tolist() + + if test_data: + cam_params[prefix].append([img_path, cam_data]) + cond_cam_params[prefix].append([img_path, cond_data]) + fv_exp_eye_params[prefix].append([img_path, expr_eye_data]) + else: + cam_params.append([img_path, cam_data]) + cond_cam_params.append([img_path, cond_data]) + fv_exp_eye_params.append([img_path, expr_eye_data]) + + return cam_params, cond_cam_params, fv_exp_eye_params + + + + + + diff --git a/data_process/lib/render_faceverse.py b/data_process/lib/render_faceverse.py new file mode 100644 index 0000000000000000000000000000000000000000..8be883069f93a3a15a4ad9817bdfc9a36d596fb7 --- /dev/null +++ b/data_process/lib/render_faceverse.py @@ -0,0 +1,98 @@ +import shutil +import os +import json + +from tqdm import tqdm +import numpy as np +from scipy.io import loadmat +from scipy.ndimage import gaussian_filter1d +from preprocess_faceverse import make_cam_dataset_FFHQ, render_orth_mp + + +def make_faceverse_labels_FFHQ(tracking_dir, root_dir, fv2fl_T_path, focal, need_render=False, save_uv=True, save_mesh=False, save_name=None, + render_normal_uv=False, num_thread=1, use_smooth=False, test_data=False, skip=False): + + save_dir = os.path.join(root_dir, 'dataset') + + fv2fl_T = np.load(fv2fl_T_path).astype(np.float32) + orth_scale, orth_shift, box_warp = 5.00, np.asarray([0, 0.005, 0.], dtype=np.float32), 2. + + face_model_dir = 'lib/data_preprocess/FaceVerse/v3' + save_render_dir = os.path.join(save_dir, 'orthRender256x256_face_eye' if save_name is None else save_name) + save_mesh_dir = None if not save_mesh else os.path.join(save_dir, 'FVmeshes512x512') + save_uv_dir = None if not save_uv else os.path.join(save_dir, 'uvRender256x256') + + render_orth_mp(tracking_dir, save_render_dir, face_model_dir, fv2fl_T, {'scale': orth_scale, 'shift': orth_shift}, focal, render_vis=need_render, + save_mesh_dir=save_mesh_dir, save_uv_dir=save_uv_dir, render_normal_uv=render_normal_uv, skip=skip, + num_thread=num_thread, crop_param=[128, 114, 256, 256], save_coeff=True) + + normalizeFL_T = np.eye(4, dtype=np.float32) + scale_T = (orth_scale / box_warp) * np.eye(3, dtype=np.float32) + shift_T = scale_T.dot(orth_shift.reshape(3, 1)) + normalizeFL_T[:3, :3], normalizeFL_T[:3, 3:] = scale_T, shift_T + + fv2fl_T = np.dot(normalizeFL_T, fv2fl_T) + + cam_params, cond_cam_params, fv_exp_eye_params = make_cam_dataset_FFHQ(tracking_dir, fv2fl_T, focal, test_data=test_data) + if test_data: + for prefix in cam_params.keys(): + save_json_name = 'dataset_%s_realcam.json' % prefix + with open(os.path.join(save_dir, 'images512x512', save_json_name), "w") as f: + json.dump({"labels": cam_params[prefix]}, f, indent=4) + else: + save_json_name = 'dataset_realcam.json' + if use_smooth: + new_json = [] + for sub_name in os.listdir(os.path.join(save_dir, 'images512x512')): + if not os.path.isdir(os.path.join(save_dir, 'images512x512', sub_name)): continue + sub_json = [case for case in cam_params if case[0].split('/')[0] == sub_name] + sub_json.sort(key=lambda x: int(x[0].split('/')[1].split('.')[0])) + + coeff_seq = np.asarray([x[1] for x in sub_json], dtype=np.float32) + coeff_seq = gaussian_filter1d(coeff_seq, sigma=1.5, axis=0) + + new_json.extend([[x[0], coeff_seq[idx].tolist()] for idx, x in enumerate(sub_json)]) + cam_params = new_json + with open(os.path.join(save_dir, 'images512x512', save_json_name), "w") as f: + json.dump({"labels": cam_params}, f, indent=4) + + make_coeff_dataset_FFHQ(tracking_dir, os.path.join(save_dir, 'coeffs'), smooth=use_smooth) + + + + + +def make_coeff_dataset_FFHQ(tracking_dir, save_dir, smooth=False): + for prefix in tqdm(os.listdir(tracking_dir)): + if not os.path.isdir(os.path.join(tracking_dir, prefix)): + continue + sub_dir = os.path.join(tracking_dir, prefix) + fname_ls = [name for name in os.listdir(sub_dir) if os.path.exists(os.path.join(sub_dir, name, 'finish'))] + + fname_ls.sort(key=lambda x: int(x)) + try: + coeff_seq = np.stack([np.load(os.path.join(sub_dir, fname, 'coeffs.npy')) for fname in fname_ls], axis=0) + if smooth: coeff_seq = gaussian_filter1d(coeff_seq, sigma=0.5, axis=0) + os.makedirs(os.path.join(save_dir, prefix), exist_ok=True) + for idx, fname in enumerate(fname_ls): + dst_path = os.path.join(save_dir, prefix, fname + '.npy') + np.save(dst_path, coeff_seq[idx]) + except: + continue + + + + + + +if __name__ == "__main__": + import argparse + parser = argparse.ArgumentParser() + parser.add_argument('--tracking_dir', type=str, default=None) + parser.add_argument('--root_dir', type=str, default=None) + parser.add_argument('--test_data', action='store_true', default=False) + parser.add_argument('--skip', action='store_true', default=False) + args = parser.parse_args() + make_faceverse_labels_FFHQ(tracking_dir=args.tracking_dir, root_dir=args.root_dir, + fv2fl_T_path='FaceVerse/v3/fv2fl_30.npy', need_render=False, + save_mesh=False, focal=4.2647, num_thread=1 if args.test_data else 8, test_data=args.test_data, skip=args.skip) diff --git a/data_process/lib/render_utils/ortho_renderer.py b/data_process/lib/render_utils/ortho_renderer.py new file mode 100644 index 0000000000000000000000000000000000000000..3e692073b3b7c08b2438d95abc27516233e1eec1 --- /dev/null +++ b/data_process/lib/render_utils/ortho_renderer.py @@ -0,0 +1,88 @@ +import torch +from pytorch3d.renderer import ( + PerspectiveCameras, + OrthographicCameras, + PointLights, + RasterizationSettings, + MeshRenderer, + MeshRasterizer, + SoftPhongShader, + blending +) + + +class MeshRendererWithDepth(MeshRenderer): + def __init__(self, rasterizer, shader): + super().__init__(rasterizer, shader) + + def forward(self, meshes_world, attributes=None, need_rgb=True, **kwargs) -> torch.Tensor: + fragments = self.rasterizer(meshes_world, **kwargs) + images = pixel_vals = None + if attributes is not None: + bary_coords, pix_to_face = fragments.bary_coords, fragments.pix_to_face.clone() + + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone(); + attributes = attributes.view(attributes.shape[0] * attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:, :, :, 0].permute(0, 3, 1, 2) + pixel_vals = torch.cat([pixel_vals, vismask[:, :, :, 0][:, None, :, :]], dim=1) + + if need_rgb: + images = self.shader(fragments, meshes_world, **kwargs) + + return images, fragments.zbuf, pixel_vals + + +def get_renderer(img_size, device, R=None, T=None, K=None, orthoCam=False, rasterize_blur_radius=0.): + if R is None: + R = torch.eye(3, dtype=torch.float32, device=device).unsqueeze(0) + + if orthoCam: + fx, fy, cx, cy = K[0], K[1], K[2], K[3] + cameras = OrthographicCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + # cameras = FoVOrthographicCameras(T=T, device=device) + else: + fx, fy, cx, cy = K[0, 0], K[1, 1], K[0, 2], K[1, 2] + fx = -fx * 2.0 / (img_size - 1) + fy = -fy * 2.0 / (img_size - 1) + cx = - (cx - (img_size - 1) / 2.0) * 2.0 / (img_size - 1) + cy = - (cy - (img_size - 1) / 2.0) * 2.0 / (img_size - 1) + cameras = PerspectiveCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + + lights = PointLights(device=device, location=[[0.0, 0.0, 1e5]], + ambient_color=[[1, 1, 1]], + specular_color=[[0., 0., 0.]], diffuse_color=[[0., 0., 0.]]) + + raster_settings = RasterizationSettings( + image_size=img_size, + blur_radius=rasterize_blur_radius, + faces_per_pixel=1 + # bin_size=0 + ) + blend_params = blending.BlendParams(background_color=[0, 0, 0]) + renderer = MeshRendererWithDepth( + rasterizer=MeshRasterizer( + cameras=cameras, + raster_settings=raster_settings + ), + shader=SoftPhongShader( + device=device, + cameras=cameras, + lights=lights, + blend_params=blend_params + ) + ) + return renderer diff --git a/data_process/lib/render_utils/renderer.py b/data_process/lib/render_utils/renderer.py new file mode 100644 index 0000000000000000000000000000000000000000..0c5056d32b81d3cf79ec9abe7f923ec2c4eca4f6 --- /dev/null +++ b/data_process/lib/render_utils/renderer.py @@ -0,0 +1,337 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +""" +The renderer is a module that takes in rays, decides where to sample along each +ray, and computes pixel colors using the volume rendering equation. +""" + +import math +import torch +import torch.nn as nn +import numpy as np + +# from training_avatar_texture.volumetric_rendering.ray_marcher import MipRayMarcher2 +# from training_avatar_texture.volumetric_rendering import math_utils + +global Meshes, load_obj, rasterize_meshes +from pytorch3d.structures import Meshes +from pytorch3d.io import load_obj +from pytorch3d.renderer.mesh import rasterize_meshes + + +def generate_planes(return_inv=True): # 与project_onto_planes相对应 + """ + Defines planes by the three vectors that form the "axes" of the + plane. Should work with arbitrary number of planes and planes of + arbitrary orientation. + """ + planes = torch.tensor([[[1, 0, 0], + [0, 1, 0], + [0, 0, 1]], + [[1, 0, 0], + [0, 0, 1], + [0, 1, 0]], + [[0, 0, 1], + [1, 0, 0], + [0, 1, 0]]], dtype=torch.float32) + if return_inv: + return torch.linalg.inv(planes) + else: + return planes + + +# from torch_utils import misc +# @misc.profiled_function +def dict2obj(d): + # if isinstance(d, list): + # d = [dict2obj(x) for x in d] + if not isinstance(d, dict): + return d + class C(object): + pass + o = C() + for k in d: + o.__dict__[k] = dict2obj(d[k]) + return o + + +# from torch_utils import persistence +# @persistence.persistent_class +class Pytorch3dRasterizer(nn.Module): + ## TODO: add support for rendering non-squared images, since pytorc3d supports this now + """ Borrowed from https://github.com/facebookresearch/pytorch3d + Notice: + x,y,z are in image space, normalized + can only render squared image now + """ + + def __init__(self, image_size=224): + """ + use fixed raster_settings for rendering faces + """ + super().__init__() + raster_settings = { + 'image_size': image_size, + 'blur_radius': 0.0, + 'faces_per_pixel': 1, + 'bin_size': None, + 'max_faces_per_bin': None, + 'perspective_correct': False, + 'cull_backfaces': True + } + # raster_settings = dict2obj(raster_settings) + self.raster_settings = raster_settings + + def forward(self, vertices, faces, attributes=None, h=None, w=None): + fixed_vertices = vertices.clone() + fixed_vertices[...,:2] = -fixed_vertices[...,:2] + raster_settings = self.raster_settings + if h is None and w is None: + image_size = raster_settings['image_size'] + else: + image_size = [h, w] + if h>w: + fixed_vertices[..., 1] = fixed_vertices[..., 1]*h/w + else: + fixed_vertices[..., 0] = fixed_vertices[..., 0]*w/h + + meshes_screen = Meshes(verts=fixed_vertices.float(), faces=faces.long()) + pix_to_face, zbuf, bary_coords, dists = rasterize_meshes( + meshes_screen, + image_size=image_size, + blur_radius=raster_settings['blur_radius'], + faces_per_pixel=raster_settings['faces_per_pixel'], + bin_size=0,#raster_settings['bin_size'], + max_faces_per_bin=raster_settings['max_faces_per_bin'], + perspective_correct=raster_settings['perspective_correct'], + cull_backfaces=raster_settings['cull_backfaces'] + ) + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone(); attributes = attributes.view(attributes.shape[0]*attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:,:,:,0].permute(0,3,1,2) + pixel_vals = torch.cat([pixel_vals, vismask[:,:,:,0][:,None,:,:]], dim=1) + # print(image_size) + # import ipdb; ipdb.set_trace() + return pixel_vals + + +def render_after_rasterize(attributes, pix_to_face, bary_coords): + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone() + attributes = attributes.view(attributes.shape[0] * attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:, :, :, 0].permute(0, 3, 1, 2) + pixel_vals = torch.cat([pixel_vals, vismask[:, :, :, 0][:, None, :, :]], dim=1) + return pixel_vals + + +# borrowed from https://github.com/daniilidis-group/neural_renderer/blob/master/neural_renderer/vertices_to_faces.py +def face_vertices(vertices, faces): + """ + :param vertices: [batch size, number of vertices, 3] + :param faces: [batch size, number of faces, 3] + :return: [batch size, number of faces, 3, 3] + """ + assert (vertices.ndimension() == 3) + assert (faces.ndimension() == 3) + assert (vertices.shape[0] == faces.shape[0]) + assert (faces.shape[2] == 3) + + bs, nv = vertices.shape[:2] + bs, nf = faces.shape[:2] + device = vertices.device + faces = faces + (torch.arange(bs, dtype=torch.int32).to(device) * nv)[:, None, None] + vertices = vertices.reshape((bs * nv, vertices.shape[-1])) + # pytorch only supports long and byte tensors for indexing + return vertices[faces.long()] + + +# ---------------------------- process/generate vertices, normals, faces +def generate_triangles(h, w, margin_x=2, margin_y=5, mask = None): + # quad layout: + # 0 1 ... w-1 + # w w+1 + #. + # w*h + triangles = [] + for x in range(margin_x, w-1-margin_x): + for y in range(margin_y, h-1-margin_y): + triangle0 = [y*w + x, y*w + x + 1, (y+1)*w + x] + triangle1 = [y*w + x + 1, (y+1)*w + x + 1, (y+1)*w + x] + triangles.append(triangle0) + triangles.append(triangle1) + triangles = np.array(triangles) + triangles = triangles[:,[0,2,1]] + return triangles + + +def transform_points(points, tform, points_scale=None, out_scale=None): + points_2d = points[:,:,:2] + + #'input points must use original range' + if points_scale: + assert points_scale[0]==points_scale[1] + points_2d = (points_2d*0.5 + 0.5)*points_scale[0] + # import ipdb; ipdb.set_trace() + + batch_size, n_points, _ = points.shape + trans_points_2d = torch.bmm( + torch.cat([points_2d, torch.ones([batch_size, n_points, 1], device=points.device, dtype=points.dtype)], dim=-1), + tform + ) + if out_scale: # h,w of output image size + trans_points_2d[:,:,0] = trans_points_2d[:,:,0]/out_scale[1]*2 - 1 + trans_points_2d[:,:,1] = trans_points_2d[:,:,1]/out_scale[0]*2 - 1 + trans_points = torch.cat([trans_points_2d[:,:,:2], points[:,:,2:]], dim=-1) + return trans_points + + +def batch_orth_proj(X, camera): + ''' orthgraphic projection + X: 3d vertices, [bz, n_point, 3] + camera: scale and translation, [bz, 3], [scale, tx, ty] + ''' + camera = camera.clone().view(-1, 1, 3) + X_trans = X[:, :, :2] + camera[:, :, 1:] + X_trans = torch.cat([X_trans, X[:, :, 2:]], 2) + shape = X_trans.shape + Xn = (camera[:, :, 0:1] * X_trans) + return Xn + + +def angle2matrix(angles): + ''' get rotation matrix from three rotation angles(degree). right-handed. + Args: + angles: [batch_size, 3] tensor containing X, Y, and Z angles. + x: pitch. positive for looking down. + y: yaw. positive for looking left. + z: roll. positive for tilting head right. + Returns: + R: [batch_size, 3, 3]. rotation matrices. + ''' + angles = angles*(np.pi)/180. + s = torch.sin(angles) + c = torch.cos(angles) + + cx, cy, cz = (c[:, 0], c[:, 1], c[:, 2]) + sx, sy, sz = (s[:, 0], s[:, 1], s[:, 2]) + + zeros = torch.zeros_like(s[:, 0]).to(angles.device) + ones = torch.ones_like(s[:, 0]).to(angles.device) + + # Rz.dot(Ry.dot(Rx)) + R_flattened = torch.stack( + [ + cz * cy, cz * sy * sx - sz * cx, cz * sy * cx + sz * sx, + sz * cy, sz * sy * sx + cz * cx, sz * sy * cx - cz * sx, + -sy, cy * sx, cy * cx, + ], + dim=0) #[batch_size, 9] + R = torch.reshape(R_flattened, (-1, 3, 3)) #[batch_size, 3, 3] + return R + +import cv2 +# end_list = np.array([17, 22, 27, 42, 48, 31, 36, 68], dtype = np.int32) - 1 +def plot_kpts(image, kpts, color = 'r', end_list=[19]): + ''' Draw 68 key points + Args: + image: the input image + kpt: (68, 3). + ''' + if color == 'r': + c = (255, 0, 0) + elif color == 'g': + c = (0, 255, 0) + elif color == 'b': + c = (255, 0, 0) + image = image.copy() + kpts = kpts.copy() + radius = max(int(min(image.shape[0], image.shape[1])/200), 1) + for i in range(kpts.shape[0]): + st = kpts[i, :2] + if kpts.shape[1]==4: + if kpts[i, 3] > 0.5: + c = (0, 255, 0) + else: + c = (0, 0, 255) + if i in end_list: + continue + ed = kpts[i + 1, :2] + image = cv2.line(image, (int(st[0]), int(st[1])), (int(ed[0]), int(ed[1])), (255, 255, 255), radius) + image = cv2.circle(image,(int(st[0]), int(st[1])), radius, c, radius*2) + + return image + + +import cv2 +# def fill_mouth(images): +# #Input: images: [batch, 1, h, w] +# device = images.device +# mouth_masks = [] +# for image in images: +# image = image[0].cpu().numpy() +# image = image * 255. +# copyImg = image.copy() +# h, w = image.shape[:2] +# mask = np.zeros([h+2, w+2],np.uint8) +# cv2.floodFill(copyImg, mask, (0, 0), (255, 255, 255), (0, 0, 0), (254, 254, 254), cv2.FLOODFILL_FIXED_RANGE) +# # cv2.imwrite("debug.png", copyImg) +# copyImg = torch.tensor(copyImg).to(device).to(torch.float32) / 127.5 - 1 +# mouth_masks.append(copyImg.unsqueeze(0)) +# mouth_masks = torch.stack(mouth_masks, 0) +# mouth_masks = ((mouth_masks * 2. - 1.) * -1. + 1.) / 2. +# # images = (images.bool() | mouth_masks.bool()).float() +# res = (images + mouth_masks).clip(0, 1) +# +# return res + +def fill_mouth(images): + #Input: images: [batch, 1, h, w] + device = images.device + mouth_masks = [] + out_mouth_masks = [] + for image in images: + image = image[0].cpu().numpy() + image = image * 255. + copyImg = image.copy() + h, w = image.shape[:2] + mask = np.zeros([h+2, w+2], np.uint8) + cv2.floodFill(copyImg, mask, (0, 0), (255, 255, 255), (0, 0, 0), (254, 254, 254), cv2.FLOODFILL_FIXED_RANGE) + # cv2.imwrite("mouth_mask_ori.png", 255 - copyImg) + mouth_mask = torch.tensor(255 - copyImg).to(device).to(torch.float32) / 255. + mouth_masks.append(mouth_mask.unsqueeze(0)) + + copyImg = cv2.erode(copyImg, np.ones((3, 3), np.uint8), iterations=3) + copyImg = cv2.blur(copyImg, (5, 5)) + # cv2.imwrite("mouth_mask.png", mouth_mask) + out_mouth_masks.append(torch.tensor(255 - copyImg).to(device).to(torch.float32).unsqueeze(0) / 255.) + + mouth_masks = torch.stack(mouth_masks, 0) + res = (images + mouth_masks).clip(0, 1) + + return res, torch.stack(out_mouth_masks, dim=0) \ No newline at end of file diff --git a/demo_data/.DS_Store b/demo_data/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..50370bf65cca1e572619a8e419cf7f031f8a975d Binary files /dev/null and b/demo_data/.DS_Store differ diff --git a/demo_data/source_img/.DS_Store b/demo_data/source_img/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..cc4fcb10f21f8f8bc2b44f18bf390859978d5fec Binary files /dev/null and b/demo_data/source_img/.DS_Store differ diff --git a/demo_data/source_img/img_generate_different_domain/.DS_Store b/demo_data/source_img/img_generate_different_domain/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..4fc8c43cdd30efaaa3f75e2f807e9e551b4da807 Binary files /dev/null and b/demo_data/source_img/img_generate_different_domain/.DS_Store differ diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/.DS_Store b/demo_data/source_img/img_generate_different_domain/coeffs/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..f66602da4ac55032bc311258dac7a82421b6c66d Binary files /dev/null and b/demo_data/source_img/img_generate_different_domain/coeffs/.DS_Store differ diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01031.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01031.npy new file mode 100644 index 0000000000000000000000000000000000000000..09a57a4b3413fe04bbd533d8c025daab372b7fa9 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01031.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d45838239ccbe1a3ac90a24d8a2b0620e64fb027aadbf07722e6dbbdf0f9e71 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01048.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01048.npy new file mode 100644 index 0000000000000000000000000000000000000000..f7090fb9b9ef0930b79272b8f944e6378d8c04e1 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01048.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b199d870cbdafbfcbc1e0a8b127b0782f3b08cace96572005b47b76d7f8d51b +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01050.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01050.npy new file mode 100644 index 0000000000000000000000000000000000000000..046bd63282b77fea7025ccfe772da05ccadc0d1a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01050.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b0e95fc120f9beb7163e5d4020af3075fd3c68188a823d0a909ea5e73bac027 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01053.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01053.npy new file mode 100644 index 0000000000000000000000000000000000000000..509584c88b540ed7c420cde97e1d9fab07bd284c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01053.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7238fe5613cb88d55a96a6818fb8c0c17e51bfc5602288e214ab51fb9709701e +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01058.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01058.npy new file mode 100644 index 0000000000000000000000000000000000000000..ad966c15d7539c8bee899c6aa6a1a31734bea0a2 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01058.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40c2eabed9e878587af0d62ce3346211699c5e92df18dde389ae70a68f63cc67 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01058_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01058_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..d5252989dbc2f51ee2a8199cd807607b9d0d422e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01058_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:946ede382b4ede7724c5fb0c9f9521901a819723f8c05618d603e2f2e0254ec8 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01070.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01070.npy new file mode 100644 index 0000000000000000000000000000000000000000..e65fb0839e4fe0a271771c791a150d1b8691ff7b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01070.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f65974e9daeec462c808caa90abb8bbbfe1ebc4af52319207848cba0035fcf1d +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01070_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01070_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..4ff4b75f28d792cc39443377d9f1aeb7537c2b62 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/01070_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b6e1b087f7c6dcd0f6d09432f33fb596470fb7f4790f0c5883de5df092076a2 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02002.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02002.npy new file mode 100644 index 0000000000000000000000000000000000000000..e2952081adac5150006a18b7649bb4703b353ebf --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02002.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed1c585d5e235aeffaa37e7e90302242dbcf694f889fd5f40b34ad0645965d8c +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02004.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02004.npy new file mode 100644 index 0000000000000000000000000000000000000000..9d23437aa56db3c6156369262c7ef0f0649597db --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02004.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8461de22abbb262785c9a8d1cc993971942de10942cb1f91386037a51aa7531 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02005.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02005.npy new file mode 100644 index 0000000000000000000000000000000000000000..a574214562a144878706f4224e1b325fb3248035 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02005.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea7e53df2353717c925a82a836514c05918f01c988ec09275683b029aa86f9ca +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02008.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02008.npy new file mode 100644 index 0000000000000000000000000000000000000000..74871a50881802e8f9e8c1029cbef874f226eece --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02008.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4a342532fe47bc9909b4e268249fde78ae87c8cd83c63f9f808f6f2965b24b6 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02008_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02008_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..f789ae5dd5bb2bb09b802b058903c7d8959a68e2 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02008_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e84c51ec44ba357d8487e3f71be277f56d27aa3f4e0e934f1ef6435936d7918 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02008_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02008_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..401694ade6ac7a47d36764e5ace945eb79d2ca88 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02008_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b49377a8c17546b5687cec156f332df694d3e3536d77fc612d2b6ca9b4f88b38 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02011.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02011.npy new file mode 100644 index 0000000000000000000000000000000000000000..4ddce8a4fddf794cce759bd207db375c2213355d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02011.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:435462888a85e299a4cbd664b01fc8106706e44708a26aa5f73fd295aaceb2b1 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02013.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02013.npy new file mode 100644 index 0000000000000000000000000000000000000000..2691954f67a57bfa8fca9ed6e28a250604614278 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02013.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b20d296a03a554b4906ee9a485fddd9a8ac1352e0ce5b22ccfe0a3925e69180a +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02021.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02021.npy new file mode 100644 index 0000000000000000000000000000000000000000..29f91790e9ab40ce26a6071371e34d7730342143 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02021.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c2083cf6b8df5fdcee9a0c4503e4688ed51f69feadcefe9c5325c7f67a58b86 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02025.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02025.npy new file mode 100644 index 0000000000000000000000000000000000000000..0146000a30879e25fd3a7b651bfac073f705d22c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02025.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73682083eadd81de9e50d5be00b4c47283eac7f409db5c137c42de6c0ca531c6 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02025_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02025_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..29e2477145fb4a9f86b1b1bddd58b1c9d9498118 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02025_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bb8bb638592bc79cbdc75278d70c4f147c9b0560c7e1acc818ce78fcbe85d22 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029.npy new file mode 100644 index 0000000000000000000000000000000000000000..36c1a574bc487a924e280977211fa45a3d02617f --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82f4a1680301eb8b695932b78aed60456f1779cec61915bc4757b357f15add0d +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..61951da1889dcace9c5aa0836fbe7eb4fdcc7226 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b59a38347a4343d6452b05197ff6f3f9f8625dc4306627232bcc8bc8f3ffa06 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..44639f2eb00634f1426ef9b6d9f2a4a03e56ccd6 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ceec6a44167fa84444809f7edfdeef6f3191cbce2ab751f4abf917716156dab9 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(4).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..fe88b5329a134c89f46fcaa962134b5edd935d37 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20640f7a692089055da14811bf0e163dccb2624740593ed5910d3df6235e5cb8 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(5).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..6b425727d124efca12ea00035dccec553ba629ed --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72cdd9e0959859d89e82d3f585d54b2a738ecdd2af8f07778974b6448d8ad1c0 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(6).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(6).npy new file mode 100644 index 0000000000000000000000000000000000000000..3a609cdaaec8e94bd32f65eb1d77dcd0fe0f8f45 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(6).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb0804a8edfe0628aed7e125d52b1487f72a01f7d3108cae3596c1a8346b4234 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(7).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(7).npy new file mode 100644 index 0000000000000000000000000000000000000000..199af3618117c77107c9eb08b19e951cccb4e1a9 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(7).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98e49df7e3e5c8f3ed185120c7680bf2d5b409394f08284cfda83f17040dc8f3 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(8).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(8).npy new file mode 100644 index 0000000000000000000000000000000000000000..fc0a4f0be90fc4a9647fcc74db1af300cb141282 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02029_(8).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1778dcf64f0486a836cdb08bfc1477af9b98452df3b6916ee7aaf9a7782fdaba +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02057.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02057.npy new file mode 100644 index 0000000000000000000000000000000000000000..cbb49b5e90d5a6fbcc7f8bbf9e9b8cbd0ecce494 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02057.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03ec358edfa874ed248d76f9cd47b68d68564299be98e58f5e77c84273d182a5 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02057_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02057_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..0662b57d8a6591356ec439af419cf02b8fa04768 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02057_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5c4a970608b7663a05b5259b54dfc9803add8ea41f10a124081f22d4254b56a +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02057_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02057_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..4ab774903f054c987b6f045491bcd2192f29e81b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02057_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9b05fbac83ba98f00de17c08c322144f9b0d73c6552c17bdc232adb6ac2f05d +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059.npy new file mode 100644 index 0000000000000000000000000000000000000000..17e5cc85353fc346fc14ccff9d6878ccea58de58 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c229b20765fc01854fce820c183f771774bc5b5ca5997cd28488cadd0c4989a +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..87fbb4faa7ed7b8dbf2b203a3c518aa9f7ffded9 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a66b7af795657cd65e47a8fc7d959907ab10dfcf7d1e272d18edef150609738 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..40ca28c0e44de17f08fdf11354c3c218fe62ac88 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74f3a5e131e2126a93671af14144ca6d12642191c74becf8038d8769c7d07f95 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(4).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..99e899d994e43e05b884c53bcbce127dd84c2d51 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14309935b799dc38171eb461d5fed42df2a8ad6432e0b580943d6f2bc331a6e5 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(5).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..9550499f44a1d58f7dffc110358f859b6addc05d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a3e40978350df62e7032b4408ed3ab0187379e145896917c10c3e600efa1b7c +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(6).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(6).npy new file mode 100644 index 0000000000000000000000000000000000000000..b9bc41ea2dc5facc21f54e80e0e552f65a479d46 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(6).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8a0c1cb40f9ec96e673a0b0938e16f3dbacb00e71664ae2638e2f66b6a1bf49 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(7).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(7).npy new file mode 100644 index 0000000000000000000000000000000000000000..d0f3a8107fc9546c5f4d07d052e6494101581fa6 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02059_(7).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcc9ef053e4b4f1235c9142d007234afbce28106d5891ce9729b6c15bfc5cb31 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02063.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02063.npy new file mode 100644 index 0000000000000000000000000000000000000000..9f282f4fc8da109117656484d148cdd2606ba13e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02063.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:334723b8a3c13c82228dc47e654e2164c990ce5ac204834c64f92948b3ecaabb +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02065.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02065.npy new file mode 100644 index 0000000000000000000000000000000000000000..39608a424a9db3c0e4a90604433220062c0ab40b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02065.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d2a554114342e22b3ac61bbf11f795fcd2a5af44ed53736b78637f6f7ad0cee +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02069.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02069.npy new file mode 100644 index 0000000000000000000000000000000000000000..cf761daf6d2a8d6d1c8a2a21b93ddd57379aa04c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02069.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca0c2e8c87fe86df3de445344ad9783c7b0ca0e966acab7f4b2ce8c637b9fd1c +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02069_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02069_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..9257713943c9b9a09bd31255cd8d7a415d508e74 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02069_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e14df1c129c4934b713b1b704bf059e068c2bf039dc7e39807c0f93d4ac8392 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02070.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02070.npy new file mode 100644 index 0000000000000000000000000000000000000000..a3258319efe7f41b39158908ceabc7d3fbc72930 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02070.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75e8f26d8c021bbd0f3ed548374733c42873c5b0ec0d67922c0e8d0e0772b4cd +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02070_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02070_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..d926bfe0370f63c44e64f99aa92437cba0b530a8 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02070_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e75f9735e371327acf1d0499e7c4abe78bebeb5a9511071bdfaeb87f4a44c9d0 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02072.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02072.npy new file mode 100644 index 0000000000000000000000000000000000000000..3d2d26935cc1b5b38fb637cdcd886cda692c5c24 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02072.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0d6ba78ea41d12d1eadc231ebca246743b952b56de6b3bfa843cbb4ffcc332a +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02072_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02072_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..6c22de09549948a8a0670c51d3b330789227ab21 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02072_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2454cdc983b451164ba72eb17953178b2f22fe9237571d5a030b787ff6ab37fd +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02072_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02072_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..906b769689e3500931920477594e9276d8f31bde --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/02072_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b75e57a14786ccf7a4edd3e7e3883b52ca6da96704eeb939f75b28b02c00ce2 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1037.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1037.npy new file mode 100644 index 0000000000000000000000000000000000000000..fa0249ec9152d701f2f8b2eaf806530c4b1be1b8 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1037.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45c76f860f8f974bf0c3053c1ae028cffa078b6f9cf9e6df4a29bbcdd94fd9c1 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1184.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1184.npy new file mode 100644 index 0000000000000000000000000000000000000000..73e1406172dfb7f8ab7015051c3e00677c052b70 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1184.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd9ed75f6192d1a2ee8c01abfb7a463cac931cc1c6fb05d48fcfda570ff5e175 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1228.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1228.npy new file mode 100644 index 0000000000000000000000000000000000000000..67b05c65c04e7519f848efa7fadf4180057943de --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1228.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad05516fd6f3d00568056e6d202c2eabde76b3bba87958ee4f732f84065680b5 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1352.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1352.npy new file mode 100644 index 0000000000000000000000000000000000000000..bf1ea474aea0e03655125c9cd84446d8fdcd2bfe --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1352.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89ff54776d513f200a2acefe2c6777006dcc5a2c61a5a153e4628db0fa6dcce1 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1386.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1386.npy new file mode 100644 index 0000000000000000000000000000000000000000..3a20acbf1d55e015d55f1c224dc3f1748f76ae20 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1386.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72b96f88551b19b6a8e744b0ce545622e38eaede5fb7533b3ffecef65d8600b4 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1393.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1393.npy new file mode 100644 index 0000000000000000000000000000000000000000..6dc05cff67ba7409b25ad8a46f80e02e9519bb8f --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/1393.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0108ce8e7e0cb1549e22bdc7735773a8fc9d334ee8741f50199a8188001e261c +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/145.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/145.npy new file mode 100644 index 0000000000000000000000000000000000000000..1144a015b498a53cb22a34075a5f004e1ff6b23c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/145.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17436682fabfb29610290d7e9016f0bc8c3910ac74447bdf48e7a4cee1bdba11 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/2630.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/2630.npy new file mode 100644 index 0000000000000000000000000000000000000000..563cbabd919f5a81c1bc4fe45cf5c9bb16a05011 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/2630.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a8b1eef32578c253034c8e2d5fcebaebbab94cbd1eb7658765dafed951db36b +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/5821.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/5821.npy new file mode 100644 index 0000000000000000000000000000000000000000..514572834a4756fb45370b0afdf2b653e32e106c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/5821.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:faf8f7df18774c9b2a98524e3a9858ab7414f4b1f3deaaf16cbdb81c3c9e7af4 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/5904.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/5904.npy new file mode 100644 index 0000000000000000000000000000000000000000..007818c3efb7ff4c61f3f1a19842dd0d5ca3881c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/5904.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1868b7a9f29235916fe977956b6c3e0b23625b8bffd7e73c3227d0768c7657cc +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/623.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/623.npy new file mode 100644 index 0000000000000000000000000000000000000000..552994bbed63d59c4b9c828f52fd6b2ee2635cac --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/623.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:312454eae54ebef17c61846201c1179813cdf0f3dfe12e1ab242c10f7e37ba60 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/815.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/815.npy new file mode 100644 index 0000000000000000000000000000000000000000..0d5c1361774f114a8373b4c4d89f3172d38aa27b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/815.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a64aa6776589500df922f94b30ce792afef75a8f66d14fc72acd01e1d0d0d3cc +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/933.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/933.npy new file mode 100644 index 0000000000000000000000000000000000000000..3806dbc65af25091652ab2453a111ce35bdc0c34 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/933.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d53dd1632e87c8b2dd763f2b27a92ec97285eac70308b026ad2fcd7f92dc25b +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000001.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000001.npy new file mode 100644 index 0000000000000000000000000000000000000000..6b618bcd1fa0bb5d57cda594e56b176c16765997 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000001.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bee45fceb0316e6c0d06a8437ff213814d7cc8369cfee1d6b3d48c2e2e2213f1 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000001_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000001_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..f594abdc4f9ad90dcd809d7fac8125e273edf162 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000001_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cad4fdc0c48d428a08da1d43ff3919a860c90840ea89c5e36aafbdd4963f02a6 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000004.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000004.npy new file mode 100644 index 0000000000000000000000000000000000000000..fdc71d011911fc46c4b280eeaaaa77b617626abb --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000004.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f38242d5a17ec7fb6fd4308ce5e41c0c5da52255a61e7d00d14ca77e65422e08 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000004_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000004_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..c991a83435bcb063ca88cbec7773508c6836436a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000004_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76daec61f6b098900bfa9e0bd775bc6bcb5334f881d438eae48f2bb20556a126 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000005.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000005.npy new file mode 100644 index 0000000000000000000000000000000000000000..b9f9deb6ce2e8a17136a166a1653345af0d76513 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000005.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f10494b11c017e71f34d9647def39bb58443424b4d469ce53a51b23bed8186d1 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007.npy new file mode 100644 index 0000000000000000000000000000000000000000..107230c7a41fc43bad0762aae1d76d46c9dd3bae --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:360073ed23bb97e0375e6e97fdf9667653891bd2cfcc3ccb3b922264ce037293 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..40214c5e87d2c90e65c418acc601dab1dad6378f --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d95faf4d93fbc70164ab9e495ad649d070f57316d9231df3e60433132373285 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..8d4e3b3b5bbbf3d732c38f454bccde1b11d590c0 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11c1be9e588497307d8121158c6d8939eb7b7ac4e2d71d382ea6eac3a96bf18d +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(4).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..314f08ba66fe01097ef402e932271992839f0815 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50d8778fc13dd30005fb31f551dddd44b30ad0dece4ae7be435e1db2421664ed +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(5).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..7c9ae1db0ed7c5d59f509c5ea0be54760115c65e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000007_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cdd8347e5e3d72d9327d1bb2c45f9785a99da5964bbf365c5d88242595bc94f9 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000008.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000008.npy new file mode 100644 index 0000000000000000000000000000000000000000..93ca0b88c70d8bb52b7c82b9b74601c8c36129e6 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000008.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d9010c952648f25ac17388abb0d8c14a4d3c7e1ea50ba016bc1b67846efc08e +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000008_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000008_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..0847c2c0496d4275f61b1a0dfd7fba09987934d5 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000008_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0d5b32ac5613ce1e27cbf017c4176c2b5ee8251310dcc6a0ab633c701e6ad4c +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000010.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000010.npy new file mode 100644 index 0000000000000000000000000000000000000000..926690e7d9b03317af3e27bd1a2859c06a9dc516 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000010.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66df197a9fe9485c23d00bf7d2317601b386af6f05c571be01a2c67736056475 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000010_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000010_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..06e0fe58b3e9706302825fd0d0f45b5d5f3ca8c2 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000010_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdf03ffe294d2553555d08b2715b3243bcf1ff2ccd6ad6be7184969e39e5c96a +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000010_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000010_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..b41483093122362be5098712146a11f9cff3428f --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000010_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:915563c9fced27df3c2de1cd6ac54be451e57e041d170d39807cd59337c87e7c +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000011.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000011.npy new file mode 100644 index 0000000000000000000000000000000000000000..ab121b84aee4d144fd3e59019eaad3d38c95b722 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000011.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2f6475134d6cdeb2ccde865f49f6ab08f58380cb13345feea64490740646bed +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000014.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000014.npy new file mode 100644 index 0000000000000000000000000000000000000000..3b284c7be3c506b5cb8d03cf2c180c66c95787bf --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000014.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1566af403b3ae7dc5a88c090d4dfe99d39fe7b4edb20d6940c1f3251a381fb7 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000015.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000015.npy new file mode 100644 index 0000000000000000000000000000000000000000..45a048ccd167810875eb630785b0907f7ef4d27b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000015.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8cd344128b9976f7b0fcc1e01b1b04ad4949f1134f38e57b0eba495cf9e00d5 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000015_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000015_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..e72c9370f01044a1642fe18eedd5796482440c2a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000015_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7c21d4d27193890a5d9746bee0ae99a21e83eb7a9fa231c16b722cf4c0dcd18 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000015_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000015_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..d2f3b1bc541a93041c6537064f20ec3188b230f5 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000015_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf2079aa6f72845a392684c357ceae6da0c9317a5d2f5bfbd629299e5bcdbd78 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000016.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000016.npy new file mode 100644 index 0000000000000000000000000000000000000000..ca84b4f4b9430e7f57b9264191397b9307e18743 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000016.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87336cb9da42e66e7a0fdd28fb38f59625e5201b1cb793b919ae739958a39717 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000016_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000016_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..48034ec5aa44f891b4e1ccc4526c95fe0502e5ae --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000016_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74d30a572faecb274206649ed017dafb52c0c7e0367a262ba036194a1c002e43 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000016_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000016_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..f144f33eece481a3efc5c3509fbbb023c1a657b0 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000016_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:911f69e0b236e4d86c6711d5238aa3540387b5bc5b954aa4a04cfd14d7378439 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000017.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000017.npy new file mode 100644 index 0000000000000000000000000000000000000000..1699ca81bb824b7eb9d01da154dff6a789e9b7e1 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000017.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9805f734e38c3015ea7098e2af2c1ee5bfd642a46b2293d2683bbc7cd20be0f6 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000018.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000018.npy new file mode 100644 index 0000000000000000000000000000000000000000..1013114b63da03b91e397d5ca17657047f1407d3 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000018.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3eedaa52a78363a132fdf33b55ea8e0042ff268ecb6433a7e52891f68d9976bd +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000018_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000018_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..8dc6193ad6686084fd16a2df0baca7e819534759 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000018_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8c8ccc2e02373625360188e7732eafada58ec74a8485e0e9db3a172c1daeb5e +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000020.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000020.npy new file mode 100644 index 0000000000000000000000000000000000000000..0f7b921e659a14b53812cd2f65be0eb75390d311 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000020.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4bd0c0a7cde1652f002a68f37e3c5263d1ba98b4fb09af7711fa5058392db37 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000020_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000020_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..cbfd455cea2c458c169781c791c92f776bd3a106 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000020_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3506ab983c640a43bcd723a4d67b9644b9bb90d29bdefdf31a86bf62c26f1b65 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000021.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000021.npy new file mode 100644 index 0000000000000000000000000000000000000000..791ccf048e8ffc1f42e9501541442bccc86552f7 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000021.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d3f42df7fdb0205a588012cd41319b5e73b1a8f18100c292df55e5a200be6ae +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000021_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000021_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..feda39b55e937b9779e7121853dd9f1004a9f8e7 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000021_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37a48e5cd22b03ab353f1b62769baaa89bb4e8ebd1c45c03cd61d2510b141023 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022.npy new file mode 100644 index 0000000000000000000000000000000000000000..b84390a5185687bdccd89d94568f83072a9b194e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f757076580361c20282b0297e259ecde85ca44419c64a170246e8fe8948c4acd +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..2da5e63bac4f9116c71b383aef6635e6ef8e93e0 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7ce6041b4e6faf8e606164f18fa1bf41474bc75ef71a671570c0c5e1af55f7c +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..c5a31be45503249f88e7aa954418865ea105f06a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bad74aea903c711a94412be31dbc8eab7be69f7558d234e0ba85e73daea8be1 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(4).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..c736dba800531a8717a9154e9dc5652a40bd12c1 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:586b121b6fa41e26c6de2a171098232d6a3c56f141fae37e18ef40d77e1cf884 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(5).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..6305967d6d1c45f760ca40756f00e4dc66ae535a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000022_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85a8b4603d2f8eb1ead98a1ece87411cb8f1eabe5f8da1b81ab5f65c3fa6ce0e +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023.npy new file mode 100644 index 0000000000000000000000000000000000000000..baee64ce83d94fd968eba6f4b504674c0999765a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9b914982da40c54c97217bc5c2f5d517b30a6baf5a1ff64607705b3f743ce41 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(10).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(10).npy new file mode 100644 index 0000000000000000000000000000000000000000..bd4378ed107f251d1e4238af801e925125c7626d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(10).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6b83c1379abfe4df5d03722b29adc8c82086176f23367375686232433c70a8d +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..0be3d26b31b2151b36c110055d127a5ee478cb7d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59c161cc5b101cb58ea99c4b14e04c703710492d5f5200a98ef3f5f6ff5ff700 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..6e2b1328876469edede5bb241791f33450d1e0ed --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30426775afef836ba59e715811440dc9141dbc7ee1038ec41e296f04235c4b26 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(4).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..80104fe90f069a4d5a4e93348494b1ede4383658 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ac0106960f499122d0da315725b4ec64c44188d475be5a3857744a831314e18 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(5).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..0fb2455197f2fbf0a0795ebea2e4b5f82457427b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9a770ee9c386f28eb853ada45369b6571cf1e0c02802dab69fdc02e5c88800a +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(6).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(6).npy new file mode 100644 index 0000000000000000000000000000000000000000..18ba674b1d44c29e5f8448c6ae64dd3013dbf929 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(6).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61d15215b16a6efbf8dc7ff2d21340833c76134c1fe0d6a9cf829c4023b071f6 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(7).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(7).npy new file mode 100644 index 0000000000000000000000000000000000000000..c0a098cf96ad95d8be215cd8e0f58db64145ebfd --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(7).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e968b2a565130f034992993d2fe7500feff98790644e292516b267c2f4e47893 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(8).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(8).npy new file mode 100644 index 0000000000000000000000000000000000000000..74935b90fd7b6b4c72dd08cf998151ee5678610f --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000023_(8).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cbb51aea9552a02f3f5275d97bc95b84426ab0fc04f24f369db3dcf3c895270 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000024.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000024.npy new file mode 100644 index 0000000000000000000000000000000000000000..b16cfb1b69a8e37487a9e57b0780033831fd841e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000024.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efb92396eeb1b715926e14a806c5be1cf79593085898f7e4bf6206f4a121a8e0 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025.npy new file mode 100644 index 0000000000000000000000000000000000000000..426ae07d8e6b47708784903c576249c80b470d4b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73be3b369e64198abb0154a76d9495802f20496f97e9edce86bda00da9d2d015 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..cfa4b49f0162d1adf1d9366b2f14fe304b4a8ae7 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ada1e4c6656be1cd1304ea03cf7f5728514517239e227b1a2bc03a99af077bb +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..a91d14e019e838b2bde9645ab1e98044744aac4b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9863274b5e360d47193b67d617df950adfa0519d9c4c6a6a32905ce2f82eef88 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025_(5).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..32b5a3758133055075fbc01aef33d18ade412031 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000025_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46fc593129503abdb88fbff971ddb7df4e9c7b514a3ac689e6944e6db0682045 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000026.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000026.npy new file mode 100644 index 0000000000000000000000000000000000000000..d7503793d837e698c09f278e8c2c563e7e47bc03 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000026.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c292c9e45b859906f02f3d1fdfc7a622fd7194d151f7cf268ed316d78e3c75a2 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000026_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000026_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..458123fbb9279b90bbb25fec1b1eaba825318127 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000026_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79f91a02ff436f2bd77abc30a7d8d28bfb303f7e125f29aab2476efa8241bcd4 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000027.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000027.npy new file mode 100644 index 0000000000000000000000000000000000000000..306a7a1fcf7e4fd79e11708efbf8b99440b806c5 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000027.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4830a875ad9e884a021ec0a986736cfbb19675d21a0add52372391ee9506d280 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000027_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000027_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..647924952cb7daa4720e6e5cd745e749ce4a700a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000027_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e56b90ad26366180bf2b36102b1d1e4934361e758d7be8ebb38adfd379a61e3 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028.npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028.npy new file mode 100644 index 0000000000000000000000000000000000000000..7ba9d92852e4f07a1ddca4557756c01e7d6bc09b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d7a60fb39d75ed5b2addc03390f6bdc8220225f688f91cef1e48ff0c95ae628 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028_(2).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..6e15632f5170e8ce1dd348a3cd1c113bd1e3ccd7 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0911a5f4fcb6500ba68fb45a25bfe8ae9f50aa7df8c7da757ff24ae36c8df1c0 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028_(3).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..b84ce84b2b5f028d4a3c0378f20c8a5530969dd1 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00d8e116cbadc5b598c6ee778f2642b537be155b982d0e4e3f525bd0ac7a8d9a +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028_(4).npy b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..1d2f416f49fbf616ff999bab0baf55450f678842 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/coeffs/demo_imgs/seed000028_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c36115343bb93161fac63bf8ab1b5f6975f4a1fb6263449a1340e43ee7ea4e99 +size 2568 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/.DS_Store b/demo_data/source_img/img_generate_different_domain/images512x512/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..0f4a92e9f6b8aae5cb93dd3601a5596f277d8071 Binary files /dev/null and b/demo_data/source_img/img_generate_different_domain/images512x512/.DS_Store differ diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/dataset_realcam.json b/demo_data/source_img/img_generate_different_domain/images512x512/dataset_realcam.json new file mode 100644 index 0000000000000000000000000000000000000000..e35818beb5a8f63c03c20644121ca6bce8c43751 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/dataset_realcam.json @@ -0,0 +1,3484 @@ +{ + "labels": [ + [ + "demo_imgs/seed000022_(5).png", + [ + 0.21626028418540955, + -0.00013061474601272494, + 0.013392728753387928, + -0.17186592519283295, + 0.004017726518213749, + -0.20605337619781494, + -0.06688615679740906, + 0.8411646485328674, + 0.012776543386280537, + 0.06700659543275833, + -0.20565693080425262, + 2.6705093383789062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000027_(2).png", + [ + 0.21562586724758148, + -0.009909430518746376, + 0.018846429884433746, + -0.19530966877937317, + -0.007871313951909542, + -0.2152913361787796, + -0.023142613470554352, + 0.25939860939979553, + 0.01978451944887638, + 0.022345945239067078, + -0.21460925042629242, + 2.5621585845947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000010.png", + [ + 0.21442236006259918, + -0.003811642760410905, + 0.030925998464226723, + -0.35404133796691895, + -0.0005174484685994685, + -0.21545332670211792, + -0.022967040538787842, + 0.26674556732177734, + 0.03115570731461048, + 0.022654449567198753, + -0.21322286128997803, + 2.6968770027160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/2630.png", + [ + 0.21620211005210876, + -0.008352182805538177, + 0.011609502136707306, + -0.13842323422431946, + -0.007292741909623146, + -0.2156849354505539, + -0.019357748329639435, + 0.22796401381492615, + 0.012302660383284092, + 0.018924785777926445, + -0.21549569070339203, + 2.5550150871276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/5821.png", + [ + 0.20760904252529144, + -0.0033861061092466116, + 0.06192665547132492, + -0.7005495429039001, + 0.002198254456743598, + -0.21581372618675232, + -0.019170193001627922, + 0.2246684730052948, + 0.06198018044233322, + 0.01899639144539833, + -0.2067498117685318, + 2.3907203674316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/1352.png", + [ + 0.2142699658870697, + -0.0027324443217366934, + 0.032075025141239166, + -0.4240429699420929, + 0.010231801308691502, + -0.1989162266254425, + -0.08529675751924515, + 1.1422700881958008, + 0.030521852895617485, + 0.08586477488279343, + -0.19657962024211884, + 2.7365260124206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02059_(5).png", + [ + 0.2137269526720047, + 0.003499118145555258, + 0.035446397960186005, + -0.3917827308177948, + 0.008722135797142982, + -0.21420316398143768, + -0.03144560381770134, + 0.36369237303733826, + 0.0345342643558979, + 0.03244468942284584, + -0.21142993867397308, + 2.427548885345459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000010_(3).png", + [ + 0.21423199772834778, + -0.012843201868236065, + 0.02979259192943573, + -0.3302793800830841, + -0.004414927214384079, + -0.2086636871099472, + -0.058205436915159225, + 0.6737344264984131, + 0.032141175121068954, + 0.056942228227853775, + -0.20657305419445038, + 2.5227274894714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000023_(2).png", + [ + 0.21516910195350647, + -0.0044343736954033375, + -0.025109414011240005, + 0.2749181091785431, + -0.0048822518438100815, + -0.21658992767333984, + -0.003587067825719714, + 0.029499780386686325, + -0.025026187300682068, + 0.0041279261931777, + -0.21518491208553314, + 2.5604848861694336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/01058.png", + [ + 0.2150786966085434, + -0.002053026342764497, + -0.026169411838054657, + 0.30878371000289917, + -0.007785141002386808, + -0.21128115057945251, + -0.04740848019719124, + 0.5436145067214966, + -0.025068799033761024, + 0.047999557107686996, + -0.2097986936569214, + 2.4276041984558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/1386.png", + [ + 0.2147618532180786, + 0.004613174125552177, + -0.02835416980087757, + 0.31667396426200867, + -0.0002456369111314416, + -0.2135598510503769, + -0.036606330424547195, + 0.4026241898536682, + -0.02872595004737377, + 0.036315321922302246, + -0.21166934072971344, + 2.4112439155578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000007_(3).png", + [ + 0.2166575938463211, + 0.00270183221437037, + -0.00026675916160456836, + 0.002105242572724819, + 0.0026721826288849115, + -0.21597610414028168, + -0.017177827656269073, + 0.19195964932441711, + -0.0004800987371709198, + 0.01717318780720234, + -0.21599246561527252, + 2.5592432022094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02059_(3).png", + [ + 0.21535302698612213, + 0.009697725996375084, + 0.021838460117578506, + -0.22171157598495483, + 0.012803935445845127, + -0.21403130888938904, + -0.031217820942401886, + 0.3404352068901062, + 0.020174823701381683, + 0.032317910343408585, + -0.21329888701438904, + 2.2987403869628906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000005.png", + [ + 0.2146279364824295, + -0.005283566191792488, + 0.029237227514386177, + -0.31773677468299866, + -0.005901157855987549, + -0.21655380725860596, + 0.004185659345239401, + -0.05590788275003433, + 0.02911885641515255, + -0.004942401312291622, + -0.2146521806716919, + 2.5026674270629883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02057_(3).png", + [ + 0.21600744128227234, + -0.013871616683900356, + -0.00981118343770504, + 0.1281288117170334, + -0.014190477319061756, + -0.21609966456890106, + -0.0068897767923772335, + 0.06500603258609772, + -0.009344060905277729, + 0.007511117495596409, + -0.21634270250797272, + 2.581181049346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000020_(2).png", + [ + 0.21659941971302032, + -0.0008099953411146998, + -0.005651330109685659, + 0.07335475087165833, + -0.0010571046732366085, + -0.21646413207054138, + -0.009490402415394783, + 0.0946064293384552, + -0.005610361695289612, + 0.009514679200947285, + -0.21639291942119598, + 2.493168354034424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000008.png", + [ + 0.21570400893688202, + 0.005948183126747608, + -0.019603271037340164, + 0.20413677394390106, + 0.005773626267910004, + -0.216586634516716, + -0.002188540995121002, + 0.020007550716400146, + -0.019655387848615646, + 0.0016563782701268792, + -0.21577492356300354, + 2.5434250831604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000016.png", + [ + 0.2162635326385498, + -0.002071043709293008, + 0.013179433532059193, + -0.13789629936218262, + -0.002829383360221982, + -0.21629884839057922, + 0.012438168749213219, + -0.14148348569869995, + 0.013037687167525291, + -0.012586669996380806, + -0.2159154713153839, + 2.574148654937744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02004.png", + [ + 0.21555575728416443, + 0.0059297350235283375, + -0.021176563575863838, + 0.2426675260066986, + 0.0027034173253923655, + -0.21421171724796295, + -0.03246426209807396, + 0.40574920177459717, + -0.02182430401444435, + 0.032032404094934464, + -0.2131795585155487, + 2.5520477294921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000010_(2).png", + [ + 0.21331669390201569, + -0.00823715515434742, + 0.03709489852190018, + -0.4245600998401642, + -0.004076281096786261, + -0.21526241302490234, + -0.024359440430998802, + 0.28108832240104675, + 0.037779178470373154, + 0.02328406646847725, + -0.21208131313323975, + 2.67486572265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000008_(2).png", + [ + 0.21437834203243256, + 0.0014160153223201632, + -0.031429532915353775, + 0.3423514664173126, + 0.00019368290668353438, + -0.2165103703737259, + -0.008433490991592407, + 0.09287416934967041, + -0.03146082162857056, + 0.008316019549965858, + -0.21421709656715393, + 2.5345239639282227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02063.png", + [ + 0.20627665519714355, + 0.0070875054225325584, + -0.0659363716840744, + 0.733066737651825, + -0.008731022477149963, + -0.21065585315227509, + -0.04995771497488022, + 0.5309649109840393, + -0.06573893874883652, + 0.050217241048812866, + -0.20026111602783203, + 2.185880184173584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02059_(4).png", + [ + 0.21465258300304413, + 0.005198773927986622, + 0.02907124161720276, + -0.314206600189209, + 0.009921079501509666, + -0.21358934044837952, + -0.035058099776506424, + 0.39554595947265625, + 0.027816126123070717, + 0.03606204316020012, + -0.2118341028690338, + 2.38619327545166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02029_(7).png", + [ + 0.21606490015983582, + -0.0018293086905032396, + -0.01614053174853325, + 0.20442646741867065, + -0.0038649567868560553, + -0.21490272879600525, + -0.027381867170333862, + 0.2940242886543274, + -0.01577736623585224, + 0.027592720463871956, + -0.21433061361312866, + 2.5434670448303223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/623.png", + [ + 0.21435832977294922, + -0.001049830811098218, + 0.03157998248934746, + -0.37781354784965515, + 0.003914957400411367, + -0.21400392055511475, + -0.03368816524744034, + 0.41330575942993164, + 0.03135395422577858, + 0.03389862924814224, + -0.21169722080230713, + 2.5734567642211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02059_(7).png", + [ + 0.21627479791641235, + 0.007139222230762243, + 0.011051438748836517, + -0.11629817634820938, + 0.009551925584673882, + -0.21036149561405182, + -0.05103618651628494, + 0.54903244972229, + 0.00904784630984068, + 0.051429204642772675, + -0.21028806269168854, + 2.2720694541931152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/5904.png", + [ + 0.21392112970352173, + -0.001960847293958068, + -0.0343773253262043, + 0.40981829166412354, + -0.0028997997287660837, + -0.21658045053482056, + -0.005691171158105135, + 0.06597712635993958, + -0.03431088104844093, + 0.006078926380723715, + -0.21385440230369568, + 2.591632843017578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02070.png", + [ + 0.2142861783504486, + -0.020779207348823547, + -0.02444499544799328, + 0.2799099087715149, + -0.023698044940829277, + -0.2137996405363083, + -0.026000265032052994, + 0.32633092999458313, + -0.02162720449268818, + 0.028387246653437614, + -0.21371550858020782, + 2.509486675262451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02069_(2).png", + [ + 0.20523002743721008, + -0.013593210838735104, + -0.06814510375261307, + 0.8192850947380066, + -0.023109572008252144, + -0.21374496817588806, + -0.026961540803313255, + 0.3419526219367981, + -0.06553226709365845, + 0.032805513590574265, + -0.203904926776886, + 2.399055004119873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02029_(6).png", + [ + 0.21649381518363953, + -0.00885027926415205, + -4.796256689587608e-05, + 0.01683712564408779, + -0.008790168911218643, + -0.2148803174495697, + -0.026402266696095467, + 0.27875858545303345, + 0.0010308600030839443, + 0.02638217806816101, + -0.2150600254535675, + 2.5115647315979004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000026.png", + [ + 0.21666325628757477, + 0.0014192028902471066, + -0.001706305076368153, + 0.0221110787242651, + 0.0013405866920948029, + -0.2164485603570938, + -0.009803952649235725, + 0.11774557828903198, + -0.0017687400104478002, + 0.009792880155146122, + -0.21644598245620728, + 2.633187770843506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/815.png", + [ + 0.2040693610906601, + -0.008695840835571289, + 0.07230474054813385, + -0.8191760778427124, + -0.0063612572848796844, + -0.21643061935901642, + -0.008075661025941372, + 0.09918050467967987, + 0.07254741340875626, + 0.005483087617903948, + -0.20409482717514038, + 2.35581636428833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02072_(2).png", + [ + 0.21657635271549225, + -0.005528980400413275, + 0.0034661435056477785, + -0.05025417357683182, + -0.0037859338335692883, + -0.20019929111003876, + -0.08278773725032806, + 0.9259301424026489, + 0.005315118003636599, + 0.08268962055444717, + -0.20020507276058197, + 2.3448572158813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02011.png", + [ + 0.21392351388931274, + 0.024360598996281624, + 0.024314433336257935, + -0.31559550762176514, + 0.02350224368274212, + -0.2152145504951477, + 0.008845495991408825, + -0.14371681213378906, + 0.02514508366584778, + -0.006095849443227053, + -0.21512429416179657, + 2.704272747039795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000028_(2).png", + [ + 0.21612265706062317, + -0.005657765548676252, + 0.014383633621037006, + -0.15026551485061646, + -0.005108265206217766, + -0.21645201742649078, + -0.008386138826608658, + 0.10424493253231049, + 0.014587833546102047, + 0.008025669492781162, + -0.21603399515151978, + 2.656284809112549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000011.png", + [ + 0.21421629190444946, + -0.005697555374354124, + 0.032043974846601486, + -0.3585073947906494, + -0.004217634443193674, + -0.21638955175876617, + -0.010279796086251736, + 0.10908760130405426, + 0.03227212280035019, + 0.00953941885381937, + -0.21404533088207245, + 2.592773914337158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02021.png", + [ + 0.21521230041980743, + -0.0030033409129828215, + 0.0249507836997509, + -0.2907894551753998, + 0.0030599262099713087, + -0.21038958430290222, + -0.05171803757548332, + 0.6494224071502686, + 0.02494390681385994, + 0.051721349358558655, + -0.20892725884914398, + 2.4835638999938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02029_(2).png", + [ + 0.21603438258171082, + -0.0017798852641135454, + -0.016549065709114075, + 0.20258596539497375, + -0.0045789992436766624, + -0.21347494423389435, + -0.03681539371609688, + 0.39544403553009033, + -0.01600225828588009, + 0.037056341767311096, + -0.21288177371025085, + 2.475869655609131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000007_(5).png", + [ + 0.2157122641801834, + 0.005388073623180389, + -0.01967453770339489, + 0.21665620803833008, + 0.0017952431226149201, + -0.21318311989307404, + -0.03869928419589996, + 0.41993361711502075, + -0.02031983993947506, + 0.038364384323358536, + -0.21228089928627014, + 2.408209800720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/01070_(2).png", + [ + 0.2119125872850418, + -6.4535233832430094e-06, + -0.045176904648542404, + 0.508698046207428, + -0.015331607311964035, + -0.20382605493068695, + -0.07188728451728821, + 0.8230921626091003, + -0.04249581694602966, + 0.0735040232539177, + -0.19934682548046112, + 2.2839255332946777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000024.png", + [ + 0.21578910946846008, + -0.011357071809470654, + 0.015936750918626785, + -0.15628980100154877, + -0.009808960370719433, + -0.21545793116092682, + -0.02072596363723278, + 0.23001042008399963, + 0.0169336199760437, + 0.01991979405283928, + -0.2150914967060089, + 2.5058937072753906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02065.png", + [ + 0.21163037419319153, + 0.045112244784832, + -0.011196433566510677, + 0.12426470965147018, + 0.04323236271739006, + -0.21021300554275513, + -0.029821904376149178, + 0.3031885027885437, + -0.017071537673473358, + 0.026893656700849533, + -0.21432028710842133, + 2.3724875450134277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000018.png", + [ + 0.21411266922950745, + 0.0032089175656437874, + -0.033065926283597946, + 0.3725491166114807, + -0.0007974971667863429, + -0.21510285139083862, + -0.026038937270641327, + 0.30243977904319763, + -0.03321169689297676, + 0.025852756574749947, + -0.2125476747751236, + 2.5852084159851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/1184.png", + [ + 0.21038475632667542, + -0.009388484992086887, + 0.05097063258290291, + -0.5838276743888855, + -0.0014225604245439172, + -0.21405574679374695, + -0.03355607017874718, + 0.3863515555858612, + 0.05180854722857475, + 0.03224732354283333, + -0.20790351927280426, + 2.4256858825683594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000004.png", + [ + 0.2135607749223709, + -0.0041307806968688965, + 0.03636790066957474, + -0.3907129168510437, + 0.0010177380172535777, + -0.21453693509101868, + -0.030344173312187195, + 0.33522263169288635, + 0.036587588489055634, + 0.030078917741775513, + -0.21143439412117004, + 2.4903578758239746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000027.png", + [ + 0.2138650119304657, + -0.009482821449637413, + 0.033462267369031906, + -0.36078229546546936, + -0.00692259706556797, + -0.2159004658460617, + -0.016939805820584297, + 0.18258145451545715, + 0.03408408537507057, + 0.015651052817702293, + -0.2134038656949997, + 2.5318984985351562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02059.png", + [ + 0.213605597615242, + 0.004649762529879808, + 0.036040641367435455, + -0.38627585768699646, + 0.009043191559612751, + -0.214934840798378, + -0.02586747705936432, + 0.29632002115249634, + 0.03519614413380623, + 0.027005286887288094, + -0.21208451688289642, + 2.3780617713928223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000022_(3).png", + [ + 0.21648021042346954, + 0.00033316132612526417, + -0.00917013082653284, + 0.10038398951292038, + 0.0009248959831893444, + -0.21622128784656525, + 0.013978531584143639, + -0.16333213448524475, + -0.009129450656473637, + -0.014005135744810104, + -0.21602870523929596, + 2.605393409729004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000023_(3).png", + [ + 0.21595428884029388, + -0.0058974637649953365, + -0.016639098525047302, + 0.1800824999809265, + -0.005777306854724884, + -0.21659022569656372, + 0.0017848885618150234, + -0.033680081367492676, + -0.01668119803071022, + -0.001335297361947596, + -0.2160274237394333, + 2.577666759490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000025_(5).png", + [ + 0.21430730819702148, + 0.017552461475133896, + -0.026686793193221092, + 0.3409574329853058, + 0.01615223102271557, + -0.21572823822498322, + -0.012179081328213215, + 0.1480962038040161, + -0.02755683660507202, + 0.010056623257696629, + -0.21467971801757812, + 2.778960704803467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02025_(2).png", + [ + 0.21583859622478485, + -0.018819745630025864, + -0.0027223508805036545, + 0.034364964812994, + -0.01900108903646469, + -0.2122393101453781, + -0.03925991430878639, + 0.45203444361686707, + 0.0007433813298121095, + 0.039347171783447266, + -0.21307073533535004, + 2.5329604148864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000026_(2).png", + [ + 0.21662122011184692, + -0.0011524283327162266, + 0.004671131260693073, + -0.05011117085814476, + -0.0007145914132706821, + -0.21574032306671143, + -0.02008713409304619, + 0.23518192768096924, + 0.004757827613502741, + 0.020066773518919945, + -0.2156909555196762, + 2.5950851440429688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02059_(6).png", + [ + 0.21378304064273834, + -0.0011396845802664757, + 0.03526196628808975, + -0.38583388924598694, + 0.0057246801443398, + -0.21257100999355316, + -0.04157746955752373, + 0.46255889534950256, + 0.03481283411383629, + 0.04195425286889076, + -0.20970407128334045, + 2.375631332397461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000025_(3).png", + [ + 0.21656356751918793, + -0.0032513150945305824, + -0.006127247121185064, + 0.0686909630894661, + -0.0036378733348101377, + -0.216200590133667, + -0.013855262659490108, + 0.15185147523880005, + -0.005905936472117901, + 0.013951034285128117, + -0.2161443680524826, + 2.6304893493652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/01050.png", + [ + 0.20297251641750336, + -0.0400773249566555, + -0.06437283754348755, + 0.7375116348266602, + -0.05650116875767708, + -0.2026086002588272, + -0.05201219022274017, + 0.6313552856445312, + -0.0505734384059906, + 0.06550921499729156, + -0.20024675130844116, + 2.3018875122070312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02029_(8).png", + [ + 0.2165612280368805, + -0.006848291493952274, + -0.0014916821382939816, + 0.03382054716348648, + -0.006992386654019356, + -0.21426266431808472, + -0.03147242218255997, + 0.34047719836235046, + -0.0004803491465281695, + 0.03150409460067749, + -0.21437153220176697, + 2.5418925285339355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000028.png", + [ + 0.21570280194282532, + -0.004415140952914953, + 0.020017623901367188, + -0.21612095832824707, + -0.0019200106617063284, + -0.21501049399375916, + -0.026733936741948128, + 0.31643161177635193, + 0.0204086322337389, + 0.02643664740025997, + -0.21408523619174957, + 2.5820579528808594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02059_(2).png", + [ + 0.21461880207061768, + 0.0012178851757198572, + 0.02975195087492466, + -0.3342505991458893, + 0.007377417758107185, + -0.21191836893558502, + -0.04454297572374344, + 0.5154931545257568, + 0.028848491609096527, + 0.045133352279663086, + -0.20994913578033447, + 2.4404654502868652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/1037.png", + [ + 0.21666273474693298, + 0.0019373269751667976, + 0.001186288078315556, + -0.010756593197584152, + 0.0022298083640635014, + -0.20299187302589417, + -0.07574451714754105, + 0.8747014999389648, + 0.00043412978993728757, + 0.07575256377458572, + -0.20300063490867615, + 2.3667688369750977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02029_(5).png", + [ + 0.21584920585155487, + -0.012938324362039566, + -0.013770057819783688, + 0.16612017154693604, + -0.01502004824578762, + -0.21329590678215027, + -0.03503061458468437, + 0.3728366494178772, + -0.011463546194136143, + 0.03585171699523926, + -0.21338026225566864, + 2.467146396636963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/933.png", + [ + 0.21661831438541412, + -0.004475039429962635, + 0.002092223847284913, + -0.020816314965486526, + -0.003237105207517743, + -0.1979072242975235, + -0.08814845234155655, + 0.9416674375534058, + 0.003731558797881007, + 0.08809428662061691, + -0.19792263209819794, + 2.2072110176086426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000007_(2).png", + [ + 0.2163686603307724, + 0.007942880503833294, + -0.008330954238772392, + 0.08934968709945679, + 0.0070844898000359535, + -0.21549296379089355, + -0.02145891636610031, + 0.23468050360679626, + -0.009072164073586464, + 0.021156223490834236, + -0.21544837951660156, + 2.4481611251831055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/01058_(2).png", + [ + 0.21487408876419067, + 0.0017228808719664812, + -0.02782178297638893, + 0.32406148314476013, + -0.0017956463852897286, + -0.21495568752288818, + -0.027179457247257233, + 0.3101232349872589, + -0.02781718224287033, + 0.027184167876839638, + -0.21315515041351318, + 2.460113048553467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02029_(4).png", + [ + 0.2160416841506958, + -0.006800029892474413, + -0.01508792769163847, + 0.18718194961547852, + -0.009215476922690868, + -0.21351000666618347, + -0.03572741150856018, + 0.38339293003082275, + -0.013746307231485844, + 0.03626475855708122, + -0.21317550539970398, + 2.491481304168701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02025.png", + [ + 0.21593360602855682, + -0.017877409234642982, + -0.0009841716382652521, + 0.014301001094281673, + -0.017771383747458458, + -0.21255488693714142, + -0.03811155632138252, + 0.43564078211784363, + 0.0021790526807308197, + 0.03806194290518761, + -0.21329423785209656, + 2.523679733276367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02008.png", + [ + 0.21663513779640198, + 8.250484825111926e-05, + -0.004136299714446068, + 0.06232664734125137, + -0.0007169570308178663, + -0.2126050889492035, + -0.041790757328271866, + 0.5310785174369812, + -0.004074525088071823, + 0.04179682582616806, + -0.2125660479068756, + 2.704279899597168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000001_(2).png", + [ + 0.2095394879579544, + 0.0019167795544490218, + -0.05511283874511719, + 0.601288914680481, + 0.006350820884108543, + -0.21594172716140747, + 0.016635600477457047, + -0.1815013587474823, + -0.05477923899888992, + -0.017703164368867874, + -0.20888687670230865, + 2.4272475242614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000023_(6).png", + [ + 0.2151573747396469, + -0.004867231007665396, + -0.025129852816462517, + 0.2776130437850952, + -0.008274589665234089, + -0.21452553570270538, + -0.029295584186911583, + 0.3292233943939209, + -0.024222521111369133, + 0.030050128698349, + -0.21320918202400208, + 2.543282985687256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/01070.png", + [ + 0.212724968791008, + -0.0018750084564089775, + -0.04113956168293953, + 0.46952906250953674, + -0.012217995710670948, + -0.20957806706428528, + -0.05362507328391075, + 0.6310728192329407, + -0.039328109472990036, + 0.054967377334833145, + -0.20586350560188293, + 2.4027037620544434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000023_(7).png", + [ + 0.21405553817749023, + -0.005365307908505201, + -0.03315620496869087, + 0.3553304672241211, + -0.007152262609452009, + -0.21626786887645721, + -0.011178539134562016, + 0.1143629252910614, + -0.03281715139746666, + 0.012137877754867077, + -0.21383078396320343, + 2.4345288276672363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/01053.png", + [ + 0.20752081274986267, + -0.008156904950737953, + -0.06177757307887077, + 0.7628316879272461, + -0.009756384417414665, + -0.21641413867473602, + -0.004198664333671331, + 0.027408424764871597, + -0.061545245349407196, + 0.006802993360906839, + -0.20763862133026123, + 2.4681625366210938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000021.png", + [ + 0.21247050166130066, + -0.002417264971882105, + -0.04240685701370239, + 0.4451722204685211, + -0.005410667508840561, + -0.2161014974117279, + -0.014790832065045834, + 0.16954126954078674, + -0.042129673063755035, + 0.015562804415822029, + -0.2119688242673874, + 2.424198627471924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000020.png", + [ + 0.21665091812610626, + -0.0026357017923146486, + -0.0018260451033711433, + 0.029376747086644173, + -0.002744765253737569, + -0.21623361110687256, + -0.013542145490646362, + 0.14246933162212372, + -0.001657597254961729, + 0.013563794083893299, + -0.21624332666397095, + 2.521571636199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000015.png", + [ + 0.2156311422586441, + -0.006802814546972513, + -0.020120253786444664, + 0.221023827791214, + -0.011785365641117096, + -0.2090844213962555, + -0.05561209097504616, + 0.5818874835968018, + -0.01766940951347351, + 0.05643865093588829, + -0.20844751596450806, + 2.2490334510803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02029.png", + [ + 0.21623960137367249, + 0.0021932972595095634, + -0.013547005131840706, + 0.17065826058387756, + 7.42788688512519e-05, + -0.21407341957092285, + -0.0334734246134758, + 0.35727787017822266, + -0.013723206706345081, + 0.033401571214199066, + -0.2136443555355072, + 2.4743142127990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000023.png", + [ + 0.21592314541339874, + -0.004613929893821478, + -0.017429733648896217, + 0.18738791346549988, + -0.006020831409841776, + -0.21588782966136932, + -0.01743834652006626, + 0.1937159299850464, + -0.016995104029774666, + 0.017862195149064064, + -0.21526728570461273, + 2.6004605293273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000007_(4).png", + [ + 0.21665894985198975, + 0.0003090156242251396, + -0.0025873694103211164, + 0.02861468866467476, + 5.464681817102246e-05, + -0.21563714742660522, + -0.021178068593144417, + 0.24098056554794312, + -0.002605183981359005, + 0.02117588371038437, + -0.21562163531780243, + 2.48909854888916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/01031.png", + [ + 0.21661420166492462, + 0.002939054975286126, + 0.004189587198197842, + -0.022367315366864204, + 0.0032208156771957874, + -0.2161375731229782, + -0.014902235940098763, + 0.1271979659795761, + 0.003977063111960888, + 0.014960354194045067, + -0.21612095832824707, + 2.399322986602783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000028_(3).png", + [ + 0.21110141277313232, + -0.02005484327673912, + 0.04451846331357956, + -0.536819338798523, + -0.010704120621085167, + -0.21175694465637207, + -0.0446353517472744, + 0.5513209104537964, + 0.0476393960416317, + 0.04128796607255936, + -0.20730094611644745, + 2.638571262359619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000015_(2).png", + [ + 0.21597804129123688, + -0.0033494578674435616, + 0.01703418232500553, + -0.18852348625659943, + -0.003061635186895728, + -0.21662010252475739, + -0.003775576828047633, + 0.039822231978178024, + 0.017088258638978004, + 0.003522744867950678, + -0.21597100794315338, + 2.6402587890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02029_(3).png", + [ + 0.21642306447029114, + -0.009914349764585495, + -0.003264493541792035, + 0.05189453810453415, + -0.010371281765401363, + -0.21190078556537628, + -0.04402707517147064, + 0.478800505399704, + -0.0011780292261391878, + 0.04413221776485443, + -0.2121293544769287, + 2.4883909225463867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000016_(2).png", + [ + 0.21550177037715912, + -0.0015596679877489805, + 0.022460034117102623, + -0.2397197037935257, + -0.0006825139280408621, + -0.21650733053684235, + -0.008486030623316765, + 0.10309433937072754, + 0.022503778338432312, + 0.008369348011910915, + -0.2153402715921402, + 2.563075065612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02013.png", + [ + 0.21183162927627563, + -0.03409421443939209, + -0.03021305426955223, + 0.325085312128067, + -0.03888007625937462, + -0.21019797027111053, + -0.0353984609246254, + 0.3777664601802826, + -0.023739926517009735, + 0.040028683841228485, + -0.2116176187992096, + 2.2894206047058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000004_(2).png", + [ + 0.2156645804643631, + -0.0028432910330593586, + 0.020702524110674858, + -0.2203468233346939, + 0.00149837089702487, + -0.21200300753116608, + -0.04472555220127106, + 0.5129935145378113, + 0.02084307000041008, + 0.04466022923588753, + -0.21099507808685303, + 2.569331645965576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02072.png", + [ + 0.21308884024620056, + 0.0002693736751098186, + 0.03925509378314018, + -0.47386690974235535, + 0.006545139476656914, + -0.2138805389404297, + -0.03406137600541115, + 0.3913014233112335, + 0.03870653733611107, + 0.0346834771335125, + -0.21034911274909973, + 2.5701704025268555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000017.png", + [ + 0.21522578597068787, + -0.004612226039171219, + -0.024586280807852745, + 0.2868257164955139, + -0.0017779154004529119, + -0.2152417153120041, + 0.024814248085021973, + -0.29536059498786926, + -0.024951891973614693, + -0.024446580559015274, + -0.2138402760028839, + 2.6094508171081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000001.png", + [ + 0.2129267007112503, + 0.003339467104524374, + -0.039987049996852875, + 0.44769930839538574, + 0.004429743159562349, + -0.21655946969985962, + 0.0055022104643285275, + -0.06105716899037361, + -0.03988099470734596, + -0.006224540062248707, + -0.21288178861141205, + 2.54498291015625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02069.png", + [ + 0.20649471879005432, + -0.02033032290637493, + -0.062406025826931, + 0.776544451713562, + -0.028812676668167114, + -0.21318429708480835, + -0.025887876749038696, + 0.33547723293304443, + -0.05897172540426254, + 0.03297014534473419, + -0.2058718055486679, + 2.506023406982422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02070_(2).png", + [ + 0.2145492285490036, + -0.020012471824884415, + -0.02271624654531479, + 0.26902341842651367, + -0.0219570379704237, + -0.21479372680187225, + -0.01815054938197136, + 0.23562684655189514, + -0.02084263227880001, + 0.020274491980671883, + -0.21471473574638367, + 2.558037757873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02008_(3).png", + [ + 0.216464102268219, + -0.0013381309108808637, + -0.009454810060560703, + 0.12705406546592712, + -0.002578010782599449, + -0.21475963294506073, + -0.0286277886480093, + 0.36784952878952026, + -0.009194450452923775, + 0.02871246635913849, + -0.2145668864250183, + 2.714796543121338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02005.png", + [ + 0.21316689252853394, + -0.03879699483513832, + 0.001599358394742012, + -0.03524216637015343, + -0.03821713849902153, + -0.21120399236679077, + -0.029668454080820084, + 0.36263230443000793, + 0.006871305871754885, + 0.02890606038272381, + -0.21462786197662354, + 2.7882142066955566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/1393.png", + [ + 0.21665796637535095, + 0.0006577075109817088, + 0.002606728347018361, + -0.032115060836076736, + 0.0009654812165535986, + -0.21511036157608032, + -0.0259710680693388, + 0.30782631039619446, + 0.0025090747512876987, + 0.025980684906244278, + -0.21509672701358795, + 2.641557216644287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02008_(2).png", + [ + 0.21569088101387024, + 0.002287066774442792, + -0.020496459677815437, + 0.2477794885635376, + 0.00023786963720340282, + -0.21559976041316986, + -0.021554188802838326, + 0.2693280875682831, + -0.020622294396162033, + 0.02143382653594017, + -0.21462342143058777, + 2.5755276679992676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000021_(2).png", + [ + 0.21580389142036438, + -0.002545796101912856, + -0.019237710162997246, + 0.21409139037132263, + -0.005934832617640495, + -0.21316827833652496, + -0.0383661612868309, + 0.48063358664512634, + -0.018475612625479698, + 0.0387389175593853, + -0.21238134801387787, + 2.7536540031433105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000022_(2).png", + [ + 0.2165793776512146, + 0.003414588049054146, + -0.005441122688353062, + 0.061205290257930756, + 0.0023737787269055843, + -0.21307995915412903, + -0.03923248499631882, + 0.4577171206474304, + -0.005969120189547539, + 0.03915562480688095, + -0.21302370727062225, + 2.5561933517456055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000018_(2).png", + [ + 0.2148263156414032, + 0.0032047294080257416, + -0.028058413416147232, + 0.31787583231925964, + -7.740935870970134e-06, + -0.2152683287858963, + -0.02464642934501171, + 0.28746429085731506, + -0.028240837156772614, + 0.024437190964818, + -0.21343190968036652, + 2.633547782897949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000023_(4).png", + [ + 0.21594974398612976, + -0.010973110795021057, + -0.013899416662752628, + 0.14592698216438293, + -0.011996416375041008, + -0.21574534475803375, + -0.01606006547808647, + 0.17748384177684784, + -0.013026470318436623, + 0.016775893047451973, + -0.21563111245632172, + 2.567302703857422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000007.png", + [ + 0.21646061539649963, + 5.6499131460441276e-05, + -0.00962779764086008, + 0.10642468184232712, + -0.0009552250849083066, + -0.2154758721590042, + -0.02274070307612419, + 0.2563333213329315, + -0.0095804613083601, + 0.02276068739593029, + -0.215262770652771, + 2.513948917388916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000015_(3).png", + [ + 0.21459928154945374, + -0.014602196402847767, + 0.026111694052815437, + -0.3269980549812317, + -0.007670315448194742, + -0.20964600145816803, + -0.05419978126883507, + 0.6928200125694275, + 0.028917312622070312, + 0.05275628715753555, + -0.20815490186214447, + 2.8255109786987305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/145.png", + [ + 0.21633188426494598, + 0.0021691073197871447, + -0.01198755856603384, + 0.15023644268512726, + -0.0002865192072931677, + -0.2122473567724228, + -0.043576061725616455, + 0.5255267024040222, + -0.012178855016827583, + 0.04352298378944397, + -0.21190877258777618, + 2.615825653076172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000014.png", + [ + 0.21342380344867706, + -0.002162229036912322, + -0.03732964023947716, + 0.3936001658439636, + -0.00045188775402493775, + -0.2164454162120819, + 0.009953511878848076, + -0.10332296788692474, + -0.03738947957754135, + -0.009726321324706078, + -0.2132025510072708, + 2.433133125305176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000016_(3).png", + [ + 0.21591319143772125, + 0.006248567719012499, + 0.017039423808455467, + -0.17294028401374817, + 0.004650106653571129, + -0.21568360924720764, + 0.020170528441667557, + -0.23043933510780334, + 0.01754317618906498, + -0.019733957946300507, + -0.21505975723266602, + 2.540009021759033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000022_(4).png", + [ + 0.2166724056005478, + -0.00037399886059574783, + -0.0009059787262231112, + 0.00507897324860096, + -0.0005065231816843152, + -0.2141893357038498, + -0.03271938115358353, + 0.3912317752838135, + -0.0008391106966882944, + 0.03272116184234619, + -0.21418805420398712, + 2.6338272094726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/01048.png", + [ + 0.21505573391914368, + 0.008593196980655193, + 0.025001633912324905, + -0.2759911119937897, + 0.011523266322910786, + -0.2148883193731308, + -0.02526102215051651, + 0.2609919309616089, + 0.023793676868081093, + 0.026401927694678307, + -0.2137397825717926, + 2.417790412902832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/1228.png", + [ + 0.2142651379108429, + -0.0059381830506026745, + -0.031671423465013504, + 0.3711710572242737, + -0.00733152125030756, + -0.21636207401752472, + -0.009033125825226307, + 0.09827873110771179, + -0.03137816861271858, + 0.01000432763248682, + -0.21415698528289795, + 2.557011604309082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000025_(2).png", + [ + 0.21617591381072998, + 0.004710027948021889, + -0.013916882686316967, + 0.15069685876369476, + 0.0029324786737561226, + -0.21494139730930328, + -0.027193496003746986, + 0.2909736931324005, + -0.014396685175597668, + 0.026942554861307144, + -0.21451044082641602, + 2.4459004402160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02002.png", + [ + 0.2089465856552124, + -0.001105905743315816, + -0.05734113231301308, + 0.7242693305015564, + 6.328540621325374e-05, + -0.2166297733783722, + 0.004408621694892645, + -0.04816064611077309, + -0.05735176429152489, + -0.004268129821866751, + -0.2089029848575592, + 2.5085549354553223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000025.png", + [ + 0.21624110639095306, + 0.004545877687633038, + -0.012923501431941986, + 0.14889660477638245, + 0.0019054595613852143, + -0.21239152550697327, + -0.042826417833566666, + 0.4887826144695282, + -0.013566543348133564, + 0.04262707382440567, + -0.2120065540075302, + 2.550295352935791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02057_(2).png", + [ + 0.2120954543352127, + -0.014001067727804184, + -0.04204031080007553, + 0.5079410076141357, + -0.019620059058070183, + -0.21399730443954468, + -0.027714695781469345, + 0.3058221936225891, + -0.03972997888922691, + 0.030935758724808693, + -0.2107425034046173, + 2.5384631156921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000028_(4).png", + [ + 0.21391403675079346, + -0.007764408830553293, + 0.03359150141477585, + -0.3858816623687744, + -0.005849992856383324, + -0.21622155606746674, + -0.012724550440907478, + 0.15704472362995148, + 0.033977240324020386, + 0.011655494570732117, + -0.21367637813091278, + 2.6326546669006348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000023_(5).png", + [ + 0.21654826402664185, + -0.0026471957098692656, + -0.006908956449478865, + 0.06325950473546982, + -0.002844611182808876, + -0.2165677845478058, + -0.006180139724165201, + 0.0634395033121109, + -0.006830045022070408, + 0.006267240270972252, + -0.21647624671459198, + 2.4801154136657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000022.png", + [ + 0.2162877768278122, + -0.007836074568331242, + -0.010300061665475368, + 0.11690976470708847, + -0.008544719778001308, + -0.2159777283668518, + -0.015116513706743717, + 0.18190418183803558, + -0.009720240719616413, + 0.01549571380019188, + -0.21590113639831543, + 2.671443462371826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02057.png", + [ + 0.21192976832389832, + -0.012195057235658169, + -0.04341597482562065, + 0.5117606520652771, + -0.017425071448087692, + -0.21454477310180664, + -0.024795154109597206, + 0.26449549198150635, + -0.04159365966916084, + 0.027743704617023468, + -0.2108272910118103, + 2.484057903289795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000023_(8).png", + [ + 0.21597442030906677, + -0.003560346784070134, + -0.0170371662825346, + 0.18306933343410492, + -0.005109920632094145, + -0.21571695804595947, + -0.01969722844660282, + 0.21909412741661072, + -0.01663820445537567, + 0.02003537118434906, + -0.21510380506515503, + 2.577725410461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/seed000023_(10).png", + [ + 0.2154378741979599, + -0.005797514691948891, + -0.02237866446375847, + 0.2437419891357422, + -0.007873915135860443, + -0.2156110256910324, + -0.019944511353969574, + 0.21581831574440002, + -0.021735161542892456, + 0.02064391039311886, + -0.21459102630615234, + 2.527411937713623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "demo_imgs/02072_(3).png", + [ + 0.21280726790428162, + -0.001066385069862008, + 0.04074084758758545, + -0.47657257318496704, + 0.00844099372625351, + -0.21075046062469482, + -0.04960735887289047, + 0.5604056119918823, + 0.03987108916044235, + 0.05030907690525055, + -0.20694729685783386, + 2.462247371673584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ] + ] +} \ No newline at end of file diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01031.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01031.png new file mode 100644 index 0000000000000000000000000000000000000000..a7ba4694286d3551261b59e9fc68a48b2813bb28 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01031.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2233a295c7a3e1a705efe0149b3498cc5dc44f530b7699d88777c15f37a222b +size 447837 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01048.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01048.png new file mode 100644 index 0000000000000000000000000000000000000000..6a80ecce8b02ef625db205ad13945507dc7d0787 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01048.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce738b7e866f84c56d465f204227d5b0e44b79a044b18f211f14f649cfd2f59f +size 352698 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01053.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01053.png new file mode 100644 index 0000000000000000000000000000000000000000..34e4b8f94ef2f076f88375366861f92373fa2380 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01053.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb72db904044da09b262aa1ca42e04fa39cde361a13732e8aec0f78ca2545f0c +size 412202 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01058.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01058.png new file mode 100644 index 0000000000000000000000000000000000000000..56e16465a155980dab6ad0ced69381faacf4d6ce --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01058.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a15d22056ec6973755df576e184e9a44584232427838781e99fdc3ad234ee5e2 +size 443277 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01058_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01058_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..d527ab56b0d16f577e4a5c78ef7c06e349c685af --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01058_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:348f9e219a67629495a38478d9d83b1d89292d5c0884e251e69d074a3622ff02 +size 458602 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01070.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01070.png new file mode 100644 index 0000000000000000000000000000000000000000..d0771c510d9cd1ed56a846bc27d3c9a48d57448d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01070.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9324eab17a410c9b6e3d82cfa5870ef37b3f4d14257889ee66c95429d93c7b25 +size 421076 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01070_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01070_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..f3d6bad31b480d06d0cdf8f814716f3e1b017e8a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01070_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c95b490857506f18796edc6f823fb4def474f1f1e5e573d2409d490f8ff6ba2e +size 412650 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01071.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01071.png new file mode 100644 index 0000000000000000000000000000000000000000..dfc2f778d9171b9e19f9efeeb9283c739685135a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/01071.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db2207d10cc01f201805ed6ca1d3ad6cbda24c59a0700ebff45cf0a27d67a6f6 +size 486583 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02002.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02002.png new file mode 100644 index 0000000000000000000000000000000000000000..3e6b609306b9a156616292d5f0065bb9fae9dfa4 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02002.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:760b1dd2ad7ab36edbd609fbb9de0b672459a0130560248ffaac22c6809c72c5 +size 429832 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02004.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02004.png new file mode 100644 index 0000000000000000000000000000000000000000..5f0252dd7740eb11a53f7c2247b19d0170094a63 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02004.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a06dc7110b6a1d9d5b63f04ceced788048e448f79a0df23dad264cda22e73b0 +size 371605 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02005.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02005.png new file mode 100644 index 0000000000000000000000000000000000000000..79ebc5731d78e90566982c993ee3855fbe2fe09d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02005.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92163ccbc2dcd154a3cf0df76a0a0cd979f0513f14e8ef26e97de97dcb7a5c1a +size 395383 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02008.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02008.png new file mode 100644 index 0000000000000000000000000000000000000000..395048eed53d1f27935db677b6fec10cc006f7e3 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02008.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7de07eeda2332cc71d7cb34c92857bc3a290eed830ad4c91fd3c8d56fac928b6 +size 465466 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02008_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02008_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..36e83d79c8036fb3b22cc5b514d139417e52a41c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02008_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0cbdc9a41481cdfde1afdbfdd20e56f4d7f9aa2da3f84f1e1d01022a3559201 +size 363714 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02008_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02008_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..bd0737eed08458c18ec332ee1b27874d1b0ef441 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02008_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6cfb0b0ba4626c55fa4acec70594ea6a534c9c84cf00cb200da84a4fa9c2aaf0 +size 428728 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02011.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02011.png new file mode 100644 index 0000000000000000000000000000000000000000..bda921571846406a5b1b7755dc270341e302f213 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02011.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66cc1ab27154f38c57c2a51e480b3a7c56a34ad75cbec39b8df504b8005bb8f6 +size 411843 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02021.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02021.png new file mode 100644 index 0000000000000000000000000000000000000000..7b9b0aa43ceb09c602af1073144ca145d45119ee --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02021.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f0fc6f8aabb82b959400c6ae104704b5ede9f49629008aca207eed2d4a77bec +size 425970 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02025.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02025.png new file mode 100644 index 0000000000000000000000000000000000000000..409f59d2afe3a55d36fcc65cdf7cb3257251e2f6 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02025.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39893c1402d855d4f5341a585b854d6c6dbf5f921fdecc5b113c943fc0e60716 +size 369891 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02025_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02025_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..bc1990d702a15767ff4d1228e1ac7c96304542be --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02025_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7164276c71c2b343e71cac51ad5456d05da0b826058e2bd8520526b1d3c0156b +size 278908 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029.png new file mode 100644 index 0000000000000000000000000000000000000000..b9e7378712d806a9b59220b1456fb167c0d6b2cd --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec46031364da035f885bf94fa8a5af4271d740004bea08d2434c9879416f17d5 +size 393492 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..357f4a8fbd0b86bcd46e073e2ed62686fcffee54 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6068c8aba3734bf6618ea8fe3333942b6a0ed9cd8243b242616665fd6617b5fc +size 498047 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..24c9ae0bcfe55f53d88904f38c5032c8cabd4bd5 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d43efdc70b1d2b4f067befeca4ed5154331728a603803b95fdffe6b08083386 +size 406095 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(4).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(4).png new file mode 100644 index 0000000000000000000000000000000000000000..73940b156657c99c1c01e9b119cad6eab75a765c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(4).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d637b423e7205f64995068ce80081b63f3319d622ea71d5deeb72e3fa0770ec6 +size 405283 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(5).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(5).png new file mode 100644 index 0000000000000000000000000000000000000000..f292441a1d4515e51df2cb31ae6b8675e91c59c2 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(5).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06846d1c571e3071adea9f434109efd35327d6d14e69837df39c48d769dc1e52 +size 372750 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(6).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(6).png new file mode 100644 index 0000000000000000000000000000000000000000..0c48387c5e7273eea30c28bee8d4e458de9627d8 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(6).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3732498aee53cbaee4035fad03b088548831b4ad6c10e2f3861b0a0c24312ee7 +size 431689 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(7).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(7).png new file mode 100644 index 0000000000000000000000000000000000000000..68eec5ea457943d38ef9dfb039a70da5732d98d6 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(7).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7658db02602eac5ea7384a67f431d5485ce30db5428a3bd60f86e3024be150a6 +size 420513 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(8).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(8).png new file mode 100644 index 0000000000000000000000000000000000000000..9430dd6b0d932792eb1e6ca1f486812b5af38a2f --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02029_(8).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07975d3704c6fcac87924d028382d1b638d368ff37cd6755f4f96bf03b7e97df +size 424936 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02057.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02057.png new file mode 100644 index 0000000000000000000000000000000000000000..7632207f70c4ffc782e89ad26b453d4cebbaefbe --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02057.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40212acfe25b021e051e0c60c18c8e6057fdaac55d2a65bf84cb46b1d48007e3 +size 441589 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02057_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02057_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..0a92c0d67a0714c82ab5025927e6cc89c626db22 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02057_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49cbfb26b7e889ef167d03cd21a2004cb39d32718d26b99c5ce19721be48e567 +size 408613 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02057_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02057_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..962c7b60243ad4e76ef699bd5b391d6053a44466 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02057_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3835977f3c0c5526277daf6ded2563dbaa4a0971e2da744f00c51d7380a897d4 +size 435204 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059.png new file mode 100644 index 0000000000000000000000000000000000000000..430377809fe0b35d7333ea621b74f6c5fd879d46 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:535930eceedaf0fcefa38d983b942d5283998e274ec7b0ae0863dddf2f9a8223 +size 301544 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..2ceeb228ef7bb198734a8f7d9fc3f18b77545089 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01f570fbb5cbc5df24c9008795853554b370020426041deed1721b8128672110 +size 443805 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..f9221fe212e345ce203b32b58849bd5f911ed47e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5fb2159cf4f10f293534ead4326a7bc45f1049fd22ccaec0023988d5936cad2c +size 345104 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(4).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(4).png new file mode 100644 index 0000000000000000000000000000000000000000..3118e451ba05543b422d6c60656d2d5f69253253 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(4).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ff085a4d8523064a425ff9da6bb6947c613d9dd3e67a6600ebe807a0eb9671a +size 405115 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(5).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(5).png new file mode 100644 index 0000000000000000000000000000000000000000..6b2e6a391f09fb71c0580052fb616f90bac2a162 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(5).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e433549b6d8a3e99594e1cd3abe3ed2ccf5ba555e664731108cedc8327cc49df +size 421513 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(6).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(6).png new file mode 100644 index 0000000000000000000000000000000000000000..ceb0d1db56cfe7f328a595db784b299b122735aa --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(6).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7b38c4ab4e8e9658ccbd00feced8247f0f145deddec45249b276e236ceaf939 +size 414380 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(7).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(7).png new file mode 100644 index 0000000000000000000000000000000000000000..07c474ee3b80b0d5f6b3dbe5ad777e4ec82fafe2 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02059_(7).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4213e2ad5999eb9f3dd4a2d9cd00fc274ed2bbbb1c7482a93a0cebc60918feb2 +size 384191 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02063.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02063.png new file mode 100644 index 0000000000000000000000000000000000000000..ca0fef6c34943531cd01a92f5ff9fb3c0e5ed8fc --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02063.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:801e53340a08696a2e920a5c7c24bb6d08a05ef1397d207e971fbcc9caee3f87 +size 374328 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02065.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02065.png new file mode 100644 index 0000000000000000000000000000000000000000..2526bbf0904e8752131ff165454af17afaa0ff27 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02065.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f87c3d9920ae8f94b40bbebb8c364c4e8fdcea1fe81ee1e4c177d209ab327851 +size 392436 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02069.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02069.png new file mode 100644 index 0000000000000000000000000000000000000000..0118a488f241e3c4aca0eb709167d057c617cd81 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02069.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99b693be34ded40370e95490d6cdf964fc28c17e6b400d2ebf9ce80b388918a8 +size 394018 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02069_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02069_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..b10844bda5e0f9e906e6d54c44e6cbfd9541a4b7 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02069_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:806d8b25072ce8760d323efb95dd575cbdee7d056c681e7afe65d6c694156903 +size 387100 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02070.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02070.png new file mode 100644 index 0000000000000000000000000000000000000000..f9f806a81961d6c8de676429b2c1befd88c273b4 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02070.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b58e9fe85461a64de30d92ee5789fd814f311c608ad0506b28848ac2d7602da0 +size 401706 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02070_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02070_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..725e7dfc9dff4ad5f184701520c72d0fa5c0bf18 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02070_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dfb8c5f788db572f17fddfe8d3d872c63990805d6d10d5409b11af8084d37f3d +size 430328 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02072.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02072.png new file mode 100644 index 0000000000000000000000000000000000000000..f3cee2ef6e65b0d78d52c6d0ae3f58d396f3adfc --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02072.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99011bc335d552f73858167cf2597c7c2ec79971077fb8cb719c8450e6f3ec2f +size 424533 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02072_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02072_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..cb529c0117b3dbdc95039be74a28d749fc73f8cc --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02072_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a50b8385ada2c15d17d0fb42876d4662535b523530138415906c8b96de9708b +size 388038 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02072_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02072_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..77cbca2363cab20822de1b2627b18c9aaab3697e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/02072_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9a02befe77c97608f6f460b7316d6449505ff2f35e4ac1422abb66aad576dc4 +size 427088 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1037.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1037.png new file mode 100644 index 0000000000000000000000000000000000000000..ef4e116979134e353d7f6bc2cce2d9004075a93f --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1037.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a615a8fa07382d95b2b1f8858eb7ded9e466800918b0a18390659de5bc2bd348 +size 365322 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1184.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1184.png new file mode 100644 index 0000000000000000000000000000000000000000..30dc25cc5d038202d16542a46329f70d4665a671 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1184.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0c31a7b9d91db82f29c2c0db6a535ad59e084613b8a6618e4f44fc964069782 +size 516971 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1228.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1228.png new file mode 100644 index 0000000000000000000000000000000000000000..6acf4fc0b63612049a4daa91944615ab12a79db7 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1228.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3d320018db9489162426fb34d9c997b894bd161d326e65171526a58b199eac3 +size 296147 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1267.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1267.png new file mode 100644 index 0000000000000000000000000000000000000000..e322ca247bde0f1d7a1c6421a4169b1c9b5a3ad2 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1267.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:273ff33cd5a4b2560939e16f9146741ab5404c5d71868289b6f89beeb8b48301 +size 577887 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1352.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1352.png new file mode 100644 index 0000000000000000000000000000000000000000..6337cdf8b3d4f7b86ae5e1ad9cef29b9b80aca72 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1352.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5127b924c6a32391e6ea99779c6f72a003de111ab6c006091c1ab8e2544e297 +size 484466 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1386.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1386.png new file mode 100644 index 0000000000000000000000000000000000000000..48073c2e076acd0603b749d243bac687d5d558e1 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1386.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13a120b539f8b46ea1bfa071231845f4442fc392a85083e8b19d36f6b29c41b6 +size 469391 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1393.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1393.png new file mode 100644 index 0000000000000000000000000000000000000000..b01de384f935d80f10b7e69538837adc9440ac06 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/1393.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:048b97651e0df5b7f9d711a935d0a0318020870ce527942695eba49ba3e22cbb +size 417007 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/145.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/145.png new file mode 100644 index 0000000000000000000000000000000000000000..15f7f60e64c84d6c10fd16ca564c89499423ce34 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/145.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b3eecb1380a69b764968274e96dca53cdf8ed7f64ac1aee94b7719898476b6f +size 463494 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/2630.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/2630.png new file mode 100644 index 0000000000000000000000000000000000000000..8f314e3074af107917c866033e5cbeaa3a1e7462 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/2630.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c393f4cd13d9d6a1eb137e11d8b1ad4066e10689af1d4eb7a25a84f9e0433c4 +size 416213 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/5821.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/5821.png new file mode 100644 index 0000000000000000000000000000000000000000..b38e663db36067951762c33533985164a512cb17 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/5821.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8017a0ff188b4576937d55a7bcec7ea967b3f04488ffc63e87771ef1d51d369 +size 434418 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/5904.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/5904.png new file mode 100644 index 0000000000000000000000000000000000000000..72ca19420cf0f479a60a715609ecfdb8a68c4808 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/5904.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:658272e106bff9a3936a99bbb36d6543d911b62e09945ddc571c7160ecbb26ba +size 446514 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/623.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/623.png new file mode 100644 index 0000000000000000000000000000000000000000..0af0a7f0c2c2d43d7e16d150829866063130094f --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/623.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a12dbdd1b024a8644cacb8ed6497eeb2c9ff7c4a063942fb9d049a3d1c164896 +size 383538 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/697.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/697.png new file mode 100644 index 0000000000000000000000000000000000000000..573579c038c1482be64a4cad263be143f9671ef2 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/697.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03d56c8a6c98efc132b6128b8a3857bd390d2d6490d305d86d866414c5849325 +size 447967 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/815.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/815.png new file mode 100644 index 0000000000000000000000000000000000000000..c5385727dc41ed0d291879832ebd20adcc1773f1 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/815.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96c23363aea24aa775714314ace4cf3d82d5f80b9317ca71efe7325a28bfdca5 +size 369233 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/892.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/892.png new file mode 100644 index 0000000000000000000000000000000000000000..7feafbf939c23ba77491a40b1b2aa838540bab3c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/892.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec5a42a619a8443088a28c23e0084bfb093bbfd80a84a8efcf102edb9575f7dc +size 526356 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/933.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/933.png new file mode 100644 index 0000000000000000000000000000000000000000..eeaeea922e80bebb0ffccda914ec0da8797c9b91 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/933.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64b5fb1da8d1ae69a44121a4431eaa289af7885f07bddfdc06b2988387d02e70 +size 545595 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000001.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000001.png new file mode 100644 index 0000000000000000000000000000000000000000..fe1ec94b8bcb60e61c7fe063078d1a0eb7f38dc3 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000001.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de949e663ae9b707ebffc2c56bd5f37e94841292347922aa4342a63fdfd13b75 +size 353412 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000001_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000001_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..646f5b546e07b71db9733c1ef656b7fb3de10fd8 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000001_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08a916182372112386481c87cb56269b698cc0846a17a66ccc279c4ebe197468 +size 435982 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000004.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000004.png new file mode 100644 index 0000000000000000000000000000000000000000..752e2138afd349c4bf3e92f7c6b4c5865ae9e11a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000004.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a86e198e4fc4dc2fc7404a2081b27dcae71428cdf269123dc338e31c1bee519c +size 357948 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000004_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000004_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..2b57a48ef6e0abcbb78a86cabbb719301ef8176b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000004_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e20b0b588e7d123573df1dbcc58d38cfcd5f704363aeb9c0b19db6902cfd33bb +size 409713 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000005.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000005.png new file mode 100644 index 0000000000000000000000000000000000000000..0514b53dda22667e59cc8a8b18ad277bf540e796 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000005.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed03ea4a01087286c2801c8dfe7b8f2f0973fe9876b6629ac9543e48f3878622 +size 388453 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007.png new file mode 100644 index 0000000000000000000000000000000000000000..f627bd00263985da3532720bad88af4af833e9a6 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e15bd71403811d4fb04d93209811d7ecde38457d6c2262071bc25f8872f2914e +size 343585 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..ffbb3c68d9f54edaade056361387faac90a73737 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de468d3b65844a6bc033808961e980b1d38524697e6dda4b8894026395a50d58 +size 409143 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..4d991c718efd485f14763ab4fc5282ac63e2fcd1 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11465a4d762c4bfa56ea7cf28c4432bf5cc6d7fa5936ca5cbfc2fafb279152a6 +size 422480 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(4).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(4).png new file mode 100644 index 0000000000000000000000000000000000000000..2b8c9bb07bd3bdb47b9d629d0c3c5908dc2aa1c1 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(4).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0369b3682a6efbdc7f26cafd14759df50d2d79ff61df67a6a4c3d253dc0aa51f +size 429450 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(5).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(5).png new file mode 100644 index 0000000000000000000000000000000000000000..1a62a614645e94125b0ca8b38deeb44dea28f66e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000007_(5).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef26bb8c78c497be1165015043d2ea4c0bf9abe270aeb620d612797d8412a786 +size 415091 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000008.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000008.png new file mode 100644 index 0000000000000000000000000000000000000000..65a8e472e55aab07bbbf783e1c0a7ee35252dbaa --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000008.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76c129b8274975b5512588410f21363552365754a62830c39ddba592f9e3e52d +size 503669 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000008_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000008_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..282887ab3af8718c820d7bd3b7f1a19b6c9c6d9e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000008_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c95f63fe7e4899cb60ccec2f24f7ea656ed656a0cafd7598731641050cb59f +size 416210 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000010.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000010.png new file mode 100644 index 0000000000000000000000000000000000000000..5b610bfdc1ea2b075de2a0c5de94851a5a2ddc5a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000010.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f75e1d07b420ae1cac28c452a4222e55089e93a91b228a35b8837b6ecf1a707 +size 400887 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000010_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000010_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..16e70703d55febc74be95e926419333eab08f9cf --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000010_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15dde9c223141b653ce4c3a1a498edb1894fca925afaaa1791d5bc4058a6fd11 +size 399428 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000010_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000010_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..e76b1690fbd7d4abe8aef49a839ed5d147f39b5a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000010_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d6f1b4de123b32b322c236cf2704f755577c671da7d5e5470ed96a3243e7c4a +size 404608 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000011.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000011.png new file mode 100644 index 0000000000000000000000000000000000000000..63d6b9472992dd98c5f6d2998baf82975a0cf814 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000011.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecd9b69638c9d414045a7e33060f8dcb4669b10a455e5c18ec40098996466da6 +size 451535 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000014.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000014.png new file mode 100644 index 0000000000000000000000000000000000000000..7d6f091a039f07ea140105d3dcda93750cadaeda --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000014.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc1aa7db5d4b3fcd634c3fa02fd3f8ad18328747f0e2e447013636b7add58c97 +size 367676 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000015.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000015.png new file mode 100644 index 0000000000000000000000000000000000000000..828709ec07681471f5df012bc6d15a8685d6df15 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000015.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:faa502de258e88a61050176fd8fe97e9783967e3e34c964cf745b4631949c77f +size 395989 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000015_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000015_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..5a88a8c55fc5814142a37cd9f2931a36a11dd93a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000015_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8b0024b4d8687426ef65609ea1fca193fc65e02b364ab3b92321e17b78cb443 +size 427728 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000015_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000015_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..3535138d231893ab0edb49c881bc33fe1b66a062 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000015_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:505af6d0de29fae40440671a89025ee647556b867a0e26f7fad221bfb737a1e0 +size 393002 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000016.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000016.png new file mode 100644 index 0000000000000000000000000000000000000000..d3daa82cdbddb8ac20c880ffbc5161300fd52a46 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000016.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b731026182fdf0b84d246fdb270ecbb93bb36859d7c81320c505caf6c4a2f2c1 +size 353700 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000016_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000016_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..bd07dbe06e6141fe0e76931cd026771066f52ce5 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000016_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbfb26886ee0257e2506a8e9376ad37b040ca4f381c1620f14a0079eed6e4223 +size 408679 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000016_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000016_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..b0593c7ed5738530a06bd6480b1705e95aea6589 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000016_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8724f2c245091be4e24b4c6e13fd5f53c0ae746fe4657806f739a4f10c8f2b90 +size 433739 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000017.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000017.png new file mode 100644 index 0000000000000000000000000000000000000000..d91864d782274fbebddbdbc45630645ed8271d72 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000017.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03f830dc1ede5b2bfae741bde6ba3d6620771edc458eb9dd3a025e814ff3ccde +size 358574 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000018.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000018.png new file mode 100644 index 0000000000000000000000000000000000000000..4e46915f5a388bf6e40804f0b87f8c5d86ce6748 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000018.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d87d170763d5374a0bf4b093a444b673bdc4a680c9b534339ec81cba5e29a72 +size 416771 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000018_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000018_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..856dc70482a4cac6c3c4051bc4f270bb31314134 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000018_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42cd08efb5843577fb5812260f75e2592fc37fe373cc6b3852f72afa423d25d9 +size 423263 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000020.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000020.png new file mode 100644 index 0000000000000000000000000000000000000000..50916d44de2e7ecf9188286a1881d642c3f710ae --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000020.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:799d98c4c75183007e4778b6596fd38fa6e59a3dbecf7fc1f521f1c93294d9d0 +size 485331 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000020_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000020_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..c99778b53939d5cdd49212eaff058ec3a7209cc4 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000020_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a513754e2e858e8fea6691b90aec2fcf3c85cba18dabaf307ec80502de967c5d +size 399541 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000021.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000021.png new file mode 100644 index 0000000000000000000000000000000000000000..8f75c899531ff363a9c54ffb40a43fb1a14458cc --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000021.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ded95c45efd0f833c3f994da2374b8de470e1f772ea156c14da360fd92220c3 +size 406103 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000021_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000021_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..45fd07b3eb60f0fda1ce0bbc1d1ea068a6725363 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000021_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6aafcef3d013be3de341d16bf37fb7f0ca1ece69151cb62e0705ed972e2a0f6f +size 401198 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022.png new file mode 100644 index 0000000000000000000000000000000000000000..956344ab6167d6bd076dfc5356d9dde09a90888d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad6f77a991a75389388d58fddc70224faa86a45082113c5e69fbc8d063da1dd2 +size 385297 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..4f3cda2f2bb73b69efb1e8d69a3ea97ef54bf117 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b723f7329bb0098d51f781e26631cc378a52b380e8e08b6e7a903f5b9e7c4e0c +size 450593 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..a9425ba563cd3c97bec324a43b3b42ec5c1c4cfe --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86b4f868046e6cb824ccc90a7d301ddd7c5390f90550d35ca1010af6b196ec1b +size 396266 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(4).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(4).png new file mode 100644 index 0000000000000000000000000000000000000000..6ef2d9b472727aed55c86826be6dab5129726d49 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(4).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78070aabca21e79a60b3e7ea15cadb684682a9c85489af3f610658d06ab85b5a +size 394333 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(5).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(5).png new file mode 100644 index 0000000000000000000000000000000000000000..4b49eaf153c473dfb7fa28de4bcdc9463dd75c37 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000022_(5).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29fca11f6ee7edf0b7af7aed9e7f1c080792b30a43747c96d6f12874c648973f +size 426139 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023.png new file mode 100644 index 0000000000000000000000000000000000000000..80bb9ec54c01f610a03392e6942f034ffcfe729e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79bf8ff098f46b53c51127e51516a3e57a7c960fe22c5d90f7e53c4f1f3e273c +size 394991 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(10).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(10).png new file mode 100644 index 0000000000000000000000000000000000000000..c228becb3cc4e97971e34e40d3f3e29b0e232d02 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(10).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32478261fa26bfd9871a16a7ad1415b07d6bc294434e25fe499f350cc8768854 +size 425486 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..3bebf183d9b9cc178b90be56640ee1c3d5e12668 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c28ac5cad05b361d3179095747b1e4588db3d04f49ead9f347dc642cb24cc7c +size 323075 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..93fde8ca09f26e119bc9c5936c33599b86e4f3cd --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bd3b36d3f632c1bd6ac6d5085b6d5806646661cdac3106cb5f5eecc5ab2e077 +size 385767 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(4).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(4).png new file mode 100644 index 0000000000000000000000000000000000000000..b85cbb39d986da419e1dc0910a405f87b3de3dbc --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(4).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84efd1a0dff4fd65f5c4f597306b498fdb97311f72e694ac7354b86bd70ed5f8 +size 483227 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(5).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(5).png new file mode 100644 index 0000000000000000000000000000000000000000..d0995196e5c2eb6a4a49608d7530ddd0fad67490 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(5).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a41b9531da89413727c1720fde4060f4dc48747a821d4d9cfdc630985014bb6 +size 369785 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(6).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(6).png new file mode 100644 index 0000000000000000000000000000000000000000..5a445871afe682907d350d989b399a54c8a21086 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(6).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4895d6499e402e3fa0b065654db16fd0764453d5152294413d9123718c61c344 +size 411501 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(7).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(7).png new file mode 100644 index 0000000000000000000000000000000000000000..73b0d071aa08db67bba7f4873a0e21d6b2f1c27d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(7).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49927debb302a107e60c9d3f8d6e40e54b0abdab41a80324c560a8efbad042ff +size 470143 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(8).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(8).png new file mode 100644 index 0000000000000000000000000000000000000000..71587930d84b6707e2cb1f7180706f942d4142e9 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(8).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d4ee7bbf3b2a288d8fc3f75d28adcedd4cd9125f62ac1c027bffc0efe6b203a +size 426627 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(9).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(9).png new file mode 100644 index 0000000000000000000000000000000000000000..6aa29d78b2fb2ce428de56f69c545b99d12e6a42 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000023_(9).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13cade20673d55ddd74ad151f7263e80f89e00bc51b3d503f8ee563063c87cca +size 433692 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000024.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000024.png new file mode 100644 index 0000000000000000000000000000000000000000..472298abda58c505a72d0b0c347fa8e5ba12b936 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000024.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dffe26c722ed66b6caa8028535f84e5e94583099fc88111a0b1b8379061fe935 +size 430813 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025.png new file mode 100644 index 0000000000000000000000000000000000000000..6ec8f9fc50f7a43775d04b2caa00da28206d53eb --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6413da07f02e90bc4293b82c61e66076bf965ed5e1df2adde1a470e19620180c +size 395979 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..53035b2a708a3d7e41e57c040a3e27f2bf99c471 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a17f7536a64153e7eb648d7cebb18e950b4ef653c7194b45bed71bed64be77e9 +size 398695 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..f3eb3e53dc78adffe1c7dc612bc86c9ab71fa1a3 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d718c71e389f30c9368f539c99453b3059198441598caa4de620fbcc97023420 +size 418386 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(4).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(4).png new file mode 100644 index 0000000000000000000000000000000000000000..a1807671dabbd237c20ff43e9dae5b9ffb95fa33 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(4).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab9b375b960a305b8bab4a30f985936751033811378946f479eb2201e980045f +size 456301 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(5).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(5).png new file mode 100644 index 0000000000000000000000000000000000000000..04ae95997bd9e7869bd6b36184889b5376fb56f8 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000025_(5).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72443831e557c989c32e142f3ca3459733acf9653ce0783f209aece0e58d7217 +size 423144 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000026.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000026.png new file mode 100644 index 0000000000000000000000000000000000000000..00fbb56cab7fccc017e4b76eaed3fb70fa276944 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000026.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:461d7b386f7e591d2fdcccdd1d9fd0b9b95056f773c6d7034e9f5da81e715b35 +size 375284 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000026_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000026_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..49b1520f6fa160a2ff2029aed9f7efb7b73c9a2c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000026_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:875117b71ed27a3c6dab0db20c2f41c51597b15bb4c2f6a06c0e1e28acc3d6e8 +size 429301 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000026_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000026_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..be9848afae9da5df001a3bf9f3a312150c324754 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000026_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b17cd2d4c91bfa9fc4a6d9e0145781cacce3cd6e586ba91287b5871f73699df +size 438946 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000027.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000027.png new file mode 100644 index 0000000000000000000000000000000000000000..79be63df96d528a744d759d8ecb300ab416dd72a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000027.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10d9ee1f19e4834e73cac80ed60dde3c139cc8b2f730e044c1058684cb825baa +size 389895 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000027_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000027_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..f63f0f7f7f1a92861052e99eec0c19b90f064272 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000027_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29f1a69f4549cc95452c60dda493b01cb65e65aaaf6ea024b066f01ccb985381 +size 411987 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028.png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028.png new file mode 100644 index 0000000000000000000000000000000000000000..8cf2798280130778aaeeac0260c4a9431011e12a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbf35f279431503eadd80361b9e5757cbb0777ac8dc020a6fc567609366058a5 +size 404620 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028_(2).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028_(2).png new file mode 100644 index 0000000000000000000000000000000000000000..9268e6e4c49e049f27eb8b5f606d1d7a8c85206b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028_(2).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9d52cfe7bbd79194c1330e503e810b23f547652c4c7574ef23dec994dc8920c +size 465329 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028_(3).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028_(3).png new file mode 100644 index 0000000000000000000000000000000000000000..0d125c3998a23c5de90baed029e0503dbfbc12fa --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028_(3).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78805682b65f2a8c4f2e02d977d7d2d8c10be2ec894a4baac219f64278bf2edc +size 419710 diff --git a/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028_(4).png b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028_(4).png new file mode 100644 index 0000000000000000000000000000000000000000..a9be28d2653458cc09abaed281583b396f1bf65c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/images512x512/demo_imgs/seed000028_(4).png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b914c8721a3a08e18bed50d3f94cd9fc65e33c0bbb5e5ff06f1e258b3b16b8b +size 432567 diff --git a/demo_data/source_img/img_generate_different_domain/motions/.DS_Store b/demo_data/source_img/img_generate_different_domain/motions/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..9190489c2dfac0609e1f3e93c4cc487e46a973cc Binary files /dev/null and b/demo_data/source_img/img_generate_different_domain/motions/.DS_Store differ diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01031.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01031.npy new file mode 100644 index 0000000000000000000000000000000000000000..8668cb42eb2024c783e0651926b8505780a8711d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01031.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:950048479b381e34ba4e4e8343481b020a077e28a629b816f0627cf0678d11f6 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01048.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01048.npy new file mode 100644 index 0000000000000000000000000000000000000000..1b577de798c3a5556efb22ffbdeb5015d3dea91b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01048.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78b3830a21b657cb188d28d89ec81b64e9c794ee6a1279f45b8e431b37cf3b63 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01050.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01050.npy new file mode 100644 index 0000000000000000000000000000000000000000..b6d2d4ba6f9146e41efdb99247028da57f59871d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01050.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2ec2b8d2434b052a68e8a18b7f2ce4e2853fdfd25a5f5f440d12f9f3dffaa88 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01053.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01053.npy new file mode 100644 index 0000000000000000000000000000000000000000..dc3154c5fd059299cd26ab9fe4d74da84a3481c8 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01053.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fbecc517e487bdf07b35a8b8a68132b08fecd8981ebe0b3faab96c6da24a48e +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01058.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01058.npy new file mode 100644 index 0000000000000000000000000000000000000000..c80e7288a60aa1e657c2e46598436e4fcfc7310c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01058.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17cb2653a7476905ef44e7d8d673c7b1b66a1bf46f9323306f6cc2e6bdc39e8d +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01058_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01058_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..e16d573530af99bbc2cbb38e7e27a726f1302ce8 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01058_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1505460bf73a679f315207e54cc16bc3ac2de7becd8b28c1d9e33c76969f3392 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01070.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01070.npy new file mode 100644 index 0000000000000000000000000000000000000000..cf38b9096b9ab43732fc006e73a09edf3b3bad03 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01070.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2fe72f861b82958bf83d35bcf4b9924b36cb7b248db16a7b26cba11f789ed769 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01070_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01070_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..214c090a2031a672658f1177b3608b6180f82320 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01070_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27604a61f327effab5f3974b1fd862735a634f2fcc712bafa6f3c474211d5594 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01071.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01071.npy new file mode 100644 index 0000000000000000000000000000000000000000..3929b72373d863600ec7073d6c6504cbe02dd6a4 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/01071.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:450d3115212d17ec0aa278e68300a28a0797782c02807b88de351ed823d6e17c +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02002.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02002.npy new file mode 100644 index 0000000000000000000000000000000000000000..1b23912689c75d73080fde875f498f600bc529c7 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02002.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b6304276cd81aeb99112e5447b8c8a7d15b8fcd55537488c28ea08aa9443fa2 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02004.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02004.npy new file mode 100644 index 0000000000000000000000000000000000000000..b974476997e3d4777d55d27dd8981f2a758fc2e0 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02004.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e1207e836b5e7a73815b7a97b492ac9b132bf22cc9cd20a574c267d22b7d83a +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02005.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02005.npy new file mode 100644 index 0000000000000000000000000000000000000000..f4095624c31f6938171592422b18aec4a0986e26 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02005.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9be7f850b6fbef2bbe8ec3417a35be7f2869dd0282458b69d0719bd96d71d3a +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02008.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02008.npy new file mode 100644 index 0000000000000000000000000000000000000000..66bb8a9159416305ebc28f20fc232f7a91e293cd --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02008.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c534ca0bd712bcea5d9114e1cd9aae9cc39b28675bfa523e97c040a0d8aeeee +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02008_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02008_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..758b23f4c99778af9de9b05c2bd24e8f7a945477 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02008_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99eb5ee3cbe24d33446063df070f46ec9b90433e82f36a71a39678033b61f6bb +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02008_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02008_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..6b187d399b1d9156d1b5e88260dd5d79ae66acfe --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02008_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34f099278427412bb37bb18468d0acb70d17f79dcad39dc4c553debaa40dc0f7 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02011.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02011.npy new file mode 100644 index 0000000000000000000000000000000000000000..3accdb3eeda29f796f01a7f88a0f406ec640ea03 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02011.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5d63d498cdfc2075da2ca17b2a861bcd25b3f2007de82703093be1c346acb6e +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02013.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02013.npy new file mode 100644 index 0000000000000000000000000000000000000000..03affc72548fa56cf649288b16b13c8cec9788a3 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02013.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:086076a03d9e0b528686cb6c6f442ae5df6eff9b531ce28ab6cacf0b78df10d6 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02021.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02021.npy new file mode 100644 index 0000000000000000000000000000000000000000..2475d0406fce84a82d27de6be3ab7ce51142d14d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02021.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f05e09395f1dbe5dd52aa743d0e60ddb0c802aadd861c65a73548c9c1d52a96 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02025.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02025.npy new file mode 100644 index 0000000000000000000000000000000000000000..4a3815bab9fc820cf8e6216c0adda0c43a228a1e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02025.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a32762d4d88087504f895668db0f1b4112a53fc1e493204ab1c0114972d0cc03 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02025_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02025_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..d9048a2eb7602dad3ea6b5731bb6f2a31eb08730 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02025_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0d0bff423707e784e4477ceb0b8c8de2413b0d4b5bd29200bcf21a15b6b5f27 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029.npy new file mode 100644 index 0000000000000000000000000000000000000000..0ff7b103803f41eac3ca076c3a13cccd0e5f393b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:984670ddf535f10fd3cddd599cc1118f949807799e6c0fe66fca2c85b534ea7f +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..a2a8dbd3d61b2dd5085bf97a457429c3b828dee4 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ccf83654b6e57c109b42143bd2f889ee0095ea31b464fa4afacc2784a2f2a3a +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..1f8c26546f4b0ca7bf283b20a06a59fbe8bdbac3 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f49311bcc8ac9ef99b2cbaaeff5a8b1e26b328da8523611b335692b3e6e7067 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(4).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..84b491188f541fd6f30569b45c5bf4275a33b66b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:877b429cb4f8cf34aaec116a77fcd53bf0ab159b11c065b383ff5e73cb81d14b +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(5).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..0130ee6a63ed8b67015ebb0eee8fb7be5c89f83d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23d793f6d0bbb2ce927db75d9c2dffb8a8d3c6eb7743f5ccf77ca3737ba432a0 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(6).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(6).npy new file mode 100644 index 0000000000000000000000000000000000000000..6b43cb51ea2ada6b7828ce4ebd6cc743a93f5d24 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(6).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e2275dd87eecca94c85081df3bc5ca4039ee63e9178b51822df21957f86c4ad +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(7).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(7).npy new file mode 100644 index 0000000000000000000000000000000000000000..031cee8dffb790c0eb8ec8e6a4ea75c41168201f --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(7).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86e5cf84fce8f9cc6dbd9c538e4f7ee3b65b9731297a390d54caff176cb841fe +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(8).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(8).npy new file mode 100644 index 0000000000000000000000000000000000000000..b256bcc5727b9b02b26338204f5bfa6ca3fc2d03 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02029_(8).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc7dca8b8497df74839b7db0eab47a410da3763a8afd4d4153ebbb808f0240eb +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02057.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02057.npy new file mode 100644 index 0000000000000000000000000000000000000000..224a0d8f9754bcf1e4f5fbdfcc3fb43e5e265d12 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02057.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b98ec91705185b76161668de6c1d0c6a8c6e342009b5b8968f71c0d6a9c6c798 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02057_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02057_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..1ad3f63e1a0f2dbc2a79e7ad05ef5d29f7b00801 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02057_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e4fe989560b19c9fbc726b12065ccc9c1607ff8ae2fcd29fc50644531923d9f +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02057_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02057_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..26b554b8d24e1b1e316ef5d7ec7781b58f066200 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02057_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6325a0973eb296b938928cdffa4c23c5e4b3a1bb4c66cae92eed458ad1d25fe1 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059.npy new file mode 100644 index 0000000000000000000000000000000000000000..5954b678752a23c7ad48bbff25651d7a7eec424b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cb0134af082dd161700343b4fa84f3e69d267d8e385f4929b2579f6e3f5d5f0 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..3765c573a138dc41042cc35328841c8708f14a8d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cda2aeff2aa2baabd7537fd7078babd804a9dac04be499068124f163a853cce5 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..5589289de26028e8d627c7a6e083ada3226ed0cc --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c33c9ecafcbdb4f36a8bcb826bc3b7d724cec390e2d30249c71b568fb030bcca +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(4).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..fdd7482a4a1e0279b0ba8c4f9ee9018ebd002197 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c93458046034786dcd9e57b8a13bcf681dc1d806f6bdee9195b8085c3e1347a +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(5).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..9330fef1069e143a2d1ee298ed61535a404841ff --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e750bbc6747bc3af2ac224f5b4ac78ccc4c48de3776f77c63bbccb444253bb3 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(6).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(6).npy new file mode 100644 index 0000000000000000000000000000000000000000..3b34f0f432903e9271eb7fab486ec98ef70c6917 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(6).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be37e5d6e6a255bc3036194da81b5a792e63e681f6dda4be898fd363127053a9 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(7).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(7).npy new file mode 100644 index 0000000000000000000000000000000000000000..7d977c088f5c8134dde84e3fb44233d51bebe670 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02059_(7).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53411b89bcb1856396634a1d6a392210ffb3016e7f7f6bb5de221d62b1d73533 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02063.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02063.npy new file mode 100644 index 0000000000000000000000000000000000000000..6c79e14c8c54fc0a6fe45b35ecf3282de55a0fa1 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02063.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4161a8574c5aaee82616a8e9c5ac325a69f6e0c3f4242b9d1aa51ed3ccf283e +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02065.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02065.npy new file mode 100644 index 0000000000000000000000000000000000000000..c6f636a97ebab2f57bb74975b1acbce253f5d0a4 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02065.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb9f9e373032da7e5f750993f3b31b7738f8c5446cd7eabf3fc569df6fa301bb +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02069.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02069.npy new file mode 100644 index 0000000000000000000000000000000000000000..f5c7669e9e267d4d7a1f08230db3222f52404538 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02069.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa22ecd2140c70494e7f90dcc473d6a6d31812418c925f6204041c688afdb4df +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02069_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02069_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..8ba160ae2863bc8c0fa2414ba6b64e310904b3a2 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02069_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e071de572b98025ef26b00c7a0fd780cbe4e7e5c9c93bc1a5481bfbc555076cf +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02070.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02070.npy new file mode 100644 index 0000000000000000000000000000000000000000..4c91359f259ce1b1ce4016c30d3585ff1a347247 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02070.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df2015a75140dd0dc6d1dbcf57efb54549ba600cdaf663e4b9a301780d1a65b1 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02070_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02070_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..5abdd929404096892a7451067c9ee869c744bd25 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02070_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:713354d85aee29622e3de2ed46207ee742613a1d2c1f30da225af8e84fa093fc +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02072.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02072.npy new file mode 100644 index 0000000000000000000000000000000000000000..729c7334259db6b820d75aacb24539ac04ac889d --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02072.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:366fdd19694ec811996ebbb0c00032a50f26c461a9342fa5a1c5958b61b7cd17 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02072_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02072_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..ebdc7177b4db2b037f495a042ccc6eec3cdf2958 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02072_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45a9a60ec4e4eb71d786b9fa4ab8fe5cadb958dbee07fb1265e10af05ee643a8 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02072_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02072_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..b474769febe76ab6927d186669dd86856cd94c0b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/02072_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c42c9e9d666e09b9cc7f1b881e5ff56d76f27d6ae9c7d2738d5406650801ee2 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1037.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1037.npy new file mode 100644 index 0000000000000000000000000000000000000000..92b481156786958f7970f16f04ede8da0f3306b0 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1037.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1dc37f325e8671a075a520e1c1ce86d7e42f981195fa4f2f7dccd1844800fb4 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1184.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1184.npy new file mode 100644 index 0000000000000000000000000000000000000000..6dc35b096bd8fac2692f4a00b9595af6a195a714 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1184.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b869e4813fbccd52259073e7d764e710cf1979af2b0e9cc54db97f908f23aa7b +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1228.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1228.npy new file mode 100644 index 0000000000000000000000000000000000000000..e6d832344b667686f45c94e6ad52756dfe3e8743 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1228.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87ee5eb223fedbc6b966542b00f72e62bb8f359c627305c35f805c0e6e0a8e22 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1267.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1267.npy new file mode 100644 index 0000000000000000000000000000000000000000..ec7116f14fb626b0ec669c094282f3f26c19f344 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1267.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c1bf9bc15d8f1dcad03d3dee1c84bb2b690d4c79f622e587aeb5c4a0729c862 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1352.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1352.npy new file mode 100644 index 0000000000000000000000000000000000000000..b8bca52965c1f974c15ebf66c3e2fad7210bde47 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1352.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff60cc2aff859320058e751ebd92d6128dce0c750118c91c5d946c58739675a6 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1386.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1386.npy new file mode 100644 index 0000000000000000000000000000000000000000..fad59c6df2d1da0d78468f2d61a4460a9d2ef762 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1386.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e732a1c84025d92fcf534aabba7cf91e3c2adcad0bcb8d8356bf3d0818a4ce17 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1393.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1393.npy new file mode 100644 index 0000000000000000000000000000000000000000..eebf14aff97bbc22bb25404898e5c8fb5dd1cd3c --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/1393.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86c38e35c66d9648839d0f4b77b9bde012c38ac91e027741a1aa3cc8976e97e2 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/145.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/145.npy new file mode 100644 index 0000000000000000000000000000000000000000..03f605cc56ff11210de41af3ef0d336a67171c50 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/145.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:434dd29c6eb1ba622f4bff672d7541ef660937440229320f25d067aff710699e +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/2630.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/2630.npy new file mode 100644 index 0000000000000000000000000000000000000000..9786759d3839a28bca9da732cb1d98539a504e97 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/2630.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f39b35d0ef937a8570a0d6d4adc8a7e13f797f85c88d72cf789852bce1472709 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/5821.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/5821.npy new file mode 100644 index 0000000000000000000000000000000000000000..2561a18a0afa4b0c91920698e849fab3a9de37c9 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/5821.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8295d34587cdc0ca6c5fcb0661f73fabc3d901b6f731964ba52298cf91093f74 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/5904.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/5904.npy new file mode 100644 index 0000000000000000000000000000000000000000..160de3fbef1d065d9d76fdf0165d95a2a61650e5 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/5904.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8f7f3559d04e7e334edee932da1d7372a072a843251d0ef6d2c1ed21d2b302c +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/623.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/623.npy new file mode 100644 index 0000000000000000000000000000000000000000..f0891ea8ac1060220b55520ec5e89709c31a4dd6 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/623.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48931dea9a7da2b1602654251cc8ad5c3ffa59170c4120af89d195205dba8451 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/697.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/697.npy new file mode 100644 index 0000000000000000000000000000000000000000..390f79ac34041f0aabd865d93f1a5d383ef74b52 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/697.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e1bd518773f200f9858ede58869da12d85a1aa9e1075d50e23719c3d6047147 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/815.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/815.npy new file mode 100644 index 0000000000000000000000000000000000000000..e133d91783f903d2cd7e5e35d5d4662a4a785db2 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/815.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7af6aebf59f7fafcc3e447a60914d757fba01253c7bf1e0cbf9fad6b4e1393b +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/892.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/892.npy new file mode 100644 index 0000000000000000000000000000000000000000..28125df0287c007071c4403059fd2fd2049bd2db --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/892.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:976f42bd6a793074c5a8680d03fd6350d0359936146ac4a53071c4b78e9db86d +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/933.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/933.npy new file mode 100644 index 0000000000000000000000000000000000000000..d67bc7a4bf63f4b18fad0d7468b5c92afb0eab23 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/933.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ef4719e9732a60aefcb0c29f80c2050139a39d3afd47938631d9c729e6201ca +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000001.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000001.npy new file mode 100644 index 0000000000000000000000000000000000000000..1200241263d96b1492c34b7b66046bf503599863 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000001.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8659975a1fef15efd9a7459142873895c1ead4e61cf54f589538c6bef93cf45a +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000001_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000001_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..483e7a9036a85a5eda2c93b7b0f04bfd4eb08d74 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000001_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:896d792ef92032cafdefd1f12f491b9550eaef8d61642c7c41fb89dcd1205992 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000004.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000004.npy new file mode 100644 index 0000000000000000000000000000000000000000..d5971a3a48c88979a8d57fac0594e3b0d0744930 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000004.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5ee2e74dbb8c95a1ef83eb9dbf44f1041989005657adf5290ebb02dd4746ed3 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000004_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000004_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..f035c6709fd5874a00db2e611e8ecc9fa644f27f --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000004_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bdbf7ed79213971f6635de57ee040ca4a6f56d2b27934778b658334b3c85ead8 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000005.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000005.npy new file mode 100644 index 0000000000000000000000000000000000000000..454371f315032924b11ef93ac2d58f2b810f6c21 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000005.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:143089e602eb243e7956d434411d2615e0ffe9ea4e2eaa552983b38e9acf435d +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007.npy new file mode 100644 index 0000000000000000000000000000000000000000..0fb9bf779708ec27e273aa76e89ef840011c1476 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7645a0abaade283c5dc334f26c53aa63c3cbf6c049d2b8363c6b81cabf998cb4 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..fde7868c220018b93207a85fb75df77cf8854651 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34df58b234852bf7de11580759ea8c163a302fec3464cdaaa3f9d420c369c312 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..b458670aa0cdd28177454d127e9fe1865194f65b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dacebe50ca229545c9b72120c9652970c011e43052e8437ca1421f59b3c6a620 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(4).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..6f8fa9622d9bc157dcfd8bca40d91c2a8a1de534 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1aa5d844bc087496fe207d11e0d914ee6f57bbaa6edfc918d319ee67aa844e3b +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(5).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..b3f96942f048c1cc2a2e48b9d508dc3ba8bc9ec3 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000007_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2acc0ea6cac9805cffb2b5bec9ae643451b0dd3e0ac148e1053f14ccd39e20ff +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000008.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000008.npy new file mode 100644 index 0000000000000000000000000000000000000000..7e7ada070c3ffc1a455328b447ac3cf52365995a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000008.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59de35ef1192997bcb19a0c1e0d7903786dc1ffaedaa8171d05a7e6204c01717 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000008_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000008_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..351c93da25f6cafec3fee80ad8dbfb1553fe8654 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000008_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e69c1a8e42bdac66f2fe2ce7fabedefde3a771e8cd9ddd03ad82a23c0c70f768 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000010.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000010.npy new file mode 100644 index 0000000000000000000000000000000000000000..3d62b091b927fefc168dc51c2d5e9847dd204ca8 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000010.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c573673a287acb7ee96568045c76721445e74988aeb8feebef18c504090a5682 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000010_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000010_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..852ef64ada7dce2dcb11d2630fcab7bf9408f12a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000010_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfe5fbf5c146b2a269b25c7e16ddb2ce44b54d6d262fddb12613177b1dd68e81 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000010_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000010_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..d19b3c88d484e0c626804d080372ee975c005a4f --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000010_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a7da638ab8f52e6b37ea85ab773a81e6977065df1a5cb7de2174f6e130e6420 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000011.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000011.npy new file mode 100644 index 0000000000000000000000000000000000000000..ba654ec2ab6d5e8752d47b35747b8bc9bba2d5a6 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000011.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68bd49c857444dadc78d029a7a144b4a19b486a6e5cd2636b3178df8447e06a0 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000014.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000014.npy new file mode 100644 index 0000000000000000000000000000000000000000..5eebb3146fcb4447b9b2de560af81bd675b2f1d3 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000014.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e3518253b76136cad03745e0ac8a5b7f224a601b0a7757eb0ffaa24df5b3c66 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000015.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000015.npy new file mode 100644 index 0000000000000000000000000000000000000000..982ed1638f2c117abd8a0bffbfeae6c1bba97191 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000015.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78d6b5180b40d8c972bba34b857fdaef57c873e3d83b6cc2404b096fc6130d76 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000015_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000015_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..5dac9ae6844b8a87d4c44ed12a2c85004ac1096a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000015_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a1376970662ed732fb342f2ad8b7abf332fb5be443cbb27c4311fad2c9316ed +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000015_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000015_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..c03093f9600188ae02a0f87941f0a474ed2c75ae --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000015_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3277201a7a020921e4975295f657befad30e120b40953569775eb696bd48a1e9 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000016.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000016.npy new file mode 100644 index 0000000000000000000000000000000000000000..e39a1b4bfb1b1ef34306d188380d64fd194f5693 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000016.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61073d60dc058b5518deb098d6fb82a0dc1969d162262d69088c5351bd91d1f8 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000016_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000016_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..1f17a84372942903197c7a8555bbf08113118548 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000016_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ac2dc460ba199a6ea9266035a5cc5e4796e43ee03445c032c2404324067eb4b +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000016_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000016_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..d409f9ba2be95afde754df3a7fffa690e4f4aff4 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000016_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbf8bb6e78e2e163c152adcec8bbbbae75ab6064b55fcbd1dc9ccbba320796e1 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000017.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000017.npy new file mode 100644 index 0000000000000000000000000000000000000000..70fcc6eaad19e6f4489a84f6528378332da7aa71 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000017.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5712c897e6a303e9531a30812f175a185f23db0cd4c2081e5d480ea276e546b3 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000018.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000018.npy new file mode 100644 index 0000000000000000000000000000000000000000..11662883190760385f7f7fddfcced82c228b5c67 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000018.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22fdb6c2eaecd8620944cf838e5f3e82efc187ba0b753e5f60548b1b0cb6bd40 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000018_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000018_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..d58e2bfbe18a5c8a27e47720fd0989e3ba4dddf5 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000018_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1c8c6e9031f87ef7d344d4b281fd7b9a318091bd64fc7f6f4654a52812c9302 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000020.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000020.npy new file mode 100644 index 0000000000000000000000000000000000000000..854d93d7674871d1ca1551556a4da2f0cf13f467 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000020.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b33715c3486248c29a59f033bf0acb7da1ff21e366b88a42def9cac68df7b00 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000020_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000020_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..3f2bd05c62a1ba3389b966e3a23e0c1b94cd3a51 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000020_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edbc8d76300f4d30d9289a037e7d4bafba3af93ea182cc4f8917fcef1367564a +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000021.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000021.npy new file mode 100644 index 0000000000000000000000000000000000000000..6208ab8de09beaf7a5cc40c2fc01ffae4e331245 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000021.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7027ac9cb3d8db756d22bed9900807f6e88bc6d811c927b079bf3b263fd1f506 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000021_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000021_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..71df4a281e692dd0c7eec208351afb865c3bafe0 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000021_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57cfaa65dc5a0574fc7ff668cbfa16970ce719fcae1eb458f27ab91af81012a8 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022.npy new file mode 100644 index 0000000000000000000000000000000000000000..be5bfaec56f54ecfe72d158560e0b1f5536ccd16 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aea50f7b9a77029dbbeafbdf371d199ff3189edd6b12aa09ba5137663a237865 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..636fb03da1bcf876e08a0b06e75bbbfdcf7319be --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c04aee8384d305fe3c13fb0129236f0504ee693d9d7113076a015a916633837c +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..3e455701ba33159a6d072b321f29f8cd22494b94 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34f9803576ea62b6630775ee8ea22bee721506aa0a574008ecddccb57a2c085e +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(4).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..63bd4be24a1bcdf7eadc2f64b42ea6673671e7b8 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e9020765314ebfb3ca547b6d0695729860813bc1261d76d5e6d390707d21608 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(5).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..e4355fda37da592f4d5202e77570d4b479da3588 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000022_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a059f1d1f07f904d8c71a09d771a1a8f2997fc375904fef1fd2ec9995782c1 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023.npy new file mode 100644 index 0000000000000000000000000000000000000000..3adc229320c02668fb96aa36a4c874581332000a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4782fe89352ae17acaa1cf5aadc2edad98bd389101fea633d665d9ebb5a780f +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(10).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(10).npy new file mode 100644 index 0000000000000000000000000000000000000000..8c8715b7e119a8f310776f601d07264c765d8940 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(10).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:983331cc6e54162f646430481bf9f95fcaea74b1163a26828c0cfba36674932f +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..ca58a2b7ffe540a9f995b9f36c9ef6af5a0b1b75 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee8088092b24fb5811b207ac67141b0e0c4c846f0a4e6b56b91c367e9fd39cf6 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..39ea77121a0976cdbce612ad89e17c7a4f2f88fd --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c09cd4af0079617fd7666c84a77dfed096087d427482a67dee00d6f9f5250f98 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(4).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..3b573917380eb732d0a440b0bbfd2943ff94202b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4340113473c5af66b2da5d6e5daf986f4a3103af50c42656b2bd3590f5f26a2b +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(5).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..a70b60b7d2d727a78a70aa8311c8073e93fe7b60 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35790d4a46d2347e731ed31a642f82b0125e4b5c223655f8c8bcb72ac2dbe238 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(6).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(6).npy new file mode 100644 index 0000000000000000000000000000000000000000..ef1b0dd7c732de13bdcea3e9289550bb1310a255 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(6).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64aff74c01bb1fda2f44a0169c3ee1c77177d429a6fc8b1b32b76d0f42d92643 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(7).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(7).npy new file mode 100644 index 0000000000000000000000000000000000000000..271bdcbe8c8c31fa338bf3ce4ebeb9105db24a08 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(7).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18a93af2e4e4e2e1f094cd1c98ce83a3e218e4f16b2e6fa0cfe0eabf1f7c76d4 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(8).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(8).npy new file mode 100644 index 0000000000000000000000000000000000000000..96b9220a7a470b0b4965947a0e13666e73be2b5e --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(8).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6783090c093e27dac3267bbc59d5738e6476e9c67f4e0267de7929016ceaa09 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(9).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(9).npy new file mode 100644 index 0000000000000000000000000000000000000000..d184ba928c987ec920d71aa8a53273921c4fb87b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000023_(9).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a43f4033fd3530979f335759479b2b34618350d86e04113bd8482377eef03bbd +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000024.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000024.npy new file mode 100644 index 0000000000000000000000000000000000000000..290269db8563e9f9119456b5fe95fc93f34120b3 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000024.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b6dc1c9624467377f8a2868d5fe0e64b7efaf75b71cfa48aa08b927ef80ab56 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025.npy new file mode 100644 index 0000000000000000000000000000000000000000..8d7087a5ba960271cfedd501f839b5214c24de5b --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9217632640225b3c09bf74ed0624d5208696fad45f38390884d4f0e35740e654 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..25b8e231f31bc06024c9abbffd95e50e9d4dc541 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d55f74faaffec20d57fb41b7dd344eb48d856abfc65f96a9710fef3f4770e691 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..5d30859b82f7cd2249c382ea56a9890340bb6404 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5f01717bca403ca81a1371301ce4743c2fdbcbb4702a10bfab929df8c947224 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(4).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..6dfc2c4b83210a0bb7fdde977d0cbbd2d0f8dd14 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8a339440f12a69bcfdb53bd40db81b39dda28130255e7b33330d137a736eeb0 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(5).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(5).npy new file mode 100644 index 0000000000000000000000000000000000000000..c2a8ae044b5e81b69fe4896bd96b81c8a002107a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000025_(5).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3bb2697d2e4bcf8e0e8d60e41262db3cd9e1c955d361f05979473e34cedad41 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000026.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000026.npy new file mode 100644 index 0000000000000000000000000000000000000000..a9f66946bd931a445abe904caa06a0ff88907f82 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000026.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0b97771cc9bd64b23d477f8cd0505b4d34932b547637c53d84336d7388bf767 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000026_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000026_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..5c4b866555dfeb4d40aeb49853498146169be941 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000026_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bdec2cdb0ee044f16cb34c33e20a5e362fa5de14019a90489bbc6340e5ac85a0 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000026_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000026_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..dd2e782f6d4c5c80fd0ea48cd9159b4bfce23404 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000026_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:193b18c6cab7a04a594a419f124a05149c34be6ae16b94c335415a2329502801 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000027.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000027.npy new file mode 100644 index 0000000000000000000000000000000000000000..6e49610d731e329d7ee561cb1a6b239eedc5a1f2 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000027.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e817107ce784436127b274322a107fd74f970660b1170916aa0b7f07c4492f2b +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000027_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000027_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..4db3ef574b42c491e3edd772aed69338694d3ee6 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000027_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32698f00a9b68c7ad8d54a4376e73c19bb9a665e59cbedacb5941e632814aeae +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028.npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028.npy new file mode 100644 index 0000000000000000000000000000000000000000..4dadf7473ed56734841092281556ccecaf42421a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64c64cbc64b5f31ba951854284ba1643fbf9c18a7f88ebfd01ea8635fa1d65c5 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028_(2).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028_(2).npy new file mode 100644 index 0000000000000000000000000000000000000000..5fe56b420d8dae94ce3b617c0cbdad98c8270f22 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028_(2).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f27de23f8f1cb6a19eb5ac8eb578e902178b8bdb84936be5d1f9bdf3b8c6ecb6 +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028_(3).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028_(3).npy new file mode 100644 index 0000000000000000000000000000000000000000..3069bde64d9865a5a2512a832773729d074351a9 --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028_(3).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d7d8070092f14f93c636695467db400c00467c5b29c7cdc38abba93f1a43c5c +size 2320 diff --git a/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028_(4).npy b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028_(4).npy new file mode 100644 index 0000000000000000000000000000000000000000..dd72a942ee300d385e36e0ba7812ce7b9b7e780a --- /dev/null +++ b/demo_data/source_img/img_generate_different_domain/motions/demo_imgs/seed000028_(4).npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bd8b6e60c636c955f982d9e7fadf47552e6495689bb1ab6940c2b32e4370f80 +size 2320 diff --git a/demo_data/target_video/.DS_Store b/demo_data/target_video/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..7e9bffe43385f9a44b342a374b777c564b0c003a Binary files /dev/null and b/demo_data/target_video/.DS_Store differ diff --git a/demo_data/target_video/VFHQ_1.mp4 b/demo_data/target_video/VFHQ_1.mp4 new file mode 100644 index 0000000000000000000000000000000000000000..d77a68395583f08dfc8751c1f300c51ca85d7af0 --- /dev/null +++ b/demo_data/target_video/VFHQ_1.mp4 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efcfd1a314a8b3f4f326caa8a35f8fdc6bd87b438d53960eb68354b066ba792e +size 520704 diff --git a/demo_data/target_video/VFHQ_2.mp4 b/demo_data/target_video/VFHQ_2.mp4 new file mode 100644 index 0000000000000000000000000000000000000000..7a2b7fb1df485c3cc18c67767a2e1ae1d0f5d483 --- /dev/null +++ b/demo_data/target_video/VFHQ_2.mp4 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:166c24574ae54237693c8d8caea966b5144c1c0a4b9dbcbab892a3feb6502341 +size 856462 diff --git a/demo_data/target_video/VFHQ_3.mp4 b/demo_data/target_video/VFHQ_3.mp4 new file mode 100644 index 0000000000000000000000000000000000000000..f5e817e2b43c7c3d9bad048dc5a26952f9239524 --- /dev/null +++ b/demo_data/target_video/VFHQ_3.mp4 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc5fe580202bda4c969022252a6250be7c096224e813234b8a42fc1e0beb2e1f +size 788218 diff --git a/demo_data/target_video/WRA_VickyHartzler_000.mp4 b/demo_data/target_video/WRA_VickyHartzler_000.mp4 new file mode 100644 index 0000000000000000000000000000000000000000..47ccfe24606adbae89587b2107faef0f65121a41 --- /dev/null +++ b/demo_data/target_video/WRA_VickyHartzler_000.mp4 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccb1e3c3b5c75aa43a1bdcf8a3ab2709463d8019b2d969efc62255f720d48083 +size 545450 diff --git a/demo_data/target_video/data_VFHQ_1/.DS_Store b/demo_data/target_video/data_VFHQ_1/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..4f5e194adb24a1221b431c87a7d071a123806cb8 Binary files /dev/null and b/demo_data/target_video/data_VFHQ_1/.DS_Store differ diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/.DS_Store b/demo_data/target_video/data_VFHQ_1/coeffs/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..66f8566a53ac9e0b9453891500f2ecead1cec29c Binary files /dev/null and b/demo_data/target_video/data_VFHQ_1/coeffs/.DS_Store differ diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/0.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/0.npy new file mode 100644 index 0000000000000000000000000000000000000000..c491b35b627496e77d37b44a25fee1640657d9b6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/0.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f1744035a8110cacd342176628b9572aa9fc0595d43cbc64549ecdbff396926 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/1.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/1.npy new file mode 100644 index 0000000000000000000000000000000000000000..34d5e830402863318f009c4f3927feae9901cbf3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/1.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09bc4fff3d93b9a75ab304d537efc70f183541313cc2830417539c060c8c4ef2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/10.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/10.npy new file mode 100644 index 0000000000000000000000000000000000000000..ee3945147f0b33241d509cf02d9d08d3c69bb991 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/10.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:afe5f21d4f8536de56b6a9955fef593f406a09c1f25e171afc0f368368e1a18a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/100.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/100.npy new file mode 100644 index 0000000000000000000000000000000000000000..1ee384a07356e52cf732aeb5a990e3d18eed25d2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/100.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:411f67106e9c0cdb6cb09bbd79a39eb2aafaf84ceaa7a63d2256f05b08cd75a1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/101.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/101.npy new file mode 100644 index 0000000000000000000000000000000000000000..b1ff5c98dc47308ba3e698f6d651ed76e7648e4f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/101.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13cd778c9e7fd91bc59f5bc099560296733f1f4fe5e683c6434209d5c7ed6735 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/102.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/102.npy new file mode 100644 index 0000000000000000000000000000000000000000..56b57432855044168cb410190e267c2a10d4eb44 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/102.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:566a744c7a73db123fdab9fbe35e5923ff2865a5b5adf0808fbb8c2c64b3cab1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/103.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/103.npy new file mode 100644 index 0000000000000000000000000000000000000000..652448c18c41675d17de55068746b9c0cd125b17 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/103.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9712d6420042e821fec5bf18d0302d0efe6d99662f5413aab5c08896c2fc33d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/104.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/104.npy new file mode 100644 index 0000000000000000000000000000000000000000..c17d519c230ce060f3a3316d246f5b62979f60b9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/104.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:740d0b1bd27167a6a470ec452f99662af60729b42d3ca771e35b22bfef5d0abb +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/105.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/105.npy new file mode 100644 index 0000000000000000000000000000000000000000..756378431fec3a864721a7e64c269c09e78b082e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/105.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:406702b2cab31ac3339f1180056cfee675d9967f9bdfbd173d6c12c5340a8604 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/106.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/106.npy new file mode 100644 index 0000000000000000000000000000000000000000..92cc6d07bb392c8d260e3caf22a46eef90de12c7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/106.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40955526bc07c8987a546f4032507ad896eddd98b9f639e051c2980c2bd2a899 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/107.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/107.npy new file mode 100644 index 0000000000000000000000000000000000000000..0bb47ceeb22f28ae9e88d5c320b4ece9afce6006 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/107.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4993d52031810f80294ad54d09910e54bc2e9a5fa939656afa4f36ecbb75990 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/108.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/108.npy new file mode 100644 index 0000000000000000000000000000000000000000..c8e28e0522ff4186b81bf9587acf964032c54a84 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/108.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be5fca3bf2b9e5ee5a50dde655910c5d688fade2a41cc02c4b2880f03b6871f9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/109.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/109.npy new file mode 100644 index 0000000000000000000000000000000000000000..9235e92316cfa48d607ac021aba3b96305650a28 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/109.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f79bac916b52d40551f1e61953d2ed94a5eb5c527bdd5d61bf49972794a135b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/11.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/11.npy new file mode 100644 index 0000000000000000000000000000000000000000..3d54966bcea7b99531e586bc162076304f171cf1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/11.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8930a3d5dfad638ae5d30c1b16a15c9caa9795428d23453dd7e70bf0772d38f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/110.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/110.npy new file mode 100644 index 0000000000000000000000000000000000000000..ac99cf8569d519df7ef9564ba0572374f880d1d0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/110.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b2d6f5ddf992610779aac960e3bac35aac4720e5933157939c227b2ce4673f7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/111.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/111.npy new file mode 100644 index 0000000000000000000000000000000000000000..08954b15dd64855d4552d56b1bb617fa46db23a7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/111.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39476ee99f8b965f416b4ef7ff4322318f9a515a5783580ef1464df4c2c1b88c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/12.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/12.npy new file mode 100644 index 0000000000000000000000000000000000000000..60ff8189ebf4e51e8bf2f56c6a64499e4e05ad40 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/12.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37ea80efa4fc10d72c749c0608a109bb4753edd9606c579f882c5e56e077ebe9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/13.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/13.npy new file mode 100644 index 0000000000000000000000000000000000000000..de4e22a43bc502142eacd49ad18284c1608f9793 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/13.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:602ed7d9d561b0bd22b89bb5b15e71ebfba63595e91d11f0346885b61cb07b0e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/14.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/14.npy new file mode 100644 index 0000000000000000000000000000000000000000..baef002ef809e029c915655525d18720e8cfd905 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/14.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bf7abb36b6785291540e69e8c106cc33205e3aee13a5b0866026703f675f62b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/15.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/15.npy new file mode 100644 index 0000000000000000000000000000000000000000..6d245bd7cb533661e88e4a8dd5cfd11a2670f17f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/15.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d883b617c7d5b72f1d3fd53317ff28a6f8309eaa6da919e4ae405239d9ea6686 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/16.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/16.npy new file mode 100644 index 0000000000000000000000000000000000000000..75ec6c328ced97e74e88ed6c4d7c2bfc3534296b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/16.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a75e4cfd32494d9b98493f8cbc86b8dc872838ec44d5758c7111d33e434afb8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/17.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/17.npy new file mode 100644 index 0000000000000000000000000000000000000000..8534fc6e6290e7457f6b67f8d32436201060ea53 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/17.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:336279a2ae7cfa73b4f4b49293dc49c3289153f7ac2795273b0686bff6121a23 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/18.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/18.npy new file mode 100644 index 0000000000000000000000000000000000000000..2191bb3f5913fdc09ec02441441aa16fdf311241 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/18.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b734cd2c15b3266b70acf87e7dd79eae1d622c0cbad89ccf951c42dc2758eb9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/19.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/19.npy new file mode 100644 index 0000000000000000000000000000000000000000..9f2a80bc868b30ca29c853b0f808f54c9543012a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/19.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b1d0a3235bea029241f2f7d15ec7e55b1992b9b66675272f0b44694cc7d60b1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/2.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/2.npy new file mode 100644 index 0000000000000000000000000000000000000000..d3fb83b94d6a1295f716a7287b50c807157a6b25 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/2.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b17a11522a23519167d74924ebe72f2f9fea80d71926982eb2db565d81a8cb76 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/20.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/20.npy new file mode 100644 index 0000000000000000000000000000000000000000..20f6dfb5049aa982d69e5e03e9f7dcbf7c887597 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/20.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7300592dc754f120a81eb230f8b8c6ad53f7a720b94f3621e06f582e9f9b2056 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/21.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/21.npy new file mode 100644 index 0000000000000000000000000000000000000000..b8f8676476374859ab15c3db66eaa637bff9d568 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/21.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b102ed5e38b842d2cb8a92ae17f88a570dc65f0fcb28b9fbc5998e5b52e321d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/22.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/22.npy new file mode 100644 index 0000000000000000000000000000000000000000..2e21c6954c415f612bc508a809c3b4a1805eacab --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/22.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83f1b45b0d792c8a0d54fbcec08a4a2dd4174e62db494afa0b2e21b2fd13562a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/23.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/23.npy new file mode 100644 index 0000000000000000000000000000000000000000..48007c5393bd64536a09662e988ca9c045cbedb3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/23.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6eef03666dd5c5914771838f6664fe94f5d891325361772efc63bba2603188b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/24.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/24.npy new file mode 100644 index 0000000000000000000000000000000000000000..13853416168deb15437db0b31c9b08f02831764e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/24.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c74dfcb1ca9522728304d8c44d60d673f844a26116845437fb369b8aefe85bcb +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/25.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/25.npy new file mode 100644 index 0000000000000000000000000000000000000000..00e8630a6bf730294e613155ff70b404044aed0f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/25.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41137be077e71aedbdc31ef636c8aa350c7ef0609bd76dcc8102799a762ae51e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/26.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/26.npy new file mode 100644 index 0000000000000000000000000000000000000000..c00586f9cc6771aa84b20c4169def1c922da858c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/26.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:862fb216b75b5c95260b40450c1b8befea2260629bcdb7247fb79dd3b3c58bbd +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/27.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/27.npy new file mode 100644 index 0000000000000000000000000000000000000000..2014530f9f5e5d27f7d8ba479e69253d1d69c97d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/27.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec827f2cf630c466ad5cae562e3416ff858e5c4c7f73dc64a934691b0133cf3a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/28.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/28.npy new file mode 100644 index 0000000000000000000000000000000000000000..c74c9bba65fc205945e0e3ec87dfa25aa5d1f128 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/28.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd466c87b2271b3b6f9e2ae9749f42a05b9946e394ee641222eaa26c2d8cdbc5 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/29.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/29.npy new file mode 100644 index 0000000000000000000000000000000000000000..eed445db7467fe2a0bb3584285a96b9c2f7f2e3f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/29.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c5409cb1b0df9c5f3a7417a7e3674940576da4813efaa1d56762151dc6b4e68 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/3.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/3.npy new file mode 100644 index 0000000000000000000000000000000000000000..7c72ff0a0b426e4effaea30b73868169095312f1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/3.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50de50f9fec5d659221c2fea732865dcc839c003a4f3a08be88e749963dc0374 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/30.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/30.npy new file mode 100644 index 0000000000000000000000000000000000000000..fc82bedd981535bcc9fed58b45f21bf60f133976 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/30.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:663c54abee483e59010a1fc9cb18b43a8b4e81d40ce2bcfad8992e4815300a67 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/31.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/31.npy new file mode 100644 index 0000000000000000000000000000000000000000..cc889fb181c6464960c5bbe1f0ae6ff484fc4c92 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/31.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb6781a2d0c2af03bb9e254510087f9186a107a0fd09b89ca4f2e7f7ecd7c452 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/32.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/32.npy new file mode 100644 index 0000000000000000000000000000000000000000..edfc9eb5a0f94ab2aafc281abcc71ea75f34d965 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/32.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8badc3f0b4871d3bda9e3f030a9c0e6918b3a71bd89b897bd53690ac8614393 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/33.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/33.npy new file mode 100644 index 0000000000000000000000000000000000000000..61896ed0a92fd2e390ad5b7f57aae775acb68bb6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/33.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8f95d300f623d138f7dda29dffaa4853502d47b6d1db05c4879154ca3983a05 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/34.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/34.npy new file mode 100644 index 0000000000000000000000000000000000000000..2edfab03b100f690ffbebe5055f34022bd6aff73 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/34.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6f84dcacc1caa39968e7f1d9f99f4ed9d5655a89d547a8bcea7a793a0921ab3 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/35.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/35.npy new file mode 100644 index 0000000000000000000000000000000000000000..5af5152156f7298abdb877fcd0240c55ca0f8e9d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/35.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b785eef5c1511a7478796cea389f227aeeb398863c741ed40cef4af5cb9e104 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/36.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/36.npy new file mode 100644 index 0000000000000000000000000000000000000000..fcd6915b1c0a8c76521f114146aaa1b57a41a162 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/36.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8d6901d69bb3595653d1034a289b79e1852ee22f018b5afce85184380a861f0 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/37.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/37.npy new file mode 100644 index 0000000000000000000000000000000000000000..dd9b3cbaa43a4d48a29ce378b69b492e81452f68 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/37.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18b51e7bb869b17892c8306f374f430044fe8bae437d68cacdbfc67fe21ccf04 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/38.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/38.npy new file mode 100644 index 0000000000000000000000000000000000000000..c742350d47bb5ef582fd617799a31730a7c0dca3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/38.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dde34d4e18fd0dcde2af85ae9fd17ff416dda544ed426ecd96e32be84b54411b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/39.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/39.npy new file mode 100644 index 0000000000000000000000000000000000000000..252fa8ab5d8f6fc9b395c4942622c222346b27e7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/39.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af0487adb1ac5ec5d08361e15c47d0c870ca8d34b02ab322025f61ca7edff0fc +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/4.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/4.npy new file mode 100644 index 0000000000000000000000000000000000000000..58f2a558fab12dbdc4d6436f3c3a80a360e440b9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/4.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39bda221084baa7403b451153dc8b13b2617cf56e67eba17cb67d208a392d03b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/40.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/40.npy new file mode 100644 index 0000000000000000000000000000000000000000..86ba83a3be8c49d90e79ea962afaf362739a0dbb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/40.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:034bba8075627cce75453bf118ca5ee7edba9b3e152fb63914519268d9c33468 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/41.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/41.npy new file mode 100644 index 0000000000000000000000000000000000000000..27ab13127e3b0a3db05bbaa3275f61e7f7fecfdb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/41.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32d53780a641422aac390179facef7cc7ea9cea718511f2d60889d045286f7bc +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/42.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/42.npy new file mode 100644 index 0000000000000000000000000000000000000000..d019332901e77ef977b127a75eb458e76d12ef13 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/42.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53532dd1850ba80e35cdd0072dc379685cdca4e08babeda3b1a59c9e56d66eef +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/43.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/43.npy new file mode 100644 index 0000000000000000000000000000000000000000..53f4b4b38890d0a97423934a8d8d6acf53d74603 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/43.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:696192e78402afc69e5c08eb384d1ff33915d104cb9b9de3fac91958bb30e541 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/44.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/44.npy new file mode 100644 index 0000000000000000000000000000000000000000..fc8067958b9c71586eb908cb7f40627d193d8944 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/44.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c4813337f41834f7dc3ef085d8e1928f6578433a8564fb7945d08a65f2ab2d8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/45.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/45.npy new file mode 100644 index 0000000000000000000000000000000000000000..16b33f8140ace17a7e161d7a666db9fe2d876c7d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/45.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e139f4a2f917440f86f570a21d1d7f4b6aa13837835cb9ee27ae4da9f587b4c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/46.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/46.npy new file mode 100644 index 0000000000000000000000000000000000000000..9a0aa8c888b2721d4261564cf094c3c0007ecdab --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/46.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da150c47b6100eaa62949be1535bbd32464e72e794c8f39db576770816108d49 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/47.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/47.npy new file mode 100644 index 0000000000000000000000000000000000000000..8402e8d3989e418819369c063ea00e72b8750c42 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/47.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0dfc5bd46945c21b7288d3fd5a71e24dd108c0819c880a2a7e43ed1fcbfed284 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/48.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/48.npy new file mode 100644 index 0000000000000000000000000000000000000000..aa272ede25eebb4ff24d8610cc0227abd67222e9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/48.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e603dbe6b983f98d5b706b0e96e2843f4832138cbdfbfe84d0a606f3ab9685f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/49.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/49.npy new file mode 100644 index 0000000000000000000000000000000000000000..e305e62a3917588380500f7775a1efc1a0716a85 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/49.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a5769ed3bf5b2459ea5a5d6aec53e6f59f3e2a9281c21963d56e895fceaee2f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/5.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/5.npy new file mode 100644 index 0000000000000000000000000000000000000000..f6d8f45545fa7a162bd63b7b684208eb7082f40e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/5.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07517b2d91bc6ddc6a7e079ddca7a91576ac1ea0bb6c249137109fde0b8b36b8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/50.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/50.npy new file mode 100644 index 0000000000000000000000000000000000000000..a4f1fe1dba56f9f53ec5d7a0280158efd116c6ff --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/50.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:caa825dff7d8e96aeae6281063ed85fcf8acf6a392ec4b223ea47345d7c7fbf9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/51.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/51.npy new file mode 100644 index 0000000000000000000000000000000000000000..9ef7e102524e7815a25c1934de628778d95c13a5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/51.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2d31d6ee19f7e5281b206954f98d5958fc13877e546bcd060cecbc5c18dc453 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/52.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/52.npy new file mode 100644 index 0000000000000000000000000000000000000000..b43dc8e11b542d9aa625007a1edd8412dd65ba88 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/52.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f683eff9e61c6bfb78c85a51a29e978950bf39c5226932146e871e97aec417be +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/53.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/53.npy new file mode 100644 index 0000000000000000000000000000000000000000..91cdb18e04fa21d9bc994f85b647f7575599e27b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/53.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c2d57ff1cb2a55d51090a1834df5cd299cb12df63c68cadf94d03dd63ce77f8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/54.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/54.npy new file mode 100644 index 0000000000000000000000000000000000000000..a7e36e22508fd675b182feb1ca48cd90e5ffb8f5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/54.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cebbfb103f1804452778eaf2fe6bb4e298b857f460dad7fe4ba509863c3ec29 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/55.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/55.npy new file mode 100644 index 0000000000000000000000000000000000000000..2a486accd3271656e2629f2aa5de5fe79460f462 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/55.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50b453c2d89c96cf2411163bb1b992c7546d96b9f472ee0408e5cd5cd17f0f34 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/56.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/56.npy new file mode 100644 index 0000000000000000000000000000000000000000..6ad35638f4eb5089ef781b3a0425ea954b778bd5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/56.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1333fc5adad8ab74be32fa6bc093798a396c4ecd13751fda3c9415998c5f8eab +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/57.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/57.npy new file mode 100644 index 0000000000000000000000000000000000000000..233acb0be7fd889d912bd59bc57ee704ec58bebc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/57.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a5b1814118bd8d7378cf3f89b3784ffb911273dab40386196272acd6504fe16 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/58.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/58.npy new file mode 100644 index 0000000000000000000000000000000000000000..193462e244a7b1205091365b863b4e4b705b9fdc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/58.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97ccad9f4e17ac6a5442fdc12249bcd24eb7b837c29f18ea084ea45003b11f74 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/59.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/59.npy new file mode 100644 index 0000000000000000000000000000000000000000..52cacbd5c9271eea821d7b4f79add94a34164cf6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/59.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:847ca160215666f4e208e477e448937e2f12912e8be4d0418ad9ddaa9b98d2b1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/6.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/6.npy new file mode 100644 index 0000000000000000000000000000000000000000..204df3a986ab5f7f9117cf08fe04492856f80aee --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/6.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0d0b91d22cf33fa8346b51f1a30cb32861f6617e5642338d82434b2b6f37acb +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/60.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/60.npy new file mode 100644 index 0000000000000000000000000000000000000000..a4d86c3eaa9cfe7e1ac29fb65318440acc2e9288 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/60.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2373e2a65a5502922829868608086f4a7d9386977b98676f6da9d5afcbdda23 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/61.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/61.npy new file mode 100644 index 0000000000000000000000000000000000000000..33bbaffb1c1e7b3e2b5bd62232c8cd8dc6327223 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/61.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cb3e7bb38b5e161f248b86cc0ae9df42feba3e7b6c2946ab711053f71416d58 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/62.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/62.npy new file mode 100644 index 0000000000000000000000000000000000000000..7798af5e23fe2f42878a2c43115d59b58ce13907 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/62.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4b051486d7b4c25a609610bd1ed17329160af64698eeb8bca845ef1af053dd9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/63.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/63.npy new file mode 100644 index 0000000000000000000000000000000000000000..78f2f7b981db43dbc449ab32725c19dcb3f5af98 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/63.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60cc35291f67cc3671938743f88021c1af57d24dba6f619e4bd8b497b711f302 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/64.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/64.npy new file mode 100644 index 0000000000000000000000000000000000000000..e3af3a51827eed0e265a9d53b6a0af6f11f9df30 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/64.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82ff1b3cfd56994a7c0da7e17ff58d425ba2e45f48e2d04dc9a210c534239ee2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/65.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/65.npy new file mode 100644 index 0000000000000000000000000000000000000000..0c28ec2eaea1b62981c69ac0137ea434b28ca2df --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/65.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:633c2c93c0302dcb8fb837eeab0a41cc9fcfa76a1a605604cc5257cb61ed2d4b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/66.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/66.npy new file mode 100644 index 0000000000000000000000000000000000000000..ee14de32e3496e860856bfb79eb0a065b7c928af --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/66.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd346e94fc9345905dba0d3b25fd8929d49e4f329983318b02fda1056c555d93 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/67.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/67.npy new file mode 100644 index 0000000000000000000000000000000000000000..97ef5578f21d3b16c00f94b623fd9f1260a1a3ca --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/67.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5fac2b9eb5468d68f891e077700cf3676285d538222e77f7e901c85a522abed +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/68.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/68.npy new file mode 100644 index 0000000000000000000000000000000000000000..b64f9789c045d5e2561109a34327751e59dd9fd7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/68.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4d6e01a9de5e6d243d72a092f8eee9a6811b484ddb872b30588ee009ac4cc19 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/69.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/69.npy new file mode 100644 index 0000000000000000000000000000000000000000..a12373f018a305cdf6dd049f831648a1dc67f899 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/69.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90b28a9c68e250bd6c2afc245aa99c01662e925fe4a2c00146ca690e673e16c9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/7.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/7.npy new file mode 100644 index 0000000000000000000000000000000000000000..fed6374228a37a5ed65b90dd9dd26f18348693da --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/7.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fff140572f2b63eb33082e73e2711f8099742f476b0dcecd1ef823de0e71d633 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/70.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/70.npy new file mode 100644 index 0000000000000000000000000000000000000000..70c9efc30ed1295dd31825b0bfeeb4ff86934e90 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/70.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ca1ab24195ec680fc3d90262268b0d0cb2285b69985d57de3a9623079620b5a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/71.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/71.npy new file mode 100644 index 0000000000000000000000000000000000000000..f688a1982dfe8ca091bb50f7292428dda976f5e4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/71.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0086d85b5ca0c02c9dcdfd4b0fefb7ee3e350bf3f96a856d44f4ae7b89475c8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/72.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/72.npy new file mode 100644 index 0000000000000000000000000000000000000000..fdd19128d85a36b1242da4b6ccf83b42c944a438 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/72.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82f7bbe123f09888befeca30c84ab9e496be25dea438c0eaa8f64570bef57e4a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/73.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/73.npy new file mode 100644 index 0000000000000000000000000000000000000000..9fcca0f283d1abb644b04d48d8134b05bd0b011d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/73.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80051189a2dbcf3afcd0bd6fbb8e13cab4ff2e8bebeecf072643fc31c5fb5af8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/74.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/74.npy new file mode 100644 index 0000000000000000000000000000000000000000..07e7e1ac36bc18f4c652c5a11afed45e8e9007a7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/74.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0cfb42f22db7f4e2597e3cc93e23015a49369c4be7668b697b337849a1df4f3 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/75.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/75.npy new file mode 100644 index 0000000000000000000000000000000000000000..865f2f82927e468209dd2b509be42497e47f6090 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/75.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:502e2c576857f620b08e432ff86e27d3fd0cfcf3cdbdfc8ef553a567fe5f01cc +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/76.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/76.npy new file mode 100644 index 0000000000000000000000000000000000000000..9cffa1f21407c188f88f41c7d85e3637b0dc79ad --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/76.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933470a854bd05a1cab1d1b4997d85b4e3d50a42efad900c577f10671054213c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/77.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/77.npy new file mode 100644 index 0000000000000000000000000000000000000000..fdd31676300e51ea3cb644b17ac6104f67ffcc23 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/77.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cef1ab9fdbb2a462355ec92471c0a69c62917df38a588c579e34616f92382b28 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/78.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/78.npy new file mode 100644 index 0000000000000000000000000000000000000000..61c0baaea7fb40bf82d2f521131115aadcca89ac --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/78.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84f45f134653e8a7f69b3d38e81e31dc23bb4677240cc0ae65d77fb4a87eb266 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/79.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/79.npy new file mode 100644 index 0000000000000000000000000000000000000000..118627df90dd70b84fc01cea57d37960c7ea29bb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/79.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aae270c8c768a3f88474372ffcf210ecdbf62e051c40d7292dbdc884476248b1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/8.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/8.npy new file mode 100644 index 0000000000000000000000000000000000000000..2be9816cedd0cc61cbf23a4943114c36a3e8138b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/8.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a896d4325de12c6eaf487f1786865559fc45b602695008e76faf5e02ed70c75f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/80.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/80.npy new file mode 100644 index 0000000000000000000000000000000000000000..ea7f1e83eb61012499da1302ab1cbb36f679cb96 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/80.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c36a57b66073e5e431c29703b0cf286807c9e5eee7cc66d8deae7504bd7e12b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/81.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/81.npy new file mode 100644 index 0000000000000000000000000000000000000000..b4c052d316a0772a19c01f92a00ed219afbf9ce0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/81.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9139b61a65f9b253f4615a68e77d9fca5bb823ea697b67ab6e6c5a32056b8f35 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/82.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/82.npy new file mode 100644 index 0000000000000000000000000000000000000000..a929425684e44de35e432e15a758730dea3de837 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/82.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58a15a441b39bc37da0cde28e4af8385b16025e143a4493903a785941245346c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/83.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/83.npy new file mode 100644 index 0000000000000000000000000000000000000000..6c67fcc89bc7d65bbc82963fcb98a45c7da788b5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/83.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af5643baf0bf76430ee7019ba11d1d4c9edb0a6f7e503ab1da42d985a479dd8f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/84.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/84.npy new file mode 100644 index 0000000000000000000000000000000000000000..74867f66f959637c2176a169042ec1cc00a14d60 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/84.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99d5fe086a0da76d7ad4c2dc6a822d43e02748562c8b354ac4dffe16f9ac8fa8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/85.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/85.npy new file mode 100644 index 0000000000000000000000000000000000000000..7717be94f9f9e4a11f46ec79f10ea08ab77fbef9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/85.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a00384172ce34a284ce561be2c1d9b2b0bfc64df2121be32e08a39c76060df76 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/86.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/86.npy new file mode 100644 index 0000000000000000000000000000000000000000..6947e1482a64a4478f0af597af553ece3a018677 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/86.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddf11d49f1c6324f4757f81036bbb0745210ef64dd1d3906687595cb58e5405a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/87.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/87.npy new file mode 100644 index 0000000000000000000000000000000000000000..8a6b4d6a6b517c915829c58d09eaca5922e794e7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/87.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0366464a35ef8f21c699b2139e70f983d1cb728bc140fff3f062797b4a9afa3 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/88.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/88.npy new file mode 100644 index 0000000000000000000000000000000000000000..0a83e56fb4f2ce830d919de9d392729bd0260ef6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/88.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0451bd92103d1ff7097a11dc507dfb5339ce151781ca56c4f012a3ad18097a6a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/89.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/89.npy new file mode 100644 index 0000000000000000000000000000000000000000..54791033a23272a33517ae1de835faddbf9df323 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/89.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10177347383f31c50232445f0cfa5ec91da1fb4c831992966bb301e98e68ac64 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/9.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/9.npy new file mode 100644 index 0000000000000000000000000000000000000000..f10f26468ecf271aec7bbfef725e5478e512f3bc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/9.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efecb25a1be462a879ad2beb67928c3062202808fe6a55d4a89eec9cc68602af +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/90.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/90.npy new file mode 100644 index 0000000000000000000000000000000000000000..359d8aa93488e678b1d1f2783d30f720db779e15 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/90.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01861262bca59fd0d7643daa772875c89c0ad3b681bcc35eed5be33cf4677295 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/91.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/91.npy new file mode 100644 index 0000000000000000000000000000000000000000..593d9ae27ed2ad2ffb63cab7fe626e23c910cbcb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/91.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:448bc8532b550fbea736a683677233a881b76325412aa027f415e10e56779f25 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/92.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/92.npy new file mode 100644 index 0000000000000000000000000000000000000000..195bdd396755f427cd83f88c8cd9db4bd2f550c9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/92.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c948d698399038355fd73815bd7b05e024abbd924b19ab35a4c71bfb522d23a6 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/93.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/93.npy new file mode 100644 index 0000000000000000000000000000000000000000..e2f76eb57e4d090529f9a392d251bf50c250aca5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/93.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67c833d8500dab379baee1affb2e6724c60d33962d45c0192bc83f3cc2f1cbca +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/94.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/94.npy new file mode 100644 index 0000000000000000000000000000000000000000..4736ca6ced562c01cf04c8466a754a62779e62fb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/94.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27c259f8327672df2caebe946ca2c3a9d1722d7188bbfc6c2e255b5cd23a186f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/95.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/95.npy new file mode 100644 index 0000000000000000000000000000000000000000..cb154d1a23f60de276e00fa8ce77702058cc90d0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/95.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce41767b4ec4e708f8b563712f2814412ff2b6645380281b31f2ac656518afe5 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/96.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/96.npy new file mode 100644 index 0000000000000000000000000000000000000000..a15cd66b6538e0033398823b7874fc447ed28dd1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/96.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87d356c56cc1fa02896fb0b2f652501b6b6fe8dbbfd71c8cb717b20615b7894b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/97.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/97.npy new file mode 100644 index 0000000000000000000000000000000000000000..cd4edc12d0f72d25a72297567a7f2bfd3b23bb88 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/97.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efbefe9944f1d92ce5e388244184e3ccca099047dbc3b6f2bf32c4bc767af40f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/98.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/98.npy new file mode 100644 index 0000000000000000000000000000000000000000..455929f1f21c45ee0a336661f417a00b839d0bb2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/98.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec9251671d4745f952502bd0c849d288a8f7f4ee67349ac5c9d8bcc838f3cf10 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/99.npy b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/99.npy new file mode 100644 index 0000000000000000000000000000000000000000..034761f1f83801b0d5e73f6bfb321a380fd8ab3e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/coeffs/VFHQ_1/99.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92d63fe772e85b2be066ce39767eb4af16a9845ddb7803d2846e8016bd41ab12 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/.DS_Store b/demo_data/target_video/data_VFHQ_1/images512x512/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..f15faf3eea669cf3fe6a04d2b28480d2d9ff2a19 Binary files /dev/null and b/demo_data/target_video/data_VFHQ_1/images512x512/.DS_Store differ diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/0.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/0.png new file mode 100644 index 0000000000000000000000000000000000000000..1d57f1e613c859634ee07a3539314090aa977f3c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8278f4afa5403aecd775bfbbbf51284ea0929f1e4847a200b2045c72d3f9fac +size 251295 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/1.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/1.png new file mode 100644 index 0000000000000000000000000000000000000000..4a6821524ae411a5393418bf16a7f5bc920b0c01 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94faa5fc90f3023e9bb9d3e1dde0f0d5363c51f973ba33abddecd2ade84dfac4 +size 252631 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/10.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/10.png new file mode 100644 index 0000000000000000000000000000000000000000..35a31b0aaeb3fffe1fecf461820c26a6ed38ee71 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/10.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b80ba78a73fdff5682f8f5129e63bc2843657c30a122e1466a4945e8db03cb1d +size 251773 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/100.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/100.png new file mode 100644 index 0000000000000000000000000000000000000000..175d395a6ba9572f3880cf4efddac2a33e520229 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/100.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15fc84361db54c848f46174510351d1ecf60084b88aa5e435dd43b4685c46ed4 +size 249447 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/101.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/101.png new file mode 100644 index 0000000000000000000000000000000000000000..9d90d358ea9636caf0c6ec402c4aa4abd3bb57c2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/101.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c7712fffbd7f4efc6bdf9a963eaf38b957440edce05f7f9bfab579ebfaa332d +size 251692 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/102.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/102.png new file mode 100644 index 0000000000000000000000000000000000000000..fe439d206f1c3dbe8416805d1af8ccdac68a3eb6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/102.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5cb1fb63fd2f51a72bc5aadc32f0b1dee33c1a1a01b056d2399726b50e64fca6 +size 247556 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/103.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/103.png new file mode 100644 index 0000000000000000000000000000000000000000..28e62709dd5718861b53f451fb46240ff9af3fff --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/103.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:057903e08e3f6eae774d8bbf4449d7035c7a32f43fc127baa92e286d43f691d2 +size 244582 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/104.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/104.png new file mode 100644 index 0000000000000000000000000000000000000000..d4aaf0c48b1cf94227df19acb613181563af3255 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/104.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b6e92581354624edae6fee4a9cb23e94f18e43b7487d9f6b8db8e779e4487a0 +size 239520 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/105.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/105.png new file mode 100644 index 0000000000000000000000000000000000000000..c4c931c4708b7b0c1842a2fcfaaccd16ec19c3aa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/105.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09c782b875aa71f98f0adb488f4d3556a264a29c48e9e04793c8a5065e907199 +size 240655 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/106.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/106.png new file mode 100644 index 0000000000000000000000000000000000000000..a7c8e3b0588f6ece5b406976397637dcc981212f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/106.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7174b86b1a8819c7c01f3cbd96f4bc984043ad7a2b9e227e3af8f8a7951edff7 +size 240157 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/107.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/107.png new file mode 100644 index 0000000000000000000000000000000000000000..655e33106201351dd88f67dc85a9f955875cbfbf --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/107.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82e0380c42b57595921a190bf9e561caa4b80938ce6a86e14f13485ce9c3242a +size 235715 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/108.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/108.png new file mode 100644 index 0000000000000000000000000000000000000000..694796f100c05037061eec79fd74c527e5265781 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/108.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dfb6e784cd38e17846225c9baf146569ffc0bcdc43d279e620faa51dee8daacf +size 236169 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/109.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/109.png new file mode 100644 index 0000000000000000000000000000000000000000..d5e1e42ef5dc137d610ff53e7ef38d341cf2da40 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/109.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf7e52fe60a00bdde96520cf2a5c36b713281de17e128d25907601ced7571861 +size 237342 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/11.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/11.png new file mode 100644 index 0000000000000000000000000000000000000000..a57cb1cc2f906cdf2459740ffb1578827811a4da --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/11.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31f16fe0c8c50204d294b4487b3b4bda3e570f1a2fa192c358a22c67775e0ca4 +size 255772 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/110.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/110.png new file mode 100644 index 0000000000000000000000000000000000000000..8e98817ca7e0b3bc5e2b1a6e84a0180cc7d52f05 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/110.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8ef9754888e63e0e6e1059f428e03f65a71ef09f82a80232b240567c28aa7f1 +size 238788 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/111.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/111.png new file mode 100644 index 0000000000000000000000000000000000000000..23e1c9d7586374fb263d99d59d99ce83fd055b09 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/111.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96e6a088e3c09792fc9b89f7694e9640f86ae2cffe311c9fd2b82273152cdaa0 +size 238654 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/12.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/12.png new file mode 100644 index 0000000000000000000000000000000000000000..1fab2c0a303e1cdfd2dec92e9e6322c43fa434e3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/12.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25172fe0883e1b56f94a45c9e8265d11af8d413a22b3fad3e84b4ae0a106ab85 +size 252045 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/13.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/13.png new file mode 100644 index 0000000000000000000000000000000000000000..d8b1df30d60ce5d6ba6ec8ccb44944d3942a1088 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/13.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fcbbb4754d8cc8d8e403a73fd65077eda01dc6bce99db6da4db4a928b1078fb +size 253595 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/14.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/14.png new file mode 100644 index 0000000000000000000000000000000000000000..0c17d367412078795a6834f540be3757628bea1d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/14.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6a259f21f76bef61179afa073b299a7c4f5b18e003faa7d41d66c10b70da9cd +size 250112 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/15.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/15.png new file mode 100644 index 0000000000000000000000000000000000000000..6592693cb56ae6b69e6bc822315cab3c9f88a9fc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/15.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85c92f71f0b24fde64c9528cb9bf201eed19635b1a9b13d240dac7431b3f44eb +size 252880 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/16.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/16.png new file mode 100644 index 0000000000000000000000000000000000000000..3e00afdc4105483e39d64edc6f1b6bdb1c6c11df --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/16.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c733fe7b97c0b0dc8737774dfffeedcb07f72b1fc7334a98a79b31c0a8838292 +size 253975 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/17.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/17.png new file mode 100644 index 0000000000000000000000000000000000000000..08779287cdb07024027a915e36f25eb745999455 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/17.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7c387a24bcf25b8a39a17a767dd132dfc9a57fb169ce4c6e5f6c74c9755b11f +size 254543 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/18.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/18.png new file mode 100644 index 0000000000000000000000000000000000000000..113442ec4467ad907e78d296034bb4845fc409d5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/18.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:529ed6dee326a317b8b13890f5dccce5e22600baa1f94e4adc0ba7a62d0861e7 +size 249315 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/19.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/19.png new file mode 100644 index 0000000000000000000000000000000000000000..f8d1d4d4c234280a766c26d814e7d433da1cc8e8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/19.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1baf8aca11bc5e6a16db4d6ad4d256b4ab5b151e6559ae94c14454fa542f5062 +size 248129 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/2.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/2.png new file mode 100644 index 0000000000000000000000000000000000000000..71a8cbffaf823468455f67420fa4a775ac0fcb41 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea0538de63c61ee695a0f6b74c89a5454413e1732dfbfa47b7caa9c566e934d6 +size 253308 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/20.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/20.png new file mode 100644 index 0000000000000000000000000000000000000000..3650253dae3ac8cfdb9b248fcc04f9bc3efe3d1e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/20.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbbc4efbe7bf343ebf2aaa873533b5ca646e04976f6688506289ea44b87b1f33 +size 248382 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/21.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/21.png new file mode 100644 index 0000000000000000000000000000000000000000..8e972bd6bd36b5e892aed0d6220c08b92b7eb60d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/21.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ac14b4b991041b3e1d39b770431bca9b8a06784932d6cade434e56a8829a05b +size 246918 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/22.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/22.png new file mode 100644 index 0000000000000000000000000000000000000000..832dd8a7d210c624b883d1e727f94411468dc5af --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/22.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0cebba1c9043f50964bfc33145a97d2ca06def92da5e80128e90875f757ebad +size 248073 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/23.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/23.png new file mode 100644 index 0000000000000000000000000000000000000000..031e598f03dc31fc11faca39ee31907665e26014 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/23.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bee11b08413ccf300cccc9815d12c99e23dff0bd314d5656dca39ab4002220e +size 247946 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/24.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/24.png new file mode 100644 index 0000000000000000000000000000000000000000..9ea4ed6ac1b8ec160d591f39be2cbe7b43e1d335 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/24.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0614e1f4c2dfd5f2724ab57d7682a251593617861a5802ca6526054abaeaed37 +size 245244 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/25.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/25.png new file mode 100644 index 0000000000000000000000000000000000000000..f55029df20667428dc5cf7ec26d560c23f6f34d3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/25.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4110548802a16145f9f97f061a36064c1075b500cccfa475268c4b79adb29f91 +size 245750 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/26.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/26.png new file mode 100644 index 0000000000000000000000000000000000000000..c57eda1cdb5668068880fc62238e45936451997b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/26.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76a72ccc4919e62f0d5c56f2c39e575a91fbd96c9b570afbac0b186ffdbcc2aa +size 240289 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/27.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/27.png new file mode 100644 index 0000000000000000000000000000000000000000..ad24a7e45eecba4a28315517ff5e2968567fa77c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/27.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9421af291a8a0801944f2522ff65d0ada1461ab225b9d10004c731c449e97451 +size 239534 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/28.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/28.png new file mode 100644 index 0000000000000000000000000000000000000000..8bca21083b785d9c0c2f41bc5d7572902aa1df58 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/28.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c0c157507e0b83b28e77c5e38028c940ca7b301bf3346f048f3410cb5b6abde +size 238465 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/29.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/29.png new file mode 100644 index 0000000000000000000000000000000000000000..ccae24cb626ce16e4a2a8cdf3f79e3b4a5330ff0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/29.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea8f4b150fce9de3e4d5a283051c493889446adc4d3c227218a2df0b3fbd899d +size 241234 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/3.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/3.png new file mode 100644 index 0000000000000000000000000000000000000000..5fd3e50befc59ae6f4ac438a50edaef6b6210cfb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c58e4a3c39b4332b91b3ffb8242bab56e08b4020da60471e5459487e9dc11e +size 252240 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/30.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/30.png new file mode 100644 index 0000000000000000000000000000000000000000..ee7b008eac44b27afa85b1b8f814ca685cf07679 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/30.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3319cd93a3a11f68f3143e712e6b49ea113c218eb7729738bb20b13962f3c5bd +size 242653 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/31.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/31.png new file mode 100644 index 0000000000000000000000000000000000000000..59e62162049f973fca1cb92c51de0264b3261013 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/31.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca79c0788c4959cfdc566e2e7effa928673ae11bca1b0d05579360ca56f7ba6b +size 243767 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/32.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/32.png new file mode 100644 index 0000000000000000000000000000000000000000..0761b3b932d18c325277ab446de17b0d8da1d42e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/32.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8923194e796fc8db7fe7319a3974cff269574d6c1cdaef5b974b30472a1780d +size 243468 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/33.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/33.png new file mode 100644 index 0000000000000000000000000000000000000000..2e02826166d288f6c96ebe46e7e78df4d3ffe61e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/33.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84b386f97f394b59bb5ff8d07dc7f35aeada1b708f4142104dbf847af547b81d +size 245673 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/34.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/34.png new file mode 100644 index 0000000000000000000000000000000000000000..f5789699055135b71d6ce89c14abc16960f7b82d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/34.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a89614bcdf8e2ebfa559caa703ad1aa4a8cc9457d1851c14d8b608e6f22defdd +size 247650 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/35.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/35.png new file mode 100644 index 0000000000000000000000000000000000000000..9d9e7faa896bda6da1d7af37904f35283038672b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/35.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6daf7e508e8f116f8bf4e1ba4123fb63166ae03bd00b9196cabe391cf0e06d32 +size 249901 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/36.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/36.png new file mode 100644 index 0000000000000000000000000000000000000000..6374d3c3f09537aa42b50c837c5e0dbf3446bcd5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/36.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a03f5fef024df2c08c4bf4d740d68e6f3ea6b2d358a6c25f0e509842d3e8880 +size 251619 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/37.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/37.png new file mode 100644 index 0000000000000000000000000000000000000000..9b832a57f2683f84d37f6dadca60dfe49fbf15a4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/37.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04993d1e68376391f90f78cfce01f2fb99749c1dbc810815608b01786b901d79 +size 250726 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/38.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/38.png new file mode 100644 index 0000000000000000000000000000000000000000..2578724beab5496efb2db7352cca5c48b950ad88 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/38.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11ce1c4e04060263d022958515327f9253249a30bd1a2ddbec2ae39234be8d8d +size 250008 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/39.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/39.png new file mode 100644 index 0000000000000000000000000000000000000000..fc8c7dcb2bb6816f3c51b075fd613b8ba76ea925 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/39.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99cacf4d258f026c7c5013aaac106eb5ac86952f72748ea193d1d35dbebea732 +size 251892 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/4.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/4.png new file mode 100644 index 0000000000000000000000000000000000000000..fd7a674e8d1194ba8aedefd41c7ad5e56c64e766 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9ac5a38c6bbc127bc38b2a7b498cfef2ec8f061b0b9ac8d101979c627e2cdc7 +size 249844 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/40.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/40.png new file mode 100644 index 0000000000000000000000000000000000000000..d8e35c4ecaaf060937dd741a6fb1f3e49a0d6dab --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/40.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dbc8af19ef6469ddfe710e702ea025ff6a5eb8601f23662ad12b691d5b571b7 +size 254299 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/41.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/41.png new file mode 100644 index 0000000000000000000000000000000000000000..fb90224efb57b99e46f56d536d2cc0f4963c5d02 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/41.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aff9948feaf4f09205ae4948d1c74a979203d9001ceaa333d7970a3056c7360d +size 254054 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/42.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/42.png new file mode 100644 index 0000000000000000000000000000000000000000..b4bb7d5024f617e47aae6a4edae8fb997496406b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/42.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:412735accc37d6451b51d9259bce445bd9940ae7fee7b1b2777508ed45e6021d +size 252468 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/43.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/43.png new file mode 100644 index 0000000000000000000000000000000000000000..83df221cfadc241cfa6efe036cf0cee52193b110 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/43.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3de9e51246d9c93c9479aadd62b7cd3263c4a9d3dee463bee32cf89a18a41151 +size 252850 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/44.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/44.png new file mode 100644 index 0000000000000000000000000000000000000000..0e8fb96394d8a16f2482766e93d18e43abdf22e9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/44.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:790a23c9fb75f6fca60bdf27299f3c0a66d544e7576774159119d15abae089a8 +size 254095 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/45.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/45.png new file mode 100644 index 0000000000000000000000000000000000000000..9370a6a83d36abcd939d54f16da0e21c10df1e90 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/45.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9ffa77619f58864c5cf0b044c141f92e6df277a08ccda50c7034af17a180a01 +size 251409 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/46.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/46.png new file mode 100644 index 0000000000000000000000000000000000000000..22f7fe656676815c8fd3957dedec0b5497b4fce0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/46.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1a6f800b6a7eb6ab4a724e63c2ab44c1d9bf2b601d4c8088f7297fba30c4f96 +size 254015 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/47.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/47.png new file mode 100644 index 0000000000000000000000000000000000000000..de9213bee78b2cb6da81ab128307944e91d01755 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/47.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37150b8bb91735cbd89be54f8c16b92d4865435e42fb339ca6cb45f848ba954e +size 255327 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/48.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/48.png new file mode 100644 index 0000000000000000000000000000000000000000..f4e3381ac26b5f669f4a454a977f5c3706f7a9df --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/48.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb0cfb2a7c00e63edbd39bfb57faf089935799f5d7ec07704fc7beaf2014f17b +size 254460 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/49.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/49.png new file mode 100644 index 0000000000000000000000000000000000000000..cd58a97fe16798d4aced47495c2f4c77a3630323 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/49.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e92659a1521bb3760800a692776a19b11bd37df350972bea4e050a8b51beb06e +size 257841 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/5.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/5.png new file mode 100644 index 0000000000000000000000000000000000000000..dcd009ffedba43b1b7e7c0ee9942ffe54aa7087a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8664379dbee0aedc3a42fb977b9a6825b1aa9f58d80e833e0c3d44e8388a8ecc +size 249663 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/50.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/50.png new file mode 100644 index 0000000000000000000000000000000000000000..718e24b61e9df04e0e8d27106598942418134d0f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/50.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9ad57fd03098d27972f5bb10540f193d6d2f94e07ab260f43885e7cbacbf1f8 +size 255909 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/51.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/51.png new file mode 100644 index 0000000000000000000000000000000000000000..5a493f89dfd86df5a2a757cb07367d7e90754663 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/51.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a18ac44374f178e97f9364f57aa4b0d5d2ab1c52f85f8cf8ae3312dbeef78230 +size 257309 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/52.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/52.png new file mode 100644 index 0000000000000000000000000000000000000000..d2a1da8df400cf371dde8bf4d3b0f89cc14718c6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/52.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbdd8b5aa0247ca38db7de1c4a8c9f998af42bdb458dd04f9654fd1d18043745 +size 258259 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/53.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/53.png new file mode 100644 index 0000000000000000000000000000000000000000..bb1306b9f4f0f06ee8736ebf1cbaa3be3abd93c3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/53.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d2ebcb83caa96ac1e7d1050203471f6bb0d6ec52ff217431a394fe52b2b4dee +size 256598 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/54.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/54.png new file mode 100644 index 0000000000000000000000000000000000000000..89d923134429ff8cd51e0d2c7e1e802a84c199e4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/54.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4a8b06ca2856be7471e54e73d5f110887195681d4ea3931936f65ad4c2f086b +size 259420 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/55.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/55.png new file mode 100644 index 0000000000000000000000000000000000000000..37bd95a7a8e2d69d0fbec6c2438cca650d913b25 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/55.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcc4297774d92bf9c8d42476f2a2b671a0ad5f094e42d5495a528e7dbb69922e +size 262310 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/56.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/56.png new file mode 100644 index 0000000000000000000000000000000000000000..38b00977d74325521418083dd0cd41cc354ca1aa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/56.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48a4ae56e778ea9928d2634aafaa87648ca889d097ad06004ec95fd45f5c9039 +size 263106 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/57.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/57.png new file mode 100644 index 0000000000000000000000000000000000000000..1aa6a3ad7a9391b2426f9176f09360232809d075 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/57.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91ede2340a1e818c74899d6e36847d3b5f0ff54a4b3e24399927cfe1b1ec1251 +size 262115 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/58.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/58.png new file mode 100644 index 0000000000000000000000000000000000000000..c9a2611456b95a0ae462618502b82be7b2bbdff2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/58.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aebc22f8eca59f629a0668db56f1db305b2dfc55a9788d9f421e1d5eab4262e4 +size 261075 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/59.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/59.png new file mode 100644 index 0000000000000000000000000000000000000000..263dd5996934a05412f068193afc2ba53003dc95 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/59.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaf079dbf5975692bb4e6576b0b341d0153c7e51857bc644897c289d182704d1 +size 260087 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/6.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/6.png new file mode 100644 index 0000000000000000000000000000000000000000..8eb99db270ca682a2a5544114d7a4ed486f587b7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/6.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85d9d3bf6a06c88ffcbeb6cd73104dee69489a0bd239a4d1f43b0e27646f16fd +size 246841 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/60.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/60.png new file mode 100644 index 0000000000000000000000000000000000000000..721f6f80759b5224e7157e57426181f0ffb65a3d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/60.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e3ef1fd285c9c64f8ac494a00222a351870c2c1ef3416efecbfe2e49f30fe8f +size 260655 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/61.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/61.png new file mode 100644 index 0000000000000000000000000000000000000000..c362f4b0900b350a828fd45a4a7cb730dd6618d7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/61.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4c32c0e2bb30c8c03b35e690e559d42cfd2b0218eb81d1a9bd5d119a05f6aba +size 270834 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/62.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/62.png new file mode 100644 index 0000000000000000000000000000000000000000..f7deff31dd49ba006bd8e639ddb5e8bb01fdd699 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/62.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4eeeaad78855a19f553dfbd583ce568d4c1ad67b0b9c55bea473686217acaa6 +size 266235 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/63.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/63.png new file mode 100644 index 0000000000000000000000000000000000000000..0ec71fb7eb59143bc9bb463372f8cd4746cb37e6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/63.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46fb8b9054465f95bc7b9f85158ecf61532f1d3218977668882cfbcb803f773a +size 271898 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/64.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/64.png new file mode 100644 index 0000000000000000000000000000000000000000..fd1d74d4903685b456c7c801cbf4850e151257ad --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/64.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b55cd03080468c07027d5c2376d43752d0ce5f0bc9b10466e353ed11fb5aad39 +size 269526 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/65.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/65.png new file mode 100644 index 0000000000000000000000000000000000000000..c66e6c6095279a6ef8f2bb55d08c4c3cdeb5780d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/65.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff02cf450d05657d9e49f82ee5b1c7d9d0f2832fd819f9c2179d22b0db83d403 +size 269672 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/66.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/66.png new file mode 100644 index 0000000000000000000000000000000000000000..11b7ac3b9d10205e2f1690ae57e22eb12583eaf0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/66.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cffaa14c3b69862877a2b0e972b6f4e65f4eb8974348b8fb12692a03720938da +size 266608 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/67.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/67.png new file mode 100644 index 0000000000000000000000000000000000000000..dd97fe18fb522afbfd840f9b7edd668275b0e519 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/67.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:071fa207d5b1466097e90fc6005c83c1556c68ca6ac1d203b6a02aaac0dc7a53 +size 266336 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/68.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/68.png new file mode 100644 index 0000000000000000000000000000000000000000..bafa4a97e02dd81c8d0a338c185f4de93d6151de --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/68.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb3185e4d368ff86ade7543c2a98c6086a52ab0623cd503b529cc628b80f13f6 +size 263038 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/69.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/69.png new file mode 100644 index 0000000000000000000000000000000000000000..d1d818f4b5285739a5062ad9c8fd426c325f1023 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/69.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:443b656cfbd6dca5db04990ea2bedaceab15dd2d2f5296f42a397f1c34484142 +size 259189 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/7.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/7.png new file mode 100644 index 0000000000000000000000000000000000000000..8bb19bcc5f31b0aa6c85325a70e0c442f852d7c7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/7.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:935ce470389011c3d38f1f9eeca65aa54d418444cb1169dcefb6ab93c0a2eb2c +size 248625 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/70.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/70.png new file mode 100644 index 0000000000000000000000000000000000000000..131ad2b1b74fbaee79ce61cab013ac6197e8d9b0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/70.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd24781cddd9f57659e02886da982329b94436f5587e080fdd0b1112b0408477 +size 256672 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/71.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/71.png new file mode 100644 index 0000000000000000000000000000000000000000..15fa4efdcb5b4d52e93005891f7243274085e67b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/71.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7861821e2ec8229521e6e97e891aafe0b9f68cb0cbb0beb0d8bed377d9193739 +size 259849 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/72.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/72.png new file mode 100644 index 0000000000000000000000000000000000000000..4c6daa4abd1eeeb784ce7d9a1383a9e19cf210ef --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/72.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d76403bd4dee6859728fa3333b77ca5cf3d5b1d587779aab20dd50b35c3fbe9 +size 257412 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/73.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/73.png new file mode 100644 index 0000000000000000000000000000000000000000..d7a6913d57c7de75cb7abca56f5e0b762f3346ca --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/73.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c2073eecc12033ba42aa254ed44381ae5e554e920a863587fa3ff319bbbf3e9 +size 260338 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/74.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/74.png new file mode 100644 index 0000000000000000000000000000000000000000..e63a9687295cdf08ec99c3485cf9581e61a4ac07 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/74.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c3f1079490defd24f1d5b57ecfca4aa648941a2e2a9e9c14485394ddc036690 +size 255287 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/75.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/75.png new file mode 100644 index 0000000000000000000000000000000000000000..f0458911e8f13da200a23adf07bd68387c34dc30 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/75.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5d940106699ed5a12cd046db2d1dfc795e680f58903e61619811d7a242cb01e +size 260277 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/76.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/76.png new file mode 100644 index 0000000000000000000000000000000000000000..a75df34d25417a80f7b8ddf43c6012279a2b285e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/76.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40a7a6b7be6d37bccd05308dd4428ef8983f345da9c252f1bb05853a1551cf0f +size 260765 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/77.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/77.png new file mode 100644 index 0000000000000000000000000000000000000000..5445b9967bfa6f9342384f122fa06cfe42a5bc5c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/77.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee5740c39f3e0b48a2c7a652eef1a8a845dec5febf1c21f4e9c0262e1b6c250e +size 259846 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/78.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/78.png new file mode 100644 index 0000000000000000000000000000000000000000..bdaf5b3f5764c6b0c46496c91e0aa18773e667ee --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/78.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f84e5636f70e96e04734da512885dd6b93d3f434dc21e3effe54afb7f2bebdd5 +size 259722 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/79.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/79.png new file mode 100644 index 0000000000000000000000000000000000000000..90d1e93b89c1362e98a14a7c4917f88ced155442 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/79.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b95d3ff1c11947a6201b7a668bf40a824b7c3a07dbd23eced752fee61b3981c9 +size 261506 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/8.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/8.png new file mode 100644 index 0000000000000000000000000000000000000000..0b63421260ff7be924232664298827e8728d8d26 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/8.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a82ff11295f67c0e8ba5649455d2cbc65e773dcddedd698b12e1b5bf2299d1c +size 248566 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/80.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/80.png new file mode 100644 index 0000000000000000000000000000000000000000..a47afa293125dbe8e5c03901cf89377981612eb6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/80.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a7e35f14daa604690806d1dd4ac4e1e1ec5e3d317f980e94cf0acc7a23cabad +size 260353 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/81.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/81.png new file mode 100644 index 0000000000000000000000000000000000000000..9a38bdc0ace667b07e6f2e829250aca0ee58f040 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/81.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f55a57b1e96707551d6b1af38538ad3d852a5473b60c1a30538c73fa97836fd3 +size 286984 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/82.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/82.png new file mode 100644 index 0000000000000000000000000000000000000000..b1a801e923577164f1aa00450d2f4119ce09f6fb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/82.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c903be905651030000194d8b68187e3f5b37efe68d22dd6175e538cd8565446 +size 279354 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/83.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/83.png new file mode 100644 index 0000000000000000000000000000000000000000..d149224968175b5527ee961166a76e4a51e6559b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/83.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35358a134eaa4f1bb1f84bbfd8e78661e1d9c449187fb508873ac541616237b1 +size 277274 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/84.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/84.png new file mode 100644 index 0000000000000000000000000000000000000000..005570f32732769527f67ec9f178dee0e2e589eb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/84.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e032364b6d1d5ea3b670059c3f7831b04bc54ff990595916114574fbfe5fadfd +size 269280 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/85.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/85.png new file mode 100644 index 0000000000000000000000000000000000000000..63d50974911fa88882024eed0744967042e15203 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/85.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f75670c0f2eeb212ce1db42897e14c2879e39c1bf92f1f57f0160dd1de70574 +size 267730 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/86.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/86.png new file mode 100644 index 0000000000000000000000000000000000000000..efbf87b6e793b4aef97a8f1b5922623131bafacc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/86.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f45596072a7565e0938bd7d1762bf0eb3c738f8965cc70c2dea9772e5ff9fd35 +size 264755 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/87.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/87.png new file mode 100644 index 0000000000000000000000000000000000000000..f6dfde69d5f9055bb7b326a9623ab8110ad479db --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/87.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40bc4f100941638a97a5cc9d96e616fd95bb16b3a49968b4c9d7471f32deb9b2 +size 263545 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/88.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/88.png new file mode 100644 index 0000000000000000000000000000000000000000..943b935f058373b157d468058bac6e22f44908ac --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/88.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba410fa289f80aafdafe83bace075e411aa218d196dd17fc89c376732a09c049 +size 263238 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/89.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/89.png new file mode 100644 index 0000000000000000000000000000000000000000..a4452eff8d7c10de3e01db653002497b01cf83f2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/89.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e34403d4159bf2d9ae8905ca700d48aa321b1b96635c91d7b8a5bb1e7b57dc3 +size 264742 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/9.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/9.png new file mode 100644 index 0000000000000000000000000000000000000000..12ba3faf77a16a8b4ad754852c921d536a815350 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/9.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33dfe7a0ad563fe07258fa24832c81c0736fdde80bc9e05949e64241e27aa8f0 +size 250863 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/90.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/90.png new file mode 100644 index 0000000000000000000000000000000000000000..ca4705066881fcb054634deac54c0ebc2fa85609 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/90.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf72fcdf32a543e6f67dacd8720a13d01275e6930edff72fbbda109841c5931e +size 266979 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/91.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/91.png new file mode 100644 index 0000000000000000000000000000000000000000..ddd35466ca67dd2ba847e82aa6b5297a851785f8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/91.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d76ef766d62a20169fb35e4d1715221635d82458f165b5ec056c2bdd6c6c386f +size 269807 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/92.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/92.png new file mode 100644 index 0000000000000000000000000000000000000000..4b5a507c187fbe749442c933187f659c04b91639 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/92.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86fad317aec6a721c2f8111dcde729e48cd3d0f119f66d5d752beba96c719c46 +size 270334 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/93.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/93.png new file mode 100644 index 0000000000000000000000000000000000000000..3307fc827d6dd2860975fa9cb466533bc1229aad --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/93.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d289eea6e9499d600741c97e8d3af6f065f93a6bdeb8403fea1d0ae556dbdbc +size 271389 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/94.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/94.png new file mode 100644 index 0000000000000000000000000000000000000000..9a1b8cc19ca759b254edef04fae845066d08f226 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/94.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57831c42c09277fc47075ca860ce2814fc4daa950a58e2f4314e8bc1490ba34e +size 270659 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/95.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/95.png new file mode 100644 index 0000000000000000000000000000000000000000..fb0f030cf661289eb4aa9cc66823f3f7b1c75f98 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/95.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f8689863a9cb9fd3a97ee9691f78d18ca4cb4bef125c5bdb3228ec6b83a54df +size 265478 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/96.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/96.png new file mode 100644 index 0000000000000000000000000000000000000000..995206a6d33cac1c27922bf086e5b7be4da30a6b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/96.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29688b34500f9f8a8b4e9774769bec901efb3702521fbcdf58e8b95a0b4691a6 +size 263091 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/97.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/97.png new file mode 100644 index 0000000000000000000000000000000000000000..2cdbe8544dac9d8883cb9342884cacbb6d56106e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/97.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89ce857abf4f82c1b455c026b3fe0ee58a1dc35972747503f4aeff791dfeee38 +size 257312 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/98.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/98.png new file mode 100644 index 0000000000000000000000000000000000000000..905134262719b53305d0de8432338e8821fea6e4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/98.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd6e43d68ea979c190b40f8e4c34cdd2bf6d6976589903a77b09cce49103d6d8 +size 253847 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/99.png b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/99.png new file mode 100644 index 0000000000000000000000000000000000000000..92cd05647a726f59a3691c9b1d156195f9a7f1e9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/99.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21daf3b827ead8d161fca11120501a9600e7ebe64eb8d586aa0d66ef1cf44aa8 +size 254578 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/finish b/demo_data/target_video/data_VFHQ_1/images512x512/VFHQ_1/finish new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/demo_data/target_video/data_VFHQ_1/images512x512/dataset_realcam.json b/demo_data/target_video/data_VFHQ_1/images512x512/dataset_realcam.json new file mode 100644 index 0000000000000000000000000000000000000000..c24fffdc6ed7fc627981f0d0a87eb3c491fa2cd0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/images512x512/dataset_realcam.json @@ -0,0 +1,217264 @@ +{ + "labels": [ + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/76.png", + [ + 0.21540330350399017, + 0.02136017568409443, + -0.009646677412092686, + 0.11626877635717392, + 0.022398846223950386, + -0.2138664424419403, + 0.02659572660923004, + -0.3372202217578888, + -0.006899798754602671, + -0.02743690088391304, + -0.21481971442699432, + 2.666536331176758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/48.png", + [ + 0.21557149291038513, + 0.01985396444797516, + -0.009091359563171864, + 0.1063794195652008, + 0.02085401862859726, + -0.21393583714962006, + 0.027284977957606316, + -0.33804652094841003, + -0.006476312875747681, + -0.0280210729688406, + -0.21475747227668762, + 2.6411194801330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/137.png", + [ + 0.19691789150238037, + -0.02770473062992096, + 0.08604463934898376, + -1.0246567726135254, + -0.02176385559141636, + -0.21471090614795685, + -0.019325029104948044, + 0.21781301498413086, + 0.08773577958345413, + 0.008920200169086456, + -0.19791604578495026, + 2.4112930297851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/35.png", + [ + 0.2154037356376648, + 0.020735805854201317, + -0.010915880091488361, + 0.13176073133945465, + 0.021801885217428207, + -0.21433788537979126, + 0.023061687126755714, + -0.2868606448173523, + -0.008591149002313614, + -0.024024775251746178, + -0.21516713500022888, + 2.6627235412597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/124.png", + [ + 0.2045360654592514, + -0.01717192679643631, + 0.06941194087266922, + -0.8116561770439148, + -0.010108323767781258, + -0.21516530215740204, + -0.023443888872861862, + 0.26173409819602966, + 0.07078639417886734, + 0.018892301246523857, + -0.2039124071598053, + 2.4514989852905273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/97.png", + [ + 0.21638387441635132, + -0.00478826928883791, + 0.010148144327104092, + -0.12061438709497452, + -0.00590733764693141, + -0.2152138203382492, + 0.024413444101810455, + -0.3089597821235657, + 0.009540215134620667, + -0.02465735748410225, + -0.21505555510520935, + 2.668520450592041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/155.png", + [ + 0.19199705123901367, + -0.03209436312317848, + 0.09515764564275742, + -1.1042225360870361, + -0.01979191042482853, + -0.21337765455245972, + -0.032033488154411316, + 0.35824963450431824, + 0.09845459461212158, + 0.01969304494559765, + -0.19200721383094788, + 2.2884373664855957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/13.png", + [ + 0.2145972102880478, + 0.021745549514889717, + -0.020568400621414185, + 0.25329652428627014, + 0.023586705327033997, + -0.21452151238918304, + 0.019289454445242882, + -0.25415095686912537, + -0.01842811144888401, + -0.021343540400266647, + -0.21483191847801208, + 2.7143397331237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/32.png", + [ + 0.215284526348114, + 0.020945873111486435, + -0.012717618606984615, + 0.15545910596847534, + 0.022234709933400154, + -0.21424199640750885, + 0.0235345046967268, + -0.2978366017341614, + -0.010299762710928917, + -0.02468857727944851, + -0.2150169312953949, + 2.6925911903381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/158.png", + [ + 0.19181010127067566, + -0.031540799885988235, + 0.0957181379199028, + -1.1047207117080688, + -0.019259005784988403, + -0.213468998670578, + -0.03174855187535286, + 0.35608452558517456, + 0.09892357885837555, + 0.019597386941313744, + -0.19177581369876862, + 2.2741336822509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/38.png", + [ + 0.21552416682243347, + 0.019825447350740433, + -0.010206760838627815, + 0.12112536281347275, + 0.020822566002607346, + -0.21442046761512756, + 0.023198861628770828, + -0.2880770266056061, + -0.007977908477187157, + -0.024056559428572655, + -0.2151871919631958, + 2.6546411514282227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/148.png", + [ + 0.1916584074497223, + -0.030012842267751694, + 0.09650999307632446, + -1.1535035371780396, + -0.02178630605340004, + -0.21430501341819763, + -0.023379690945148468, + 0.262330561876297, + 0.09869299083948135, + 0.010976451449096203, + -0.19258011877536774, + 2.353178024291992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/111.png", + [ + 0.2126094549894333, + -0.01670239306986332, + 0.038290198892354965, + -0.45003312826156616, + -0.016083886846899986, + -0.21602077782154083, + -0.00492233969271183, + 0.04176921769976616, + 0.03855409473180771, + 0.0019876838196069, + -0.21320770680904388, + 2.5711021423339844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/11.png", + [ + 0.21448485553264618, + 0.02211226150393486, + -0.021335028111934662, + 0.261189728975296, + 0.023900143802165985, + -0.21461205184459686, + 0.01784203201532364, + -0.23529891669750214, + -0.019311105832457542, + -0.020015059038996696, + -0.21488222479820251, + 2.7094836235046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/125.png", + [ + 0.20568953454494476, + -0.016940206289291382, + 0.06597527116537094, + -0.769158661365509, + -0.009661728516221046, + -0.2150009423494339, + -0.0250827856361866, + 0.2815498411655426, + 0.06742668896913528, + 0.02086922526359558, + -0.20485608279705048, + 2.457447052001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/59.png", + [ + 0.215463787317276, + 0.020501134917140007, + -0.010146905668079853, + 0.12246038019657135, + 0.02156001143157482, + -0.21412205696105957, + 0.0251955334097147, + -0.3212977349758148, + -0.007643438875675201, + -0.026064390316605568, + -0.21496538817882538, + 2.688065528869629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/105.png", + [ + 0.2142888456583023, + -0.017003240063786507, + 0.027185805141925812, + -0.3130892515182495, + -0.018499020487070084, + -0.2156047224998474, + 0.010967325419187546, + -0.14321741461753845, + 0.026190919801592827, + -0.0131676085293293, + -0.2146824151277542, + 2.5630016326904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/121.png", + [ + 0.19868309795856476, + -0.023281080648303032, + 0.08325210958719254, + -0.9928750991821289, + -0.017138659954071045, + -0.2151353359222412, + -0.019259832799434662, + 0.21363000571727753, + 0.08473009616136551, + 0.01107546966522932, + -0.199113130569458, + 2.4040870666503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/24.png", + [ + 0.21487897634506226, + 0.020723067224025726, + -0.018586868420243263, + 0.229903906583786, + 0.02296099066734314, + -0.2137378305196762, + 0.027144506573677063, + -0.3477388322353363, + -0.015738805755972862, + -0.028889209032058716, + -0.21416255831718445, + 2.71981143951416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/74.png", + [ + 0.21551227569580078, + 0.020373227074742317, + -0.009342912584543228, + 0.11276331543922424, + 0.02135710045695305, + -0.21406397223472595, + 0.025853082537651062, + -0.3286557197570801, + -0.006799460854381323, + -0.026635300368070602, + -0.21492373943328857, + 2.6759133338928223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/129.png", + [ + 0.20266234874725342, + -0.01941692642867565, + 0.07415422052145004, + -0.8714296817779541, + -0.012007522396743298, + -0.21506191790103912, + -0.023496553301811218, + 0.2609202563762665, + 0.07570789754390717, + 0.017867615446448326, + -0.20222994685173035, + 2.4232587814331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/153.png", + [ + 0.19296662509441376, + -0.030197251588106155, + 0.09380778670310974, + -1.0969538688659668, + -0.019109850749373436, + -0.21380272507667542, + -0.029514504596590996, + 0.3310660719871521, + 0.0966777577996254, + 0.01801162399351597, + -0.19307222962379456, + 2.318012237548828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/144.png", + [ + 0.19181671738624573, + -0.03151498734951019, + 0.09571336954832077, + -1.145278811454773, + -0.023548034951090813, + -0.21412597596645355, + -0.023312002420425415, + 0.26555344462394714, + 0.09797823429107666, + 0.010235482826828957, + -0.19298547506332397, + 2.359522819519043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/98.png", + [ + 0.21608895063400269, + -0.008402863517403603, + 0.013521827757358551, + -0.1610531061887741, + -0.009575817734003067, + -0.21562449634075165, + 0.019033318385481834, + -0.24353650212287903, + 0.01271816249936819, + -0.019579462707042694, + -0.21541306376457214, + 2.6638407707214355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/0.png", + [ + 0.2146114706993103, + 0.024454638361930847, + -0.01708170212805271, + 0.21360108256340027, + 0.024760771542787552, + -0.21523495018482208, + 0.0029536269139498472, + -0.044220276176929474, + -0.016634846106171608, + -0.004877536557614803, + -0.21598005294799805, + 2.702775478363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/96.png", + [ + 0.2166048139333725, + 0.00012320958194322884, + 0.005498678423464298, + -0.06496928632259369, + -0.0006053342367522418, + -0.21477025747299194, + 0.028657803311944008, + -0.36136123538017273, + 0.005466645583510399, + -0.02866392582654953, + -0.21470071375370026, + 2.666998863220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/100.png", + [ + 0.21565312147140503, + -0.010656926780939102, + 0.01811235398054123, + -0.21364633738994598, + -0.011797294951975346, + -0.21593721210956573, + 0.013410529121756554, + -0.17477259039878845, + 0.017391126602888107, + -0.014333466067910194, + -0.2154994010925293, + 2.6432318687438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/40.png", + [ + 0.21549774706363678, + 0.020260389894247055, + -0.00990628357976675, + 0.1175544485449791, + 0.02121756784617901, + -0.21439477801322937, + 0.023077815771102905, + -0.2860304117202759, + -0.007644135504961014, + -0.023922530934214592, + -0.21521425247192383, + 2.6542587280273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/141.png", + [ + 0.1956382691860199, + -0.027895711362361908, + 0.088856041431427, + -1.0634043216705322, + -0.02077319100499153, + -0.21458901464939117, + -0.021631427109241486, + 0.2475752830505371, + 0.0907856822013855, + 0.011012418195605278, + -0.19642958045005798, + 2.404481887817383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/52.png", + [ + 0.21558420360088348, + 0.019890809431672096, + -0.008700856938958168, + 0.10237093269824982, + 0.020813090726733208, + -0.21405819058418274, + 0.026340266689658165, + -0.32972776889801025, + -0.006177742499858141, + -0.027043486014008522, + -0.21489156782627106, + 2.6538643836975098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/3.png", + [ + 0.214947909116745, + 0.02260120026767254, + -0.015312623232603073, + 0.18636904656887054, + 0.022880643606185913, + -0.21543943881988525, + 0.0031971416901797056, + -0.0490044504404068, + -0.01489183772355318, + -0.004788662306964397, + -0.2161092311143875, + 2.7076215744018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/47.png", + [ + 0.21550783514976501, + 0.020859479904174805, + -0.008315845392644405, + 0.09703704714775085, + 0.02174418792128563, + -0.2138829231262207, + 0.027003390714526176, + -0.3337554335594177, + -0.0056090583093464375, + -0.027692506089806557, + -0.21482448279857635, + 2.6402320861816406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/104.png", + [ + 0.2150745838880539, + -0.013647804036736488, + 0.022462286055088043, + -0.2573581635951996, + -0.014774858951568604, + -0.21592603623867035, + 0.01027416717261076, + -0.13362379372119904, + 0.021737534552812576, + -0.011729982681572437, + -0.21526211500167847, + 2.5686850547790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/21.png", + [ + 0.214605912566185, + 0.02157379686832428, + -0.02065853402018547, + 0.256074458360672, + 0.024125726893544197, + -0.21354940533638, + 0.027613405138254166, + -0.3550685942173004, + -0.01761115901172161, + -0.029649991542100906, + -0.21391265094280243, + 2.7221412658691406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/82.png", + [ + 0.21549572050571442, + 0.020561406388878822, + -0.009312095120549202, + 0.11136207729578018, + 0.021574117243289948, + -0.21390794217586517, + 0.02694152481853962, + -0.339569091796875, + -0.006636566016823053, + -0.027722137048840523, + -0.21479137241840363, + 2.6447739601135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/106.png", + [ + 0.2135714590549469, + -0.02032393589615822, + 0.030365535989403725, + -0.3539425730705261, + -0.02131805382668972, + -0.21554884314537048, + 0.005668522324413061, + -0.08339819312095642, + 0.029676059260964394, + -0.008574924431741238, + -0.21446141600608826, + 2.567647933959961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/14.png", + [ + 0.21459978818893433, + 0.02199067734181881, + -0.020279081538319588, + 0.25046828389167786, + 0.024020330980420113, + -0.21422399580478668, + 0.021885940805077553, + -0.28704833984375, + -0.017828479409217834, + -0.023924481123685837, + -0.2146104872226715, + 2.7112464904785156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/67.png", + [ + 0.2153911590576172, + 0.02074153907597065, + -0.011150471866130829, + 0.13506384193897247, + 0.021950099617242813, + -0.213992640376091, + 0.025946950539946556, + -0.33161473274230957, + -0.008528635837137699, + -0.026922844350337982, + -0.21482625603675842, + 2.6868081092834473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/78.png", + [ + 0.21555288136005402, + 0.01985865831375122, + -0.009512349031865597, + 0.11351186782121658, + 0.02091398648917675, + -0.2139269858598709, + 0.02730836160480976, + -0.34365522861480713, + -0.006888857576996088, + -0.0280851349234581, + -0.21473626792430878, + 2.6507673263549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/31.png", + [ + 0.2151198536157608, + 0.02171192318201065, + -0.014140023849904537, + 0.17376276850700378, + 0.023201074451208115, + -0.2140551209449768, + 0.024290140718221664, + -0.30825117230415344, + -0.011535079218447208, + -0.02562992461025715, + -0.2148440033197403, + 2.7028613090515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/152.png", + [ + 0.19355513155460358, + -0.031121736392378807, + 0.09228076785802841, + -1.0841264724731445, + -0.020451830700039864, + -0.21372422575950623, + -0.029181716963648796, + 0.328018456697464, + 0.09521567821502686, + 0.017357641831040382, + -0.1938571035861969, + 2.3356175422668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/39.png", + [ + 0.2154691368341446, + 0.02045595832169056, + -0.01012442260980606, + 0.12026294320821762, + 0.02144038677215576, + -0.21436044573783875, + 0.023190779611468315, + -0.2874511778354645, + -0.007826877757906914, + -0.024063585326075554, + -0.21519196033477783, + 2.653881072998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/92.png", + [ + 0.2158840000629425, + 0.015750683844089508, + -0.009691320359706879, + 0.118838831782341, + 0.016924023628234863, + -0.21403862535953522, + 0.029136504977941513, + -0.3680514395236969, + -0.007455405313521624, + -0.029787154868245125, + -0.21448786556720734, + 2.6881651878356934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/53.png", + [ + 0.21554610133171082, + 0.020004412159323692, + -0.00935953576117754, + 0.11069941520690918, + 0.0210067480802536, + -0.21404531598091125, + 0.026291046291589737, + -0.33055222034454346, + -0.006818647030740976, + -0.027061523869633675, + -0.2148699164390564, + 2.6624598503112793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/75.png", + [ + 0.2154441922903061, + 0.02098216488957405, + -0.009562630206346512, + 0.11548329144716263, + 0.022006819024682045, + -0.21393057703971863, + 0.02640644647181034, + -0.33515217900276184, + -0.006884400267153978, + -0.02722773142158985, + -0.21484680473804474, + 2.6697988510131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/151.png", + [ + 0.19314152002334595, + -0.029785659164190292, + 0.09357914328575134, + -1.1041505336761475, + -0.01976141892373562, + -0.2140326201915741, + -0.027338918298482895, + 0.30823254585266113, + 0.09619630128145218, + 0.015834912657737732, + -0.19350303709506989, + 2.339883804321289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/87.png", + [ + 0.215446338057518, + 0.020000280812382698, + -0.011434517800807953, + 0.13670910894870758, + 0.021217307075858116, + -0.21415747702121735, + 0.025185344740748405, + -0.31956031918525696, + -0.008976931683719158, + -0.026162270456552505, + -0.21490192413330078, + 2.655691146850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/139.png", + [ + 0.19770321249961853, + -0.025132084265351295, + 0.08502775430679321, + -1.0135104656219482, + -0.018342280760407448, + -0.2148861438035965, + -0.020866235718131065, + 0.23963505029678345, + 0.08674619346857071, + 0.01184134278446436, + -0.1981988400220871, + 2.4246225357055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/107.png", + [ + 0.21317559480667114, + -0.020768022164702415, + 0.032752808183431625, + -0.3842513859272003, + -0.0213917288929224, + -0.21560132503509521, + 0.0025213693734258413, + -0.04581588879227638, + 0.03234890103340149, + -0.005714253522455692, + -0.21417000889778137, + 2.5653223991394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/112.png", + [ + 0.21274761855602264, + -0.016480756923556328, + 0.03761282190680504, + -0.44107040762901306, + -0.015626095235347748, + -0.21601952612400055, + -0.006267842371016741, + 0.05721713975071907, + 0.037975847721099854, + 0.003441691165789962, + -0.2132929563522339, + 2.5748071670532227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/69.png", + [ + 0.21555554866790771, + 0.019949622452259064, + -0.00925851333886385, + 0.1114233136177063, + 0.020897096022963524, + -0.2142173945903778, + 0.024942392483353615, + -0.318089097738266, + -0.006857022643089294, + -0.025706501677632332, + -0.21503500640392303, + 2.6837477684020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/157.png", + [ + 0.19261279702186584, + -0.03326519578695297, + 0.09349668771028519, + -1.0783849954605103, + -0.02089187130331993, + -0.2131563276052475, + -0.03279948607087135, + 0.36599647998809814, + 0.09701409190893173, + 0.020142091438174248, + -0.19269263744354248, + 2.283076763153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/45.png", + [ + 0.21548748016357422, + 0.02082211710512638, + -0.00891501922160387, + 0.10429170727729797, + 0.02178233116865158, + -0.21388569474220276, + 0.02695082686841488, + -0.3323848843574524, + -0.006210333667695522, + -0.027699392288923264, + -0.21480706334114075, + 2.6392579078674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/50.png", + [ + 0.2155575156211853, + 0.01983322761952877, + -0.009459956549108028, + 0.11072879284620285, + 0.020886097103357315, + -0.21391302347183228, + 0.02743883803486824, + -0.3412264287471771, + -0.006827780976891518, + -0.028209254145622253, + -0.2147219330072403, + 2.6486291885375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/101.png", + [ + 0.21557112038135529, + -0.011392480693757534, + 0.018633313477039337, + -0.21764422953128815, + -0.012202628888189793, + -0.21614249050617218, + 0.009023386053740978, + -0.12123511731624603, + 0.018113110214471817, + -0.010026817210018635, + -0.21568326652050018, + 2.6241931915283203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/85.png", + [ + 0.2156001478433609, + 0.01869337446987629, + -0.01072507444769144, + 0.12808763980865479, + 0.019916772842407227, + -0.21401630342006683, + 0.02735382691025734, + -0.3442681133747101, + -0.008233570493757725, + -0.02820403315126896, + -0.21467334032058716, + 2.6445231437683105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/156.png", + [ + 0.19222484529018402, + -0.032833997160196304, + 0.0944427102804184, + -1.0916063785552979, + -0.020480778068304062, + -0.2132493108510971, + -0.03245261311531067, + 0.36266258358955383, + 0.0978674441576004, + 0.01986360363662243, + -0.19228960573673248, + 2.283827781677246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/131.png", + [ + 0.20297695696353912, + -0.019356662407517433, + 0.07330465316772461, + -0.8606943488121033, + -0.011195776984095573, + -0.21484974026679993, + -0.02573218010365963, + 0.29029810428619385, + 0.0749860554933548, + 0.02031773142516613, + -0.2022675722837448, + 2.4279565811157227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/71.png", + [ + 0.21547788381576538, + 0.020616181194782257, + -0.009600047022104263, + 0.11525188386440277, + 0.021597156301140785, + -0.21415844559669495, + 0.02485184371471405, + -0.3165658414363861, + -0.0071239592507481575, + -0.025671467185020447, + -0.2150305211544037, + 2.679445266723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/160.png", + [ + 0.1910192221403122, + -0.033044297248125076, + 0.09678644686937332, + -1.1164549589157104, + -0.02054022066295147, + -0.21327051520347595, + -0.03227514773607254, + 0.36218225955963135, + 0.10018803179264069, + 0.01927848905324936, + -0.1911507099866867, + 2.262047290802002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/115.png", + [ + 0.21175676584243774, + -0.015183749608695507, + 0.043317634612321854, + -0.5088054537773132, + -0.014151185750961304, + -0.21611204743385315, + -0.006574270315468311, + 0.06045180931687355, + 0.04366585984826088, + 0.003595947287976742, + -0.2121986299753189, + 2.571115016937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/54.png", + [ + 0.21544130146503448, + 0.02045457251369953, + -0.0107026482000947, + 0.1284720003604889, + 0.021600928157567978, + -0.2140548825263977, + 0.025725526735186577, + -0.3243715167045593, + -0.008144699037075043, + -0.026646072044968605, + -0.21487565338611603, + 2.6688575744628906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/33.png", + [ + 0.21522720158100128, + 0.021583976224064827, + -0.012620427645742893, + 0.15460574626922607, + 0.022866494953632355, + -0.21415701508522034, + 0.023702243342995644, + -0.298091858625412, + -0.010112696327269077, + -0.024875786155462265, + -0.21500423550605774, + 2.6803030967712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/159.png", + [ + 0.1917564868927002, + -0.03214055299758911, + 0.09562598913908005, + -1.1028209924697876, + -0.019966647028923035, + -0.2134125679731369, + -0.031690794974565506, + 0.35565972328186035, + 0.09888720512390137, + 0.019234297797083855, + -0.1918313354253769, + 2.2728443145751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/49.png", + [ + 0.21556834876537323, + 0.0198714267462492, + -0.0091272983700037, + 0.10738605260848999, + 0.02088925428688526, + -0.21387600898742676, + 0.02772345207631588, + -0.3440195322036743, + -0.006466865539550781, + -0.02846185490489006, + -0.21469978988170624, + 2.6426777839660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/118.png", + [ + 0.20229041576385498, + -0.02312706783413887, + 0.07410546392202377, + -0.8931375741958618, + -0.01912781223654747, + -0.21530821919441223, + -0.014979668892920017, + 0.16645745933055878, + 0.07523700594902039, + 0.007443271577358246, + -0.20305635035037994, + 2.4654393196105957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/110.png", + [ + 0.21199460327625275, + -0.016972696408629417, + 0.041450053453445435, + -0.4887540638446808, + -0.016679804772138596, + -0.21600882709026337, + -0.003141691442579031, + 0.02093268558382988, + 0.041568778455257416, + -0.00011702865594998002, + -0.21264976263046265, + 2.56258487701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/18.png", + [ + 0.21488960087299347, + 0.0201356653124094, + -0.019102517515420914, + 0.23641078174114227, + 0.022203588858246803, + -0.21419405937194824, + 0.023995844647288322, + -0.31225237250328064, + -0.01665387861430645, + -0.02575567737221718, + -0.21449285745620728, + 2.725210666656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/66.png", + [ + 0.21545198559761047, + 0.020387617871165276, + -0.010615058243274689, + 0.1291029304265976, + 0.021525789052248, + -0.21405549347400665, + 0.02578342705965042, + -0.32951703667640686, + -0.008060699328780174, + -0.026692502200603485, + -0.2148730605840683, + 2.6866602897644043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/16.png", + [ + 0.21484966576099396, + 0.01982387900352478, + -0.019862644374370575, + 0.24547579884529114, + 0.021986322477459908, + -0.21421310305595398, + 0.02402598410844803, + -0.31364744901657104, + -0.017438823357224464, + -0.025839118286967278, + -0.21442042291164398, + 2.7152442932128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/94.png", + [ + 0.21652860939502716, + 0.00749120581895113, + -0.0026702042669057846, + 0.03303951397538185, + 0.007772581651806831, + -0.2147379219532013, + 0.027840686962008476, + -0.35262331366539, + -0.0016837866278365254, + -0.027917714789509773, + -0.21486195921897888, + 2.686868190765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/28.png", + [ + 0.21505513787269592, + 0.020869404077529907, + -0.016236990690231323, + 0.20151591300964355, + 0.02267330326139927, + -0.2140009105205536, + 0.02524726092815399, + -0.3244829773902893, + -0.013604894280433655, + -0.026757629588246346, + -0.21458524465560913, + 2.722559928894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/61.png", + [ + 0.21567504107952118, + 0.019020458683371544, + -0.008390003815293312, + 0.10126162320375443, + 0.019895043224096298, + -0.21421107649803162, + 0.02580116130411625, + -0.3300344944000244, + -0.006029694806784391, + -0.026452496647834778, + -0.21496930718421936, + 2.6894121170043945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/132.png", + [ + 0.2027456909418106, + -0.02094392292201519, + 0.07350808382034302, + -0.8654438257217407, + -0.013788511045277119, + -0.21498481929302216, + -0.02322281338274479, + 0.25949981808662415, + 0.07517953962087631, + 0.017052102833986282, + -0.20249731838703156, + 2.434286594390869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/58.png", + [ + 0.21548733115196228, + 0.02006453648209572, + -0.010512728244066238, + 0.12724453210830688, + 0.021194597706198692, + -0.21408070623874664, + 0.02584843710064888, + -0.32869061827659607, + -0.007993252016603947, + -0.026735128834843636, + -0.21487027406692505, + 2.6838250160217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/123.png", + [ + 0.20150993764400482, + -0.021573450416326523, + 0.0766565278172493, + -0.9040746688842773, + -0.01509900949895382, + -0.21513940393924713, + -0.020855356007814407, + 0.22903341054916382, + 0.07818987965583801, + 0.01405390165746212, + -0.2015855312347412, + 2.426814556121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/64.png", + [ + 0.21546205878257751, + 0.020708944648504257, + -0.009753812104463577, + 0.1185232624411583, + 0.021739693358540535, + -0.2140309363603592, + 0.025807760655879974, + -0.3303283154964447, + -0.007168194744735956, + -0.02664196491241455, + -0.21491095423698425, + 2.691801071166992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/10.png", + [ + 0.2145075500011444, + 0.021526668220758438, + -0.02170264720916748, + 0.2651561498641968, + 0.02324502170085907, + -0.21477435529232025, + 0.016719434410333633, + -0.22082822024822235, + -0.019851233810186386, + -0.018880490213632584, + -0.21493567526340485, + 2.704244613647461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/41.png", + [ + 0.2155149132013321, + 0.020168762654066086, + -0.009717976674437523, + 0.11504492908716202, + 0.021142518147826195, + -0.21428416669368744, + 0.024149149656295776, + -0.2991812825202942, + -0.007362883538007736, + -0.02496815100312233, + -0.21510526537895203, + 2.6534624099731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/91.png", + [ + 0.21593277156352997, + 0.015995895490050316, + -0.008066285401582718, + 0.09857816249132156, + 0.016978532075881958, + -0.21385487914085388, + 0.03042556717991829, + -0.38218894600868225, + -0.005715161561965942, + -0.03095346689224243, + -0.21437612175941467, + 2.6858749389648438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/140.png", + [ + 0.19656693935394287, + -0.02687167003750801, + 0.08710478991270065, + -1.0385658740997314, + -0.02009732276201248, + -0.21472685039043427, + -0.020889772102236748, + 0.23883330821990967, + 0.0889124795794487, + 0.010871903039515018, + -0.19729234278202057, + 2.4146780967712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/23.png", + [ + 0.21485741436481476, + 0.020674163475632668, + -0.018887959420681, + 0.23433145880699158, + 0.022959087044000626, + -0.21372732520103455, + 0.027228830382227898, + -0.349206805229187, + -0.016032978892326355, + -0.029001859948039055, + -0.21412549912929535, + 2.722896099090576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/37.png", + [ + 0.21533314883708954, + 0.02133881486952305, + -0.011143728159368038, + 0.1332051306962967, + 0.022483915090560913, + -0.2141115963459015, + 0.024466192349791527, + -0.30330586433410645, + -0.008602401241660118, + -0.025471080094575882, + -0.21500025689601898, + 2.6527490615844727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/36.png", + [ + 0.2154543399810791, + 0.02018684893846512, + -0.010946015827357769, + 0.1314176768064499, + 0.02122347056865692, + -0.21448834240436554, + 0.02218572050333023, + -0.27585887908935547, + -0.008768600411713123, + -0.023132948204874992, + -0.2152577042579651, + 2.6569437980651855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/8.png", + [ + 0.21452294290065765, + 0.02256486937403679, + -0.020460406318306923, + 0.2478904277086258, + 0.02387922629714012, + -0.2149425894021988, + 0.013317934237420559, + -0.17674165964126587, + -0.018909897655248642, + -0.01544057298451662, + -0.21529492735862732, + 2.6989192962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/6.png", + [ + 0.21463803946971893, + 0.022984659299254417, + -0.01871125027537346, + 0.22596807777881622, + 0.023913655430078506, + -0.21511538326740265, + 0.010070228017866611, + -0.13618092238903046, + -0.017508359625935555, + -0.01204067561775446, + -0.2156301885843277, + 2.701106071472168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/154.png", + [ + 0.1922328621149063, + -0.03010416403412819, + 0.0953318253159523, + -1.1102039813995361, + -0.01875816099345684, + -0.21380926668643951, + -0.02969222515821457, + 0.3317486345767975, + 0.09819648414850235, + 0.018089668825268745, + -0.19229693710803986, + 2.299893379211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/20.png", + [ + 0.21450237929821014, + 0.022027531638741493, + -0.02124633453786373, + 0.2632949948310852, + 0.02459089830517769, + -0.21359774470329285, + 0.02681754343211651, + -0.34564709663391113, + -0.018218308687210083, + -0.028959982097148895, + -0.2139563262462616, + 2.722228527069092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/2.png", + [ + 0.21493840217590332, + 0.0227240938693285, + -0.015264187939465046, + 0.18705496191978455, + 0.022924667224287987, + -0.21544858813285828, + 0.002064815955236554, + -0.03454756364226341, + -0.014961265958845615, + -0.003663256298750639, + -0.2161264419555664, + 2.7088088989257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/117.png", + [ + 0.20653335750102997, + -0.022359663620591164, + 0.06157853081822395, + -0.73932284116745, + -0.019457107409834862, + -0.21540984511375427, + -0.012958251871168613, + 0.13943630456924438, + 0.06255630403757095, + 0.006822077091783285, + -0.20733563601970673, + 2.512986660003662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/149.png", + [ + 0.19169765710830688, + -0.03028043918311596, + 0.09634830802679062, + -1.1496121883392334, + -0.02181791327893734, + -0.2142418771982193, + -0.02392253652215004, + 0.26831915974617004, + 0.09860973060131073, + 0.011463160626590252, + -0.19259442389011383, + 2.3498353958129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/5.png", + [ + 0.21477706730365753, + 0.022425351664423943, + -0.017771141603589058, + 0.21563363075256348, + 0.02312557026743889, + -0.2152954339981079, + 0.007808460388332605, + -0.1079028993844986, + -0.01684986799955368, + -0.009636782109737396, + -0.21580339968204498, + 2.7035231590270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/108.png", + [ + 0.21237792074680328, + -0.02101663500070572, + 0.03744082152843475, + -0.4415067434310913, + -0.02101833000779152, + -0.21564507484436035, + -0.0018243318190798163, + 0.00624510645866394, + 0.037439875304698944, + -0.0018437592079862952, + -0.2134074717760086, + 2.559122085571289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/60.png", + [ + 0.2155446708202362, + 0.019778432324528694, + -0.00985919963568449, + 0.11955683678388596, + 0.020810574293136597, + -0.21418464183807373, + 0.025293290615081787, + -0.3236376643180847, + -0.007437084801495075, + -0.02610831893980503, + -0.2149672955274582, + 2.689795970916748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/56.png", + [ + 0.21540921926498413, + 0.020771870389580727, + -0.010737037286162376, + 0.1297331303358078, + 0.021918021142482758, + -0.21403023600578308, + 0.0256621316075325, + -0.3255607783794403, + -0.00814585667103529, + -0.026598382741212845, + -0.2148815095424652, + 2.678351879119873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/147.png", + [ + 0.19192899763584137, + -0.03009568154811859, + 0.09594477713108063, + -1.1474188566207886, + -0.022513026371598244, + -0.21435505151748657, + -0.02220296300947666, + 0.24859845638275146, + 0.09800159931182861, + 0.009698349051177502, + -0.19300135970115662, + 2.359278678894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/30.png", + [ + 0.2150963544845581, + 0.0214201882481575, + -0.01492086611688137, + 0.1838379055261612, + 0.02303921990096569, + -0.2140011340379715, + 0.0249119121581316, + -0.31782448291778564, + -0.012273999862372875, + -0.026316998526453972, + -0.2147199511528015, + 2.7121753692626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/17.png", + [ + 0.21492090821266174, + 0.020010387524962425, + -0.018880609422922134, + 0.2336418479681015, + 0.022001080214977264, + -0.21428842842578888, + 0.023330695927143097, + -0.3044206500053406, + -0.016518037766218185, + -0.02505899779498577, + -0.21458587050437927, + 2.7211856842041016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/12.png", + [ + 0.21443666517734528, + 0.022297661751508713, + -0.021624695509672165, + 0.2658836543560028, + 0.02419281378388405, + -0.2145041972398758, + 0.01872326247394085, + -0.24716728925704956, + -0.019481297582387924, + -0.02094438299536705, + -0.21477827429771423, + 2.710141658782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/114.png", + [ + 0.21276646852493286, + -0.016033370047807693, + 0.03769949451088905, + -0.4403166174888611, + -0.014991668984293938, + -0.21603314578533173, + -0.0072683957405388355, + 0.06861749291419983, + 0.03812572360038757, + 0.004528876394033432, + -0.2132459133863449, + 2.581653118133545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/27.png", + [ + 0.21478046476840973, + 0.022936459630727768, + -0.017063776031136513, + 0.21239212155342102, + 0.024944454431533813, + -0.21354134380817413, + 0.026940034702420235, + -0.3452070951461792, + -0.013965239748358727, + -0.028668971732258797, + -0.21431508660316467, + 2.719583034515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/42.png", + [ + 0.21553118526935577, + 0.0202785711735487, + -0.009109824895858765, + 0.10691926628351212, + 0.021178316324949265, + -0.21429236233234406, + 0.024044785648584366, + -0.2978067100048065, + -0.006759315729141235, + -0.024808313697576523, + -0.21514354646205902, + 2.6511001586914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/7.png", + [ + 0.21445466578006744, + 0.02335507981479168, + -0.02028866484761238, + 0.24561040103435516, + 0.02456563711166382, + -0.2149287313222885, + 0.012250113300979137, + -0.1632975935935974, + -0.01880476251244545, + -0.014424843713641167, + -0.21537455916404724, + 2.696606159210205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/73.png", + [ + 0.2155134230852127, + 0.02055608481168747, + -0.008905604481697083, + 0.10648360103368759, + 0.021475957706570625, + -0.21408851444721222, + 0.02554970607161522, + -0.3246140480041504, + -0.006375392898917198, + -0.026295464485883713, + -0.21497860550880432, + 2.6744656562805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/120.png", + [ + 0.1982000172138214, + -0.024581901729106903, + 0.084026038646698, + -1.0048437118530273, + -0.01835501566529274, + -0.21500389277935028, + -0.019603921100497246, + 0.2206609845161438, + 0.08560220152139664, + 0.010814364068210125, + -0.19875413179397583, + 2.405850410461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/46.png", + [ + 0.21552614867687225, + 0.02046937681734562, + -0.008796562440693378, + 0.1034318283200264, + 0.021415967494249344, + -0.2139274626970291, + 0.026912670582532883, + -0.3317694664001465, + -0.006142578087747097, + -0.027639467269182205, + -0.21481671929359436, + 2.6379313468933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/127.png", + [ + 0.20339050889015198, + -0.019497159868478775, + 0.07211136072874069, + -0.8469364047050476, + -0.012412705458700657, + -0.21507738530635834, + -0.023141590878367424, + 0.2569810152053833, + 0.07366214692592621, + 0.01759173721075058, + -0.20300815999507904, + 2.4342079162597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/133.png", + [ + 0.20045782625675201, + -0.02426605112850666, + 0.07858572900295258, + -0.9303595423698425, + -0.01765332743525505, + -0.21489863097667694, + -0.021326944231987, + 0.23601359128952026, + 0.08033005148172379, + 0.013328062370419502, + -0.20079179108142853, + 2.424046516418457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/57.png", + [ + 0.21542201936244965, + 0.02061404287815094, + -0.01078459806740284, + 0.1302121877670288, + 0.0217870082706213, + -0.21398021280765533, + 0.02618584595620632, + -0.3319318890571594, + -0.008159211836755276, + -0.027118872851133347, + -0.21481594443321228, + 2.6814632415771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/44.png", + [ + 0.21547561883926392, + 0.020698603242635727, + -0.009472046978771687, + 0.11121441423892975, + 0.021709151566028595, + -0.21397919952869415, + 0.026258543133735657, + -0.32384946942329407, + -0.006845775526016951, + -0.02706225961446762, + -0.2148689478635788, + 2.6439480781555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/113.png", + [ + 0.21272267401218414, + -0.016160544008016586, + 0.03789185360074043, + -0.4426003694534302, + -0.01511785015463829, + -0.21602457761764526, + -0.007261843420565128, + 0.0681394636631012, + 0.03831978887319565, + 0.004485598765313625, + -0.2132120281457901, + 2.5794925689697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/126.png", + [ + 0.20515747368335724, + -0.017303327098488808, + 0.06751963496208191, + -0.7895550727844238, + -0.01000251155346632, + -0.21502816677093506, + -0.024713002145290375, + 0.27713894844055176, + 0.06898011267185211, + 0.0202824454754591, + -0.2043973207473755, + 2.450052261352539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/29.png", + [ + 0.21515369415283203, + 0.020653968676924706, + -0.015172204002737999, + 0.18754324316978455, + 0.02231171540915966, + -0.21406985819339752, + 0.024983616545796394, + -0.32015544176101685, + -0.012608309276401997, + -0.026370573788881302, + -0.21469402313232422, + 2.7212295532226562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/4.png", + [ + 0.2148134857416153, + 0.023366879671812057, + -0.016032995656132698, + 0.19391313195228577, + 0.02375251241028309, + -0.21532335877418518, + 0.004423690959811211, + -0.06517351418733597, + -0.0154559426009655, + -0.006143277045339346, + -0.21603535115718842, + 2.7055411338806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/55.png", + [ + 0.21546074748039246, + 0.020573420450091362, + -0.010064532980322838, + 0.12089335918426514, + 0.0216306671500206, + -0.2140854150056839, + 0.02544482797384262, + -0.32170283794403076, + -0.007528257556259632, + -0.02630702219903469, + -0.2149399071931839, + 2.673867702484131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/9.png", + [ + 0.21445554494857788, + 0.02244320698082447, + -0.021284053102135658, + 0.25861337780952454, + 0.023963239043951035, + -0.2148277312517166, + 0.014923207461833954, + -0.1965850442647934, + -0.019556881859898567, + -0.017124293372035027, + -0.2151096910238266, + 2.698232650756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/25.png", + [ + 0.21467651426792145, + 0.022433603182435036, + -0.01893729530274868, + 0.23469197750091553, + 0.02472512610256672, + -0.21351423859596252, + 0.02735394611954689, + -0.3504144251346588, + -0.015828963369131088, + -0.029262663796544075, + -0.21410520374774933, + 2.7215142250061035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/99.png", + [ + 0.21588745713233948, + -0.008638091385364532, + 0.01630602404475212, + -0.19279634952545166, + -0.009853694587945938, + -0.21584978699684143, + 0.016114220023155212, + -0.2078942209482193, + 0.01560152880847454, + -0.016797225922346115, + -0.2154584527015686, + 2.655601978302002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/34.png", + [ + 0.21524006128311157, + 0.021770497784018517, + -0.01206884440034628, + 0.1466190367937088, + 0.02299819141626358, + -0.21411898732185364, + 0.02391742169857025, + -0.29945501685142517, + -0.009523377753794193, + -0.025040075182914734, + -0.2150120884180069, + 2.672245502471924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/72.png", + [ + 0.21540959179401398, + 0.0212215818464756, + -0.009810793213546276, + 0.117994025349617, + 0.022224485874176025, + -0.2140921652317047, + 0.02486986294388771, + -0.3166162669658661, + -0.007258053869009018, + -0.025730961933732033, + -0.21501891314983368, + 2.677690029144287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/102.png", + [ + 0.21498651802539825, + -0.015518059022724628, + 0.02208811230957508, + -0.2578590214252472, + -0.016005713492631912, + -0.2160455733537674, + 0.004002342000603676, + -0.06232083588838577, + 0.021737342700362206, + -0.00560280354693532, + -0.21550868451595306, + 2.6079330444335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/134.png", + [ + 0.19802771508693695, + -0.027999576181173325, + 0.08336035162210464, + -0.9902845621109009, + -0.021912258118391037, + -0.21463049948215485, + -0.020037446171045303, + 0.219966322183609, + 0.08516324311494827, + 0.009882817044854164, + -0.1989910900592804, + 2.410172939300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/70.png", + [ + 0.21549616754055023, + 0.020430754870176315, + -0.00958579033613205, + 0.11642394959926605, + 0.02138705551624298, + -0.21426227688789368, + 0.024128159508109093, + -0.30777230858802795, + -0.007203965447843075, + -0.02494310587644577, + -0.2151135504245758, + 2.6837992668151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/135.png", + [ + 0.1964302659034729, + -0.029027901589870453, + 0.08672039955854416, + -1.0313714742660522, + -0.023033790290355682, + -0.21454958617687225, + -0.01964232511818409, + 0.2166043370962143, + 0.08850136399269104, + 0.008588212542235851, + -0.19758957624435425, + 2.39780330657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/130.png", + [ + 0.20318220555782318, + -0.019607847556471825, + 0.07266649603843689, + -0.8529527187347412, + -0.011965169571340084, + -0.21494722366333008, + -0.024544229730963707, + 0.27514949440956116, + 0.07430829107761383, + 0.019003072753548622, + -0.20264515280723572, + 2.4298934936523438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/90.png", + [ + 0.21578332781791687, + 0.017048845067620277, + -0.009735840372741222, + 0.11927703768014908, + 0.018092159181833267, + -0.21440176665782928, + 0.025543097406625748, + -0.32080069184303284, + -0.007623879238963127, + -0.02625095844268799, + -0.21494339406490326, + 2.678985595703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/122.png", + [ + 0.19952796399593353, + -0.02318856306374073, + 0.08123283833265305, + -0.9646227359771729, + -0.016750087961554527, + -0.2150747925043106, + -0.020252451300621033, + 0.2226128876209259, + 0.08280046284198761, + 0.012370035983622074, + -0.19984734058380127, + 2.4075231552124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/15.png", + [ + 0.21482817828655243, + 0.01994243636727333, + -0.019976237788796425, + 0.24709731340408325, + 0.022043131291866302, + -0.21430794894695282, + 0.02311062067747116, + -0.3026064336299896, + -0.01763097010552883, + -0.0249459408223629, + -0.2145104557275772, + 2.713350296020508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/22.png", + [ + 0.21474002301692963, + 0.020914718508720398, + -0.019929789006710052, + 0.24777647852897644, + 0.023332443088293076, + -0.21369759738445282, + 0.027144478633999825, + -0.34861940145492554, + -0.017035814002156258, + -0.029048237949609756, + -0.21404175460338593, + 2.7242798805236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/138.png", + [ + 0.1967567801475525, + -0.02523874118924141, + 0.08716458827257156, + -1.0376883745193481, + -0.0184764564037323, + -0.21490797400474548, + -0.02052023820579052, + 0.23434501886367798, + 0.08884414285421371, + 0.011201141402125359, + -0.19730472564697266, + 2.411198139190674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/109.png", + [ + 0.2121410220861435, + -0.01845816895365715, + 0.040042102336883545, + -0.4719468653202057, + -0.018361499533057213, + -0.21588362753391266, + -0.0022373604588210583, + 0.01130872592329979, + 0.040086522698402405, + -0.0012027127668261528, + -0.21293078362941742, + 2.5593013763427734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/26.png", + [ + 0.21480216085910797, + 0.022243130952119827, + -0.017696760594844818, + 0.21924671530723572, + 0.02438916265964508, + -0.21351218223571777, + 0.027669789269566536, + -0.35411539673805237, + -0.014597972854971886, + -0.029422642663121223, + -0.21417072415351868, + 2.7198901176452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/43.png", + [ + 0.21544992923736572, + 0.020973101258277893, + -0.0094529390335083, + 0.1115538477897644, + 0.021931074559688568, + -0.21413655579090118, + 0.024747949093580246, + -0.30615028738975525, + -0.0069467234425246716, + -0.025564858689904213, + -0.21504901349544525, + 2.6495461463928223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/84.png", + [ + 0.21550112962722778, + 0.01983194798231125, + -0.010669880546629429, + 0.12749317288398743, + 0.021016977727413177, + -0.2139877825975418, + 0.02674706280231476, + -0.33627888560295105, + -0.00808944646269083, + -0.02763715572655201, + -0.21475251019001007, + 2.6431055068969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/136.png", + [ + 0.1969451755285263, + -0.028655072674155235, + 0.08567018806934357, + -1.018365740776062, + -0.023029519245028496, + -0.21462152898311615, + -0.01884487271308899, + 0.2102159857749939, + 0.08735065162181854, + 0.008023382164537907, + -0.19812467694282532, + 2.4057979583740234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/89.png", + [ + 0.21550221741199493, + 0.01913975551724434, + -0.011847167275846004, + 0.14300689101219177, + 0.02025996334850788, + -0.21462100744247437, + 0.021800411865115166, + -0.27992165088653564, + -0.00980916153639555, + -0.02279021218419075, + -0.21524934470653534, + 2.6729440689086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/63.png", + [ + 0.21554294228553772, + 0.019994309172034264, + -0.009452822618186474, + 0.11500139534473419, + 0.02101072669029236, + -0.21403594315052032, + 0.026363980025053024, + -0.3371858596801758, + -0.006904888898134232, + -0.02714291587471962, + -0.21485687792301178, + 2.690274238586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/88.png", + [ + 0.21547548472881317, + 0.01936955563724041, + -0.01195928268134594, + 0.14348441362380981, + 0.020621612668037415, + -0.21429920196533203, + 0.024463992565870285, + -0.3115266263484955, + -0.009641221724450588, + -0.025466805323958397, + -0.21495668590068817, + 2.663362979888916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/62.png", + [ + 0.2155490666627884, + 0.019998811185359955, + -0.009302477352321148, + 0.11255009472370148, + 0.020977318286895752, + -0.21411257982254028, + 0.025761350989341736, + -0.3292418420314789, + -0.006814739666879177, + -0.026528149843215942, + -0.2149365395307541, + 2.6896133422851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/65.png", + [ + 0.21545664966106415, + 0.02050601877272129, + -0.010287458077073097, + 0.12511195242404938, + 0.021594414487481117, + -0.2140772044658661, + 0.025544587522745132, + -0.3267267048358917, + -0.0077466038055717945, + -0.026426270604133606, + -0.21491749584674835, + 2.6890463829040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/80.png", + [ + 0.21556240320205688, + 0.019671136513352394, + -0.009684598073363304, + 0.11508847773075104, + 0.020755242556333542, + -0.21392300724983215, + 0.027460219338536263, + -0.3455614745616913, + -0.007068592123687267, + -0.02824694663286209, + -0.21470917761325836, + 2.6422691345214844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/146.png", + [ + 0.19265244901180267, + -0.029188796877861023, + 0.09476780891418457, + -1.1332409381866455, + -0.021837063133716583, + -0.21447966992855072, + -0.021668115630745888, + 0.24329811334609985, + 0.09672676771879196, + 0.009714866057038307, + -0.19364258646965027, + 2.3643932342529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/119.png", + [ + 0.19988355040550232, + -0.02587299980223179, + 0.07953017204999924, + -0.9553060531616211, + -0.02012895978987217, + -0.21487148106098175, + -0.01931244134902954, + 0.2184993326663971, + 0.08117441833019257, + 0.010427524335682392, + -0.20062372088432312, + 2.430048942565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/145.png", + [ + 0.19182145595550537, + -0.030996717512607574, + 0.09587295353412628, + -1.145938754081726, + -0.023241546005010605, + -0.2142190784215927, + -0.022757824510335922, + 0.2573913037776947, + 0.0980420783162117, + 0.009863656014204025, + -0.19297242164611816, + 2.357985019683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/79.png", + [ + 0.21553851664066315, + 0.02008948102593422, + -0.009351858869194984, + 0.11152099817991257, + 0.021131068468093872, + -0.21386924386024475, + 0.027592157945036888, + -0.34730368852615356, + -0.006672505754977465, + -0.028359513729810715, + -0.21470704674720764, + 2.6475725173950195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/116.png", + [ + 0.2101854830980301, + -0.017451534047722816, + 0.04965274780988693, + -0.5892231464385986, + -0.016220446676015854, + -0.21594545245170593, + -0.007235787343233824, + 0.06875365972518921, + 0.050068438053131104, + 0.00330203864723444, + -0.21078458428382874, + 2.556572437286377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/19.png", + [ + 0.21470299363136292, + 0.021025963127613068, + -0.02020953595638275, + 0.2498834878206253, + 0.02321120724081993, + -0.21410483121871948, + 0.023838039487600327, + -0.3102532923221588, + -0.017656618729233742, + -0.025786062702536583, + -0.2144089937210083, + 2.7283244132995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/77.png", + [ + 0.2155754566192627, + 0.019799184054136276, + -0.009116046130657196, + 0.10880552977323532, + 0.02079811319708824, + -0.2139611393213272, + 0.02712872438132763, + -0.3427625596523285, + -0.006522927898913622, + -0.02786613255739212, + -0.21477621793746948, + 2.6583056449890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/68.png", + [ + 0.215423122048378, + 0.020662935450673103, + -0.01066826842725277, + 0.12925846874713898, + 0.02178666926920414, + -0.21408987045288086, + 0.025273863226175308, + -0.3226959705352783, + -0.00813079159706831, + -0.02620057761669159, + -0.2149309664964676, + 2.686221122741699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/143.png", + [ + 0.19188518822193146, + -0.031084829941391945, + 0.09571676701307297, + -1.148871898651123, + -0.023703236132860184, + -0.214241623878479, + -0.022058457136154175, + 0.25195425748825073, + 0.09780656546354294, + 0.00906379148364067, + -0.19313108921051025, + 2.36387300491333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/86.png", + [ + 0.21550261974334717, + 0.019852060824632645, + -0.01060221903026104, + 0.12612798810005188, + 0.021019436419010162, + -0.21401706337928772, + 0.026509976014494896, + -0.3350736200809479, + -0.00804329663515091, + -0.0273950956761837, + -0.21478526294231415, + 2.6505064964294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/1.png", + [ + 0.21491345763206482, + 0.022603586316108704, + -0.01578531041741371, + 0.1964644491672516, + 0.022835623472929, + -0.21545474231243134, + 0.00238405866548419, + -0.03783172741532326, + -0.015447733923792839, + -0.004028314724564552, + -0.21608570218086243, + 2.7040653228759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/81.png", + [ + 0.2155153900384903, + 0.02016744762659073, + -0.009710061363875866, + 0.11552326381206512, + 0.021230725571513176, + -0.21395500004291534, + 0.02684037946164608, + -0.33807775378227234, + -0.007089958060532808, + -0.027648214250802994, + -0.21478642523288727, + 2.641465663909912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/95.png", + [ + 0.2166239470243454, + 0.0046853674575686455, + -2.525947093090508e-05, + 0.001967440126463771, + 0.004645098000764847, + -0.2146029770374298, + 0.029527680948376656, + -0.37226060032844543, + 0.0006134878494776785, + -0.029521314427256584, + -0.21465323865413666, + 2.6717538833618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/103.png", + [ + 0.21532420814037323, + -0.011910328641533852, + 0.021012401208281517, + -0.2424771636724472, + -0.012683955952525139, + -0.21617485582828522, + 0.007445561699569225, + -0.10129740834236145, + 0.020554663613438606, + -0.0086292065680027, + -0.2155247926712036, + 2.5854878425598145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/150.png", + [ + 0.19272100925445557, + -0.030141210183501244, + 0.09432925283908844, + -1.1190980672836304, + -0.02076062746345997, + -0.21410509943962097, + -0.025998059660196304, + 0.29275527596473694, + 0.09682715684175491, + 0.01408581156283617, + -0.1933235377073288, + 2.3486385345458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/83.png", + [ + 0.21558696031570435, + 0.019374288618564606, + -0.009736168198287487, + 0.11620980501174927, + 0.020445534959435463, + -0.21403557062149048, + 0.026807693764567375, + -0.3374444544315338, + -0.007220531813800335, + -0.027591831982135773, + -0.21478931605815887, + 2.6403918266296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/142.png", + [ + 0.19312293827533722, + -0.029774600639939308, + 0.09362105280160904, + -1.1227924823760986, + -0.022672433406114578, + -0.21441763639450073, + -0.021422874182462692, + 0.2444060742855072, + 0.09558969736099243, + 0.00929795578122139, + -0.19422681629657745, + 2.379136085510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/51.png", + [ + 0.21554039418697357, + 0.020002419129014015, + -0.009493750520050526, + 0.11162581294775009, + 0.021035265177488327, + -0.21398989856243134, + 0.026715833693742752, + -0.33361440896987915, + -0.006909831892699003, + -0.027497662231326103, + -0.21481162309646606, + 2.648082733154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/128.png", + [ + 0.20245109498500824, + -0.020267736166715622, + 0.07450278848409653, + -0.8767006397247314, + -0.012821484357118607, + -0.21499836444854736, + -0.023647522553801537, + 0.262027770280838, + 0.07613839209079742, + 0.017686568200588226, + -0.20208418369293213, + 2.422471523284912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/93.png", + [ + 0.21617291867733002, + 0.012759239412844181, + -0.007373331114649773, + 0.09042225778102875, + 0.013549163937568665, + -0.21472150087356567, + 0.025670846924185753, + -0.32636868953704834, + -0.00579519709572196, + -0.026072481647133827, + -0.21502217650413513, + 2.6937031745910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/76.png", + [ + 0.2136290967464447, + -0.012141815386712551, + -0.03410394862294197, + 0.40165433287620544, + -0.021208034828305244, + -0.20740346610546112, + -0.05900777876377106, + 0.6856304407119751, + -0.02933807298541069, + 0.06151646375656128, + -0.20567668974399567, + 2.463792324066162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/48.png", + [ + 0.2158041149377823, + -0.019127732142806053, + -0.003256786148995161, + 0.03874790295958519, + -0.0192688200622797, + -0.207001194357872, + -0.06105010211467743, + 0.6652489304542542, + 0.0022780306171625853, + 0.061094459146261215, + -0.20787057280540466, + 2.3588480949401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/137.png", + [ + 0.20244622230529785, + 0.002611244795843959, + -0.07717904448509216, + 0.8964197635650635, + -0.019251061603426933, + -0.20800738036632538, + -0.05753457173705101, + 0.6565119624137878, + -0.07478515058755875, + 0.06061363220214844, + -0.19411611557006836, + 2.315290927886963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/173.png", + [ + 0.17883652448654175, + -0.015846645459532738, + -0.12130240350961685, + 1.3715221881866455, + -0.041843194514513016, + -0.20981404185295105, + -0.034279972314834595, + 0.37755727767944336, + -0.11495450884103775, + 0.05171898379921913, + -0.17623423039913177, + 2.058088779449463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/35.png", + [ + 0.2157212197780609, + -0.016275357455015182, + -0.012139278464019299, + 0.14222006499767303, + -0.01828213408589363, + -0.2120545506477356, + -0.04057741165161133, + 0.46765679121017456, + -0.008832494728267193, + 0.04142312705516815, + -0.21249471604824066, + 2.5396456718444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/124.png", + [ + 0.20567424595355988, + 0.002602705266326666, + -0.0681118294596672, + 0.7873019576072693, + -0.013855825178325176, + -0.21039944887161255, + -0.04987965151667595, + 0.5553558468818665, + -0.06673837453126907, + 0.051702894270420074, + -0.19955122470855713, + 2.368093967437744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/97.png", + [ + 0.20769785344600677, + -0.009848324581980705, + -0.06093034893274307, + 0.7130268216133118, + -0.023739652708172798, + -0.2101905643939972, + -0.046949513256549835, + 0.5383540391921997, + -0.056973036378622055, + 0.05168015509843826, + -0.20256143808364868, + 2.421283721923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/277.png", + [ + 0.21279273927211761, + 0.022968439385294914, + 0.03375779092311859, + -0.3853500485420227, + 0.025760967284440994, + -0.21450911462306976, + -0.01643495075404644, + 0.17645129561424255, + 0.031678229570388794, + 0.02015405148267746, + -0.2133968025445938, + 2.5566368103027344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/155.png", + [ + 0.17231936752796173, + -0.004111462738364935, + -0.13128983974456787, + 1.5117805004119873, + -0.03454003483057022, + -0.2103653997182846, + -0.038746386766433716, + 0.4333464801311493, + -0.12673167884349823, + 0.0517435260117054, + -0.16795708239078522, + 1.9949055910110474, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/192.png", + [ + 0.18632133305072784, + -0.01682247593998909, + -0.10931264609098434, + 1.278801441192627, + -0.045065972954034805, + -0.20711670815944672, + -0.044940244406461716, + 0.507907509803772, + -0.10100153088569641, + 0.061380550265312195, + -0.18160124123096466, + 2.1859755516052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/271.png", + [ + 0.21505379676818848, + 0.012052989564836025, + -0.023547494783997536, + 0.2646753787994385, + 0.007622742559760809, + -0.21293075382709503, + -0.039373721927404404, + 0.43114131689071655, + -0.02533086948096752, + 0.038250766694545746, + -0.2117619663476944, + 2.493622303009033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/13.png", + [ + 0.21078267693519592, + -0.012987898662686348, + -0.04847550019621849, + 0.5647569298744202, + -0.02364070899784565, + -0.21031339466571808, + -0.04644661769270897, + 0.5290756225585938, + -0.04426823556423187, + 0.05047262832522392, + -0.20601148903369904, + 2.463315486907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/274.png", + [ + 0.21309174597263336, + 0.033709730952978134, + 0.020086301490664482, + -0.24296104907989502, + 0.03621537983417511, + -0.21164856851100922, + -0.029003983363509178, + 0.312877357006073, + 0.015107998624444008, + 0.03188163787126541, + -0.21378308534622192, + 2.536388874053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/32.png", + [ + 0.21525685489177704, + -0.015604504384100437, + -0.019206257537007332, + 0.22866903245449066, + -0.018867604434490204, + -0.21230453252792358, + -0.038970354944467545, + 0.4511646032333374, + -0.016012314707040787, + 0.04038780555129051, + -0.21227417886257172, + 2.5564236640930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/158.png", + [ + 0.16945156455039978, + -0.0018592524575069547, + -0.13502076268196106, + 1.5514403581619263, + -0.03249838948249817, + -0.21084752678871155, + -0.037882205098867416, + 0.4235679805278778, + -0.1310645490884781, + 0.0498773530125618, + -0.16517330706119537, + 1.9578956365585327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/256.png", + [ + 0.1997150033712387, + -0.021685495972633362, + -0.0811883732676506, + 0.9510701894760132, + -0.040411703288555145, + -0.2083253264427185, + -0.04376469925045967, + 0.4961526095867157, + -0.07367977499961853, + 0.055481474846601486, + -0.19606375694274902, + 2.3462038040161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/38.png", + [ + 0.21605704724788666, + -0.014214935712516308, + -0.008073819801211357, + 0.09307445585727692, + -0.015533293597400188, + -0.21186481416225433, + -0.042660411447286606, + 0.48988446593284607, + -0.005095858592540026, + 0.04311763122677803, + -0.21227999031543732, + 2.515700340270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/148.png", + [ + 0.17189131677150726, + 0.00038293394027277827, + -0.13191328942775726, + 1.53585684299469, + -0.03602323308587074, + -0.2083018720149994, + -0.04754522815346718, + 0.5396508574485779, + -0.12689992785453796, + 0.05964960902929306, + -0.16518543660640717, + 1.9727073907852173, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/222.png", + [ + 0.19004857540130615, + -0.017727145925164223, + -0.10254355520009995, + 1.1845289468765259, + -0.03621353209018707, + -0.21142901480197906, + -0.030565515160560608, + 0.3391803205013275, + -0.0975603237748146, + 0.04394790902733803, + -0.18841035664081573, + 2.230587959289551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/111.png", + [ + 0.21117819845676422, + 0.0035445094108581543, + -0.04836420342326164, + 0.5597897171974182, + -0.00889672338962555, + -0.20959550142288208, + -0.05420759692788124, + 0.612342894077301, + -0.04767083004117012, + 0.05481835827231407, + -0.20413312315940857, + 2.4230728149414062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/164.png", + [ + 0.16363319754600525, + -0.003917562775313854, + -0.14197435975074768, + 1.6322473287582397, + -0.03711632639169693, + -0.2102450132369995, + -0.03697720542550087, + 0.4081350564956665, + -0.13709282875061035, + 0.05224546045064926, + -0.15944860875606537, + 1.896546721458435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/11.png", + [ + 0.20878106355667114, + -0.010668381117284298, + -0.05696089565753937, + 0.6663222312927246, + -0.023996777832508087, + -0.2097700983285904, + -0.04866786673665047, + 0.5550617575645447, + -0.05274953320622444, + 0.05320330709218979, + -0.2033095806837082, + 2.4309864044189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/125.png", + [ + 0.20641547441482544, + 0.001240621553733945, + -0.06587116420269012, + 0.75858473777771, + -0.0148716289550066, + -0.21016749739646912, + -0.050560399889945984, + 0.5616564750671387, + -0.06418243795633316, + 0.05268757417798042, + -0.20013128221035004, + 2.374922275543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/59.png", + [ + 0.21592573821544647, + -0.01571463607251644, + -0.008776475675404072, + 0.09897314012050629, + -0.01748010888695717, + -0.20827274024486542, + -0.05713851377367973, + 0.6456204652786255, + -0.0042921025305986404, + 0.05764906480908394, + -0.208820641040802, + 2.422524929046631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/105.png", + [ + 0.2083914875984192, + -0.006085626315325499, + -0.059024177491664886, + 0.6894468665122986, + -0.01975591853260994, + -0.2103511393070221, + -0.04806245490908623, + 0.5443865656852722, + -0.055951692163944244, + 0.05160679668188095, + -0.2028646022081375, + 2.4162797927856445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/121.png", + [ + 0.20638498663902283, + 0.004419143311679363, + -0.06583008915185928, + 0.7596673369407654, + -0.011427225545048714, + -0.21052668988704681, + -0.049958232790231705, + 0.5549890398979187, + -0.0649811401963234, + 0.051057592034339905, + -0.20029594004154205, + 2.370154857635498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/255.png", + [ + 0.19942285120487213, + -0.023644469678401947, + -0.08135945349931717, + 0.951069712638855, + -0.04230186715722084, + -0.2080635130405426, + -0.0432206429541111, + 0.4890179932117462, + -0.07340963184833527, + 0.05566338077187538, + -0.19611351191997528, + 2.3434062004089355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/175.png", + [ + 0.18082036077976227, + -0.016900086775422096, + -0.11817900836467743, + 1.3384745121002197, + -0.04142366722226143, + -0.21004816889762878, + -0.03334273025393486, + 0.3632360100746155, + -0.1119641363620758, + 0.050418704748153687, + -0.17852137982845306, + 2.0873727798461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/198.png", + [ + 0.18767158687114716, + -0.01622156985104084, + -0.1070706769824028, + 1.254776120185852, + -0.042827557772397995, + -0.20788249373435974, + -0.04357248172163963, + 0.49156454205513, + -0.09946390241384506, + 0.058903489261865616, + -0.1832626610994339, + 2.2087488174438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/24.png", + [ + 0.21321286261081696, + -0.016340935602784157, + -0.034944772720336914, + 0.4134901762008667, + -0.02254120260477066, + -0.21205514669418335, + -0.03837181627750397, + 0.44664397835731506, + -0.03130587190389633, + 0.041394151747226715, + -0.21036720275878906, + 2.5249810218811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/275.png", + [ + 0.21312977373600006, + 0.03022843971848488, + 0.024694791063666344, + -0.2892411947250366, + 0.032602157443761826, + -0.2132387012243271, + -0.0203531626611948, + 0.21218247711658478, + 0.021463708952069283, + 0.023735908791422844, + -0.21429841220378876, + 2.556518077850342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/214.png", + [ + 0.18728691339492798, + -0.016944147646427155, + -0.10763083398342133, + 1.2531654834747314, + -0.03988064453005791, + -0.20984607934951782, + -0.03636002540588379, + 0.406100332736969, + -0.10139543563127518, + 0.051238786429166794, + -0.1845032274723053, + 2.203677177429199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/74.png", + [ + 0.21411922574043274, + -0.012991214171051979, + -0.030529987066984177, + 0.36047983169555664, + -0.021135326474905014, + -0.20709504187107086, + -0.06010691449046135, + 0.6954146027565002, + -0.025576354935765266, + 0.062376052141189575, + -0.20591981709003448, + 2.4686245918273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/251.png", + [ + 0.19838960468769073, + -0.026333967223763466, + -0.08304206281900406, + 0.9573211073875427, + -0.0443291962146759, + -0.20831544697284698, + -0.039843421429395676, + 0.44509217143058777, + -0.07499590516090393, + 0.05347053334116936, + -0.19612348079681396, + 2.322828769683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/193.png", + [ + 0.18668341636657715, + -0.01637250930070877, + -0.10876181721687317, + 1.2726318836212158, + -0.04452446475625038, + -0.20716911554336548, + -0.045237403362989426, + 0.511185348033905, + -0.10057218372821808, + 0.06132529303431511, + -0.18185801804065704, + 2.189487934112549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/129.png", + [ + 0.20779235661029816, + 0.00020147424947936088, + -0.0614018440246582, + 0.7062408924102783, + -0.01573396846652031, + -0.20926445722579956, + -0.05393258109688759, + 0.6168612241744995, + -0.059352077543735504, + 0.056180428713560104, + -0.20067133009433746, + 2.390331268310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/249.png", + [ + 0.19835056364536285, + -0.026603173464536667, + -0.08304953575134277, + 0.9528070092201233, + -0.0432756282389164, + -0.20917361974716187, + -0.03635255619883537, + 0.4021807610988617, + -0.07571111619472504, + 0.04986541345715523, + -0.19679726660251617, + 2.3185243606567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/172.png", + [ + 0.17760597169399261, + -0.015516339801251888, + -0.1231391578912735, + 1.3922390937805176, + -0.04188496991991997, + -0.20985637605190277, + -0.03396821767091751, + 0.3740103840827942, + -0.11683172732591629, + 0.051647208631038666, + -0.17501656711101532, + 2.0455732345581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/232.png", + [ + 0.19353516399860382, + -0.016299735754728317, + -0.09605392068624496, + 1.1018637418746948, + -0.034504249691963196, + -0.2112424224615097, + -0.033674728125333786, + 0.37343060970306396, + -0.09111253172159195, + 0.045374542474746704, + -0.19127872586250305, + 2.2417593002319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/153.png", + [ + 0.17142368853092194, + -0.004513522610068321, + -0.1324440836906433, + 1.5240086317062378, + -0.03738125413656235, + -0.20940209925174713, + -0.041246768087148666, + 0.46227750182151794, + -0.12713950872421265, + 0.05548226833343506, + -0.1664486676454544, + 1.9815565347671509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/144.png", + [ + 0.1924263834953308, + 0.003118436550721526, + -0.0995502918958664, + 1.1625171899795532, + -0.022381393238902092, + -0.20967571437358856, + -0.049830399453639984, + 0.5742818713188171, + -0.09705183655023575, + 0.05453687161207199, + -0.18588858842849731, + 2.2252001762390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/188.png", + [ + 0.18555521965026855, + -0.017409028485417366, + -0.11051733046770096, + 1.2820854187011719, + -0.04528842121362686, + -0.20740336179733276, + -0.04336706921458244, + 0.48845282196998596, + -0.10230401903390884, + 0.060238439589738846, + -0.18125426769256592, + 2.165982723236084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/98.png", + [ + 0.20776064693927765, + -0.010248372331261635, + -0.06064963713288307, + 0.7098451256752014, + -0.02386949583888054, + -0.2103363573551178, + -0.04622512310743332, + 0.5295563340187073, + -0.05668910592794418, + 0.05100475624203682, + -0.2028121054172516, + 2.424804210662842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/0.png", + [ + 0.20160020887851715, + -0.007931521162390709, + -0.07900846004486084, + 0.919712483882904, + -0.02789587341248989, + -0.20892348885536194, + -0.05020643398165703, + 0.5730183124542236, + -0.07434423267841339, + 0.05688547343015671, + -0.19540950655937195, + 2.319326877593994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/163.png", + [ + 0.16340389847755432, + -0.0027330350130796432, + -0.1422659009695053, + 1.6367868185043335, + -0.03580329194664955, + -0.21045447885990143, + -0.037079986184835434, + 0.4094357490539551, + -0.13771411776542664, + 0.051471661776304245, + -0.1591646373271942, + 1.8952854871749878, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/96.png", + [ + 0.20778043568134308, + -0.00988095998764038, + -0.06064280495047569, + 0.7084754705429077, + -0.023645641282200813, + -0.21024325489997864, + -0.04676064848899841, + 0.5358818173408508, + -0.0567103773355484, + 0.05145912617444992, + -0.20269134640693665, + 2.4225802421569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/100.png", + [ + 0.20782789587974548, + -0.009027467109262943, + -0.06061325594782829, + 0.7110359072685242, + -0.021981103345751762, + -0.21103127300739288, + -0.043937720358371735, + 0.5013815760612488, + -0.05720395967364311, + 0.048292823135852814, + -0.20333078503608704, + 2.4304308891296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/40.png", + [ + 0.2160942554473877, + -0.014657498337328434, + -0.006027051247656345, + 0.06759382039308548, + -0.015600768849253654, + -0.21124249696731567, + -0.04561932384967804, + 0.5214413404464722, + -0.0027899162378162146, + 0.04593108221888542, + -0.21173201501369476, + 2.5000762939453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/141.png", + [ + 0.1996716856956482, + 0.003541290294378996, + -0.0840628519654274, + 0.9732567071914673, + -0.018612245097756386, + -0.20926032960414886, + -0.053024500608444214, + 0.6073614954948425, + -0.08205295354127884, + 0.056084513664245605, + -0.19253502786159515, + 2.300375461578369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/52.png", + [ + 0.21587267518043518, + -0.016929905861616135, + -0.007763282395899296, + 0.08922713994979858, + -0.01837862841784954, + -0.20827113091945648, + -0.05686172842979431, + 0.6247324347496033, + -0.0030192926060408354, + 0.05730975791811943, + -0.20893628895282745, + 2.3833069801330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/184.png", + [ + 0.18501760065555573, + -0.018603306263685226, + -0.11122187227010727, + 1.2740275859832764, + -0.04658421128988266, + -0.20722763240337372, + -0.04283130541443825, + 0.47717955708503723, + -0.10269518941640854, + 0.06048574671149254, + -0.18095046281814575, + 2.139529228210449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/227.png", + [ + 0.19251330196857452, + -0.01697610132396221, + -0.09797108918428421, + 1.1243056058883667, + -0.031772349029779434, + -0.21280309557914734, + -0.025558894500136375, + 0.27825167775154114, + -0.09421805292367935, + 0.03707493841648102, + -0.19156278669834137, + 2.2499256134033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/3.png", + [ + 0.20441952347755432, + -0.006379946134984493, + -0.07155316323041916, + 0.8270660638809204, + -0.023563077673316002, + -0.20983321964740753, + -0.04860760271549225, + 0.5491172671318054, + -0.06786266714334488, + 0.053639672696590424, + -0.19865883886814117, + 2.3568224906921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/231.png", + [ + 0.1931789368391037, + -0.01709672622382641, + -0.09663072973489761, + 1.1078805923461914, + -0.03452473133802414, + -0.21156108379364014, + -0.03158878907561302, + 0.3494451344013214, + -0.09185772389173508, + 0.04356042295694351, + -0.19134403765201569, + 2.2435860633850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/47.png", + [ + 0.2158842384815216, + -0.01823372207581997, + -0.0030685714446008205, + 0.03617854043841362, + -0.01834651082754135, + -0.20676392316818237, + -0.06212876737117767, + 0.6832274198532104, + 0.0023000796791166067, + 0.06216196343302727, + -0.20755359530448914, + 2.3764867782592773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/104.png", + [ + 0.20826861262321472, + -0.0066891685128211975, + -0.05939137563109398, + 0.6940097212791443, + -0.020051389932632446, + -0.21065451204776764, + -0.04658878222107887, + 0.5284149646759033, + -0.05630294233560562, + 0.05027750879526138, + -0.20310108363628387, + 2.421320915222168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/21.png", + [ + 0.2132541984319687, + -0.014277443289756775, + -0.035590656101703644, + 0.419083833694458, + -0.021099086850881577, + -0.21160708367824554, + -0.04153508320450783, + 0.4799374043941498, + -0.032021377235651016, + 0.04434511810541153, + -0.20965693891048431, + 2.504286289215088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/268.png", + [ + 0.2095118910074234, + -0.016604941338300705, + -0.052696652710437775, + 0.6171098351478577, + -0.02904091402888298, + -0.20890410244464874, + -0.049634575843811035, + 0.5666280388832092, + -0.04700305312871933, + 0.05505671352148056, + -0.20422381162643433, + 2.424732208251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/82.png", + [ + 0.21178442239761353, + -0.012150022201240063, + -0.044131968170404434, + 0.5210748314857483, + -0.024393489584326744, + -0.206724613904953, + -0.06014807149767876, + 0.6943789720535278, + -0.038732558488845825, + 0.06375900655984879, + -0.20342682301998138, + 2.432522773742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/106.png", + [ + 0.20856498181819916, + -0.00583450635895133, + -0.05843372270464897, + 0.6817762851715088, + -0.019890038296580315, + -0.2098775953054428, + -0.05003675818443298, + 0.5666139721870422, + -0.055253300815820694, + 0.05352802574634552, + -0.20255793631076813, + 2.4123339653015137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/14.png", + [ + 0.21122649312019348, + -0.012710778042674065, + -0.046580005437135696, + 0.5434715747833252, + -0.022565793246030807, + -0.21078605949878693, + -0.04480975493788719, + 0.5119820237159729, + -0.04268542677164078, + 0.04853416606783867, + -0.20680977404117584, + 2.471501350402832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/67.png", + [ + 0.21534422039985657, + -0.01485960278660059, + -0.018813541159033775, + 0.2148834615945816, + -0.01972775161266327, + -0.20644979178905487, + -0.06274712830781937, + 0.7133477926254272, + -0.013622518628835678, + 0.0640747919678688, + -0.20653508603572845, + 2.4420061111450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/272.png", + [ + 0.21529394388198853, + 0.02229117974638939, + -0.009976329281926155, + 0.10300101339817047, + 0.020495576784014702, + -0.21304896473884583, + -0.033733829855918884, + 0.3645983338356018, + -0.013279881328344345, + 0.03257519751787186, + -0.21379989385604858, + 2.5186233520507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/241.png", + [ + 0.19564349949359894, + -0.021156784147024155, + -0.09068577736616135, + 1.0397957563400269, + -0.03757764399051666, + -0.21100200712680817, + -0.03184289485216141, + 0.3542102575302124, + -0.08520235121250153, + 0.04447966068983078, + -0.19419065117835999, + 2.2821149826049805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/78.png", + [ + 0.2132158726453781, + -0.011454513296484947, + -0.0368196964263916, + 0.4326246976852417, + -0.02082955837249756, + -0.20832473039627075, + -0.055810727179050446, + 0.6441051363945007, + -0.0324503518640995, + 0.05845940485596657, + -0.20610038936138153, + 2.460172176361084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/191.png", + [ + 0.1856190711259842, + -0.015993302688002586, + -0.11062398552894592, + 1.2923414707183838, + -0.044988129287958145, + -0.2069980949163437, + -0.04556039348244667, + 0.5160405039787292, + -0.10232067853212357, + 0.061999160796403885, + -0.18065014481544495, + 2.171712875366211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/31.png", + [ + 0.2150512933731079, + -0.01548385713249445, + -0.02147296629846096, + 0.2556231617927551, + -0.019220108166337013, + -0.2121766209602356, + -0.039491381496191025, + 0.4609299302101135, + -0.018205096945166588, + 0.04110027104616165, + -0.21196046471595764, + 2.5579066276550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/194.png", + [ + 0.18659210205078125, + -0.016543181613087654, + -0.10889264941215515, + 1.274619221687317, + -0.044460803270339966, + -0.20730116963386536, + -0.044691842049360275, + 0.5037717819213867, + -0.10076964646577835, + 0.06083129718899727, + -0.18191459774971008, + 2.191157817840576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/152.png", + [ + 0.17095518112182617, + -0.005237391218543053, + -0.133021742105484, + 1.5342150926589966, + -0.03820182383060455, + -0.20933103561401367, + -0.04085385799407959, + 0.4574200510978699, + -0.12752583622932434, + 0.05568650737404823, + -0.16608452796936035, + 1.9789751768112183, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/270.png", + [ + 0.2134878933429718, + 0.0011946659069508314, + -0.03700512647628784, + 0.42490336298942566, + -0.0065954201854765415, + -0.2118709236383438, + -0.04488993063569069, + 0.49920013546943665, + -0.03643222525715828, + 0.04535612836480141, + -0.20871849358081818, + 2.468602180480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/39.png", + [ + 0.2160664200782776, + -0.014626674354076385, + -0.007018344011157751, + 0.07965365052223206, + -0.015759004279971123, + -0.2114916741847992, + -0.044393885880708694, + 0.5096003413200378, + -0.003853642614558339, + 0.04477972164750099, + -0.21196185052394867, + 2.509019374847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/92.png", + [ + 0.20794503390789032, + -0.010483107529580593, + -0.05997385457158089, + 0.7007216215133667, + -0.02579825185239315, + -0.20850153267383575, + -0.05300433561205864, + 0.6108434796333313, + -0.05514715984463692, + 0.05800959840416908, + -0.2013493925333023, + 2.405914306640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/203.png", + [ + 0.18773289024829865, + -0.015162419527769089, + -0.1071183979511261, + 1.2559003829956055, + -0.042419593781232834, + -0.20767325162887573, + -0.04494768753647804, + 0.5110095143318176, + -0.09952300786972046, + 0.05991508811712265, + -0.1829022914171219, + 2.2048516273498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/53.png", + [ + 0.21580246090888977, + -0.017949331551790237, + -0.007416935171931982, + 0.08625376969575882, + -0.019262585788965225, + -0.20837455987930298, + -0.05618627741932869, + 0.6221809387207031, + -0.0024783445987850428, + 0.05661948770284653, + -0.20913149416446686, + 2.3976845741271973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/245.png", + [ + 0.19578514993190765, + -0.027571750804781914, + -0.08863332867622375, + 1.0161913633346558, + -0.04430682957172394, + -0.20956330001354218, + -0.03268061578273773, + 0.36167556047439575, + -0.08156576752662659, + 0.047654129564762115, + -0.19499744474887848, + 2.296755313873291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/75.png", + [ + 0.21390704810619354, + -0.012612168677151203, + -0.03213413432240486, + 0.37845370173454285, + -0.02119496278464794, + -0.20718616247177124, + -0.0597708523273468, + 0.6935213208198547, + -0.027247807011008263, + 0.062150739133358, + -0.2057735025882721, + 2.465606689453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/151.png", + [ + 0.1699814647436142, + -0.004663747735321522, + -0.13428492844104767, + 1.5524417161941528, + -0.03808949887752533, + -0.20933379232883453, + -0.04094449430704117, + 0.45786234736442566, + -0.12885412573814392, + 0.05572711303830147, + -0.16504241526126862, + 1.969081997871399, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/87.png", + [ + 0.20990827679634094, + -0.011665103957057, + -0.05244360491633415, + 0.6157509088516235, + -0.02565537765622139, + -0.20759624242782593, + -0.05651107802987099, + 0.6511772274971008, + -0.047203898429870605, + 0.06095592677593231, + -0.20249460637569427, + 2.4209423065185547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/139.png", + [ + 0.20267705619335175, + 0.0017876088386401534, + -0.07659444212913513, + 0.8841410875320435, + -0.01920013502240181, + -0.20851828157901764, + -0.05567213520407677, + 0.6352974772453308, + -0.07417046278715134, + 0.05886286124587059, + -0.19488918781280518, + 2.326291561126709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/107.png", + [ + 0.20911502838134766, + -0.003133160760626197, + -0.05664790794253349, + 0.6601459383964539, + -0.017132751643657684, + -0.2097311168909073, + -0.05164523050189018, + 0.5857306122779846, + -0.05408577620983124, + 0.05432259663939476, + -0.20266149938106537, + 2.413672924041748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/112.png", + [ + 0.21151421964168549, + 0.0019293609075248241, + -0.04696713387966156, + 0.5421666502952576, + -0.009774096310138702, + -0.20995520055294037, + -0.05264190211892128, + 0.5902628302574158, + -0.04597935453057289, + 0.05350682884454727, + -0.20486779510974884, + 2.423614025115967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/267.png", + [ + 0.20874346792697906, + -0.016908178105950356, + -0.05557134747505188, + 0.6506173014640808, + -0.03021840564906597, + -0.2086431235074997, + -0.050027940422296524, + 0.5712457895278931, + -0.049607548862695694, + 0.055946942418813705, + -0.20336401462554932, + 2.423344612121582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/69.png", + [ + 0.21510300040245056, + -0.014746109023690224, + -0.021474290639162064, + 0.24866797029972076, + -0.020503977313637733, + -0.2060152143239975, + -0.06391570717096329, + 0.7276644706726074, + -0.016067974269390106, + 0.06548421829938889, + -0.20591631531715393, + 2.4547314643859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/157.png", + [ + 0.16924208402633667, + -0.0010966459522023797, + -0.13529154658317566, + 1.5546578168869019, + -0.032483089715242386, + -0.21065953373908997, + -0.03892694413661957, + 0.4352235496044159, + -0.1313387155532837, + 0.050687823444604874, + -0.16470816731452942, + 1.9538887739181519, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/45.png", + [ + 0.2160729169845581, + -0.015788553282618523, + -0.0033332339953631163, + 0.035360801964998245, + -0.016096631065011024, + -0.20774269104003906, + -0.05942860618233681, + 0.6654084920883179, + 0.0011345890816301107, + 0.059511203318834305, + -0.20833872258663177, + 2.4313220977783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/259.png", + [ + 0.20223715901374817, + -0.018253138288855553, + -0.07559660077095032, + 0.8871291279792786, + -0.035926565527915955, + -0.2087283432483673, + -0.045712899416685104, + 0.5184982419013977, + -0.06897321343421936, + 0.055201541632413864, + -0.19784685969352722, + 2.366443157196045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/50.png", + [ + 0.2159247249364853, + -0.017015110701322556, + -0.005906770005822182, + 0.06747253239154816, + -0.017982468008995056, + -0.20767082273960114, + -0.059138450771570206, + 0.6379711031913757, + -0.0010172694455832243, + 0.05942399799823761, + -0.20836420357227325, + 2.344846725463867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/101.png", + [ + 0.20779161155223846, + -0.008942925371229649, + -0.06075006350874901, + 0.7126643061637878, + -0.02156391367316246, + -0.2113388627767563, + -0.04264708608388901, + 0.48643729090690613, + -0.057493846863508224, + 0.046944648027420044, + -0.2035646289587021, + 2.434321880340576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/85.png", + [ + 0.2106868177652359, + -0.012056916952133179, + -0.04912826418876648, + 0.5794285535812378, + -0.025251131504774094, + -0.20740488171577454, + -0.05738890916109085, + 0.6655281186103821, + -0.04383304715156555, + 0.061528339982032776, + -0.20307837426662445, + 2.4311575889587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/276.png", + [ + 0.2129216492176056, + 0.02735142782330513, + 0.02939668856561184, + -0.3384380638599396, + 0.02981449104845524, + -0.2139483541250229, + -0.01688479259610176, + 0.17674478888511658, + 0.026895392686128616, + 0.020637327805161476, + -0.21400614082813263, + 2.5584139823913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/156.png", + [ + 0.17062321305274963, + -0.0017923797713592649, + -0.13353800773620605, + 1.5363526344299316, + -0.032575659453868866, + -0.2106696218252182, + -0.038794681429862976, + 0.4332500100135803, + -0.12951616942882538, + 0.050625964999198914, + -0.16616398096084595, + 1.97235906124115, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/181.png", + [ + 0.18571427464485168, + -0.021853266283869743, + -0.1094556525349617, + 1.2439905405044556, + -0.045560289174318314, + -0.20881564915180206, + -0.03561161085963249, + 0.39168840646743774, + -0.10189388692378998, + 0.05353840813040733, + -0.18357332050800323, + 2.1564064025878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/131.png", + [ + 0.20588411390781403, + 0.004177368711680174, + -0.06739567220211029, + 0.7809563279151917, + -0.0136260986328125, + -0.20924052596092224, + -0.054595086723566055, + 0.6228020191192627, + -0.06613588333129883, + 0.0561145544052124, + -0.1985575556755066, + 2.3687639236450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/71.png", + [ + 0.21444179117679596, + -0.015159880742430687, + -0.02707008831202984, + 0.317211389541626, + -0.022346891462802887, + -0.20661215484142303, + -0.061318300664424896, + 0.7017489075660706, + -0.02152273617684841, + 0.06347831338644028, + -0.20604652166366577, + 2.468226432800293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/160.png", + [ + 0.16728366911411285, + -0.001693932805210352, + -0.1376996636390686, + 1.5852080583572388, + -0.032687198370695114, + -0.21095481514930725, + -0.03711476922035217, + 0.41193610429763794, + -0.13377448916435242, + 0.049427617341279984, + -0.163123220205307, + 1.9366973638534546, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/115.png", + [ + 0.21091797947883606, + -0.0004344726330600679, + -0.049611590802669525, + 0.5683839321136475, + -0.012341194786131382, + -0.21031562983989716, + -0.050625335425138474, + 0.5600517392158508, + -0.04805407300591469, + 0.05210605636239052, + -0.20475268363952637, + 2.3955907821655273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/54.png", + [ + 0.2157403975725174, + -0.018720047548413277, + -0.007317235227674246, + 0.08361370116472244, + -0.01998751424252987, + -0.2081262469291687, + -0.05684944987297058, + 0.6320693492889404, + -0.0021169271785765886, + 0.0572793148458004, + -0.20895572006702423, + 2.4039502143859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/33.png", + [ + 0.21551264822483063, + -0.01662219874560833, + -0.015029923059046268, + 0.17606650292873383, + -0.01914099231362343, + -0.21211136877536774, + -0.03987829014658928, + 0.46063491702079773, + -0.011654122732579708, + 0.04099217429757118, + -0.21244226396083832, + 2.551802635192871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/252.png", + [ + 0.19810433685779572, + -0.02597077377140522, + -0.08383363485336304, + 0.9701544642448425, + -0.04472404345870018, + -0.20795421302318573, + -0.04126381501555443, + 0.4634496867656708, + -0.07551370561122894, + 0.05503145232796669, + -0.1954919695854187, + 2.3223371505737305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/221.png", + [ + 0.18914075195789337, + -0.01684795692563057, + -0.10435428470373154, + 1.2095154523849487, + -0.03703472390770912, + -0.21090862154960632, + -0.033073827624320984, + 0.3680923581123352, + -0.0990055575966835, + 0.046707551926374435, + -0.18698716163635254, + 2.21964693069458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/266.png", + [ + 0.2088485062122345, + -0.01700693741440773, + -0.05514485388994217, + 0.6442968249320984, + -0.03018256090581417, + -0.20866551995277405, + -0.04995608702301979, + 0.5696561932563782, + -0.04918540641665459, + 0.05583333596587181, + -0.2034977376461029, + 2.429457187652588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/159.png", + [ + 0.1680048704147339, + -0.0015958345029503107, + -0.1368200033903122, + 1.575684905052185, + -0.032570503652095795, + -0.21089862287044525, + -0.037534307688474655, + 0.4175182282924652, + -0.1328962743282318, + 0.04967007040977478, + -0.16376617550849915, + 1.9423431158065796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/177.png", + [ + 0.18138836324214935, + -0.015818605199456215, + -0.11745608597993851, + 1.3344993591308594, + -0.04100192338228226, + -0.20985163748264313, + -0.03505745157599449, + 0.3801014721393585, + -0.1111980453133583, + 0.05157474800944328, + -0.17866991460323334, + 2.0952439308166504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/49.png", + [ + 0.21601448953151703, + -0.016244538128376007, + -0.004663548897951841, + 0.05541898310184479, + -0.01690068282186985, + -0.20754140615463257, + -0.059906814247369766, + 0.6476030945777893, + 2.4363518605241552e-05, + 0.060088057070970535, + -0.20817618072032928, + 2.347649574279785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/118.png", + [ + 0.20981493592262268, + 0.002085869899019599, + -0.05404844135046005, + 0.6145619750022888, + -0.010444579645991325, + -0.2108759880065918, + -0.04868389666080475, + 0.5352834463119507, + -0.05307066813111305, + 0.04974796250462532, + -0.20409934222698212, + 2.383845806121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/210.png", + [ + 0.1869041472673416, + -0.012712636031210423, + -0.10887201130390167, + 1.2773388624191284, + -0.040575217455625534, + -0.20794861018657684, + -0.045375317335128784, + 0.5111285448074341, + -0.10182522237300873, + 0.059528615325689316, + -0.18175768852233887, + 2.189150810241699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/179.png", + [ + 0.18246108293533325, + -0.02006819099187851, + -0.11512216925621033, + 1.3095606565475464, + -0.047098688781261444, + -0.20797975361347198, + -0.03839312493801117, + 0.42648908495903015, + -0.10694652795791626, + 0.057354919612407684, + -0.17950138449668884, + 2.112278461456299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/110.png", + [ + 0.21086859703063965, + 0.004287669435143471, + -0.049638159573078156, + 0.5750476121902466, + -0.008767745457589626, + -0.2093084752559662, + -0.05532614141702652, + 0.6274341940879822, + -0.04904546961188316, + 0.05585222691297531, + -0.2035263329744339, + 2.418872356414795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/258.png", + [ + 0.20190109312534332, + -0.01956629566848278, + -0.07616432756185532, + 0.892734706401825, + -0.036991193890571594, + -0.20882301032543182, + -0.04441278427839279, + 0.5027667880058289, + -0.06939377635717392, + 0.05438753217458725, + -0.19792523980140686, + 2.363603115081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/18.png", + [ + 0.2128743678331375, + -0.0128015773370862, + -0.03832137584686279, + 0.4477851688861847, + -0.020616300404071808, + -0.21115946769714355, + -0.04398347809910774, + 0.5077692270278931, + -0.03474732115864754, + 0.046858273446559906, + -0.20867396891117096, + 2.4887447357177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/66.png", + [ + 0.21550677716732025, + -0.014863533899188042, + -0.01684645377099514, + 0.19295679032802582, + -0.01904962584376335, + -0.20702679455280304, + -0.061032045632600784, + 0.6915481686592102, + -0.011909634806215763, + 0.06218419969081879, + -0.2072177231311798, + 2.439070701599121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/234.png", + [ + 0.1932094246149063, + -0.01677924022078514, + -0.09662538766860962, + 1.1083296537399292, + -0.03575516864657402, + -0.21083804965019226, + -0.03488248586654663, + 0.38648197054862976, + -0.09132128208875656, + 0.04704972729086876, + -0.19077380001544952, + 2.237163543701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/202.png", + [ + 0.1874488890171051, + -0.015897847712039948, + -0.10750843584537506, + 1.261529803276062, + -0.0433882400393486, + -0.2074679434299469, + -0.04497120529413223, + 0.5126492381095886, + -0.09964068979024887, + 0.060433488339185715, + -0.18266749382019043, + 2.2033677101135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/273.png", + [ + 0.21446412801742554, + 0.030354531481862068, + 0.005624457728117704, + -0.07711409032344818, + 0.03085150755941868, + -0.212150439620018, + -0.03143687918782234, + 0.3396660387516022, + 0.001102941227145493, + 0.03191700950264931, + -0.21430814266204834, + 2.5351977348327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/206.png", + [ + 0.18754048645496368, + -0.013698345981538296, + -0.10765136033296585, + 1.2630821466445923, + -0.0432777963578701, + -0.20655013620853424, + -0.04911172762513161, + 0.5593855381011963, + -0.09951628744602203, + 0.06401003897190094, + -0.18151341378688812, + 2.1895217895507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/16.png", + [ + 0.21204668283462524, + -0.01218534354120493, + -0.042844031006097794, + 0.5004448890686035, + -0.021285321563482285, + -0.210794135928154, + -0.045394498854875565, + 0.5233963131904602, + -0.03912835940718651, + 0.04863375797867775, + -0.20748884975910187, + 2.474475383758545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/190.png", + [ + 0.18569542467594147, + -0.016974113881587982, + -0.11034936457872391, + 1.2869089841842651, + -0.04554654657840729, + -0.2070424109697342, + -0.044797930866479874, + 0.5075498819351196, + -0.10193438082933426, + 0.061589136719703674, + -0.18100842833518982, + 2.1728591918945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/211.png", + [ + 0.18646135926246643, + -0.015256367623806, + -0.10930366069078445, + 1.277984619140625, + -0.041828371584415436, + -0.20835359394550323, + -0.042273569852113724, + 0.4753125011920929, + -0.1021295115351677, + 0.057479649782180786, + -0.18224585056304932, + 2.1915206909179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/94.png", + [ + 0.20817360281944275, + -0.00942384172230959, + -0.05935347080230713, + 0.6922381520271301, + -0.02312278561294079, + -0.21008025109767914, + -0.04774430766701698, + 0.5457983016967773, + -0.0554705373942852, + 0.052205104380846024, + -0.20284365117549896, + 2.421779155731201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/209.png", + [ + 0.18654955923557281, + -0.01318596675992012, + -0.10942250490188599, + 1.2846544981002808, + -0.0430748425424099, + -0.20673136413097382, + -0.04852420464158058, + 0.5518234968185425, + -0.10144807398319244, + 0.06353086978197098, + -0.18061010539531708, + 2.1798195838928223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/228.png", + [ + 0.19315414130687714, + -0.016966134309768677, + -0.09670326113700867, + 1.1085172891616821, + -0.032111138105392456, + -0.21259444952011108, + -0.02683977596461773, + 0.2931605875492096, + -0.09278062731027603, + 0.038257669657468796, + -0.19203123450279236, + 2.252054214477539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/28.png", + [ + 0.21442800760269165, + -0.016311505809426308, + -0.026503892615437508, + 0.3121890723705292, + -0.020933734253048897, + -0.21214145421981812, + -0.03880305960774422, + 0.4577745497226715, + -0.02302824892103672, + 0.040961362421512604, + -0.21151773631572723, + 2.5559892654418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/61.png", + [ + 0.21590320765972137, + -0.014911305159330368, + -0.010552085004746914, + 0.12048221379518509, + -0.017245318740606308, + -0.20765581727027893, + -0.059410106390714645, + 0.6732025146484375, + -0.0060243308544158936, + 0.06003844365477562, + -0.20810331404209137, + 2.4173460006713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/132.png", + [ + 0.20423975586891174, + 0.004887622315436602, + -0.07218120992183685, + 0.8383758664131165, + -0.014431561343371868, + -0.2090824395418167, + -0.054992351680994034, + 0.6266899704933167, + -0.07089249789714813, + 0.056643977761268616, + -0.1967577338218689, + 2.346665382385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/58.png", + [ + 0.2158130705356598, + -0.017323404550552368, + -0.008515218272805214, + 0.09713540226221085, + -0.01892692595720291, + -0.2086831033229828, + -0.05514553189277649, + 0.6214426159858704, + -0.0037922016344964504, + 0.055670082569122314, + -0.2093665450811386, + 2.4311342239379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/263.png", + [ + 0.20653800666332245, + -0.014840904623270035, + -0.06379414349794388, + 0.7482523322105408, + -0.030791928991675377, + -0.2082645446062088, + -0.05124089866876602, + 0.5870634913444519, + -0.05780832841992378, + 0.05790958181023598, + -0.20063044130802155, + 2.410585403442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/253.png", + [ + 0.19859136641025543, + -0.026073096320033073, + -0.08264115452766418, + 0.9601335525512695, + -0.04468381404876709, + -0.20785583555698395, + -0.04179969057440758, + 0.47012224793434143, + -0.07424772530794144, + 0.05535387247800827, + -0.19588549435138702, + 2.331502914428711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/123.png", + [ + 0.2045983523130417, + 0.005988612305372953, + -0.0710742175579071, + 0.8266444802284241, + -0.01127449981868267, + -0.2104797512292862, + -0.05019015818834305, + 0.5586455464363098, + -0.07042934000492096, + 0.05109111964702606, + -0.1984371542930603, + 2.360281467437744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/64.png", + [ + 0.21574631333351135, + -0.014357833191752434, + -0.013974216766655445, + 0.1611299216747284, + -0.017643732950091362, + -0.20775628089904785, + -0.058939944952726364, + 0.6664850115776062, + -0.009493411518633366, + 0.05982533097267151, + -0.20803533494472504, + 2.4294610023498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/10.png", + [ + 0.20827935636043549, + -0.010049652308225632, + -0.058877889066934586, + 0.6873975396156311, + -0.023805083706974983, + -0.2098560929298401, + -0.048390429466962814, + 0.5499277710914612, + -0.05478065460920334, + 0.052984148263931274, + -0.20282912254333496, + 2.4239583015441895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/170.png", + [ + 0.17646974325180054, + -0.012352356687188148, + -0.12511491775512695, + 1.4167394638061523, + -0.04083029180765152, + -0.20956915616989136, + -0.036899175494909286, + 0.4080294668674469, + -0.11890841275453568, + 0.053629111498594284, + -0.17301039397716522, + 2.028392791748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/41.png", + [ + 0.2161218523979187, + -0.01464338880032301, + -0.004981358535587788, + 0.05518411099910736, + -0.015384388156235218, + -0.21073119342327118, + -0.04799565300345421, + 0.5454437136650085, + -0.001601057592779398, + 0.048226892948150635, + -0.21123327314853668, + 2.484910488128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/166.png", + [ + 0.1691303253173828, + -0.00481779919937253, + -0.13534997403621674, + 1.5468844175338745, + -0.036604732275009155, + -0.2101047933101654, + -0.03826175630092621, + 0.42168548703193665, + -0.13039524853229523, + 0.052731942385435104, + -0.1648159921169281, + 1.9469722509384155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/91.png", + [ + 0.20809543132781982, + -0.010939325205981731, + -0.05936770513653755, + 0.6931831240653992, + -0.02638096734881401, + -0.20814238488674164, + -0.05411732941865921, + 0.6236119866371155, + -0.05429767817258835, + 0.059202805161476135, + -0.20123291015625, + 2.4027099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/140.png", + [ + 0.20203499495983124, + 0.0023954606149345636, + -0.07825607806444168, + 0.903609573841095, + -0.018401557579636574, + -0.2090534120798111, + -0.05390683561563492, + 0.6157181859016418, + -0.07609951496124268, + 0.0569106824696064, + -0.19472527503967285, + 2.3235044479370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/217.png", + [ + 0.18744942545890808, + -0.01722598634660244, + -0.1073027029633522, + 1.2489866018295288, + -0.041250914335250854, + -0.2092026174068451, + -0.03847749903798103, + 0.43425095081329346, + -0.10054335743188858, + 0.05371611937880516, + -0.18426477909088135, + 2.1938796043395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/240.png", + [ + 0.19560126960277557, + -0.019434303045272827, + -0.0911610946059227, + 1.044679880142212, + -0.035853397101163864, + -0.21129560470581055, + -0.031884074211120605, + 0.35383525490760803, + -0.08603818714618683, + 0.04386761784553528, + -0.1939612179994583, + 2.2776846885681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/23.png", + [ + 0.2130693793296814, + -0.016358664259314537, + -0.035801246762275696, + 0.42327189445495605, + -0.022965749725699425, + -0.21172010898590088, + -0.03993825241923332, + 0.46344926953315735, + -0.031967319548130035, + 0.043068356812000275, + -0.20993119478225708, + 2.5127744674682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/220.png", + [ + 0.189364492893219, + -0.017008213326334953, + -0.10392159223556519, + 1.205862045288086, + -0.03828267380595207, + -0.2103179693222046, + -0.0353366993367672, + 0.3946937024593353, + -0.0980990007519722, + 0.04924394562840462, + -0.1868141144514084, + 2.2179012298583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/201.png", + [ + 0.18792816996574402, + -0.015576214529573917, + -0.10671588778495789, + 1.2535672187805176, + -0.04303673654794693, + -0.20742303133010864, + -0.04551289603114128, + 0.518806517124176, + -0.09888751059770584, + 0.060670968145132065, + -0.18299777805805206, + 2.209012031555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/37.png", + [ + 0.21592757105827332, + -0.01504839863628149, + -0.00983470119535923, + 0.11386646330356598, + -0.016653478145599365, + -0.21208377182483673, + -0.04112214967608452, + 0.47308287024497986, + -0.006770326755940914, + 0.041736260056495667, + -0.2125091552734375, + 2.523921489715576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/178.png", + [ + 0.18355880677700043, + -0.01647021807730198, + -0.11394202709197998, + 1.2943673133850098, + -0.0423896424472332, + -0.2090492844581604, + -0.038071159273386, + 0.4145049750804901, + -0.10703817754983902, + 0.05454380810260773, + -0.1803210824728012, + 2.1148524284362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/36.png", + [ + 0.21586035192012787, + -0.015454314649105072, + -0.010647379793226719, + 0.12382388859987259, + -0.017210356891155243, + -0.2120324969291687, + -0.04115721955895424, + 0.47384777665138245, + -0.007483727298676968, + 0.041848260909318924, + -0.21246320009231567, + 2.5304923057556152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/213.png", + [ + 0.18605883419513702, + -0.01864749938249588, + -0.10946360230445862, + 1.2757594585418701, + -0.0423402301967144, + -0.20937418937683105, + -0.0362994484603405, + 0.40649041533470154, + -0.10265141725540161, + 0.05256059393286705, + -0.18343383073806763, + 2.1986923217773438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/212.png", + [ + 0.18620160222053528, + -0.01804341748356819, + -0.10932193696498871, + 1.2760125398635864, + -0.042837586253881454, + -0.20888172090053558, + -0.038487132638692856, + 0.4321538805961609, + -0.10218507051467896, + 0.054687779396772385, + -0.18307197093963623, + 2.1983304023742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/182.png", + [ + 0.18538270890712738, + -0.01897919550538063, + -0.11054837703704834, + 1.2605574131011963, + -0.04394546523690224, + -0.2087676078081131, + -0.03785209357738495, + 0.4177730083465576, + -0.1031985878944397, + 0.05480670928955078, + -0.18246689438819885, + 2.146963119506836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/235.png", + [ + 0.194528728723526, + -0.01599358581006527, + -0.09407799690961838, + 1.0777345895767212, + -0.034812990576028824, + -0.21078208088874817, + -0.0361504852771759, + 0.39945507049560547, + -0.08885110169649124, + 0.04757107049226761, + -0.19180816411972046, + 2.246403694152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/8.png", + [ + 0.20795488357543945, + -0.01160362083464861, + -0.059732887893915176, + 0.6914719939231873, + -0.025179032236337662, + -0.21004392206668854, + -0.046855803579092026, + 0.5282437205314636, + -0.05539565160870552, + 0.05191151797771454, + -0.20293942093849182, + 2.4156742095947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/6.png", + [ + 0.20662948489189148, + -0.009357710368931293, + -0.06453356891870499, + 0.7490755319595337, + -0.024207737296819687, + -0.21011635661125183, + -0.04704255983233452, + 0.5324630737304688, + -0.06054861098527908, + 0.05207159370183945, + -0.20142072439193726, + 2.3942832946777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/257.png", + [ + 0.2011391669511795, + -0.021112442016601562, + -0.07775089144706726, + 0.911093533039093, + -0.03897903114557266, + -0.2085018754005432, + -0.044221047312021255, + 0.5004451274871826, + -0.07050936669111252, + 0.055037543177604675, + -0.197350412607193, + 2.3583927154541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/197.png", + [ + 0.18794776499271393, + -0.015949703752994537, + -0.10662617534399033, + 1.249050259590149, + -0.042525000870227814, + -0.2078838050365448, + -0.04386159032583237, + 0.4940994083881378, + -0.09907147288322449, + 0.05897306278347969, + -0.1834527552127838, + 2.2089648246765137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/219.png", + [ + 0.18835651874542236, + -0.01757606491446495, + -0.10564469546079636, + 1.2278300523757935, + -0.04054125398397446, + -0.20953252911567688, + -0.03742215409874916, + 0.42179760336875916, + -0.09912680834531784, + 0.05229811742901802, + -0.1854364424943924, + 2.205389976501465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/169.png", + [ + 0.17490656673908234, + -0.010970834642648697, + -0.12741751968860626, + 1.4441242218017578, + -0.04023737832903862, + -0.20963343977928162, + -0.03718427196145058, + 0.41131508350372314, + -0.12139414250850677, + 0.053678277879953384, + -0.1712600290775299, + 2.012734889984131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/154.png", + [ + 0.17198768258094788, + -0.005947785917669535, + -0.13165393471717834, + 1.5170979499816895, + -0.03786872327327728, + -0.2095557451248169, + -0.040003061294555664, + 0.448641300201416, + -0.12623032927513123, + 0.05476229265332222, + -0.16737650334835052, + 1.9912153482437134, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/20.png", + [ + 0.2131604552268982, + -0.014384381473064423, + -0.03610548377037048, + 0.4234047532081604, + -0.021443014964461327, + -0.21140655875205994, + -0.04237167537212372, + 0.4891708195209503, + -0.03241470828652382, + 0.04525761306285858, + -0.20940135419368744, + 2.499629020690918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/237.png", + [ + 0.19540581107139587, + -0.016568198800086975, + -0.09214096516370773, + 1.0537086725234985, + -0.03461303189396858, + -0.21092943847179413, + -0.03547680377960205, + 0.3904475271701813, + -0.08698505163192749, + 0.04671360179781914, + -0.19287128746509552, + 2.258042812347412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/2.png", + [ + 0.20369219779968262, + -0.006220695096999407, + -0.0736117959022522, + 0.8524971604347229, + -0.023870496079325676, + -0.2098654955625534, + -0.048317305743694305, + 0.5466379523277283, + -0.06991131603717804, + 0.053531914949417114, + -0.19797635078430176, + 2.3450989723205566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/117.png", + [ + 0.21065470576286316, + 0.0018721527885645628, + -0.05068507045507431, + 0.5753417015075684, + -0.009869074448943138, + -0.21087539196014404, + -0.04880644381046295, + 0.5348058938980103, + -0.049750201404094696, + 0.04975904896855354, + -0.2049313336610794, + 2.3875064849853516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/149.png", + [ + 0.17197172343730927, + -0.0022135074250400066, + -0.13179047405719757, + 1.532209038734436, + -0.03724795579910278, + -0.20862993597984314, + -0.04510030522942543, + 0.5051110982894897, + -0.12643660604953766, + 0.05845125392079353, + -0.16596724092960358, + 1.9783540964126587, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/161.png", + [ + 0.16321535408496857, + -0.0010710585629567504, + -0.14250436425209045, + 1.6416497230529785, + -0.03371208533644676, + -0.2108088582754135, + -0.03702722117304802, + 0.4111063778400421, + -0.13846351206302643, + 0.050063688308000565, + -0.15896345674991608, + 1.8924163579940796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/5.png", + [ + 0.20614761114120483, + -0.008526873774826527, + -0.06616907566785812, + 0.7662791013717651, + -0.023909470066428185, + -0.21006587147712708, + -0.04741906747221947, + 0.5376645922660828, + -0.06228475645184517, + 0.05241682007908821, + -0.2008008509874344, + 2.384186267852783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/187.png", + [ + 0.18496131896972656, + -0.017610961571335793, + -0.11147674918174744, + 1.2890735864639282, + -0.04558870568871498, + -0.20744110643863678, + -0.04286911338567734, + 0.48152217268943787, + -0.10324186086654663, + 0.060049526393413544, + -0.18078459799289703, + 2.155815601348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/108.png", + [ + 0.20968228578567505, + -0.0006512888357974589, + -0.05459677055478096, + 0.635269820690155, + -0.014592763036489487, + -0.20944638550281525, + -0.053545914590358734, + 0.6075283885002136, + -0.052614472806453705, + 0.05549495294690132, + -0.2027311623096466, + 2.4137864112854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/60.png", + [ + 0.2158936709165573, + -0.01584538258612156, + -0.009313639253377914, + 0.10486920922994614, + -0.017785603180527687, + -0.20779894292354584, + -0.05874662846326828, + 0.6646266579627991, + -0.004635990597307682, + 0.05929938703775406, + -0.20835062861442566, + 2.4166226387023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/260.png", + [ + 0.20368020236492157, + -0.01633358933031559, + -0.07207969576120377, + 0.8445925712585449, + -0.033628784120082855, + -0.20865632593631744, + -0.04774453863501549, + 0.544243574142456, + -0.06581316888332367, + 0.05606825649738312, + -0.19867782294750214, + 2.3818488121032715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/56.png", + [ + 0.2157476842403412, + -0.018143782392144203, + -0.008463867008686066, + 0.09627292305231094, + -0.019712703302502632, + -0.20851989090442657, + -0.05548654496669769, + 0.6210651993751526, + -0.003499020356684923, + 0.056019194424152374, + -0.20927853882312775, + 2.422293186187744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/147.png", + [ + 0.17732754349708557, + -0.0004599357198458165, + -0.1245095282793045, + 1.4526249170303345, + -0.035013191401958466, + -0.20811396837234497, + -0.04909732565283775, + 0.5605791807174683, + -0.11948603391647339, + 0.06030140072107315, + -0.17039579153060913, + 2.0348753929138184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/261.png", + [ + 0.2045830339193344, + -0.014402606524527073, + -0.06990163028240204, + 0.8198010921478271, + -0.031524982303380966, + -0.20862799882888794, + -0.0492791123688221, + 0.5632336139678955, + -0.06403005123138428, + 0.05669938400387764, + -0.1990809589624405, + 2.389207363128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/30.png", + [ + 0.21492160856723785, + -0.01585398241877556, + -0.022477786988019943, + 0.2663710117340088, + -0.019726384431123734, + -0.21223559975624084, + -0.03892049938440323, + 0.4560249149799347, + -0.019169488921761513, + 0.04065202176570892, + -0.21196188032627106, + 2.560715675354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/17.png", + [ + 0.21236835420131683, + -0.01254512183368206, + -0.04111195355653763, + 0.4804637134075165, + -0.02116163820028305, + -0.210900217294693, + -0.04495757445693016, + 0.5188314318656921, + -0.037413340061903, + 0.048079293221235275, + -0.2079339325428009, + 2.4801692962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/12.png", + [ + 0.20993821322917938, + -0.011645016260445118, + -0.05232815444469452, + 0.6113306283950806, + -0.023616014048457146, + -0.20996208488941193, + -0.04802178591489792, + 0.5473741292953491, + -0.04812614992260933, + 0.05223218724131584, + -0.20470361411571503, + 2.4459915161132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/114.png", + [ + 0.21115534007549286, + 0.0009411782957613468, + -0.04858433082699776, + 0.5582508444786072, + -0.01094440370798111, + -0.21014690399169922, + -0.05163712427020073, + 0.5757918357849121, + -0.047344934195280075, + 0.05277581512928009, + -0.20474635064601898, + 2.405101776123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/27.png", + [ + 0.21391339600086212, + -0.016038162633776665, + -0.030524298548698425, + 0.3613063097000122, + -0.021436236798763275, + -0.2120945304632187, + -0.038785237818956375, + 0.45617401599884033, + -0.02700820565223694, + 0.04131082817912102, + -0.21097834408283234, + 2.544804096221924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/42.png", + [ + 0.2161591798067093, + -0.014164680615067482, + -0.004739971831440926, + 0.05225939303636551, + -0.014874114654958248, + -0.2104160487651825, + -0.04951510578393936, + 0.5599738359451294, + -0.0013661053963005543, + 0.04972270503640175, + -0.2108878344297409, + 2.4749979972839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/223.png", + [ + 0.18922270834445953, + -0.018756985664367676, + -0.10387896746397018, + 1.1997851133346558, + -0.03592374175786972, + -0.211941659450531, + -0.027168164029717445, + 0.3010637164115906, + -0.09925798326730728, + 0.04094874486327171, + -0.1881992071866989, + 2.227362632751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/174.png", + [ + 0.17923873662948608, + -0.017883820459246635, + -0.12042234092950821, + 1.3622300624847412, + -0.04294202849268913, + -0.20983591675758362, + -0.0327531136572361, + 0.35791778564453125, + -0.11391818523406982, + 0.05096030980348587, + -0.17712591588497162, + 2.071319580078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/7.png", + [ + 0.20720669627189636, + -0.009995561093091965, + -0.0625569224357605, + 0.7269609570503235, + -0.02421179600059986, + -0.21021270751953125, + -0.046607982367277145, + 0.5262972116470337, + -0.05854117125272751, + 0.05156164988875389, + -0.202144056558609, + 2.403416156768799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/73.png", + [ + 0.21419140696525574, + -0.015323265455663204, + -0.028898611664772034, + 0.3402405381202698, + -0.022801687940955162, + -0.2071973830461502, + -0.059137266129255295, + 0.6806221604347229, + -0.023452404886484146, + 0.06150065362453461, + -0.20643532276153564, + 2.4778075218200684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/120.png", + [ + 0.20791535079479218, + 0.00393070001155138, + -0.060857586562633514, + 0.6982680559158325, + -0.010195971466600895, + -0.2109401673078537, + -0.04845808073878288, + 0.5362613797187805, + -0.06012601777911186, + 0.04936286807060242, + -0.20222774147987366, + 2.383955955505371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/46.png", + [ + 0.2160341739654541, + -0.0162972342222929, + -0.0033957227133214474, + 0.037566639482975006, + -0.016594156622886658, + -0.20729072391986847, + -0.060853034257888794, + 0.6772423982620239, + 0.0013284162851050496, + 0.06093322113156319, + -0.20792612433433533, + 2.4149417877197266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/265.png", + [ + 0.20866814255714417, + -0.01629946008324623, + -0.05603422597050667, + 0.6538447737693787, + -0.030076079070568085, + -0.20832949876785278, + -0.05140180513262749, + 0.5871061682701111, + -0.05000936985015869, + 0.05728039890527725, + -0.20289385318756104, + 2.428421974182129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/127.png", + [ + 0.2087351232767105, + -0.0025641247630119324, + -0.05806007608771324, + 0.6662111282348633, + -0.01647324487566948, + -0.21019616723060608, + -0.04994095116853714, + 0.5568547248840332, + -0.05573311820626259, + 0.052525147795677185, + -0.20268897712230682, + 2.405332088470459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/236.png", + [ + 0.19519826769828796, + -0.01642588898539543, + -0.09260517358779907, + 1.059087872505188, + -0.034897834062576294, + -0.2107638269662857, + -0.03617523983120918, + 0.3988204300403595, + -0.08733652532100677, + 0.04750470444560051, + -0.19251888990402222, + 2.253394603729248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/226.png", + [ + 0.1926213502883911, + -0.016758689656853676, + -0.09779594838619232, + 1.1219087839126587, + -0.03110070899128914, + -0.21299704909324646, + -0.02475675381720066, + 0.270420640707016, + -0.09422126412391663, + 0.03604576736688614, + -0.19175752997398376, + 2.2538795471191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/133.png", + [ + 0.20232638716697693, + 0.005642394069582224, + -0.07733103632926941, + 0.9004565477371216, + -0.015245618298649788, + -0.20898662507534027, + -0.05513667315244675, + 0.6279013752937317, + -0.07602299749851227, + 0.0569266639649868, + -0.19475048780441284, + 2.321230888366699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/57.png", + [ + 0.2158334106206894, + -0.01620245911180973, + -0.010065341368317604, + 0.11525436490774155, + -0.018245622515678406, + -0.20870743691921234, + -0.055282846093177795, + 0.6210331916809082, + -0.005561305675655603, + 0.05591579154133797, + -0.20926153659820557, + 2.428678512573242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/44.png", + [ + 0.21613237261772156, + -0.014828947372734547, + -0.003846783423796296, + 0.04146302491426468, + -0.01531894225627184, + -0.20862972736358643, + -0.05645241215825081, + 0.634183406829834, + 0.00015957781579345465, + 0.05658309534192085, + -0.20915599167346954, + 2.4458017349243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/264.png", + [ + 0.20788885653018951, + -0.01614203117787838, + -0.05890295282006264, + 0.6889033913612366, + -0.03091055154800415, + -0.20803813636302948, + -0.05208228901028633, + 0.5956172943115234, + -0.05267505720257759, + 0.05837346985936165, + -0.20190535485744476, + 2.4206066131591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/113.png", + [ + 0.21147167682647705, + 0.0012176454765722156, + -0.04718201234936714, + 0.5443598031997681, + -0.010272105224430561, + -0.210222989320755, + -0.05146530643105507, + 0.574556291103363, + -0.04606635123491287, + 0.05246628448367119, + -0.20511721074581146, + 2.423274517059326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/126.png", + [ + 0.2080046534538269, + -0.0019291521748527884, + -0.06064848601818085, + 0.6958852410316467, + -0.016224944964051247, + -0.21044793725013733, + -0.048952214419841766, + 0.5425631403923035, + -0.058469757437705994, + 0.05153490975499153, + -0.20217154920101166, + 2.3946533203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/29.png", + [ + 0.21459878981113434, + -0.01639338582754135, + -0.02503020130097866, + 0.29582956433296204, + -0.020689990371465683, + -0.21224215626716614, + -0.03838082775473595, + 0.45149722695350647, + -0.021614309400320053, + 0.040403224527835846, + -0.21177417039871216, + 2.5602951049804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/4.png", + [ + 0.2058112919330597, + -0.008046792820096016, + -0.06726700067520142, + 0.7778037786483765, + -0.02379906363785267, + -0.2100163996219635, + -0.04769288748502731, + 0.5405877828598022, + -0.06342874467372894, + 0.05269019305706024, + -0.20037074387073517, + 2.3779749870300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/55.png", + [ + 0.21578733623027802, + -0.01814703643321991, + -0.0073756626807153225, + 0.08418700844049454, + -0.01944195106625557, + -0.2083754539489746, + -0.056121084839105606, + 0.6256645321846008, + -0.002392875961959362, + 0.05655307695269585, + -0.20915044844150543, + 2.4138264656066895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/9.png", + [ + 0.20770378410816193, + -0.010332761332392693, + -0.060829758644104004, + 0.7073536515235901, + -0.02449321746826172, + -0.20987047255039215, + -0.04798297956585884, + 0.5433884859085083, + -0.05663133040070534, + 0.052872661501169205, + -0.20234936475753784, + 2.415256977081299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/25.png", + [ + 0.2135070562362671, + -0.016593212261795998, + -0.03297416493296623, + 0.3897823393344879, + -0.02233135513961315, + -0.21217569708824158, + -0.037824325263500214, + 0.4409271776676178, + -0.029392870143055916, + 0.040669817477464676, + -0.21078406274318695, + 2.535170555114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/99.png", + [ + 0.20765192806720734, + -0.010180768556892872, + -0.061032142490148544, + 0.7156370878219604, + -0.02358466200530529, + -0.21061019599437714, + -0.04511110484600067, + 0.5168126821517944, + -0.05720432475209236, + 0.04987584799528122, + -0.2029481679201126, + 2.4274487495422363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/208.png", + [ + 0.1863272488117218, + -0.012583992443978786, + -0.10987125337123871, + 1.2902920246124268, + -0.04318246245384216, + -0.20645689964294434, + -0.04958547279238701, + 0.5645904541015625, + -0.10181023180484772, + 0.06453749537467957, + -0.18004855513572693, + 2.1751084327697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/224.png", + [ + 0.18990474939346313, + -0.01962803117930889, + -0.1024637445807457, + 1.1798081398010254, + -0.03525356948375702, + -0.21236063539981842, + -0.02465847134590149, + 0.2716744840145111, + -0.09818993508815765, + 0.0382830873131752, + -0.18931728601455688, + 2.2352681159973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/34.png", + [ + 0.21565856039524078, + -0.01670270971953869, + -0.012661263346672058, + 0.14784248173236847, + -0.01881491206586361, + -0.21195250749588013, + -0.040866054594516754, + 0.47184744477272034, + -0.00923510268330574, + 0.041773851960897446, + -0.21240893006324768, + 2.5436816215515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/72.png", + [ + 0.21433360874652863, + -0.014868590980768204, + -0.028069810941815376, + 0.3303782045841217, + -0.022261491045355797, + -0.20689433813095093, + -0.06039080023765564, + 0.6927158832550049, + -0.022658666595816612, + 0.06262226402759552, + -0.20618663728237152, + 2.4729928970336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/102.png", + [ + 0.20800553262233734, + -0.009651907719671726, + -0.05990350618958473, + 0.7014424800872803, + -0.022047633305191994, + -0.21131685376167297, + -0.04250868037343025, + 0.4839470088481903, + -0.05652867630124092, + 0.04690338298678398, + -0.20384424924850464, + 2.4335179328918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/262.png", + [ + 0.2053123563528061, + -0.013928652741014957, + -0.06782860308885574, + 0.7961335182189941, + -0.030679764226078987, + -0.20857417583465576, + -0.05003460496664047, + 0.5736634135246277, + -0.0620763935148716, + 0.05701493099331856, + -0.19960889220237732, + 2.398404121398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/134.png", + [ + 0.20060434937477112, + 0.006613618228584528, + -0.08162137120962143, + 0.9549877047538757, + -0.01608443260192871, + -0.20857760310173035, + -0.056432031095027924, + 0.6420341730117798, + -0.08029370754957199, + 0.05830560624599457, + -0.19261689484119415, + 2.2950310707092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/70.png", + [ + 0.2149137407541275, + -0.01437649130821228, + -0.023522254079580307, + 0.2739277184009552, + -0.020718585699796677, + -0.20619098842144012, + -0.06327648460865021, + 0.7226009368896484, + -0.01818571612238884, + 0.06501146405935287, + -0.2058899849653244, + 2.4632821083068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/135.png", + [ + 0.20015683770179749, + 0.0053919097408652306, + -0.08280132710933685, + 0.9680719375610352, + -0.018147392198443413, + -0.20813775062561035, + -0.057421598583459854, + 0.6542172431945801, + -0.08096791803836823, + 0.059979118406772614, + -0.19181916117668152, + 2.2868032455444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/229.png", + [ + 0.19319556653499603, + -0.017047930508852005, + -0.09660613536834717, + 1.1070079803466797, + -0.03282411769032478, + -0.21231244504451752, + -0.028176113963127136, + 0.30833128094673157, + -0.09244432300329208, + 0.03975781798362732, + -0.19188866019248962, + 2.2488341331481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/130.png", + [ + 0.2068251520395279, + 0.0031194707844406366, + -0.0645098015666008, + 0.7458912134170532, + -0.013701488263905048, + -0.2093762904405594, + -0.054053112864494324, + 0.6170884966850281, + -0.06311510503292084, + 0.05567529425024986, + -0.19966131448745728, + 2.38153076171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/90.png", + [ + 0.20854291319847107, + -0.011612401343882084, + -0.05764460563659668, + 0.6723548769950867, + -0.026809290051460266, + -0.20782344043254852, + -0.055123258382081985, + 0.635299026966095, + -0.052335552871227264, + 0.06018691137433052, + -0.20146071910858154, + 2.40592098236084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/122.png", + [ + 0.20513957738876343, + 0.0049199010245501995, + -0.06958042085170746, + 0.806624174118042, + -0.011890375055372715, + -0.21050535142421722, + -0.0499400831758976, + 0.5554754734039307, + -0.06873325258493423, + 0.051099780946969986, + -0.19902876019477844, + 2.3635916709899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/238.png", + [ + 0.19559718668460846, + -0.017404211685061455, + -0.09157909452915192, + 1.046940565109253, + -0.034424129873514175, + -0.2113044112920761, + -0.033366523683071136, + 0.36702004075050354, + -0.08662919700145721, + 0.044670335948467255, + -0.19351443648338318, + 2.2678604125976562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/15.png", + [ + 0.21174967288970947, + -0.01262552198022604, + -0.044165242463350296, + 0.5151957869529724, + -0.021871009841561317, + -0.21091067790985107, + -0.04456721618771553, + 0.5114505290985107, + -0.04039345681667328, + 0.048012226819992065, + -0.207391157746315, + 2.4771838188171387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/269.png", + [ + 0.21064697206020355, + -0.014576565474271774, + -0.04861345514655113, + 0.568682849407196, + -0.02572241984307766, + -0.20957735180854797, + -0.04861683398485184, + 0.5534056425094604, + -0.043750446289777756, + 0.05303548648953438, + -0.20547756552696228, + 2.431084156036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/162.png", + [ + 0.16280189156532288, + -0.0019000411266461015, + -0.14296793937683105, + 1.6450062990188599, + -0.035136546939611435, + -0.21054337918758392, + -0.037212930619716644, + 0.41195109486579895, + -0.1385960578918457, + 0.05114458501338959, + -0.1585032045841217, + 1.8879059553146362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/22.png", + [ + 0.213189035654068, + -0.014296125620603561, + -0.03597157821059227, + 0.4247458577156067, + -0.021055422723293304, + -0.2117898315191269, + -0.04061572253704071, + 0.46957680583000183, + -0.03248080238699913, + 0.04345789551734924, + -0.2097720354795456, + 2.5099549293518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/171.png", + [ + 0.17678683996200562, + -0.01323350053280592, + -0.12457600980997086, + 1.4100171327590942, + -0.04118466377258301, + -0.20962567627429962, + -0.03617731109261513, + 0.39914149045944214, + -0.11831369996070862, + 0.05319632589817047, + -0.17355088889598846, + 2.0314974784851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/138.png", + [ + 0.20297202467918396, + 0.002430104184895754, + -0.07579145580530167, + 0.8770778179168701, + -0.01854877732694149, + -0.20839348435401917, + -0.05635596439242363, + 0.6442203521728516, + -0.07352681457996368, + 0.059280235320329666, + -0.19500653445720673, + 2.3274707794189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/109.png", + [ + 0.21059544384479523, + 0.003595472779124975, + -0.05083821341395378, + 0.5883523225784302, + -0.00996986124664545, + -0.20905262231826782, + -0.05608478561043739, + 0.6375659704208374, + -0.0499805323779583, + 0.056850455701351166, + -0.203021839261055, + 2.4160733222961426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/26.png", + [ + 0.21367108821868896, + -0.016050757840275764, + -0.03217035531997681, + 0.38061708211898804, + -0.02175585925579071, + -0.21208003163337708, + -0.03868633881211281, + 0.4529687464237213, + -0.02862238883972168, + 0.04138023033738136, + -0.21075181663036346, + 2.5389156341552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/43.png", + [ + 0.2161589413881302, + -0.014083252288401127, + -0.004987701773643494, + 0.05513127148151398, + -0.014873234555125237, + -0.20969249308109283, + -0.05249514430761337, + 0.5900008678436279, + -0.0014149390626698732, + 0.052712567150592804, + -0.21016013622283936, + 2.4600353240966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/205.png", + [ + 0.1877683401107788, + -0.014623250812292099, + -0.1071312204003334, + 1.2560259103775024, + -0.04353383556008339, + -0.20673851668834686, + -0.04808204621076584, + 0.5471194386482239, + -0.09897343814373016, + 0.06319206953048706, + -0.18209588527679443, + 2.1955509185791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/246.png", + [ + 0.19552366435527802, + -0.026620736345648766, + -0.08949706703424454, + 1.0249626636505127, + -0.043712303042411804, + -0.20961466431617737, + -0.03314850479364395, + 0.36591389775276184, + -0.08250831812620163, + 0.04796796292066574, + -0.1945233941078186, + 2.2911877632141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/244.png", + [ + 0.19557872414588928, + -0.026795240119099617, + -0.08932451158761978, + 1.0259729623794556, + -0.04341384395956993, + -0.20983831584453583, + -0.03210940584540367, + 0.35686925053596497, + -0.08253538608551025, + 0.04688060283660889, + -0.19477681815624237, + 2.2968292236328125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/84.png", + [ + 0.21108786761760712, + -0.012380992993712425, + -0.04729188233613968, + 0.5577567219734192, + -0.025294477120041847, + -0.2070319801568985, + -0.058701321482658386, + 0.681380569934845, + -0.04183300957083702, + 0.06270858645439148, + -0.20313918590545654, + 2.431488513946533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/216.png", + [ + 0.1876649707555771, + -0.016963418573141098, + -0.10696723312139511, + 1.2458597421646118, + -0.04052559658885002, + -0.2094528079032898, + -0.03788262605667114, + 0.4262913465499878, + -0.10043616592884064, + 0.05281723290681839, + -0.18458279967308044, + 2.2002663612365723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/136.png", + [ + 0.20211882889270782, + 0.0032143276184797287, + -0.07800983637571335, + 0.90859055519104, + -0.01923721842467785, + -0.20776639878749847, + -0.05840333178639412, + 0.6654049754142761, + -0.07566898316144943, + 0.06140592694282532, + -0.19352369010448456, + 2.3051581382751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/89.png", + [ + 0.20870812237262726, + -0.011863947845995426, + -0.05699167400598526, + 0.665058434009552, + -0.026978375390172005, + -0.20768429338932037, + -0.05556339770555496, + 0.6395778656005859, + -0.051584601402282715, + 0.060616590082645416, + -0.20152556896209717, + 2.4083409309387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/63.png", + [ + 0.21585723757743835, + -0.014777064323425293, + -0.011627035215497017, + 0.13336102664470673, + -0.017405107617378235, + -0.20772302150726318, + -0.05912791192531586, + 0.6703543663024902, + -0.007114197127521038, + 0.05983883515000343, + -0.20812641084194183, + 2.4264626502990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/88.png", + [ + 0.20962420105934143, + -0.011462642811238766, + -0.05361153185367584, + 0.6269930005073547, + -0.02576877549290657, + -0.20762163400650024, + -0.05636598914861679, + 0.6476969122886658, + -0.048389650881290436, + 0.06090782582759857, + -0.20222900807857513, + 2.4145078659057617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/62.png", + [ + 0.21587641537189484, + -0.015156150795519352, + -0.010749961249530315, + 0.1221553385257721, + -0.017528576776385307, + -0.20770114660263062, + -0.05916822329163551, + 0.6717297434806824, + -0.006166005507111549, + 0.05981989949941635, + -0.2081620991230011, + 2.4246692657470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/65.png", + [ + 0.21556927263736725, + -0.015299862250685692, + -0.015610930509865284, + 0.17978116869926453, + -0.019027065485715866, + -0.20751339197158813, + -0.05936380848288536, + 0.6718828678131104, + -0.010759074240922928, + 0.0604318343102932, + -0.2077982872724533, + 2.433955669403076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/248.png", + [ + 0.19778189063072205, + -0.02738633193075657, + -0.08414396643638611, + 0.9635438919067383, + -0.043837036937475204, + -0.20930100977420807, + -0.03491855040192604, + 0.38520315289497375, + -0.0768669918179512, + 0.048897650092840195, + -0.19659192860126495, + 2.314028739929199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/80.png", + [ + 0.21239259839057922, + -0.012036717496812344, + -0.04113878682255745, + 0.48368918895721436, + -0.02288675121963024, + -0.2076769471168518, + -0.05739663541316986, + 0.6590351462364197, + -0.03624194487929344, + 0.06060770899057388, + -0.2048441469669342, + 2.4475274085998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/146.png", + [ + 0.18452034890651703, + -8.595863619120792e-05, + -0.11357871443033218, + 1.3240219354629517, + -0.03124685026705265, + -0.2083519995212555, + -0.05060604587197304, + 0.5784099102020264, + -0.1091960072517395, + 0.05947546288371086, + -0.177445188164711, + 2.116227149963379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/119.png", + [ + 0.20906418561935425, + 0.00356263667345047, + -0.05680990591645241, + 0.6487385034561157, + -0.009631412103772163, + -0.2109176218509674, + -0.04867119714617729, + 0.5376538634300232, + -0.056100744754076004, + 0.04948694258928299, + -0.20335103571414948, + 2.385749340057373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/180.png", + [ + 0.18307135999202728, + -0.021448055282235146, + -0.11389800161123276, + 1.2967499494552612, + -0.04674291983246803, + -0.2085103839635849, + -0.035866715013980865, + 0.39683759212493896, + -0.10605598241090775, + 0.05487533286213875, + -0.18080021440982819, + 2.1282949447631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/145.png", + [ + 0.18853062391281128, + 0.0013224943540990353, + -0.10678176581859589, + 1.2459094524383545, + -0.026229100301861763, + -0.20944783091545105, + -0.048903316259384155, + 0.5605811476707458, + -0.10351874679327011, + 0.05547747761011124, + -0.1820824295282364, + 2.1769919395446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/204.png", + [ + 0.18710027635097504, + -0.015096807852387428, + -0.10822877287864685, + 1.268956184387207, + -0.04354945197701454, + -0.2071203887462616, + -0.046394847333431244, + 0.5270974636077881, + -0.10022387653589249, + 0.061815232038497925, + -0.18188443779945374, + 2.1928882598876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/207.png", + [ + 0.1869829297065735, + -0.012452731840312481, + -0.10876677930355072, + 1.2765552997589111, + -0.04239998385310173, + -0.2067052125930786, + -0.0492248460650444, + 0.5602735280990601, + -0.1009332686662674, + 0.06376341730356216, + -0.18081647157669067, + 2.1821985244750977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/250.png", + [ + 0.19825902581214905, + -0.025794988498091698, + -0.08352162688970566, + 0.9601352214813232, + -0.04348396137356758, + -0.20869660377502441, + -0.038765545934438705, + 0.43225014209747314, + -0.07583131641149521, + 0.052232563495635986, + -0.19613583385944366, + 2.3166747093200684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/167.png", + [ + 0.17130634188652039, + -0.006706669926643372, + -0.13250303268432617, + 1.5111817121505737, + -0.037846457213163376, + -0.20987646281719208, + -0.038306791335344315, + 0.42401209473609924, + -0.12716005742549896, + 0.05343019217252731, + -0.16710305213928223, + 1.9683891534805298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/243.png", + [ + 0.19592000544071198, + -0.025440771132707596, + -0.08897195011377335, + 1.0219464302062988, + -0.041627708822488785, + -0.2102866768836975, + -0.031536299735307693, + 0.35031163692474365, + -0.08264607936143875, + 0.045608893036842346, + -0.19503165781497955, + 2.297356128692627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/189.png", + [ + 0.18500374257564545, + -0.0167707372456789, + -0.11153586953878403, + 1.298180341720581, + -0.045484136790037155, + -0.20716436207294464, + -0.04429461434483528, + 0.5011163353919983, + -0.1032119169831276, + 0.06123366579413414, + -0.18040406703948975, + 2.1632699966430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/230.png", + [ + 0.19311276078224182, + -0.01708790473639965, + -0.096764475107193, + 1.1087167263031006, + -0.033915672451257706, + -0.21185162663459778, + -0.03027399815618992, + 0.33380186557769775, + -0.09222302585840225, + 0.042128272354602814, + -0.19148893654346466, + 2.244029998779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/79.png", + [ + 0.2127673327922821, + -0.01143442653119564, + -0.03933455049991608, + 0.4619991183280945, + -0.021513812243938446, + -0.20824873447418213, + -0.055834654718637466, + 0.6410051584243774, + -0.03485841304063797, + 0.05873335152864456, + -0.20562873780727386, + 2.4562063217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/176.png", + [ + 0.1816890835762024, + -0.016756977885961533, + -0.11685964465141296, + 1.3251038789749146, + -0.04130144417285919, + -0.20994926989078522, + -0.034108493477106094, + 0.37082967162132263, + -0.11059459298849106, + 0.05087634176015854, + -0.1792437732219696, + 2.098112106323242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/225.png", + [ + 0.1926165372133255, + -0.018000761047005653, + -0.09758449345827103, + 1.1196271181106567, + -0.032286468893289566, + -0.2128543108701706, + -0.024464622139930725, + 0.26705673336982727, + -0.09383146464824677, + 0.03628920391201973, + -0.19190268218517303, + 2.256564140319824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/185.png", + [ + 0.1845906525850296, + -0.018206438049674034, + -0.11199425905942917, + 1.2876532077789307, + -0.04593030735850334, + -0.20755112171173096, + -0.041962314397096634, + 0.46796914935112, + -0.10375256091356277, + 0.05948910862207413, + -0.18067745864391327, + 2.1433253288269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/165.png", + [ + 0.16392354667186737, + -0.004376506898552179, + -0.14162559807300568, + 1.6259524822235107, + -0.03720959648489952, + -0.21029984951019287, + -0.03656931221485138, + 0.40226224064826965, + -0.1367201954126358, + 0.051987648010253906, + -0.15985234081745148, + 1.896755337715149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/116.png", + [ + 0.2105526179075241, + 0.0017352931899949908, + -0.051112402230501175, + 0.5836569666862488, + -0.010502864606678486, + -0.2104669064283371, + -0.05041100084781647, + 0.5563799142837524, + -0.05005175992846489, + 0.05146424099802971, + -0.20443616807460785, + 2.389491558074951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/19.png", + [ + 0.21306005120277405, + -0.014285501092672348, + -0.03673197701573372, + 0.4298391342163086, + -0.021588673815131187, + -0.21125167608261108, + -0.04306459426879883, + 0.49681082367897034, + -0.03297336772084236, + 0.04600602760910988, + -0.20915089547634125, + 2.495211601257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/77.png", + [ + 0.2133311629295349, + -0.011462278664112091, + -0.03614315018057823, + 0.4255886971950531, + -0.021043846383690834, + -0.20760008692741394, + -0.05837171897292137, + 0.6772341728210449, + -0.031541526317596436, + 0.060981281101703644, + -0.20550987124443054, + 2.460254669189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/254.png", + [ + 0.19879914820194244, + -0.026282308623194695, + -0.08207335323095322, + 0.9570959806442261, + -0.04484237730503082, + -0.2077639400959015, + -0.042085640132427216, + 0.4742784798145294, + -0.07359318435192108, + 0.055599283427000046, + -0.19606289267539978, + 2.339416027069092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/247.png", + [ + 0.19641223549842834, + -0.026966525241732597, + -0.0874239057302475, + 1.0004249811172485, + -0.043981634080410004, + -0.20938509702682495, + -0.034225672483444214, + 0.3771984279155731, + -0.08022312074899673, + 0.04877076297998428, + -0.19527816772460938, + 2.2970352172851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/68.png", + [ + 0.21533183753490448, + -0.015185008756816387, + -0.018695147708058357, + 0.21366339921951294, + -0.020124083384871483, + -0.205839604139328, + -0.06459854543209076, + 0.734691321849823, + -0.013233079575002193, + 0.06593456864356995, + -0.20597431063652039, + 2.443451404571533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/143.png", + [ + 0.19606061279773712, + 0.003991167526692152, + -0.0921531394124031, + 1.0688889026641846, + -0.01981152594089508, + -0.20959751307964325, + -0.05122775211930275, + 0.5919846296310425, + -0.09008681774139404, + 0.054780013859272, + -0.189291849732399, + 2.26646089553833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/218.png", + [ + 0.1879401057958603, + -0.01738565042614937, + -0.10641498863697052, + 1.2378361225128174, + -0.041175924241542816, + -0.2092055380344391, + -0.03854186832904816, + 0.43570849299430847, + -0.0996541678905487, + 0.053653255105018616, + -0.18476544320583344, + 2.1989989280700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/183.png", + [ + 0.18474121391773224, + -0.019920310005545616, + -0.11145292222499847, + 1.2741059064865112, + -0.04581649601459503, + -0.20820333063602448, + -0.03873133286833763, + 0.42857256531715393, + -0.10353463888168335, + 0.05659017711877823, + -0.18173062801361084, + 2.1432852745056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/86.png", + [ + 0.21033519506454468, + -0.011948802508413792, + -0.05063821002840996, + 0.596314549446106, + -0.02544485218822956, + -0.2075675129890442, + -0.05671141669154167, + 0.6558763980865479, + -0.04538239538669586, + 0.060998786240816116, + -0.20289771258831024, + 2.4285635948181152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/239.png", + [ + 0.19541600346565247, + -0.01810435950756073, + -0.09182976186275482, + 1.0507577657699585, + -0.03468931466341019, + -0.21145237982273102, + -0.0321316160261631, + 0.35442236065864563, + -0.0869317278265953, + 0.043680910021066666, + -0.19360461831092834, + 2.2709593772888184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/1.png", + [ + 0.20222999155521393, + -0.006501085124909878, + -0.07751552760601044, + 0.8995968103408813, + -0.025443727150559425, + -0.2095678448677063, + -0.04880397766828537, + 0.5549608469009399, + -0.07350876927375793, + 0.054652970284223557, + -0.19636040925979614, + 2.329282760620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/81.png", + [ + 0.21211549639701843, + -0.012664350681006908, + -0.042361848056316376, + 0.49893710017204285, + -0.023983163759112358, + -0.20735789835453033, + -0.058098215609788895, + 0.6684963703155518, + -0.03714457526803017, + 0.061564672738313675, + -0.204396590590477, + 2.442462921142578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/95.png", + [ + 0.20781104266643524, + -0.010020039044320583, + -0.06051504611968994, + 0.7058185935020447, + -0.023727158084511757, + -0.21025507152080536, + -0.046666089445352554, + 0.534016489982605, + -0.056564074009656906, + 0.0513838529586792, + -0.20275132358074188, + 2.422194004058838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/200.png", + [ + 0.18808701634407043, + -0.0157056525349617, + -0.10641662031412125, + 1.2483184337615967, + -0.043082211166620255, + -0.20740866661071777, + -0.04553533345460892, + 0.5185200572013855, + -0.09856514632701874, + 0.060686707496643066, + -0.18316638469696045, + 2.208527088165283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/199.png", + [ + 0.18838198482990265, + -0.01602334715425968, + -0.10584601014852524, + 1.2415436506271362, + -0.04262007027864456, + -0.20774908363819122, + -0.0444042794406414, + 0.503357470035553, + -0.09820212423801422, + 0.05942611023783684, + -0.1837737113237381, + 2.2135090827941895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/103.png", + [ + 0.208299458026886, + -0.009431175887584686, + -0.05890912190079689, + 0.6883954405784607, + -0.0219761673361063, + -0.21103540062904358, + -0.04392039030790329, + 0.4987773001194, + -0.05546422675251961, + 0.048197563737630844, + -0.20383475720882416, + 2.429241180419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/196.png", + [ + 0.18771012127399445, + -0.016036013141274452, + -0.10703104734420776, + 1.2529892921447754, + -0.042971886694431305, + -0.20771096646785736, + -0.044243261218070984, + 0.49769333004951477, + -0.09932884573936462, + 0.05955582112073898, + -0.18312503397464752, + 2.204479217529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/150.png", + [ + 0.1706857979297638, + -0.0037650649901479483, + -0.13341692090034485, + 1.5472115278244019, + -0.03749602288007736, + -0.20921853184700012, + -0.042066000401973724, + 0.4705117642879486, + -0.128094881772995, + 0.05622565746307373, + -0.16546380519866943, + 1.9739409685134888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/83.png", + [ + 0.21153166890144348, + -0.012653840705752373, + -0.04518986865878105, + 0.5333799123764038, + -0.02512563392519951, + -0.2067623734474182, + -0.05971536040306091, + 0.6921361088752747, + -0.03963516652584076, + 0.06353819370269775, + -0.20332202315330505, + 2.430541515350342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/142.png", + [ + 0.1981758177280426, + 0.004632300231605768, + -0.08748014271259308, + 1.0132383108139038, + -0.018212048336863518, + -0.20946551859378815, + -0.052348967641592026, + 0.6007623672485352, + -0.08568870276212692, + 0.05523255094885826, + -0.1911928504705429, + 2.28570556640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/186.png", + [ + 0.1847735345363617, + -0.017207175493240356, + -0.11185052245855331, + 1.2900463342666626, + -0.04482472315430641, + -0.20776769518852234, + -0.04208587482571602, + 0.4703647196292877, + -0.1039104014635086, + 0.05902871862053871, + -0.18073773384094238, + 2.1498894691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/195.png", + [ + 0.18743914365768433, + -0.01626214012503624, + -0.10747095197439194, + 1.2578797340393066, + -0.04351155832409859, + -0.2075474113225937, + -0.044482748955488205, + 0.5010113716125488, + -0.0996052622795105, + 0.060062579810619354, + -0.18280911445617676, + 2.201777935028076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/51.png", + [ + 0.21587476134300232, + -0.017008518800139427, + -0.0075292931869626045, + 0.0856422707438469, + -0.018414761871099472, + -0.20779158174991608, + -0.05857859179377556, + 0.6371948719024658, + -0.0026223130989819765, + 0.05900224670767784, + -0.20847003161907196, + 2.3637142181396484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/233.png", + [ + 0.19354093074798584, + -0.016540704295039177, + -0.09600111097097397, + 1.1013734340667725, + -0.03517025336623192, + -0.21099092066287994, + -0.03455110266804695, + 0.38377588987350464, + -0.0908452644944191, + 0.04644491896033287, + -0.19114890694618225, + 2.2415671348571777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/128.png", + [ + 0.208944633603096, + -0.001180061837658286, + -0.05734669789671898, + 0.6587063670158386, + -0.014694890938699245, + -0.21050025522708893, + -0.04920973256230354, + 0.552947998046875, + -0.05544452741742134, + 0.0513434000313282, + -0.20307058095932007, + 2.413301944732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/168.png", + [ + 0.17315907776355743, + -0.009303987957537174, + -0.12991251051425934, + 1.4776102304458618, + -0.039886049926280975, + -0.20952555537223816, + -0.038158051669597626, + 0.4233202040195465, + -0.12398761510848999, + 0.05440928041934967, + -0.16915848851203918, + 1.9899054765701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/215.png", + [ + 0.18694017827510834, + -0.017945358529686928, + -0.10807046294212341, + 1.259777545928955, + -0.04159102961421013, + -0.20937025547027588, + -0.03717769682407379, + 0.4170066714286804, + -0.1013481467962265, + 0.05282006412744522, + -0.18408283591270447, + 2.198556900024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/93.png", + [ + 0.20777375996112823, + -0.009337173774838448, + -0.06075180321931839, + 0.7100525498390198, + -0.02407921850681305, + -0.20940707623958588, + -0.050167378038167953, + 0.5767751932144165, + -0.05655224993824959, + 0.054857924580574036, + -0.20184238255023956, + 2.4118423461914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/242.png", + [ + 0.19559112191200256, + -0.023736799135804176, + -0.09015859663486481, + 1.0354183912277222, + -0.03978123143315315, + -0.21075040102005005, + -0.030815862119197845, + 0.341005802154541, + -0.0843176320195198, + 0.044370345771312714, + -0.1946014016866684, + 2.2903895378112793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/76.png", + [ + 0.21664027869701385, + -0.0038480942603200674, + -0.00027852083439938724, + 0.01346508227288723, + -0.003853258676826954, + -0.21658875048160553, + -0.004729259293526411, + 0.0610542856156826, + -0.00019441985932644457, + 0.004733463283628225, + -0.21662284433841705, + 2.5835189819335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/48.png", + [ + 0.215219646692276, + -0.006102704908698797, + 0.024313807487487793, + -0.28354907035827637, + -0.009488110430538654, + -0.21435196697711945, + 0.030184533447027206, + -0.3658875823020935, + 0.023203017190098763, + -0.031046533957123756, + -0.213179811835289, + 2.5379390716552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/35.png", + [ + 0.21508635580539703, + -0.010007891803979874, + 0.024199284613132477, + -0.27963313460350037, + -0.011283491738140583, + -0.21610510349273682, + 0.010916377417743206, + -0.1387632042169571, + 0.023631462827324867, + -0.012096552178263664, + -0.21504215896129608, + 2.5805654525756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/97.png", + [ + 0.2151237577199936, + 0.002758203074336052, + 0.025730427354574203, + -0.2943227291107178, + -1.279204479942564e-05, + -0.21542899310588837, + 0.023200111463665962, + -0.27535414695739746, + 0.025877835229039192, + -0.023035576567053795, + -0.21388687193393707, + 2.513375759124756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/13.png", + [ + 0.2068873792886734, + 0.0008104243315756321, + 0.06438049674034119, + -0.7523044943809509, + -0.0037944514770060778, + -0.2161274403333664, + 0.014914129860699177, + -0.18227672576904297, + 0.06427367776632309, + -0.0153679009526968, + -0.20635071396827698, + 2.4635238647460938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/32.png", + [ + 0.2148749679327011, + -0.012387041002511978, + 0.02496386133134365, + -0.2900870144367218, + -0.012920568697154522, + -0.21625374257564545, + 0.003908184822648764, + -0.054257459938526154, + 0.02469194121658802, + -0.005364348646253347, + -0.21519626677036285, + 2.579594612121582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/38.png", + [ + 0.2154207080602646, + -0.010948624461889267, + 0.020541435107588768, + -0.23583979904651642, + -0.012374659068882465, + -0.21581797301769257, + 0.014743256382644176, + -0.1811249852180481, + 0.019715242087841034, + -0.01583109050989151, + -0.21519429981708527, + 2.5815353393554688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/11.png", + [ + 0.20654402673244476, + -0.006404875312000513, + 0.06516470015048981, + -0.7675407528877258, + -0.010722826234996319, + -0.21603302657604218, + 0.012753392569720745, + -0.15644696354866028, + 0.06459474563598633, + -0.015381989069283009, + -0.2062493860721588, + 2.4842281341552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/59.png", + [ + 0.21343165636062622, + -0.02395814284682274, + 0.028650231659412384, + -0.34064173698425293, + -0.024911824613809586, + -0.215163454413414, + 0.005656340625137091, + -0.07934525609016418, + 0.027824977412819862, + -0.008865696378052235, + -0.21469761431217194, + 2.608945846557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/105.png", + [ + 0.21560800075531006, + 0.0012897648848593235, + 0.021434029564261436, + -0.24654707312583923, + -0.00045824749395251274, + -0.21595779061317444, + 0.017604557797312737, + -0.2128998339176178, + 0.021467911079525948, + -0.0175632294267416, + -0.2148919552564621, + 2.569885730743408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/24.png", + [ + 0.21359673142433167, + -0.007816094905138016, + 0.035542022436857224, + -0.39029890298843384, + -0.011408365331590176, + -0.21533235907554626, + 0.02120678685605526, + -0.2781733274459839, + 0.03455685079097748, + -0.022776903584599495, + -0.21268504858016968, + 2.5003013610839844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/74.png", + [ + 0.2165582925081253, + -0.005797258112579584, + 0.004098028410226107, + -0.03910176455974579, + -0.00580007117241621, + -0.21659696102142334, + 9.392485662829131e-05, + -0.0019678957760334015, + 0.004094046074897051, + -0.00020357333414722234, + -0.21663586795330048, + 2.5823588371276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/98.png", + [ + 0.215052530169487, + 0.001971692778170109, + 0.02638958767056465, + -0.30435770750045776, + -0.0009227180853486061, + -0.21538230776786804, + 0.023611608892679214, + -0.2804199457168579, + 0.026447052136063576, + -0.023547222837805748, + -0.21376149356365204, + 2.5167651176452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/0.png", + [ + 0.20356327295303345, + -0.014632203616201878, + 0.07277215272188187, + -0.8758963346481323, + -0.013696151785552502, + -0.21617987751960754, + -0.00515519455075264, + 0.05781472101807594, + 0.07295411825180054, + 0.00024326748098246753, + -0.2040233612060547, + 2.4889450073242188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/96.png", + [ + 0.2150404304265976, + 0.004318669904023409, + 0.0262079406529665, + -0.2997119724750519, + 0.0014400766231119633, + -0.21537260711193085, + 0.02367405965924263, + -0.2800435721874237, + 0.026522314175963402, + -0.02332131564617157, + -0.21377694606781006, + 2.515627861022949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/100.png", + [ + 0.21516355872154236, + 0.0024841022677719593, + 0.02542361430823803, + -0.29417455196380615, + -6.197553011588752e-05, + -0.2155962735414505, + 0.021590083837509155, + -0.25685441493988037, + 0.025544611737132072, + -0.021446792408823967, + -0.21409203112125397, + 2.5258116722106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/40.png", + [ + 0.21555083990097046, + -0.008376740850508213, + 0.020385269075632095, + -0.2339218705892563, + -0.010104812681674957, + -0.21567034721374512, + 0.018223285675048828, + -0.22278711199760437, + 0.019586263224482536, + -0.019079456105828285, + -0.21494241058826447, + 2.5795512199401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/52.png", + [ + 0.2132505178451538, + -0.021990541368722916, + 0.03144075721502304, + -0.37470579147338867, + -0.02417963370680809, + -0.2148846685886383, + 0.01370480190962553, + -0.1687088906764984, + 0.029790109023451805, + -0.016996830701828003, + -0.21394287049770355, + 2.5829014778137207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/3.png", + [ + 0.20536857843399048, + -0.014554955996572971, + 0.06752623617649078, + -0.8099634647369385, + -0.016277071088552475, + -0.2160424292087555, + 0.0029368028044700623, + -0.044232457876205444, + 0.06713193655014038, + -0.007856277748942375, + -0.20586276054382324, + 2.503204822540283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/47.png", + [ + 0.21547754108905792, + -0.006140141747891903, + 0.021900271996855736, + -0.25293171405792236, + -0.00881939847022295, + -0.21486292779445648, + 0.026533616706728935, + -0.3195047974586487, + 0.020965242758393288, + -0.027278438210487366, + -0.2139257937669754, + 2.531313419342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/104.png", + [ + 0.2154429852962494, + 2.346242945350241e-05, + 0.023069703951478004, + -0.2674751877784729, + -0.0019289006013423204, + -0.21589750051498413, + 0.0182331632822752, + -0.21921074390411377, + 0.022988934069871902, + -0.018334893509745598, + -0.21467004716396332, + 2.5564732551574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/21.png", + [ + 0.2043607234954834, + 0.008455951698124409, + 0.07150589674711227, + -0.8331215977668762, + 0.004029179457575083, + -0.21618112921714783, + 0.014049346558749676, + -0.1357625126838684, + 0.07189132273197174, + -0.011921211145818233, + -0.20405249297618866, + 2.41685152053833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/82.png", + [ + 0.2159350961446762, + 0.0005983651499263942, + 0.017876487225294113, + -0.20832248032093048, + -0.0017823133384808898, + -0.21475575864315033, + 0.028717411682009697, + -0.34904658794403076, + 0.017797477543354034, + -0.028766442090272903, + -0.2140178382396698, + 2.544731616973877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/106.png", + [ + 0.2160319685935974, + 0.0032908779103308916, + 0.016347745433449745, + -0.18529634177684784, + 0.002109588822349906, + -0.2161002904176712, + 0.01562423724681139, + -0.1903696060180664, + 0.01654171571135521, + -0.015418730676174164, + -0.2154913693666458, + 2.5864439010620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/14.png", + [ + 0.2058017998933792, + 0.00016594899352639914, + 0.0677751749753952, + -0.7903542518615723, + -0.004530919250100851, + -0.21615555882453918, + 0.01428756583482027, + -0.17389264702796936, + 0.06762376427650452, + -0.014987871050834656, + -0.2053053379058838, + 2.446226119995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/67.png", + [ + 0.2149718850851059, + -0.01835862174630165, + 0.019948653876781464, + -0.2312340885400772, + -0.01893986389040947, + -0.2157745361328125, + 0.005524929147213697, + -0.06871360540390015, + 0.019397661089897156, + -0.007225255016237497, + -0.21568362414836884, + 2.572573184967041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/78.png", + [ + 0.2166229635477066, + -0.004195450339466333, + 0.0021886832546442747, + -0.024990404024720192, + -0.004252850543707609, + -0.2165549248456955, + 0.005811511073261499, + -0.06798562407493591, + 0.002074946416541934, + -0.0058530839160084724, + -0.21658563613891602, + 2.5876526832580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/31.png", + [ + 0.21469826996326447, + -0.011382759548723698, + 0.0268885288387537, + -0.31336960196495056, + -0.01189537812024355, + -0.21632106602191925, + 0.0034061423502862453, + -0.04951171576976776, + 0.026665711775422096, + -0.004851245786994696, + -0.21497279405593872, + 2.5833568572998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/39.png", + [ + 0.21548783779144287, + -0.009919743984937668, + 0.02035888098180294, + -0.2334960550069809, + -0.011473267339169979, + -0.21575482189655304, + 0.01631312258541584, + -0.19933639466762543, + 0.01952560991048813, + -0.017301807180047035, + -0.2150983363389969, + 2.579228401184082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/92.png", + [ + 0.21526019275188446, + 0.0005591892986558378, + 0.024710994213819504, + -0.28063732385635376, + -0.0023749740794301033, + -0.2151489555835724, + 0.025557301938533783, + -0.30446863174438477, + 0.02460295520722866, + -0.025661323219537735, + -0.2137383669614792, + 2.5218758583068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/53.png", + [ + 0.2126397043466568, + -0.026736747473478317, + 0.03189660236239433, + -0.3805903196334839, + -0.02789643220603466, + -0.2147895246744156, + 0.0059290495701134205, + -0.06683726608753204, + 0.03088747151196003, + -0.009925262071192265, + -0.21423199772834778, + 2.5857996940612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/75.png", + [ + 0.21664464473724365, + -0.003382358467206359, + -0.0012442367151379585, + 0.027637461200356483, + -0.003418487962335348, + -0.21654856204986572, + -0.006551982834935188, + 0.0844905823469162, + -0.001141234184615314, + 0.006570706609636545, + -0.21657197177410126, + 2.581374168395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/87.png", + [ + 0.21514584124088287, + -0.0010907480027526617, + 0.025670422241091728, + -0.2898940443992615, + -0.004467446822673082, + -0.21476992964744568, + 0.028316352516412735, + -0.3393767774105072, + 0.025302216410636902, + -0.028645841404795647, + -0.21327707171440125, + 2.5211315155029297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/107.png", + [ + 0.21623268723487854, + 0.0026530360337346792, + 0.013574887067079544, + -0.15147867798805237, + 0.0018525562481954694, + -0.21629051864147186, + 0.012762041762471199, + -0.15352077782154083, + 0.013707086443901062, + -0.012619946151971817, + -0.21587206423282623, + 2.594409465789795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/69.png", + [ + 0.21499103307724, + -0.016514692455530167, + 0.021307574585080147, + -0.24723844230175018, + -0.01766882836818695, + -0.21566644310951233, + 0.011121612042188644, + -0.1389583945274353, + 0.020360756665468216, + -0.01277273241430521, + -0.21533739566802979, + 2.5655293464660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/45.png", + [ + 0.21550245583057404, + -0.00617304677143693, + 0.021644489839673042, + -0.24789586663246155, + -0.008243778720498085, + -0.21553479135036469, + 0.020607927814126015, + -0.24856886267662048, + 0.02094350941479206, + -0.021319948136806488, + -0.21460364758968353, + 2.5412607192993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/50.png", + [ + 0.21484676003456116, + -0.008183342404663563, + 0.02686638943850994, + -0.3166494071483612, + -0.011825510300695896, + -0.21436211466789246, + 0.02927352301776409, + -0.3604736030101776, + 0.025474052876234055, + -0.030492864549160004, + -0.2130003571510315, + 2.5533576011657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/101.png", + [ + 0.21523801982402802, + 0.0011299175675958395, + 0.024883942678570747, + -0.2881458103656769, + -0.0012757950462400913, + -0.2156674563884735, + 0.020828135311603546, + -0.24783110618591309, + 0.02487689070403576, + -0.02083655819296837, + -0.21423088014125824, + 2.531247138977051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/85.png", + [ + 0.2153289020061493, + 0.0004975551273673773, + 0.024106215685606003, + -0.2733570635318756, + -0.002755243331193924, + -0.21470172703266144, + 0.029042694717645645, + -0.3507341742515564, + 0.023953409865498543, + -0.029168853536248207, + -0.213361918926239, + 2.5278100967407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/71.png", + [ + 0.2152450680732727, + -0.01394696906208992, + 0.020565355196595192, + -0.24017146229743958, + -0.015427638776600361, + -0.21558479964733124, + 0.015266872942447662, + -0.1943822056055069, + 0.019479215145111084, + -0.01663043722510338, + -0.2151554822921753, + 2.560204029083252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/54.png", + [ + 0.2129182070493698, + -0.026504237204790115, + 0.03018704243004322, + -0.3596724569797516, + -0.02695014700293541, + -0.21498796343803406, + 0.0013279037084430456, + -0.006063178181648254, + 0.029789621010422707, + -0.005059567745774984, + -0.21455739438533783, + 2.586197853088379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/33.png", + [ + 0.21504271030426025, + -0.010915861465036869, + 0.024194249883294106, + -0.27992168068885803, + -0.011767550371587276, + -0.21624061465263367, + 0.00702949333935976, + -0.09246882051229477, + 0.023791644722223282, + -0.008290532976388931, + -0.21520482003688812, + 2.578275680541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/49.png", + [ + 0.21504712104797363, + -0.007148431148380041, + 0.025525134056806564, + -0.29925546050071716, + -0.010690567083656788, + -0.21431463956832886, + 0.030047332867980003, + -0.36822783946990967, + 0.02425581030547619, + -0.031081030145287514, + -0.21305756270885468, + 2.5498132705688477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/18.png", + [ + 0.20506836473941803, + 0.0066015953198075294, + 0.06965115666389465, + -0.8050880432128906, + 0.0016546352999284863, + -0.21610520780086517, + 0.015611017122864723, + -0.1766444891691208, + 0.06994374841451645, + -0.014242914505302906, + -0.20457984507083893, + 2.4117956161499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/66.png", + [ + 0.21456694602966309, + -0.019722193479537964, + 0.02280248887836933, + -0.2681923806667328, + -0.020355623215436935, + -0.21565799415111542, + 0.0050167967565357685, + -0.06238720566034317, + 0.02223886176943779, + -0.007110188249498606, + -0.21541303396224976, + 2.582526683807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/16.png", + [ + 0.20540213584899902, + 0.0023666084744036198, + 0.06893662363290787, + -0.7985499501228333, + -0.0017439735820516944, + -0.2162996530532837, + 0.012621917761862278, + -0.14889216423034668, + 0.0689551904797554, + -0.012520120479166508, + -0.20502762496471405, + 2.4289040565490723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/94.png", + [ + 0.2151564657688141, + 0.002916930243372917, + 0.02543777786195278, + -0.290778249502182, + 8.32740988698788e-05, + -0.21534258127212524, + 0.023988822475075722, + -0.28504860401153564, + 0.025604337453842163, + -0.023810964077711105, + -0.21383488178253174, + 2.520106792449951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/28.png", + [ + 0.214207723736763, + -0.015486417338252068, + 0.028689872473478317, + -0.33053284883499146, + -0.016092004254460335, + -0.21604742109775543, + 0.0035284715704619884, + -0.04738006368279457, + 0.02835463546216488, + -0.005619039759039879, + -0.21473781764507294, + 2.562241554260254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/61.png", + [ + 0.21225865185260773, + -0.03350517526268959, + 0.027776960283517838, + -0.3286688029766083, + -0.03368207812309265, + -0.21403919160366058, + -0.0007959420327097178, + 0.005584944039583206, + 0.027562187984585762, + -0.0035382092464715242, + -0.21488532423973083, + 2.6097006797790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/58.png", + [ + 0.2137383073568344, + -0.021965190768241882, + 0.027952926233410835, + -0.3327706456184387, + -0.022692907601594925, + -0.21544156968593597, + 0.004225974902510643, + -0.059642255306243896, + 0.02736544795334339, + -0.007096289191395044, + -0.2148224115371704, + 2.602566719055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/64.png", + [ + 0.2137952595949173, + -0.025038957595825195, + 0.0247492715716362, + -0.2918161153793335, + -0.02515660785138607, + -0.21520891785621643, + -0.0004138470103498548, + 0.007618322968482971, + 0.02462967485189438, + -0.0024651209823787212, + -0.21525610983371735, + 2.594372272491455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/10.png", + [ + 0.20604602992534637, + -0.01032943557947874, + 0.06622862815856934, + -0.7833003401756287, + -0.014454363845288754, + -0.2158966362476349, + 0.01129684317857027, + -0.13677552342414856, + 0.06545227020978928, + -0.01516080740839243, + -0.20599527657032013, + 2.4901938438415527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/41.png", + [ + 0.21566100418567657, + -0.007381699979305267, + 0.01958896405994892, + -0.22323840856552124, + -0.009148183278739452, + -0.21560415625572205, + 0.01946919411420822, + -0.23751652240753174, + 0.01882890611886978, + -0.0202051792293787, + -0.2149072289466858, + 2.5750746726989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/91.png", + [ + 0.21505172550678253, + 0.0006492538959719241, + 0.026461785659193993, + -0.30076128244400024, + -0.002511667786166072, + -0.21513158082962036, + 0.025690391659736633, + -0.30721575021743774, + 0.026350315660238266, + -0.02580471709370613, + -0.21351270377635956, + 2.5215816497802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/23.png", + [ + 0.213724285364151, + 0.0004852477286476642, + 0.035631272941827774, + -0.3812074065208435, + -0.004462522454559803, + -0.21458449959754944, + 0.029689541086554527, + -0.38214272260665894, + 0.03535405173897743, + -0.030019115656614304, + -0.21165263652801514, + 2.478538990020752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/37.png", + [ + 0.2152407169342041, + -0.011519082821905613, + 0.022059861570596695, + -0.25459688901901245, + -0.01312961708754301, + -0.21572302281856537, + 0.01546233519911766, + -0.19055484235286713, + 0.02114095166325569, + -0.01669674925506115, + -0.2149934321641922, + 2.5810232162475586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/36.png", + [ + 0.21523790061473846, + -0.010687323287129402, + 0.02250153385102749, + -0.2595718204975128, + -0.012294420041143894, + -0.21579742431640625, + 0.01510690152645111, + -0.18732242286205292, + 0.0216652974486351, + -0.01628349907696247, + -0.21497292816638947, + 2.5802626609802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/8.png", + [ + 0.20768527686595917, + -0.009680597111582756, + 0.061000071465969086, + -0.7274458408355713, + -0.013238159939646721, + -0.21600039303302765, + 0.010792741551995277, + -0.13118690252304077, + 0.060328055173158646, + -0.014071892015635967, + -0.2076304405927658, + 2.5211539268493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/6.png", + [ + 0.20710358023643494, + -0.010891517624258995, + 0.0627485066652298, + -0.7489168643951416, + -0.013925905339419842, + -0.216061070561409, + 0.00846030842512846, + -0.1059260219335556, + 0.062145549803972244, + -0.012119509279727936, + -0.20721714198589325, + 2.5210819244384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/20.png", + [ + 0.20424135029315948, + 0.007068384904414415, + 0.07199588418006897, + -0.8357263803482056, + 0.0018422389402985573, + -0.21607613563537598, + 0.015987690538167953, + -0.16856464743614197, + 0.07231857627630234, + -0.01445814874023199, + -0.203737273812294, + 2.410341739654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/2.png", + [ + 0.20470407605171204, + -0.015990450978279114, + 0.0691986009478569, + -0.8338570594787598, + -0.017614243552088737, + -0.21594621241092682, + 0.002205675933510065, + -0.03618493303656578, + 0.06880318373441696, + -0.007709213998168707, + -0.20531581342220306, + 2.4986181259155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/5.png", + [ + 0.20633895695209503, + -0.01143753994256258, + 0.06512537598609924, + -0.7776445746421814, + -0.014580029994249344, + -0.21602585911750793, + 0.00825521256774664, + -0.10650277137756348, + 0.06449459493160248, + -0.012243714183568954, + -0.20649075508117676, + 2.5156760215759277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/108.png", + [ + 0.21645140647888184, + 0.0025696177035570145, + 0.009491408243775368, + -0.09918945282697678, + 0.0020157478284090757, + -0.2162991762161255, + 0.012589773163199425, + -0.1452523171901703, + 0.009624269790947437, + -0.012488502077758312, + -0.21610023081302643, + 2.6037678718566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/60.png", + [ + 0.2129189670085907, + -0.0286403801292181, + 0.028162691742181778, + -0.3352757692337036, + -0.029106110334396362, + -0.21470403671264648, + 0.0017057169461622834, + -0.0309468861669302, + 0.027681095525622368, + -0.005459272768348455, + -0.21482980251312256, + 2.608497142791748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/56.png", + [ + 0.21340976655483246, + -0.021793195977807045, + 0.03048327937722206, + -0.3623412549495697, + -0.022656043991446495, + -0.21543797850608826, + 0.0045906659215688705, + -0.054744116961956024, + 0.02984757162630558, + -0.007708901539444923, + -0.2144704908132553, + 2.603058338165283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/30.png", + [ + 0.21449539065361023, + -0.011472751386463642, + 0.02842523530125618, + -0.33093056082725525, + -0.011920584365725517, + -0.2163303941488266, + 0.002638712292537093, + -0.038771551102399826, + 0.02824035845696926, + -0.004176017828285694, + -0.21478579938411713, + 2.5739636421203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/17.png", + [ + 0.20539183914661407, + 0.004308707546442747, + 0.06887321919202805, + -0.797450840473175, + 0.00025322125293314457, + -0.216297447681427, + 0.012776413932442665, + -0.14717452228069305, + 0.06900739669799805, + -0.01203062478452921, + -0.2050393521785736, + 2.421536922454834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/12.png", + [ + 0.20639924705028534, + 0.0009947398211807013, + 0.06592610478401184, + -0.7727519273757935, + -0.004016077145934105, + -0.21605801582336426, + 0.015833433717489243, + -0.19578778743743896, + 0.06581119447946548, + -0.016304507851600647, + -0.20579344034194946, + 2.4716787338256836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/27.png", + [ + 0.21342696249485016, + -0.021372919902205467, + 0.03065986931324005, + -0.35131606459617615, + -0.021817319095134735, + -0.215567484498024, + 0.0016013630665838718, + -0.023955781012773514, + 0.0303452480584383, + -0.0046645523980259895, + -0.2144884616136551, + 2.5527405738830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/42.png", + [ + 0.21569949388504028, + -0.007852750830352306, + 0.018972579389810562, + -0.21603275835514069, + -0.009492989629507065, + -0.2156604826450348, + 0.018664062023162842, + -0.22675102949142456, + 0.01820734702050686, + -0.019411293789744377, + -0.21503393352031708, + 2.5682454109191895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/7.png", + [ + 0.2068766951560974, + -0.011703496798872948, + 0.06334788352251053, + -0.7570652961730957, + -0.014555532485246658, + -0.2160508781671524, + 0.00761903403326869, + -0.09245949238538742, + 0.06275399029254913, + -0.011530022136867046, + -0.2070673555135727, + 2.5164575576782227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/73.png", + [ + 0.21604633331298828, + -0.010601872578263283, + 0.012628470547497272, + -0.1429869383573532, + -0.01108589768409729, + -0.21623846888542175, + 0.008119351230561733, + -0.1072574108839035, + 0.01220577023923397, + -0.008741926401853561, + -0.21615386009216309, + 2.5753302574157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/46.png", + [ + 0.21565811336040497, + -0.005126098170876503, + 0.020327409729361534, + -0.23234449326992035, + -0.0074050514958798885, + -0.21518050134181976, + 0.024298368021845818, + -0.29142892360687256, + 0.0196123868227005, + -0.024879079312086105, + -0.21434617042541504, + 2.529916763305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/57.png", + [ + 0.21384501457214355, + -0.019975129514932632, + 0.02862177975475788, + -0.3404913544654846, + -0.020887266844511032, + -0.21559293568134308, + 0.005595078691840172, + -0.07108084857463837, + 0.02796308696269989, + -0.00828112754970789, + -0.2147030234336853, + 2.6056604385375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/44.png", + [ + 0.2155468910932541, + -0.006077256519347429, + 0.021225109696388245, + -0.2436305731534958, + -0.00800389051437378, + -0.2156434804201126, + 0.019537853077054024, + -0.23578129708766937, + 0.020576102659106255, + -0.020220210775732994, + -0.21474558115005493, + 2.549652099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/29.png", + [ + 0.21459969878196716, + -0.011246718466281891, + 0.027719765901565552, + -0.3203944265842438, + -0.011892844922840595, + -0.21630506217479706, + 0.004310243763029575, + -0.058710675686597824, + 0.027448758482933044, + -0.00579045107588172, + -0.21485096216201782, + 2.568326473236084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/4.png", + [ + 0.20574787259101868, + -0.012543504126369953, + 0.0667709931731224, + -0.7995926141738892, + -0.014444171451032162, + -0.2161574512720108, + 0.003901180112734437, + -0.05384451895952225, + 0.06638576835393906, + -0.008155596442520618, + -0.206092968583107, + 2.507871150970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/55.png", + [ + 0.21310019493103027, + -0.023554090410470963, + 0.03132747486233711, + -0.3720795214176178, + -0.02401515655219555, + -0.2153347283601761, + 0.0014562372816726565, + -0.01129394955933094, + 0.030975444242358208, + -0.004904397763311863, + -0.2143930196762085, + 2.5947699546813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/9.png", + [ + 0.2074778974056244, + -0.009395206347107887, + 0.06174582988023758, + -0.7314015030860901, + -0.013411492109298706, + -0.21591410040855408, + 0.012211846187710762, + -0.147627055644989, + 0.06099958345293999, + -0.01551539171487093, + -0.20733118057250977, + 2.507533073425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/25.png", + [ + 0.2133791446685791, + -0.015115399844944477, + 0.03447836637496948, + -0.3854098916053772, + -0.01716037653386593, + -0.21567976474761963, + 0.011647318489849567, + -0.1546272486448288, + 0.03350752964615822, + -0.014200816862285137, + -0.21359653770923615, + 2.5288429260253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/99.png", + [ + 0.21504241228103638, + 0.0022793610114604235, + 0.0264472384005785, + -0.30563557147979736, + -0.0005114034283906221, + -0.2154785692691803, + 0.022729283198714256, + -0.2705784738063812, + 0.026540353894233704, + -0.022620487958192825, + -0.2138500064611435, + 2.522228240966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/34.png", + [ + 0.21501566469669342, + -0.010877950116991997, + 0.02445049211382866, + -0.2818507254123688, + -0.011924593709409237, + -0.21617166697978973, + 0.008689813315868378, + -0.11222979426383972, + 0.023957468569278717, + -0.009968902915716171, + -0.21511521935462952, + 2.577347755432129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/72.png", + [ + 0.21564289927482605, + -0.012667025439441204, + 0.01689915731549263, + -0.19736546277999878, + -0.013941468670964241, + -0.21561141312122345, + 0.016286203637719154, + -0.2050849050283432, + 0.01586412824690342, + -0.017295995727181435, + -0.21539980173110962, + 2.5632853507995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/102.png", + [ + 0.21521781384944916, + 0.0003706452844198793, + 0.025080937892198563, + -0.29209864139556885, + -0.002050803042948246, + -0.21566566824913025, + 0.020784905180335045, + -0.24819624423980713, + 0.024999700486660004, + -0.02088254503905773, + -0.21421213448047638, + 2.5383973121643066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/70.png", + [ + 0.21510247886180878, + -0.015313765965402126, + 0.02107870578765869, + -0.24504366517066956, + -0.016614647582173347, + -0.2156526893377304, + 0.01287541352212429, + -0.16369424760341644, + 0.020069299265742302, + -0.014398309402167797, + -0.21526220440864563, + 2.5634098052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/90.png", + [ + 0.21499760448932648, + 0.0009527648217044771, + 0.02688896283507347, + -0.30550000071525574, + -0.0022780809085816145, + -0.21511659026145935, + 0.02583727240562439, + -0.30897873640060425, + 0.026809224858880043, + -0.02592000551521778, + -0.21344159543514252, + 2.5222249031066895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/15.png", + [ + 0.20515838265419006, + 0.0018337719375267625, + 0.06967469304800034, + -0.8086456060409546, + -0.002558894921094179, + -0.21625544130802155, + 0.013226350769400597, + -0.1581476628780365, + 0.06965184211730957, + -0.01334622036665678, + -0.20473980903625488, + 2.4361534118652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/22.png", + [ + 0.2119659036397934, + -0.0032174945808947086, + 0.04481068626046181, + -0.48057228326797485, + -0.011128144338726997, + -0.21314354240894318, + 0.03733481839299202, + -0.47273802757263184, + 0.043526023626327515, + -0.038824889808893204, + -0.20867681503295898, + 2.4330620765686035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/26.png", + [ + 0.21273307502269745, + -0.023667966946959496, + 0.033650532364845276, + -0.38253194093704224, + -0.024589447304606438, + -0.21523647010326385, + 0.004064709413796663, + -0.059047602117061615, + 0.03298318013548851, + -0.007809617090970278, + -0.21400706470012665, + 2.5413637161254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/43.png", + [ + 0.2156025767326355, + -0.0077721853740513325, + 0.020075423642992973, + -0.23039589822292328, + -0.009552359580993652, + -0.2156185805797577, + 0.019112205132842064, + -0.2295849323272705, + 0.019292017444968224, + -0.01990268938243389, + -0.2148943990468979, + 2.5589728355407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/84.png", + [ + 0.21539193391799927, + -0.001023288001306355, + 0.023519476875662804, + -0.26995614171028137, + -0.00426004733890295, + -0.21459032595157623, + 0.029677189886569977, + -0.3591269552707672, + 0.023153074085712433, + -0.029963918030261993, + -0.21334008872509003, + 2.530716896057129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/89.png", + [ + 0.2150249481201172, + 0.0001501005026511848, + 0.02668597921729088, + -0.30204638838768005, + -0.0032538429368287325, + -0.21490712463855743, + 0.027426956221461296, + -0.3284396231174469, + 0.026487288996577263, + -0.027618885040283203, + -0.21326863765716553, + 2.521341323852539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/63.png", + [ + 0.21314382553100586, + -0.029664622619748116, + 0.025250956416130066, + -0.29608163237571716, + -0.029528498649597168, + -0.21463355422019958, + -0.0028991082217544317, + 0.039494242519140244, + 0.02541000209748745, + -0.0005893434281460941, + -0.2151787132024765, + 2.6005382537841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/88.png", + [ + 0.2151772379875183, + -0.0008733979775570333, + 0.025414224714040756, + -0.2860633134841919, + -0.004189483355730772, + -0.21480534970760345, + 0.028089428320527077, + -0.33560436964035034, + 0.02508174628019333, + -0.02838669903576374, + -0.2133377492427826, + 2.5192437171936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/62.png", + [ + 0.21230323612689972, + -0.03398072347044945, + 0.026842888444662094, + -0.3161986768245697, + -0.0337541401386261, + -0.21399322152137756, + -0.003931470215320587, + 0.05072690173983574, + 0.02712726593017578, + -0.0003295016649644822, + -0.21496951580047607, + 2.605468273162842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/65.png", + [ + 0.21414212882518768, + -0.021603301167488098, + 0.024987049400806427, + -0.295342355966568, + -0.022065669298171997, + -0.21553045511245728, + 0.0027622380293905735, + -0.03275615721940994, + 0.024579696357250214, + -0.005274578463286161, + -0.21521131694316864, + 2.5917248725891113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/80.png", + [ + 0.21649761497974396, + -0.0028262382838875055, + 0.008287528529763222, + -0.09675538539886475, + -0.00352942175231874, + -0.2158466875553131, + 0.01859145425260067, + -0.2243042290210724, + 0.00801336020231247, + -0.018711263313889503, + -0.2157164067029953, + 2.583238124847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/79.png", + [ + 0.21660317480564117, + -0.003773359814658761, + 0.0040894122794270515, + -0.0485243946313858, + -0.003979946486651897, + -0.21634958684444427, + 0.011176208965480328, + -0.13302883505821228, + 0.0038886459078639746, + -0.011247637681663036, + -0.21634754538536072, + 2.5874218940734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/19.png", + [ + 0.2046864926815033, + 0.007512127980589867, + 0.07067462801933289, + -0.8179519176483154, + 0.002214872045442462, + -0.21603049337863922, + 0.016547583043575287, + -0.18249152600765228, + 0.07103823125362396, + -0.014909598976373672, + -0.20415477454662323, + 2.4090328216552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/77.png", + [ + 0.21661889553070068, + -0.004676044452935457, + -0.0015102174365893006, + 0.022681698203086853, + -0.004678021650761366, + -0.2166239619255066, + -0.00026791440905071795, + 0.005145221948623657, + -0.001504082465544343, + 0.00030045173480175436, + -0.2166692018508911, + 2.584956169128418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/68.png", + [ + 0.21490275859832764, + -0.01810038648545742, + 0.020906314253807068, + -0.24221350252628326, + -0.018859395757317543, + -0.21573613584041595, + 0.007080574985593557, + -0.08866266906261444, + 0.020224273204803467, + -0.00884236115962267, + -0.21554741263389587, + 2.567777156829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/86.png", + [ + 0.21538621187210083, + -3.9630798710277304e-05, + 0.023593852296471596, + -0.26570072770118713, + -0.003294294001534581, + -0.21460239589214325, + 0.029712853953242302, + -0.35705989599227905, + 0.023362774401903152, + -0.029894892126321793, + -0.21332690119743347, + 2.522831916809082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/1.png", + [ + 0.20372742414474487, + -0.016773726791143417, + 0.07184477150440216, + -0.8661646246910095, + -0.016968443989753723, + -0.21599680185317993, + -0.002312400611117482, + 0.021761834621429443, + 0.07179903984069824, + -0.0034521559718996286, + -0.20440371334552765, + 2.4905786514282227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/81.png", + [ + 0.2162712663412094, + 9.892891102936119e-05, + 0.013214288279414177, + -0.15581311285495758, + -0.0014734112191945314, + -0.2151370346546173, + 0.025725170969963074, + -0.311592698097229, + 0.01313226018100977, + -0.025767138227820396, + -0.21473585069179535, + 2.563223361968994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/95.png", + [ + 0.21507778763771057, + 0.0018547902582213283, + 0.026191771030426025, + -0.3001290559768677, + -0.0009457214619033039, + -0.21544592082500458, + 0.023022910580039024, + -0.27377188205718994, + 0.026240326464176178, + -0.02296755649149418, + -0.21385003626346588, + 2.517446994781494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/103.png", + [ + 0.21531087160110474, + 0.0002411801542621106, + 0.024270666763186455, + -0.28277111053466797, + -0.0019375755218788981, + -0.2158016860485077, + 0.019333135336637497, + -0.23097458481788635, + 0.02419440634548664, + -0.019428487867116928, + -0.21444126963615417, + 2.547351837158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/83.png", + [ + 0.21573448181152344, + 0.00133328337687999, + 0.02011847496032715, + -0.23230449855327606, + -0.0015004597371444106, + -0.21453925967216492, + 0.030307600274682045, + -0.3669629693031311, + 0.020106695592403412, + -0.03031541220843792, + -0.21359913051128387, + 2.5345797538757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/51.png", + [ + 0.21411508321762085, + -0.013132046908140182, + 0.03049873746931553, + -0.36312901973724365, + -0.016398586332798004, + -0.2148669809103012, + 0.022608855739235878, + -0.2824801802635193, + 0.02887403592467308, + -0.02465001679956913, + -0.21332266926765442, + 2.5685787200927734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/93.png", + [ + 0.21519556641578674, + 0.0006651832954958081, + 0.025265056639909744, + -0.2879391014575958, + -0.0022360978182405233, + -0.21524907648563385, + 0.024713119491934776, + -0.2945464849472046, + 0.0251746978610754, + -0.024805162101984024, + -0.21377286314964294, + 2.5208802223205566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/76.png", + [ + 0.1982051134109497, + -0.08751033246517181, + 0.002138589508831501, + -0.02152770571410656, + -0.08748620003461838, + -0.19821153581142426, + -0.0025000260211527348, + 0.01939978078007698, + 0.002966065891087055, + 0.0014234288828447461, + -0.21664966642856598, + 2.6040029525756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/48.png", + [ + 0.20496773719787598, + -0.061575304716825485, + 0.033832062035799026, + -0.3957924544811249, + -0.06220391020178795, + -0.20755185186862946, + -0.0008948423201218247, + 0.0009944364428520203, + 0.032661907374858856, + -0.008866163901984692, + -0.2140151709318161, + 2.5558509826660156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/35.png", + [ + 0.20344586670398712, + -0.0651417076587677, + 0.036252301186323166, + -0.42783012986183167, + -0.066325843334198, + -0.20626752078533173, + 0.0015750122256577015, + -0.030141526833176613, + 0.034037552773952484, + -0.012575973756611347, + -0.2136145681142807, + 2.5911922454833984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/97.png", + [ + 0.20414425432682037, + -0.07116519659757614, + 0.014440723694860935, + -0.16174206137657166, + -0.06725527346134186, + -0.20154625177383423, + -0.04247036576271057, + 0.48582080006599426, + 0.027381543070077896, + 0.03553192317485809, + -0.21198026835918427, + 2.521399974822998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/13.png", + [ + 0.21170473098754883, + -0.02335071563720703, + -0.039796244353055954, + 0.45695510506629944, + -0.022748049348592758, + -0.2154099941253662, + 0.005380114074796438, + -0.07526766508817673, + -0.04014378413558006, + -0.0010786156635731459, + -0.2129206508398056, + 2.543336868286133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/32.png", + [ + 0.2030143439769745, + -0.06678330898284912, + 0.03567996248602867, + -0.42138728499412537, + -0.06780025362968445, + -0.20579279959201813, + 0.0005858000949956477, + -0.018342558294534683, + 0.03370748460292816, + -0.011713582091033459, + -0.21371591091156006, + 2.5949225425720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/38.png", + [ + 0.20366281270980835, + -0.06449367851018906, + 0.03619272634387016, + -0.4264726936817169, + -0.06571856886148453, + -0.20645900070667267, + 0.0019100629724562168, + -0.03342325985431671, + 0.03391779959201813, + -0.012772805988788605, + -0.21362194418907166, + 2.578709602355957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/111.png", + [ + 0.2068241536617279, + -0.06381309032440186, + 0.009977415204048157, + -0.11121544986963272, + -0.06135391443967819, + -0.2045678198337555, + -0.03654584661126137, + 0.41637104749679565, + 0.020183078944683075, + 0.03205917403101921, + -0.21333716809749603, + 2.548275947570801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/11.png", + [ + 0.20135244727134705, + -0.010890629142522812, + -0.0792873203754425, + 0.9700672626495361, + -0.012151546776294708, + -0.21633058786392212, + -0.0011447910219430923, + 0.003849182277917862, + -0.07910389453172684, + 0.005510428920388222, + -0.20164351165294647, + 2.461859703063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/59.png", + [ + 0.20506954193115234, + -0.06863979995250702, + 0.013526096940040588, + -0.15644767880439758, + -0.06835848093032837, + -0.20550665259361267, + -0.006483097095042467, + 0.06480145454406738, + 0.014882688410580158, + 0.0018685268005356193, + -0.21615484356880188, + 2.5523276329040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/105.png", + [ + 0.20611660182476044, + -0.06601467728614807, + 0.010291025973856449, + -0.11329200863838196, + -0.06352057307958603, + -0.20397000014781952, + -0.03618386387825012, + 0.41033342480659485, + 0.02071182243525982, + 0.031403783708810806, + -0.2133839726448059, + 2.5416455268859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/121.png", + [ + 0.21384653449058533, + -0.03378545865416527, + -0.008723268285393715, + 0.1118893250823021, + -0.03445439785718918, + -0.21301677823066711, + -0.019612489268183708, + 0.2221376597881317, + -0.005517883691936731, + 0.020743627101182938, + -0.21560880541801453, + 2.609438419342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/24.png", + [ + 0.2026234120130539, + -0.0683879479765892, + 0.03485306352376938, + -0.40559256076812744, + -0.06956808269023895, + -0.20519472658634186, + 0.0018154518911615014, + -0.032304298132658005, + 0.03243346884846687, + -0.012888051569461823, + -0.2138454169034958, + 2.5659494400024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/74.png", + [ + 0.19743824005126953, + -0.08920635282993317, + -0.002873820485547185, + 0.038650479167699814, + -0.08921904116868973, + -0.19745302200317383, + -0.0004132241301704198, + -0.005257638171315193, + -0.002448751125484705, + 0.0015598766040056944, + -0.2166551947593689, + 2.6095147132873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/98.png", + [ + 0.20448988676071167, + -0.07015320658683777, + 0.01450172159820795, + -0.16087357699871063, + -0.06627514958381653, + -0.20191818475723267, + -0.042243849486112595, + 0.48144081234931946, + 0.02719147503376007, + 0.03543256223201752, + -0.2120213508605957, + 2.515674114227295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/0.png", + [ + 0.2162744551897049, + -0.012965880334377289, + -0.0022674615029245615, + 0.024195829406380653, + -0.013011067174375057, + -0.2162362039089203, + -0.004528798628598452, + 0.0426102839410305, + -0.0019918689504265785, + 0.004656592849642038, + -0.2166154384613037, + 2.66127872467041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/96.png", + [ + 0.2039490044116974, + -0.07181350886821747, + 0.01398280169814825, + -0.15911148488521576, + -0.0680580586194992, + -0.20141977071762085, + -0.041786015033721924, + 0.4808047115802765, + 0.026847686618566513, + 0.03493982553482056, + -0.21214689314365387, + 2.529797077178955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/100.png", + [ + 0.20531870424747467, + -0.06808226555585861, + 0.01252709235996008, + -0.13829602301120758, + -0.06466415524482727, + -0.20262151956558228, + -0.041363801807165146, + 0.4708925187587738, + 0.02471170201897621, + 0.03545735403895378, + -0.21232052147388458, + 2.5128698348999023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/40.png", + [ + 0.2035343050956726, + -0.06416422873735428, + 0.037478528916835785, + -0.4414416253566742, + -0.06540567427873611, + -0.20656126737594604, + 0.0015596809098497033, + -0.02810407429933548, + 0.03526734188199043, + -0.012778409756720066, + -0.21340295672416687, + 2.5656323432922363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/52.png", + [ + 0.2058371901512146, + -0.06220336630940437, + 0.026639873161911964, + -0.3096480071544647, + -0.062162429094314575, + -0.2075226604938507, + -0.004251882899552584, + 0.04062208905816078, + 0.02673528902232647, + -0.0036035755183547735, + -0.21498866379261017, + 2.5668797492980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/3.png", + [ + 0.21627894043922424, + -0.012483109720051289, + -0.003935685846954584, + 0.03996819630265236, + -0.012565001845359802, + -0.2162620723247528, + -0.004553717095404863, + 0.04283260181546211, + -0.003665842581540346, + 0.0047736321575939655, + -0.2165910303592682, + 2.649247646331787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/47.png", + [ + 0.20423872768878937, + -0.0632832944393158, + 0.035066671669483185, + -0.412445068359375, + -0.06393997371196747, + -0.2070220708847046, + -0.0011983070289716125, + 0.004194226115942001, + 0.03385448455810547, + -0.009218529798090458, + -0.2138148546218872, + 2.559260368347168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/104.png", + [ + 0.20631149411201477, + -0.06528748571872711, + 0.010999882593750954, + -0.12231660634279251, + -0.06259306520223618, + -0.2040690928697586, + -0.037226513028144836, + 0.42418739199638367, + 0.02157687395811081, + 0.03226839378476143, + -0.2131691426038742, + 2.5401740074157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/21.png", + [ + 0.2034553438425064, + -0.06759053468704224, + 0.03139019384980202, + -0.36034685373306274, + -0.0685899630188942, + -0.20552177727222443, + 0.0020282422192394733, + -0.035026635974645615, + 0.029141748324036598, + -0.011841295287013054, + -0.2143792062997818, + 2.546851634979248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/82.png", + [ + 0.20325569808483124, + -0.07456690818071365, + 0.008648358285427094, + -0.10086899995803833, + -0.07417763769626617, + -0.203341543674469, + -0.009888914413750172, + 0.10599347949028015, + 0.011519373394548893, + 0.006315752398222685, + -0.21627600491046906, + 2.5917816162109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/106.png", + [ + 0.2061222940683365, + -0.066013865172863, + 0.010181786492466927, + -0.11224003881216049, + -0.06362481415271759, + -0.20410023629665375, + -0.035254426300525665, + 0.3985004425048828, + 0.02033180370926857, + 0.03054768778383732, + -0.21354474127292633, + 2.546631336212158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/14.png", + [ + 0.21325068175792694, + -0.034373294562101364, + -0.017044629901647568, + 0.1795995533466339, + -0.03367491438984871, + -0.21381396055221558, + 0.009873618371784687, + -0.1288396716117859, + -0.01838594861328602, + -0.00706856744363904, + -0.21577739715576172, + 2.5620651245117188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/67.png", + [ + 0.18902142345905304, + -0.10571913421154022, + -0.006500866264104843, + 0.08691301941871643, + -0.10555858165025711, + -0.18911927938461304, + 0.006259532645344734, + -0.08655036985874176, + -0.00872825551778078, + -0.0022935925517231226, + -0.2164866030216217, + 2.6070146560668945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/78.png", + [ + 0.2002311646938324, + -0.0827135518193245, + 0.0037199421785771847, + -0.04075552895665169, + -0.08267217129468918, + -0.20026172697544098, + -0.0029069245792925358, + 0.023628730326890945, + 0.004547852091491222, + 0.0012669750722125173, + -0.2166231870651245, + 2.590066432952881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/31.png", + [ + 0.20269426703453064, + -0.06733008474111557, + 0.03646354004740715, + -0.43141573667526245, + -0.06832901388406754, + -0.20561861991882324, + 0.00015303361578844488, + -0.013171030208468437, + 0.03455539792776108, + -0.011642049066722393, + -0.21358434855937958, + 2.594658851623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/39.png", + [ + 0.20378679037094116, + -0.06395696103572845, + 0.03644641861319542, + -0.42913761734962463, + -0.0652255192399025, + -0.20661310851573944, + 0.00213341461494565, + -0.03590043634176254, + 0.034124258905649185, + -0.012977980077266693, + -0.21357668936252594, + 2.5721631050109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/92.png", + [ + 0.20455148816108704, + -0.07145801186561584, + 0.0005818936042487621, + 0.00013398518785834312, + -0.0704701691865921, + -0.20200306177139282, + -0.03430187702178955, + 0.405788391828537, + 0.011855049058794975, + 0.03219339996576309, + -0.21394145488739014, + 2.584634780883789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/53.png", + [ + 0.20612511038780212, + -0.0621706061065197, + 0.024395640939474106, + -0.28429466485977173, + -0.06211395189166069, + -0.20754049718379974, + -0.004085713066160679, + 0.03793451562523842, + 0.024539535865187645, + -0.0031066930387169123, + -0.21525810658931732, + 2.574232578277588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/75.png", + [ + 0.1975327879190445, + -0.08904319256544113, + 5.929947292315774e-06, + 0.0037889748346060514, + -0.08904051035642624, + -0.19752700626850128, + -0.0016641983529552817, + 0.00880105048418045, + 0.0006893136305734515, + 0.0015147405210882425, + -0.2166682481765747, + 2.606090545654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/87.png", + [ + 0.20609939098358154, + -0.06679762899875641, + -0.003003132762387395, + 0.041811179369688034, + -0.06680917739868164, + -0.20611712336540222, + -0.0003983359201811254, + -0.016924038529396057, + -0.0027340033557265997, + 0.0013048764085397124, + -0.21665345132350922, + 2.6250815391540527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/107.png", + [ + 0.20646730065345764, + -0.06483138352632523, + 0.010772332549095154, + -0.11886508762836456, + -0.062343258410692215, + -0.20444732904434204, + -0.035531751811504364, + 0.40243107080459595, + 0.02079591527581215, + 0.030758390203118324, + -0.21346978843212128, + 2.5482497215270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/112.png", + [ + 0.2073591947555542, + -0.06181209906935692, + 0.01137192640453577, + -0.1276683509349823, + -0.05924101918935776, + -0.20532077550888062, + -0.03580188378691673, + 0.40822312235832214, + 0.02098945528268814, + 0.031153466552495956, + -0.21339352428913116, + 2.5494608879089355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/69.png", + [ + 0.1903289258480072, + -0.10328178852796555, + -0.007460927125066519, + 0.09723425656557083, + -0.10319049656391144, + -0.19047491252422333, + 0.004349803552031517, + -0.06149423122406006, + -0.008632182143628597, + -0.0002676668227650225, + -0.21650244295597076, + 2.621603488922119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/45.png", + [ + 0.20437806844711304, + -0.06260604411363602, + 0.03546808660030365, + -0.4185957610607147, + -0.06340434402227402, + -0.2071898877620697, + -0.00036324906977824867, + -0.004142899066209793, + 0.03402046114206314, + -0.01003620307892561, + -0.2137516736984253, + 2.5670480728149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/50.png", + [ + 0.20544207096099854, + -0.06136135011911392, + 0.031244784593582153, + -0.3648826777935028, + -0.061841268092393875, + -0.20765866339206696, + -0.0011975360102951527, + 0.004639271646738052, + 0.03028380684554577, + -0.007782143075019121, + -0.21440668404102325, + 2.557755947113037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/101.png", + [ + 0.20542262494564056, + -0.06781935691833496, + 0.01224658265709877, + -0.13511665165424347, + -0.06441177427768707, + -0.20263205468654633, + -0.041704561561346054, + 0.47568485140800476, + 0.024506449699401855, + 0.035898227244615555, + -0.21227021515369415, + 2.513601779937744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/85.png", + [ + 0.20602379739284515, + -0.06699179112911224, + 0.003767171176150441, + -0.04214911535382271, + -0.06692111492156982, + -0.20603950321674347, + -0.004144479054957628, + 0.030508529394865036, + 0.004863662179559469, + 0.002777242800220847, + -0.21660222113132477, + 2.621511459350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/71.png", + [ + 0.1930716186761856, + -0.09821897745132446, + -0.0049264030531048775, + 0.06476762890815735, + -0.09821073710918427, + -0.19313254952430725, + 0.001537300762720406, + -0.026523778215050697, + -0.005088001489639282, + 0.0008631222881376743, + -0.21661317348480225, + 2.6250381469726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/115.png", + [ + 0.2099108248949051, + -0.05267823114991188, + 0.01050455030053854, + -0.11765336990356445, + -0.05059176683425903, + -0.2081257700920105, + -0.032741792500019073, + 0.37227436900138855, + 0.01805032417178154, + 0.029266981407999992, + -0.21392878890037537, + 2.5510377883911133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/54.png", + [ + 0.20593209564685822, + -0.06327102333307266, + 0.023165399208664894, + -0.27016139030456543, + -0.0631110817193985, + -0.20722080767154694, + -0.00494161294773221, + 0.04735102877020836, + 0.023597657680511475, + -0.0020508021116256714, + -0.21537604928016663, + 2.5732197761535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/33.png", + [ + 0.20303110778331757, + -0.06639495491981506, + 0.03630394861102104, + -0.4289284944534302, + -0.06754814088344574, + -0.20587271451950073, + 0.0012522756587713957, + -0.026639236137270927, + 0.034110356122255325, + -0.012491147965192795, + -0.21360792219638824, + 2.592078685760498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/49.png", + [ + 0.2052599936723709, + -0.061502855271101, + 0.032150138169527054, + -0.3751280903816223, + -0.06202322617173195, + -0.20760458707809448, + -0.0011628876673057675, + 0.004466842859983444, + 0.031134409829974174, + -0.008101367391645908, + -0.21427299082279205, + 2.5555739402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/118.png", + [ + 0.21245168149471283, + -0.04233510419726372, + 0.00446294667199254, + -0.04749109968543053, + -0.0414021760225296, + -0.2107698768377304, + -0.028457248583436012, + 0.3269045948982239, + 0.009901460260152817, + 0.027049843221902847, + -0.21475139260292053, + 2.582136631011963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/110.png", + [ + 0.20667265355587006, + -0.06441577523946762, + 0.009215251542627811, + -0.1012183427810669, + -0.06199030578136444, + -0.20423246920108795, + -0.037339016795158386, + 0.4254932999610901, + 0.019786695018410683, + 0.03297892585396767, + -0.213234081864357, + 2.547330379486084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/18.png", + [ + 0.20689985156059265, + -0.059258803725242615, + 0.025074677541851997, + -0.29476481676101685, + -0.060044676065444946, + -0.20815913379192352, + 0.003508388763293624, + -0.05435222387313843, + 0.023129703477025032, + -0.01029878668487072, + -0.21519024670124054, + 2.5455102920532227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/66.png", + [ + 0.18905417621135712, + -0.10571812093257904, + -0.005485812202095985, + 0.07489708811044693, + -0.1055346205830574, + -0.18909937143325806, + 0.007195286452770233, + -0.09824469685554504, + -0.008298322558403015, + -0.0036061243154108524, + -0.2164856195449829, + 2.5962843894958496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/16.png", + [ + 0.21039262413978577, + -0.048184216022491455, + 0.019003184512257576, + -0.23747004568576813, + -0.04900508373975754, + -0.21091757714748383, + 0.007757073268294334, + -0.10548292100429535, + 0.016773248091340065, + -0.011830105446279049, + -0.21570025384426117, + 2.5418004989624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/94.png", + [ + 0.2039724737405777, + -0.07231329381465912, + 0.01067284494638443, + -0.1221093088388443, + -0.06923122704029083, + -0.20126749575138092, + -0.04057491198182106, + 0.4755581319332123, + 0.023455454036593437, + 0.034786127507686615, + -0.21257390081882477, + 2.5529046058654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/28.png", + [ + 0.2017926424741745, + -0.06928800046443939, + 0.03777297958731651, + -0.4459432363510132, + -0.07035688310861588, + -0.20493365824222565, + -5.141580550116487e-05, + -0.0098199974745512, + 0.03574260696768761, + -0.01221745926886797, + -0.21335673332214355, + 2.5839409828186035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/61.png", + [ + 0.20248018205165863, + -0.07662838697433472, + 0.008818543516099453, + -0.10147291421890259, + -0.07661308348178864, + -0.2026681751012802, + -0.0019850749522447586, + 0.011556386947631836, + 0.008950521238148212, + -0.0012630806304514408, + -0.21648600697517395, + 2.553976535797119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/58.png", + [ + 0.20539797842502594, + -0.06693778187036514, + 0.01670026034116745, + -0.19213005900382996, + -0.06644565612077713, + -0.20605240762233734, + -0.00867590680718422, + 0.0894666314125061, + 0.018561819568276405, + 0.0031030578538775444, + -0.21585579216480255, + 2.555927276611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/64.png", + [ + 0.19278354942798615, + -0.09889388829469681, + -0.0015467992052435875, + 0.0276512261480093, + -0.09876607358455658, + -0.19266746938228607, + 0.008509271778166294, + -0.11331866681575775, + -0.005259189289063215, + -0.006865945179015398, + -0.21650195121765137, + 2.573028564453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/10.png", + [ + 0.1971045881509781, + -0.004639906343072653, + -0.08986738324165344, + 1.111006498336792, + -0.007796921767294407, + -0.21645322442054749, + -0.005925248377025127, + 0.06261618435382843, + -0.08964866399765015, + 0.008623911067843437, + -0.19707012176513672, + 2.420412540435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/41.png", + [ + 0.2035745084285736, + -0.0642697736620903, + 0.03707706183195114, + -0.4357722997665405, + -0.06535450369119644, + -0.20658202469348907, + 0.0007425812655128539, + -0.017491823062300682, + 0.035129766911268234, + -0.011881057173013687, + -0.2134774774312973, + 2.5630197525024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/91.png", + [ + 0.20498207211494446, + -0.07007965445518494, + -0.004367825575172901, + 0.05975612252950668, + -0.07006081193685532, + -0.20323939621448517, + -0.02707631327211857, + 0.3159009516239166, + 0.004660373087972403, + 0.027027498930692673, + -0.21493181586265564, + 2.6013660430908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/23.png", + [ + 0.20302891731262207, + -0.06792867183685303, + 0.03335929289460182, + -0.38599303364753723, + -0.06903079152107239, + -0.205375075340271, + 0.001930256257764995, + -0.0335855633020401, + 0.03101446107029915, + -0.012436695396900177, + -0.2140825241804123, + 2.5595312118530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/37.png", + [ + 0.20321346819400787, + -0.06575863808393478, + 0.03644142299890518, + -0.4291417896747589, + -0.06700564920902252, + -0.2060454934835434, + 0.0018435155507177114, + -0.03337043896317482, + 0.03409427031874657, + -0.012998327612876892, + -0.21358023583889008, + 2.5849246978759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/36.png", + [ + 0.20323963463306427, + -0.06600268930196762, + 0.03584963455796242, + -0.4227938652038574, + -0.06726289540529251, + -0.2059587985277176, + 0.0021381364203989506, + -0.037029482424259186, + 0.03342534601688385, + -0.013134460896253586, + -0.21367764472961426, + 2.588944435119629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/8.png", + [ + 0.20469781756401062, + -0.006139845121651888, + -0.07077429443597794, + 0.8803902268409729, + -0.007200482301414013, + -0.21654535830020905, + -0.0020398402120918036, + 0.01599534973502159, + -0.07067426294088364, + 0.004279042594134808, + -0.2047797292470932, + 2.530026435852051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/6.png", + [ + 0.2141193151473999, + -0.011739691719412804, + -0.031032226979732513, + 0.3791813552379608, + -0.011343872174620628, + -0.21634796261787415, + 0.0035742351319640875, + -0.0512525774538517, + -0.031179098412394524, + -0.0019074087031185627, + -0.21441112458705902, + 2.613025188446045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/20.png", + [ + 0.2052372843027115, + -0.06302496045827866, + 0.029213057830929756, + -0.336133748292923, + -0.0640777051448822, + -0.2069498598575592, + 0.0037013825494796038, + -0.05403634160757065, + 0.02682528644800186, + -0.012145250104367733, + -0.21466435492038727, + 2.5410561561584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/2.png", + [ + 0.21628974378108978, + -0.012655767612159252, + -0.002541901310905814, + 0.02436906099319458, + -0.012708977796137333, + -0.2162499576807022, + -0.004725978244096041, + 0.04341631755232811, + -0.0022608796134591103, + 0.004866678733378649, + -0.2166081666946411, + 2.6540064811706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/117.png", + [ + 0.21149949729442596, + -0.04670381173491478, + 0.005882971454411745, + -0.0637865960597992, + -0.04540671408176422, + -0.20955467224121094, + -0.031192393973469734, + 0.35787561535835266, + 0.012413118034601212, + 0.029214540496468544, + -0.21433693170547485, + 2.5679383277893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/5.png", + [ + 0.21548517048358917, + -0.013781784102320671, + -0.018002552911639214, + 0.2100287675857544, + -0.013613861985504627, + -0.21623112261295319, + 0.002581003587692976, + -0.03903747349977493, + -0.018129870295524597, + -0.0014357182662934065, + -0.21591004729270935, + 2.6135120391845703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/108.png", + [ + 0.2063084989786148, + -0.06539098173379898, + 0.010426917113363743, + -0.1149028092622757, + -0.06292523443698883, + -0.2042302042245865, + -0.03575387969613075, + 0.40530163049697876, + 0.020618345588445663, + 0.031015224754810333, + -0.21344983577728271, + 2.5461015701293945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/60.png", + [ + 0.20437803864479065, + -0.07109086215496063, + 0.011117372661828995, + -0.12890402972698212, + -0.0709487572312355, + -0.2046792060136795, + -0.004538312088698149, + 0.041444916278123856, + 0.011990918777883053, + 0.0006404421292245388, + -0.21634164452552795, + 2.550149917602539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/56.png", + [ + 0.20534548163414001, + -0.06614299863576889, + 0.02015511505305767, + -0.23247267305850983, + -0.06573743373155594, + -0.20633044838905334, + -0.007364376913756132, + 0.07396060228347778, + 0.021440977230668068, + 0.0008644114714115858, + -0.21560944616794586, + 2.5670166015625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/30.png", + [ + 0.20250551402568817, + -0.06780393421649933, + 0.03663380816578865, + -0.4332287311553955, + -0.06870976090431213, + -0.2054910957813263, + -0.0005186597700230777, + -0.0044610705226659775, + 0.03490528091788292, + -0.011132216081023216, + -0.21355465054512024, + 2.5935792922973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/17.png", + [ + 0.207797572016716, + -0.05583416670560837, + 0.02550693042576313, + -0.30814892053604126, + -0.05684297904372215, + -0.20901159942150116, + 0.005560989025980234, + -0.07994069159030914, + 0.02317184768617153, + -0.012024711817502975, + -0.21509617567062378, + 2.54416561126709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/12.png", + [ + 0.20756345987319946, + -0.017978932708501816, + -0.059515297412872314, + 0.7134566903114319, + -0.01837780885398388, + -0.21589091420173645, + 0.0011245294008404016, + -0.02537655457854271, + -0.05939333885908127, + 0.003970698453485966, + -0.20833761990070343, + 2.5201892852783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/114.png", + [ + 0.2092762440443039, + -0.055102888494729996, + 0.010724971070885658, + -0.12018884718418121, + -0.05287745222449303, + -0.2073943018913269, + -0.033756107091903687, + 0.38406774401664734, + 0.018850188702344894, + 0.029986171051859856, + -0.2137601375579834, + 2.548186779022217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/27.png", + [ + 0.20174147188663483, + -0.06975550949573517, + 0.037181247025728226, + -0.4368130564689636, + -0.07089099287986755, + -0.20474885404109955, + 0.0005189105868339539, + -0.01641724444925785, + 0.03496773913502693, + -0.012648004107177258, + -0.2134600132703781, + 2.579014301300049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/42.png", + [ + 0.2035064548254013, + -0.06380491703748703, + 0.038235392421483994, + -0.45002278685569763, + -0.06490933150053024, + -0.20672303438186646, + 0.0005106047610752285, + -0.014522463083267212, + 0.03632893040776253, + -0.011933770030736923, + -0.21327373385429382, + 2.561306953430176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/7.png", + [ + 0.21048656105995178, + -0.009276596829295158, + -0.050569307059049606, + 0.6297674179077148, + -0.009358634240925312, + -0.2164711058139801, + 0.0007563609979115427, + -0.017935607582330704, + -0.050554193556308746, + 0.0014494357164949179, + -0.2106894999742508, + 2.5974531173706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/73.png", + [ + 0.19628216326236725, + -0.09170998632907867, + -0.0032370025292038918, + 0.0434698611497879, + -0.09170995652675629, + -0.19630755484104156, + 0.0007208567694760859, + -0.017431072890758514, + -0.003237840486690402, + 0.000717085029464215, + -0.21664924919605255, + 2.6188693046569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/120.png", + [ + 0.21364957094192505, + -0.035792555660009384, + -0.004543985705822706, + 0.06160441040992737, + -0.036069441586732864, + -0.2125423103570938, + -0.02174060046672821, + 0.24772685766220093, + -0.0008659877930767834, + 0.022193502634763718, + -0.2155332714319229, + 2.607916831970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/46.png", + [ + 0.20387183129787445, + -0.06417305022478104, + 0.03558070585131645, + -0.4190998375415802, + -0.06500207632780075, + -0.20669423043727875, + -0.00034024487831629813, + -0.006208162754774094, + 0.034042567014694214, + -0.010354019701480865, + -0.2137330025434494, + 2.5638480186462402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/57.png", + [ + 0.20508968830108643, + -0.06742929667234421, + 0.01842285320162773, + -0.21245715022087097, + -0.06685381382703781, + -0.20589129626750946, + -0.009340324439108372, + 0.09665219485759735, + 0.020412711426615715, + 0.0031566519755870104, + -0.21568787097930908, + 2.5619263648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/44.png", + [ + 0.20408087968826294, + -0.06353236734867096, + 0.03553205728530884, + -0.41931357979774475, + -0.06430750340223312, + -0.20691077411174774, + -0.0006078938022255898, + -0.00043085962533950806, + 0.034109149128198624, + -0.009973104111850262, + -0.2137404978275299, + 2.5643396377563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/113.png", + [ + 0.2084292769432068, + -0.05796314775943756, + 0.012058405205607414, + -0.13551029562950134, + -0.05545639246702194, + -0.20659486949443817, + -0.034511499106884, + 0.3941681683063507, + 0.020729700103402138, + 0.030111931264400482, + -0.21356835961341858, + 2.550665855407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/29.png", + [ + 0.20221735537052155, + -0.06841015070676804, + 0.037095677107572556, + -0.4383975565433502, + -0.06933854520320892, + -0.2052796185016632, + -0.000586453068535775, + -0.0036820992827415466, + 0.03532995656132698, + -0.011323746293783188, + -0.21347473561763763, + 2.588998794555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/4.png", + [ + 0.21617825329303741, + -0.011978581547737122, + -0.00844844151288271, + 0.0933954268693924, + -0.011938520707190037, + -0.2163418084383011, + 0.0012570247054100037, + -0.02532130852341652, + -0.008504957892000675, + -0.0007886462262831628, + -0.2165062129497528, + 2.6332015991210938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/55.png", + [ + 0.20540417730808258, + -0.06578458100557327, + 0.020722242072224617, + -0.23990292847156525, + -0.06552997976541519, + -0.20644548535346985, + -0.005829385947436094, + 0.05715406313538551, + 0.021513812243938446, + -0.0007409629761241376, + -0.21560265123844147, + 2.568378448486328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/9.png", + [ + 0.19917479157447815, + -0.0033071229699999094, + -0.08524294197559357, + 1.057944655418396, + -0.00602627731859684, + -0.21651630103588104, + -0.005680662579834461, + 0.05971195921301842, + -0.08509395271539688, + 0.007592685986310244, + -0.19912122189998627, + 2.455955982208252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/25.png", + [ + 0.2023444026708603, + -0.0689607635140419, + 0.03534191474318504, + -0.4122978746891022, + -0.07011641561985016, + -0.20501118898391724, + 0.0014129063347354531, + -0.026760932058095932, + 0.03298979997634888, + -0.012756185606122017, + -0.21376821398735046, + 2.57010555267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/99.png", + [ + 0.20457831025123596, + -0.07009058445692062, + 0.013524611480534077, + -0.1486048400402069, + -0.06644779443740845, + -0.20198366045951843, + -0.04165555164217949, + 0.4732249677181244, + 0.026082482188940048, + 0.03518243879079819, + -0.212202250957489, + 2.511056900024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/34.png", + [ + 0.20327800512313843, + -0.06571803987026215, + 0.03615365922451019, + -0.42694586515426636, + -0.06684871762990952, + -0.20610105991363525, + 0.0012257377384230494, + -0.026293247938156128, + 0.034017615020275116, + -0.012304120697081089, + -0.21363359689712524, + 2.595634937286377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/72.png", + [ + 0.19447393715381622, + -0.09541334956884384, + -0.004906908608973026, + 0.06477274000644684, + -0.09540098905563354, + -0.19453470408916473, + 0.0016714987577870488, + -0.02791987545788288, + -0.005141567438840866, + 0.0006602577050216496, + -0.21661262214183807, + 2.6255083084106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/102.png", + [ + 0.20570597052574158, + -0.06702359020709991, + 0.011865271255373955, + -0.1319310963153839, + -0.06381599605083466, + -0.2030467689037323, + -0.04058848321437836, + 0.46308717131614685, + 0.023674167692661285, + 0.03503917157649994, + -0.21250808238983154, + 2.520260810852051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/70.png", + [ + 0.19132596254348755, + -0.10152894258499146, + -0.005843165330588818, + 0.07702499628067017, + -0.10147726535797119, + -0.19141513109207153, + 0.003241045167669654, + -0.047611646354198456, + -0.006680662278085947, + -0.00012529159721452743, + -0.21657156944274902, + 2.6261677742004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/90.png", + [ + 0.20486409962177277, + -0.07001730054616928, + -0.008727490901947021, + 0.1117430254817009, + -0.07052893191576004, + -0.20398811995983124, + -0.01903708092868328, + 0.2130430042743683, + -0.002064752159640193, + 0.02084025740623474, + -0.2156601846218109, + 2.6136817932128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/122.png", + [ + 0.21386854350566864, + -0.03277605399489403, + -0.011570284143090248, + 0.14640963077545166, + -0.033546969294548035, + -0.21351861953735352, + -0.015241011045873165, + 0.16896967589855194, + -0.009096269495785236, + 0.016835015267133713, + -0.21582801640033722, + 2.609663963317871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/15.png", + [ + 0.21251259744167328, + -0.041744813323020935, + 0.006607675924897194, + -0.09790657460689545, + -0.04197726026177406, + -0.21241559088230133, + 0.008088644593954086, + -0.10788720846176147, + 0.004919423256069422, + -0.009213403798639774, + -0.21642275154590607, + 2.555370330810547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/22.png", + [ + 0.2033131867647171, + -0.0673365443944931, + 0.03282419964671135, + -0.37783974409103394, + -0.06842471659183502, + -0.20557613670825958, + 0.002097801072522998, + -0.03526824340224266, + 0.030490944162011147, + -0.01233415026217699, + -0.2141636312007904, + 2.551755428314209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/109.png", + [ + 0.2063174694776535, + -0.06536564230918884, + 0.010408259928226471, + -0.1154460683465004, + -0.06280345469713211, + -0.20408610999584198, + -0.036775946617126465, + 0.4178025722503662, + 0.020897991955280304, + 0.032001178711652756, + -0.21327702701091766, + 2.545529842376709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/26.png", + [ + 0.20210659503936768, + -0.06914319843053818, + 0.03633230924606323, + -0.42571964859962463, + -0.07041557878255844, + -0.20490603148937225, + 0.0017504029674455523, + -0.031138436868786812, + 0.03380035609006882, + -0.01344009954482317, + -0.21359960734844208, + 2.5720930099487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/43.png", + [ + 0.20381449162960052, + -0.06339824199676514, + 0.03725862130522728, + -0.4390031695365906, + -0.0643470361828804, + -0.20689938962459564, + -5.8924255426973104e-05, + -0.007490308955311775, + 0.03559494391083717, + -0.011009467765688896, + -0.21344716846942902, + 2.5605874061584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/84.png", + [ + 0.20490193367004395, + -0.06984321773052216, + 0.009220226667821407, + -0.10838422179222107, + -0.06933566927909851, + -0.20495064556598663, + -0.011648579500615597, + 0.122745081782341, + 0.012476153671741486, + 0.008065206930041313, + -0.2161647379398346, + 2.6099720001220703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/89.png", + [ + 0.20494571328163147, + -0.069894939661026, + -0.0077358209528028965, + 0.0991252139210701, + -0.07023631781339645, + -0.20462891459465027, + -0.011906358413398266, + 0.1229577362537384, + -0.0034650033339858055, + 0.013769460842013359, + -0.21620890498161316, + 2.621072292327881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/63.png", + [ + 0.19616703689098358, + -0.09199073910713196, + 0.0020229769870638847, + -0.016461310908198357, + -0.09200684726238251, + -0.19605156779289246, + 0.006812743842601776, + -0.09229084849357605, + -0.0010619675740599632, + -0.007026958279311657, + -0.2165580540895462, + 2.5641140937805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/88.png", + [ + 0.2058383822441101, + -0.06743519008159637, + -0.005563545972108841, + 0.07265639305114746, + -0.06755898147821426, + -0.20581574738025665, + -0.004854522179812193, + 0.03619001433253288, + -0.003773859702050686, + 0.006346449255943298, + -0.21654878556728363, + 2.626131057739258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/62.png", + [ + 0.20003214478492737, + -0.08313345164060593, + 0.004885133821517229, + -0.05386756733059883, + -0.0832308679819107, + -0.19999977946281433, + 0.004539881367236376, + -0.06580973416566849, + 0.00276732724159956, + -0.006067696027457714, + -0.21657197177410126, + 2.5570549964904785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/65.png", + [ + 0.19010601937770844, + -0.1039186492562294, + -0.0029163628350943327, + 0.04547658562660217, + -0.10377105325460434, + -0.19005249440670013, + 0.0077139888890087605, + -0.10467354953289032, + -0.006257721688598394, + -0.005371380131691694, + -0.2165176123380661, + 2.584016799926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/80.png", + [ + 0.2014119029045105, + -0.07949066162109375, + 0.007898236624896526, + -0.0920228436589241, + -0.07932902127504349, + -0.20155394077301025, + -0.005551449488848448, + 0.05415090546011925, + 0.009383696131408215, + 0.002268694806843996, + -0.2164594531059265, + 2.592526435852051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/119.png", + [ + 0.21307119727134705, + -0.03933632746338844, + 0.0011035754578188062, + -0.006555401720106602, + -0.03895752504467964, + -0.21171143651008606, + -0.024667467921972275, + 0.28213146328926086, + 0.0055565666407346725, + 0.024058811366558075, + -0.21526308357715607, + 2.597296714782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/79.png", + [ + 0.20075038075447083, + -0.08133391290903091, + 0.0056545315310359, + -0.06377333402633667, + -0.08126205950975418, + -0.20082609355449677, + -0.0036398593802005053, + 0.03203484043478966, + 0.006607240531593561, + 0.0012516662245616317, + -0.21657024323940277, + 2.5914835929870605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/116.png", + [ + 0.21059824526309967, + -0.050498705357313156, + 0.006793438456952572, + -0.07376758754253387, + -0.04891509935259819, + -0.20845730602741241, + -0.03317760303616524, + 0.3801044821739197, + 0.01426825113594532, + 0.030713532119989395, + -0.21401166915893555, + 2.556079864501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/19.png", + [ + 0.20581108331680298, + -0.06177308037877083, + 0.027816835790872574, + -0.3219447731971741, + -0.0627179741859436, + -0.20736895501613617, + 0.0035314802080392838, + -0.05290266126394272, + 0.025615358725190163, + -0.011406193487346172, + -0.21485261619091034, + 2.5382776260375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/77.png", + [ + 0.1991162747144699, + -0.0854070782661438, + 0.0024976858403533697, + -0.025917556136846542, + -0.08538816124200821, + -0.19913017749786377, + -0.001984198810532689, + 0.013445347547531128, + 0.003077560570091009, + 0.0008391087176278234, + -0.21665114164352417, + 2.59975004196167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/68.png", + [ + 0.189528226852417, + -0.1048206314444542, + -0.006291103549301624, + 0.08314063400030136, + -0.10468993335962296, + -0.18962407112121582, + 0.005533969961106777, + -0.07725492119789124, + -0.00818286370486021, + -0.0018009885679930449, + -0.2165125608444214, + 2.6165943145751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/86.png", + [ + 0.20636187493801117, + -0.06601379066705704, + -0.002201729454100132, + 0.03176658973097801, + -0.06601404398679733, + -0.20637330412864685, + 0.00031885382486507297, + -0.02435789629817009, + -0.002194197615608573, + 0.0003671217418741435, + -0.2166632115840912, + 2.622732639312744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/1.png", + [ + 0.21635526418685913, + -0.011663643643260002, + -0.0015040225116536021, + 0.013484708033502102, + -0.011690003797411919, + -0.21632102131843567, + -0.004057625774294138, + 0.03603566810488701, + -0.0012831451604142785, + 0.004132790025323629, + -0.21663141250610352, + 2.6611976623535156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/81.png", + [ + 0.2021484076976776, + -0.07766278088092804, + 0.007239119149744511, + -0.08336279541254044, + -0.07744783163070679, + -0.20223985612392426, + -0.00698326388373971, + 0.07173515856266022, + 0.009259865619242191, + 0.003927555400878191, + -0.2164410501718521, + 2.589367389678955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/95.png", + [ + 0.2034928798675537, + -0.07326392829418182, + 0.013074459508061409, + -0.15059685707092285, + -0.06962087750434875, + -0.20085598528385162, + -0.041924960911273956, + 0.48702624440193176, + 0.026295974850654602, + 0.035173363983631134, + -0.21217741072177887, + 2.5352115631103516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/103.png", + [ + 0.20602825284004211, + -0.06606493145227432, + 0.011647986248135567, + -0.12933963537216187, + -0.06316649168729782, + -0.20371845364570618, + -0.038166552782058716, + 0.43505120277404785, + 0.022588616237044334, + 0.032895527780056, + -0.2129683792591095, + 2.530404567718506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/83.png", + [ + 0.20385588705539703, + -0.07266552001237869, + 0.010506466962397099, + -0.12406213581562042, + -0.07209952920675278, + -0.2039826512336731, + -0.01185861136764288, + 0.12876859307289124, + 0.013868025504052639, + 0.00766096543520689, + -0.21609461307525635, + 2.603015422821045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/51.png", + [ + 0.20585526525974274, + -0.06156816706061363, + 0.027943946421146393, + -0.32564613223075867, + -0.06171455606818199, + -0.20767900347709656, + -0.0029397443868219852, + 0.025239035487174988, + 0.0276191309094429, + -0.005166209302842617, + -0.21484503149986267, + 2.5621509552001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/93.png", + [ + 0.20433612167835236, + -0.07194194942712784, + 0.00435875216498971, + -0.04598463699221611, + -0.07010436803102493, + -0.20143094658851624, + -0.03819483146071434, + 0.45131444931030273, + 0.016733838245272636, + 0.03460957109928131, + -0.21323707699775696, + 2.57161808013916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/76.png", + [ + 0.1666831374168396, + -0.04089764878153801, + -0.1322573721408844, + 1.4865005016326904, + -0.0770735964179039, + -0.19937001168727875, + -0.03548463433980942, + 0.3957172632217407, + -0.11499688774347305, + 0.0743429884314537, + -0.16791880130767822, + 1.9435163736343384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/48.png", + [ + 0.1736980825662613, + -0.036403242498636246, + -0.12430478632450104, + 1.4160642623901367, + -0.0617312528192997, + -0.20607221126556396, + -0.02591133862733841, + 0.29012683033943176, + -0.11386892199516296, + 0.0561867356300354, + -0.17556996643543243, + 2.0568718910217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/137.png", + [ + 0.1708127111196518, + -0.04606494680047035, + -0.1250956803560257, + 1.4766219854354858, + -0.0763666182756424, + -0.20047086477279663, + -0.03045436181128025, + 0.3636679947376251, + -0.10926595330238342, + 0.06809808313846588, + -0.17427419126033783, + 2.1007399559020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/173.png", + [ + 0.16888396441936493, + -0.04577887803316116, + -0.1277904510498047, + 1.5073046684265137, + -0.07470894604921341, + -0.2016545534133911, + -0.026493558660149574, + 0.3185685873031616, + -0.11333436518907547, + 0.06471189856529236, + -0.17296123504638672, + 2.0859475135803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/35.png", + [ + 0.17864544689655304, + -0.027389714494347572, + -0.11951357871294022, + 1.351810336112976, + -0.04542457312345505, + -0.210955411195755, + -0.019553301855921745, + 0.21719393134117126, + -0.1138872355222702, + 0.041176773607730865, + -0.17967210710048676, + 2.0933403968811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/124.png", + [ + 0.16814175248146057, + -0.04761243239045143, + -0.12809878587722778, + 1.5031863451004028, + -0.07765015959739685, + -0.20041410624980927, + -0.027432208880782127, + 0.32706281542778015, + -0.11245748400688171, + 0.06719472259283066, + -0.17258641123771667, + 2.074284553527832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/97.png", + [ + 0.16788411140441895, + -0.045573920011520386, + -0.1291736513376236, + 1.4423179626464844, + -0.07754667848348618, + -0.2000553160905838, + -0.030203910544514656, + 0.3360699415206909, + -0.11291293054819107, + 0.06963318586349487, + -0.17131778597831726, + 1.9389547109603882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/277.png", + [ + 0.20625561475753784, + -0.004830221179872751, + -0.06620564311742783, + 0.7680268883705139, + -0.009854882024228573, + -0.2159336656332016, + -0.01494763046503067, + 0.1737140268087387, + -0.06564602255821228, + 0.017240051180124283, + -0.20576995611190796, + 2.3955445289611816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/155.png", + [ + 0.16384229063987732, + -0.04303700104355812, + -0.13509777188301086, + 1.5205250978469849, + -0.07718982547521591, + -0.20025065541267395, + -0.029821159318089485, + 0.3427089750766754, + -0.11893410235643387, + 0.07067806273698807, + -0.16675487160682678, + 1.9221774339675903, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/192.png", + [ + 0.1711057424545288, + -0.04493855684995651, + -0.12510494887828827, + 1.4675344228744507, + -0.07224730402231216, + -0.20260915160179138, + -0.026033857837319374, + 0.3086433708667755, + -0.11158428341150284, + 0.062273263931274414, + -0.17498254776000977, + 2.0987982749938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/271.png", + [ + 0.20878593623638153, + -0.019285425543785095, + -0.05462971702218056, + 0.6277433037757874, + -0.022687973454594612, + -0.2152160108089447, + -0.010734021663665771, + 0.125458762049675, + -0.053306564688682556, + 0.01606348715722561, + -0.20939978957176208, + 2.406907558441162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/13.png", + [ + 0.18455438315868378, + -0.03267483785748482, + -0.10871951282024384, + 1.0198180675506592, + -0.037919558584690094, + -0.21333058178424835, + -0.00025457932497374713, + -0.0025771893560886383, + -0.10700318962335587, + 0.019243504852056503, + -0.18742437660694122, + 1.7017126083374023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/274.png", + [ + 0.20721718668937683, + -0.028520924970507622, + -0.05652861297130585, + 0.6427862644195557, + -0.03189327195286751, + -0.2141307145357132, + -0.008873865939676762, + 0.10361723601818085, + -0.05469685420393944, + 0.016807228326797485, + -0.208982452750206, + 2.4310784339904785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/32.png", + [ + 0.1793469786643982, + -0.025144340470433235, + -0.1189551055431366, + 1.34506094455719, + -0.04183925688266754, + -0.21180683374404907, + -0.018309440463781357, + 0.2027250975370407, + -0.11415792256593704, + 0.03812507167458534, + -0.1801730841398239, + 2.0949368476867676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/158.png", + [ + 0.1669633388519287, + -0.04375024512410164, + -0.13098493218421936, + 1.4994704723358154, + -0.07733506709337234, + -0.19988781213760376, + -0.03181267902255058, + 0.3704769015312195, + -0.11441338062286377, + 0.07126481831073761, + -0.16964314877986908, + 1.990763783454895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/256.png", + [ + 0.20459260046482086, + 0.0072407713159918785, + -0.07097414135932922, + 0.8133003115653992, + -0.0010924485977739096, + -0.21521255373954773, + -0.025105083361268044, + 0.2792646884918213, + -0.07133417576551437, + 0.02406303957104683, + -0.20317554473876953, + 2.464264392852783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/38.png", + [ + 0.17896689474582672, + -0.029901335015892982, + -0.11842573434114456, + 1.3358584642410278, + -0.04909919202327728, + -0.20997242629528046, + -0.021183518692851067, + 0.23609140515327454, + -0.11183922737836838, + 0.04433262720704079, + -0.18020682036876678, + 2.0928826332092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/148.png", + [ + 0.17665058374404907, + -0.04470536857843399, + -0.11723435670137405, + 1.229936122894287, + -0.07685989141464233, + -0.19857819378376007, + -0.040089212357997894, + 0.3909913897514343, + -0.09917167574167252, + 0.07426989078521729, + -0.17775504291057587, + 1.8357056379318237, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/222.png", + [ + 0.191123828291893, + -0.022366374731063843, + -0.09959577769041061, + 1.1664773225784302, + -0.034537751227617264, + -0.21310974657535553, + -0.018419399857521057, + 0.22167080640792847, + -0.09605581313371658, + 0.03212282061576843, + -0.19154450297355652, + 2.281360626220703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/111.png", + [ + 0.1666165292263031, + -0.046888601034879684, + -0.1303391307592392, + 1.508400559425354, + -0.07791458815336227, + -0.20029592514038086, + -0.027545545250177383, + 0.3252580761909485, + -0.11452574282884598, + 0.06805070489645004, + -0.17088256776332855, + 2.03009033203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/164.png", + [ + 0.16861839592456818, + -0.04621083289384842, + -0.12798547744750977, + 1.4956022500991821, + -0.07584265619516373, + -0.20112265646457672, + -0.027303272858262062, + 0.3260982930660248, + -0.11297616362571716, + 0.06604646146297455, + -0.17269086837768555, + 2.0614542961120605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/11.png", + [ + 0.18730074167251587, + -0.02919558808207512, + -0.10494734346866608, + 0.9629971385002136, + -0.029573427513241768, + -0.2145359218120575, + 0.006902295630425215, + -0.06946331262588501, + -0.10484149307012558, + 0.008357451297342777, + -0.18943680822849274, + 1.6037485599517822, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/125.png", + [ + 0.16790127754211426, + -0.04840358719229698, + -0.12811769545078278, + 1.5035825967788696, + -0.07757529616355896, + -0.20065245032310486, + -0.025856630876660347, + 0.3088758885860443, + -0.11286775022745132, + 0.06590587645769119, + -0.1728154569864273, + 2.077389717102051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/59.png", + [ + 0.16704410314559937, + -0.04136595502495766, + -0.13165493309497833, + 1.496612548828125, + -0.07278867810964584, + -0.2020293027162552, + -0.02887686900794506, + 0.3240630328655243, + -0.11724323034286499, + 0.06649000942707062, + -0.1696496307849884, + 1.980415940284729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/105.png", + [ + 0.1663912832736969, + -0.04506354406476021, + -0.13126732409000397, + 1.5017021894454956, + -0.07682459056377411, + -0.20057997107505798, + -0.028522692620754242, + 0.3310905396938324, + -0.11558467149734497, + 0.06844589114189148, + -0.17000949382781982, + 2.0005288124084473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/121.png", + [ + 0.16802489757537842, + -0.04653047025203705, + -0.1286485344171524, + 1.5089471340179443, + -0.0770854651927948, + -0.20053261518478394, + -0.028149563819169998, + 0.3353033661842346, + -0.11301929503679276, + 0.06759794056415558, + -0.17206119000911713, + 2.0680136680603027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/255.png", + [ + 0.21253147721290588, + 0.004361929837614298, + -0.04194323718547821, + 0.452020525932312, + 0.0040153623558580875, + -0.21662643551826477, + -0.0021819579415023327, + 0.015126049518585205, + -0.041977837681770325, + 0.0013629543827846646, + -0.21256503462791443, + 2.5769691467285156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/175.png", + [ + 0.1698625534772873, + -0.04468979686498642, + -0.12687565386295319, + 1.4978519678115845, + -0.073477603495121, + -0.20201019942760468, + -0.027217961847782135, + 0.32657095789909363, + -0.11267498135566711, + 0.06436300277709961, + -0.17352132499217987, + 2.0954346656799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/198.png", + [ + 0.17160800099372864, + -0.046924326568841934, + -0.12367983162403107, + 1.464517593383789, + -0.07339610904455185, + -0.20231643319129944, + -0.02507924661040306, + 0.30046144127845764, + -0.11005273461341858, + 0.061758123338222504, + -0.1761312633752823, + 2.129056930541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/24.png", + [ + 0.17684775590896606, + -0.026342647150158882, + -0.12238800525665283, + 1.357858657836914, + -0.04044611379504204, + -0.21248649060726166, + -0.012708337977528572, + 0.13890956342220306, + -0.11847729235887527, + 0.03321828693151474, + -0.17834676802158356, + 2.0342254638671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/275.png", + [ + 0.20726902782917023, + -0.023500803858041763, + -0.05861014127731323, + 0.6722983717918396, + -0.02694794163107872, + -0.21479658782482147, + -0.009172162972390652, + 0.10538932681083679, + -0.057107310742139816, + 0.01606338657438755, + -0.2083953320980072, + 2.422248363494873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/214.png", + [ + 0.18342271447181702, + -0.039660949259996414, + -0.1083097830414772, + 1.2737085819244385, + -0.05793525278568268, + -0.2076137363910675, + -0.02208927646279335, + 0.26603463292121887, + -0.09973717480897903, + 0.04765961319208145, + -0.1863570511341095, + 2.2338671684265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/74.png", + [ + 0.1658155620098114, + -0.039251189678907394, + -0.13383732736110687, + 1.5038261413574219, + -0.07597147673368454, + -0.19978418946266174, + -0.035531848669052124, + 0.39562636613845825, + -0.11696760356426239, + 0.07411828637123108, + -0.16665220260620117, + 1.9257534742355347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/193.png", + [ + 0.17073506116867065, + -0.04585408791899681, + -0.1252790093421936, + 1.4712163209915161, + -0.07295190542936325, + -0.20244669914245605, + -0.02532299980521202, + 0.3003743588924408, + -0.11169354617595673, + 0.0621340237557888, + -0.17496231198310852, + 2.100559711456299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/129.png", + [ + 0.16764408349990845, + -0.045630935579538345, + -0.12946496903896332, + 1.5198392868041992, + -0.07678018510341644, + -0.20056724548339844, + -0.02873111702501774, + 0.34198465943336487, + -0.11378998309373856, + 0.06810647249221802, + -0.17135123908519745, + 2.062006950378418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/249.png", + [ + 0.18984271585941315, + -0.0055800434201955795, + -0.10429049283266068, + 1.1252981424331665, + 0.001124960952438414, + -0.21624334156513214, + 0.013617857359349728, + -0.14092326164245605, + -0.10443361103534698, + -0.012472957372665405, + -0.18943585455417633, + 1.7361217737197876, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/172.png", + [ + 0.16985906660556793, + -0.04590514674782753, + -0.12644566595554352, + 1.4906368255615234, + -0.07450083643198013, + -0.20168305933475494, + -0.026860184967517853, + 0.3224911689758301, + -0.11200631409883499, + 0.06453341990709305, + -0.17389053106307983, + 2.094020366668701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/232.png", + [ + 0.19616398215293884, + -0.005234057549387217, + -0.09187052398920059, + 1.0643490552902222, + -0.007425427902489901, + -0.21651874482631683, + -0.003519409103319049, + 0.041923534125089645, + -0.09171940386295319, + 0.0063346559181809425, + -0.19620223343372345, + 2.3184595108032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/153.png", + [ + 0.164238840341568, + -0.04306367039680481, + -0.13460689783096313, + 1.4878243207931519, + -0.07819439470767975, + -0.1995943933725357, + -0.03155328333377838, + 0.35479721426963806, + -0.11772482097148895, + 0.07249477505683899, + -0.1668330579996109, + 1.89055335521698, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/144.png", + [ + 0.18602396547794342, + -0.049520183354616165, + -0.0994521751999855, + 1.0858557224273682, + -0.07250354439020157, + -0.20107509195804596, + -0.035495687276124954, + 0.3174434006214142, + -0.08417968451976776, + 0.06375312060117722, + -0.18920153379440308, + 1.9068766832351685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/188.png", + [ + 0.17168083786964417, + -0.04542664438486099, + -0.1241370365023613, + 1.453974723815918, + -0.0732768103480339, + -0.20205847918987274, + -0.027400247752666473, + 0.32428407669067383, + -0.11001858860254288, + 0.06369210034608841, + -0.17546258866786957, + 2.1034798622131348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/98.png", + [ + 0.16710561513900757, + -0.04425671696662903, + -0.13063287734985352, + 1.4606447219848633, + -0.07659311592578888, + -0.200442373752594, + -0.03007069043815136, + 0.33716362714767456, + -0.11470440030097961, + 0.06936927139759064, + -0.17023132741451263, + 1.943055272102356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/0.png", + [ + 0.18929266929626465, + -0.05784560739994049, + -0.08814799040555954, + 0.9047620892524719, + -0.0642036646604538, + -0.20693349838256836, + -0.002077064011245966, + -0.006906177848577499, + -0.08363056927919388, + 0.027934033423662186, + -0.1979229897260666, + 1.8384073972702026, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/163.png", + [ + 0.16822293400764465, + -0.04454062506556511, + -0.1290932595729828, + 1.505160927772522, + -0.07480278611183167, + -0.20141863822937012, + -0.027981575578451157, + 0.33265161514282227, + -0.11425182968378067, + 0.06629146635532379, + -0.17175520956516266, + 2.0454559326171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/96.png", + [ + 0.1694001853466034, + -0.046117447316646576, + -0.12698286771774292, + 1.4197369813919067, + -0.0770355612039566, + -0.20027858018875122, + -0.03003161959350109, + 0.3316596448421478, + -0.11098192632198334, + 0.06862621009349823, + -0.17297787964344025, + 1.939365029335022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/100.png", + [ + 0.16571228206157684, + -0.04623963683843613, + -0.13171647489070892, + 1.4799726009368896, + -0.0787280797958374, + -0.1997845321893692, + -0.028912441805005074, + 0.3272455036640167, + -0.11527889966964722, + 0.06997095793485641, + -0.16959579288959503, + 1.9594987630844116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/40.png", + [ + 0.17699623107910156, + -0.029733728617429733, + -0.12139246612787247, + 1.3703445196151733, + -0.049571357667446136, + -0.20989324152469635, + -0.02086649276316166, + 0.23160281777381897, + -0.11472971737384796, + 0.04481780156493187, + -0.1782592236995697, + 2.0723443031311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/141.png", + [ + 0.17884720861911774, + -0.04917798563838005, + -0.11199593544006348, + 1.3029993772506714, + -0.07381010800600052, + -0.20159021019935608, + -0.02934868633747101, + 0.3156106173992157, + -0.09753783792257309, + 0.06237630546092987, + -0.18314874172210693, + 2.080434799194336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/52.png", + [ + 0.17091940343379974, + -0.03802841156721115, + -0.12762555480003357, + 1.453374981880188, + -0.06539561599493027, + -0.20485857129096985, + -0.026538057252764702, + 0.2996331453323364, + -0.11600800603628159, + 0.05945330113172531, + -0.1730761080980301, + 2.028013229370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/184.png", + [ + 0.1726720780134201, + -0.04476356506347656, + -0.12299783527851105, + 1.4457634687423706, + -0.07236410677433014, + -0.2023104578256607, + -0.027960853651165962, + 0.3300040662288666, + -0.10906732827425003, + 0.06336084008216858, + -0.17617495357990265, + 2.1180577278137207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/227.png", + [ + 0.19447492063045502, + -0.014822748489677906, + -0.09438057988882065, + 1.1036148071289062, + -0.021911220625042915, + -0.21526537835597992, + -0.011340870521962643, + 0.1398847997188568, + -0.09299089759588242, + 0.019723160192370415, + -0.19470898807048798, + 2.317289352416992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/3.png", + [ + 0.18597888946533203, + -0.02912208065390587, + -0.10729236155748367, + 1.0484075546264648, + -0.03898307681083679, + -0.2129143625497818, + -0.009781874716281891, + 0.05183994397521019, + -0.10411562770605087, + 0.027699636295437813, + -0.18799084424972534, + 1.5888569355010986, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/231.png", + [ + 0.19718460738658905, + -0.007200049236416817, + -0.08952254056930542, + 1.0387204885482788, + -0.010997596196830273, + -0.21628759801387787, + -0.006828172132372856, + 0.08133809268474579, + -0.08913573622703552, + 0.010757804848253727, + -0.197197824716568, + 2.329606533050537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/289.png", + [ + 0.21094465255737305, + -0.015049978159368038, + -0.0471566803753376, + 0.5457561016082764, + -0.015085948631167412, + -0.2161436229944229, + 0.0014983394648879766, + -0.02560078538954258, + -0.047145187854766846, + 0.0018245639512315392, + -0.21147552132606506, + 2.190990447998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/282.png", + [ + 0.21110111474990845, + -0.008449332788586617, + -0.04809185490012169, + 0.5569248199462891, + -0.014022398740053177, + -0.21490716934204102, + -0.0237945057451725, + 0.27477991580963135, + -0.04677168279886246, + 0.02629476971924305, + -0.20992591977119446, + 2.4384045600891113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/47.png", + [ + 0.1730736643075943, + -0.03579898178577423, + -0.1253468543291092, + 1.4267427921295166, + -0.060124218463897705, + -0.20678222179412842, + -0.023960119113326073, + 0.26801058650016785, + -0.11566538363695145, + 0.05392070114612579, + -0.17510560154914856, + 2.0518274307250977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/104.png", + [ + 0.16581209003925323, + -0.04573990777134895, + -0.13176532089710236, + 1.5033434629440308, + -0.07792490720748901, + -0.20014652609825134, + -0.028582684695720673, + 0.3308482766151428, + -0.11568039655685425, + 0.06926124542951584, + -0.16961373388767242, + 1.9916294813156128, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/21.png", + [ + 0.17554248869419098, + -0.032776977866888046, + -0.12271267175674438, + 1.3299992084503174, + -0.04417038336396217, + -0.21202339231967926, + -0.006554282270371914, + 0.06779864430427551, + -0.11908696591854095, + 0.03032575361430645, + -0.17845597863197327, + 1.9961432218551636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/268.png", + [ + 0.21013592183589935, + -0.030063137412071228, + -0.04343962296843529, + 0.5861186385154724, + -0.03548067808151245, + -0.21231839060783386, + -0.024696527048945427, + 0.2821251153945923, + -0.03913968428969383, + 0.031064528971910477, + -0.21083399653434753, + 2.4471373558044434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/82.png", + [ + 0.16622494161128998, + -0.043683744966983795, + -0.1319427639245987, + 1.49054753780365, + -0.07788680493831635, + -0.1996391862630844, + -0.03202707692980766, + 0.35917726159095764, + -0.11511216312646866, + 0.071998730301857, + -0.16885872185230255, + 1.9639514684677124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/106.png", + [ + 0.16769663989543915, + -0.04475028067827225, + -0.1297040730714798, + 1.487128734588623, + -0.07644252479076385, + -0.2005646675825119, + -0.029635371640324593, + 0.344008207321167, + -0.1139397919178009, + 0.06869590282440186, + -0.17101605236530304, + 2.015573501586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/14.png", + [ + 0.18046589195728302, + -0.030064642429351807, + -0.11608649790287018, + 1.1062822341918945, + -0.039987459778785706, + -0.21283632516860962, + -0.007042365148663521, + 0.06359602510929108, + -0.11305291205644608, + 0.02728935331106186, + -0.1828174591064453, + 1.726656436920166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/67.png", + [ + 0.16558000445365906, + -0.04240218549966812, + -0.1331660896539688, + 1.499078392982483, + -0.07494061440229416, + -0.2012067288160324, + -0.0291144959628582, + 0.3249047100543976, + -0.11796209961175919, + 0.06830669194459915, + -0.16842514276504517, + 1.9418593645095825, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/272.png", + [ + 0.2086297869682312, + -0.023573366925120354, + -0.05353320389986038, + 0.6068776845932007, + -0.026736821979284286, + -0.21480384469032288, + -0.009609883651137352, + 0.11358937621116638, + -0.05202547460794449, + 0.015858875587582588, + -0.20973730087280273, + 2.422973155975342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/241.png", + [ + 0.19415241479873657, + -0.0044302367605268955, + -0.09608903527259827, + 1.1246298551559448, + 0.0002773360174614936, + -0.21641801297664642, + 0.010538439266383648, + -0.13065792620182037, + -0.09619070589542389, + -0.009566014632582664, + -0.19391681253910065, + 2.313480854034424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/78.png", + [ + 0.16647736728191376, + -0.041397448629140854, + -0.13236097991466522, + 1.4903173446655273, + -0.07808533310890198, + -0.1988816112279892, + -0.03600947558879852, + 0.40267452597618103, + -0.11461175978183746, + 0.07536744326353073, + -0.1677253097295761, + 1.945823073387146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/191.png", + [ + 0.17183536291122437, + -0.04438280686736107, + -0.12430072575807571, + 1.4568232297897339, + -0.07138356566429138, + -0.20288872718811035, + -0.026238378137350082, + 0.3103189170360565, + -0.11101753264665604, + 0.061759475618600845, + -0.1755242794752121, + 2.10331392288208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/31.png", + [ + 0.17850381135940552, + -0.024942683055996895, + -0.12025866657495499, + 1.360196590423584, + -0.04120253026485443, + -0.21202600002288818, + -0.01718222349882126, + 0.1905493587255478, + -0.1157006323337555, + 0.037023503333330154, + -0.17941716313362122, + 2.085083484649658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/194.png", + [ + 0.17172132432460785, + -0.04557069018483162, + -0.12402819097042084, + 1.4583429098129272, + -0.07217390090227127, + -0.20270979404449463, + -0.025447219610214233, + 0.30161020159721375, + -0.11068248748779297, + 0.061481259763240814, + -0.17583326995372772, + 2.111934185028076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/152.png", + [ + 0.16395004093647003, + -0.04162261262536049, + -0.135409876704216, + 1.4813601970672607, + -0.07852127403020859, + -0.19908471405506134, + -0.033875949680805206, + 0.3750622272491455, + -0.11790965497493744, + 0.07470426708459854, + -0.16572409868240356, + 1.8566867113113403, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/270.png", + [ + 0.20917604863643646, + -0.0171651728451252, + -0.053838908672332764, + 0.6308650970458984, + -0.021184522658586502, + -0.21520118415355682, + -0.013695101253688335, + 0.15980546176433563, + -0.05238785222172737, + 0.018485037609934807, + -0.20943187177181244, + 2.3900318145751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/39.png", + [ + 0.17879028618335724, + -0.030109485611319542, + -0.11863958835601807, + 1.3385041952133179, + -0.04973526671528816, + -0.20976842939853668, + -0.02171420305967331, + 0.24152496457099915, + -0.11184066534042358, + 0.04515000432729721, + -0.18000288307666779, + 2.090487003326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/92.png", + [ + 0.1728811413049698, + -0.045777492225170135, + -0.12232916802167892, + 1.3844873905181885, + -0.07461170852184296, + -0.20117466151714325, + -0.030161943286657333, + 0.32339322566986084, + -0.10720586776733398, + 0.06618965417146683, + -0.17627739906311035, + 1.9250057935714722, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/203.png", + [ + 0.17303679883480072, + -0.046081431210041046, + -0.12199454009532928, + 1.4489691257476807, + -0.07093507051467896, + -0.20334576070308685, + -0.02380364201962948, + 0.2866175174713135, + -0.10942751169204712, + 0.058948274701833725, + -0.17747849225997925, + 2.1504907608032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/53.png", + [ + 0.1702772080898285, + -0.03810257464647293, + -0.128459170460701, + 1.4631539583206177, + -0.06613927334547043, + -0.20455993711948395, + -0.026994967833161354, + 0.3044819235801697, + -0.11652965843677521, + 0.060426197946071625, + -0.17238737642765045, + 2.0210957527160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/245.png", + [ + 0.19448062777519226, + -0.011957702226936817, + -0.09477446228265762, + 1.1072224378585815, + -0.005037977825850248, + -0.21595510840415955, + 0.016908962279558182, + -0.1998496651649475, + -0.09539289772510529, + -0.012973340228199959, + -0.19411280751228333, + 2.2603273391723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/75.png", + [ + 0.16485711932182312, + -0.03867680951952934, + -0.13518182933330536, + 1.5198649168014526, + -0.07636065781116486, + -0.1995462030172348, + -0.036031369119882584, + 0.4019470512866974, + -0.11806386709213257, + 0.07505539804697037, + -0.1654554307460785, + 1.9155384302139282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/151.png", + [ + 0.16663669049739838, + -0.040474917739629745, + -0.1324458122253418, + 1.431128740310669, + -0.0766758844256401, + -0.19952112436294556, + -0.035496897995471954, + 0.38410115242004395, + -0.11532961577177048, + 0.07416874170303345, + -0.16776761412620544, + 1.849092721939087, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/87.png", + [ + 0.167284294962883, + -0.04383396357297897, + -0.1305466890335083, + 1.4806827306747437, + -0.07611396163702011, + -0.2006092220544815, + -0.030174441635608673, + 0.33752864599227905, + -0.11476287245750427, + 0.0691550076007843, + -0.17027907073497772, + 1.9598549604415894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/139.png", + [ + 0.17326654493808746, + -0.047947052866220474, + -0.12094493210315704, + 1.4242191314697266, + -0.07620827853679657, + -0.20065465569496155, + -0.02962956391274929, + 0.34448134899139404, + -0.10544617474079132, + 0.0662321150302887, + -0.17731976509094238, + 2.1048970222473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/107.png", + [ + 0.1674066036939621, + -0.04621904715895653, + -0.12956355512142181, + 1.4895780086517334, + -0.07799076288938522, + -0.19999875128269196, + -0.029425084590911865, + 0.343076229095459, + -0.11331530660390854, + 0.06936998665332794, + -0.1711588203907013, + 2.0214462280273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/112.png", + [ + 0.16761790215969086, + -0.045927226543426514, + -0.1293940395116806, + 1.5014365911483765, + -0.07689284533262253, + -0.2005687803030014, + -0.02841745875775814, + 0.3358433246612549, + -0.11375243961811066, + 0.06790251284837723, + -0.17145705223083496, + 2.040924072265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/267.png", + [ + 0.17786607146263123, + -0.049209196120500565, + -0.11353418976068497, + 1.4913842678070068, + -0.07125736027956009, + -0.20326457917690277, + -0.02353283390402794, + 0.24356809258460999, + -0.10116296261548996, + 0.0566556379199028, + -0.18304121494293213, + 2.2146739959716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/69.png", + [ + 0.16517364978790283, + -0.040857914835214615, + -0.13414986431598663, + 1.5066570043563843, + -0.07484635710716248, + -0.2009681910276413, + -0.030946776270866394, + 0.34574106335639954, + -0.11858996748924255, + 0.06993075460195541, + -0.1673140823841095, + 1.9284225702285767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/157.png", + [ + 0.16629847884178162, + -0.044256266206502914, + -0.13165898621082306, + 1.4989075660705566, + -0.07786492258310318, + -0.19977913796901703, + -0.03119680844247341, + 0.36204180121421814, + -0.11502068489789963, + 0.0712570771574974, + -0.1692352294921875, + 1.97659432888031, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/45.png", + [ + 0.17652705311775208, + -0.036349017173051834, + -0.12026987969875336, + 1.3638848066329956, + -0.05727630481123924, + -0.20788514614105225, + -0.02123888209462166, + 0.23628485202789307, + -0.11182808876037598, + 0.04909597337245941, + -0.17897476255893707, + 2.088860034942627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/259.png", + [ + 0.19763438403606415, + 0.009744357317686081, + -0.08828131854534149, + 1.007596731185913, + -0.0062291622161865234, + -0.21331560611724854, + -0.0374906100332737, + 0.4186578691005707, + -0.08859876543283463, + 0.036734119057655334, + -0.1942904144525528, + 2.3479228019714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/50.png", + [ + 0.17306746542453766, + -0.03741386905312538, + -0.12488292157649994, + 1.4237483739852905, + -0.06338571757078171, + -0.20552395284175873, + -0.026269061490893364, + 0.2953982949256897, + -0.11392013728618622, + 0.057515330612659454, + -0.17510592937469482, + 2.052016258239746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/101.png", + [ + 0.1652180254459381, + -0.04616731032729149, + -0.13236117362976074, + 1.4937801361083984, + -0.07818298041820526, + -0.20015950500965118, + -0.0277755968272686, + 0.31681108474731445, + -0.11635430157184601, + 0.06893940269947052, + -0.16928355395793915, + 1.9659839868545532, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/85.png", + [ + 0.16577862203121185, + -0.04292697831988335, + -0.13275021314620972, + 1.5013052225112915, + -0.07596723735332489, + -0.20069551467895508, + -0.029969755560159683, + 0.3364792764186859, + -0.11702274531126022, + 0.06947288662195206, + -0.1686033457517624, + 1.9562171697616577, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/276.png", + [ + 0.20717400312423706, + -0.013672689907252789, + -0.06196686252951622, + 0.7149640321731567, + -0.017665890976786613, + -0.2156478613615036, + -0.011480760760605335, + 0.13200803101062775, + -0.06094875559210777, + 0.016029633581638336, + -0.20730701088905334, + 2.4073309898376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/156.png", + [ + 0.1645725518465042, + -0.04326141998171806, + -0.13413506746292114, + 1.520627737045288, + -0.07727721333503723, + -0.20015114545822144, + -0.03025970794260502, + 0.3502187132835388, + -0.11786432564258575, + 0.07082279771566391, + -0.16745156049728394, + 1.9442867040634155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/181.png", + [ + 0.17253953218460083, + -0.047241415828466415, + -0.1222548708319664, + 1.4435514211654663, + -0.07429513335227966, + -0.20175468921661377, + -0.026891952380537987, + 0.31938937306404114, + -0.10797332972288132, + 0.06333398073911667, + -0.17685718834400177, + 2.1326208114624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/131.png", + [ + 0.17011477053165436, + -0.047610435634851456, + -0.12546755373477936, + 1.473816990852356, + -0.07771670073270798, + -0.20010323822498322, + -0.02943994104862213, + 0.3498784899711609, + -0.10940280556678772, + 0.06811638921499252, + -0.17418116331100464, + 2.0955352783203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/71.png", + [ + 0.16627851128578186, + -0.04027750715613365, + -0.1329551339149475, + 1.493457555770874, + -0.07490719109773636, + -0.20063476264476776, + -0.03290123865008354, + 0.36619865894317627, + -0.11699681729078293, + 0.07121306657791138, + -0.16789381206035614, + 1.9375466108322144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/160.png", + [ + 0.16709457337856293, + -0.04457937180995941, + -0.1305372565984726, + 1.5083582401275635, + -0.076958566904068, + -0.20029668509960175, + -0.03010833077132702, + 0.355559766292572, + -0.11447566002607346, + 0.06958313286304474, + -0.1702979952096939, + 2.014786720275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/115.png", + [ + 0.1666879802942276, + -0.045624956488609314, + -0.13069570064544678, + 1.525532603263855, + -0.0773395374417305, + -0.20035743713378906, + -0.028694692999124527, + 0.34236666560173035, + -0.11481115967035294, + 0.06872519105672836, + -0.17042046785354614, + 2.0421924591064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/54.png", + [ + 0.16961988806724548, + -0.038695208728313446, + -0.12914980947971344, + 1.4709978103637695, + -0.06693147867918015, + -0.20434337854385376, + -0.026680635288357735, + 0.30038854479789734, + -0.1170349046587944, + 0.06078124791383743, + -0.17191964387893677, + 2.015514373779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/33.png", + [ + 0.1799333244562149, + -0.026446877047419548, + -0.11778142303228378, + 1.332759141921997, + -0.04318118095397949, + -0.21152324974536896, + -0.018471529707312584, + 0.20422868430614471, + -0.1127266064286232, + 0.03881204128265381, + -0.18092603981494904, + 2.105391025543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/252.png", + [ + 0.19679968059062958, + 0.046882513910532, + 0.07758743315935135, + -0.9421370029449463, + -0.02656613476574421, + -0.14747898280620575, + 0.1564994603395462, + -1.5990641117095947, + 0.08667191118001938, + -0.1516571044921875, + -0.12820294499397278, + 1.3470919132232666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/221.png", + [ + 0.18998867273330688, + -0.024599123746156693, + -0.10122784227132797, + 1.1868354082107544, + -0.03736186400055885, + -0.2126300036907196, + -0.018451638519763947, + 0.2230924665927887, + -0.09724342077970505, + 0.033634137362241745, + -0.19068391621112823, + 2.2713637351989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/266.png", + [ + 0.03644069284200668, + -0.015228708274662495, + -0.21304473280906677, + 2.946352005004883, + -0.08279868960380554, + -0.20023050904273987, + 0.00015025089669506997, + -0.019894208759069443, + -0.19688664376735687, + 0.08138631284236908, + -0.03949449583888054, + 0.5877146124839783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/159.png", + [ + 0.1672121286392212, + -0.04316302016377449, + -0.1308623105287552, + 1.504475474357605, + -0.07612790912389755, + -0.20045362412929535, + -0.03115738183259964, + 0.36382535099983215, + -0.11485873907804489, + 0.070022813975811, + -0.16985924541950226, + 2.0006752014160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/177.png", + [ + 0.17107002437114716, + -0.046982571482658386, + -0.12440087646245956, + 1.4685996770858765, + -0.07483266294002533, + -0.2015710026025772, + -0.02677876502275467, + 0.3194928467273712, + -0.10992275923490524, + 0.06410668790340424, + -0.17537164688110352, + 2.115936279296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/49.png", + [ + 0.17326755821704865, + -0.038029126822948456, + -0.12441876530647278, + 1.4178560972213745, + -0.06318385899066925, + -0.20573104918003082, + -0.025108281522989273, + 0.2820729613304138, + -0.11372793465852737, + 0.056359656155109406, + -0.1756059229373932, + 2.057305335998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/118.png", + [ + 0.16737015545368195, + -0.04709124192595482, + -0.12929631769657135, + 1.5150917768478394, + -0.07741942256689072, + -0.20053787529468536, + -0.027178848162293434, + 0.3242509067058563, + -0.11376006156206131, + 0.06719280034303665, + -0.1717313826084137, + 2.0638198852539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/210.png", + [ + 0.1785207837820053, + -0.042124368250370026, + -0.11534195393323898, + 1.3615676164627075, + -0.06400162726640701, + -0.20561453700065613, + -0.02396559715270996, + 0.2871758043766022, + -0.10479511320590973, + 0.05381539463996887, + -0.18185096979141235, + 2.1877546310424805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/179.png", + [ + 0.17202982306480408, + -0.04640427976846695, + -0.12328939139842987, + 1.4562159776687622, + -0.0737648606300354, + -0.20194579660892487, + -0.026917215436697006, + 0.32083266973495483, + -0.10914382338523865, + 0.06334378570318222, + -0.17613369226455688, + 2.1251606941223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/110.png", + [ + 0.1664251983165741, + -0.04704071581363678, + -0.13052862882614136, + 1.5075297355651855, + -0.07817737013101578, + -0.200195774435997, + -0.027529064565896988, + 0.3241053819656372, + -0.11462484300136566, + 0.06824018061161041, + -0.1707405149936676, + 2.024251937866211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/258.png", + [ + 0.19898107647895813, + 0.010688581503927708, + -0.08508926630020142, + 0.9758661985397339, + -0.004578656516969204, + -0.21335436403751373, + -0.03750792518258095, + 0.41540664434432983, + -0.08563564717769623, + 0.03624310716986656, + -0.1957060694694519, + 2.344381332397461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/281.png", + [ + 0.21020753681659698, + -0.004926431458443403, + -0.05231078341603279, + 0.6020019054412842, + -0.010931849479675293, + -0.21510007977485657, + -0.023671625182032585, + 0.2760072946548462, + -0.051392439752817154, + 0.025604328140616417, + -0.20892852544784546, + 2.439620018005371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/18.png", + [ + 0.17358024418354034, + -0.028879309073090553, + -0.12642696499824524, + 1.3132795095443726, + -0.03922464698553085, + -0.2130313664674759, + -0.005192124750465155, + 0.04679953679442406, + -0.12360913306474686, + 0.027046557515859604, + -0.17588962614536285, + 1.8837946653366089, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/66.png", + [ + 0.16454243659973145, + -0.04172057285904884, + -0.13465911149978638, + 1.5194826126098633, + -0.07483208179473877, + -0.20125120878219604, + -0.02908630110323429, + 0.3253767192363739, + -0.11947320401668549, + 0.0685947984457016, + -0.1672387570142746, + 1.934219241142273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/234.png", + [ + 0.19741283357143402, + -0.006811351049691439, + -0.08904873579740524, + 1.0355783700942993, + -0.0076606119982898235, + -0.21653874218463898, + -0.0004197871021460742, + 0.004076678305864334, + -0.08897969871759415, + 0.0035308203659951687, + -0.1975298523902893, + 2.341505527496338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/202.png", + [ + 0.1724643111228943, + -0.04601076617836952, + -0.12282899022102356, + 1.4585886001586914, + -0.0712413638830185, + -0.2032269984483719, + -0.02390284836292267, + 0.28746259212493896, + -0.11013001203536987, + 0.059411175549030304, + -0.17688864469528198, + 2.1429004669189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/273.png", + [ + 0.20786234736442566, + -0.02698574587702751, + -0.05488991364836693, + 0.6208423376083374, + -0.030352158471941948, + -0.21432459354400635, + -0.009571193717420101, + 0.11295068264007568, + -0.053102537989616394, + 0.016871003434062004, + -0.2093881219625473, + 2.4282116889953613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/206.png", + [ + 0.17522336542606354, + -0.046078167855739594, + -0.11883378773927689, + 1.4077023267745972, + -0.06962143629789352, + -0.20381984114646912, + -0.023626776412129402, + 0.28378766775131226, + -0.10675918310880661, + 0.05729024484753609, + -0.17963352799415588, + 2.1697139739990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/16.png", + [ + 0.174234539270401, + -0.02887629345059395, + -0.12552441656589508, + 1.2519770860671997, + -0.04305669665336609, + -0.21206949651241302, + -0.010979398153722286, + 0.11109545826911926, + -0.1213933452963829, + 0.033772557973861694, + -0.17626959085464478, + 1.78767728805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/286.png", + [ + 0.2117731273174286, + -0.0162253025919199, + -0.04285766929388046, + 0.5088410377502441, + -0.01980629377067089, + -0.21514181792736053, + -0.016419457271695137, + 0.17562343180179596, + -0.04132493585348129, + 0.019965657964348793, + -0.21175815165042877, + 2.3182592391967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/279.png", + [ + 0.20756427943706512, + 0.0026154182851314545, + -0.06211381033062935, + 0.717079222202301, + -0.0037465449422597885, + -0.215563103556633, + -0.021596428006887436, + 0.2530226409435272, + -0.06205585598945618, + 0.02176239714026451, + -0.20645426213741302, + 2.4034767150878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/190.png", + [ + 0.17156563699245453, + -0.04569350928068161, + -0.124198317527771, + 1.4555362462997437, + -0.07268014550209045, + -0.2024703174829483, + -0.02590886317193508, + 0.30689162015914917, + -0.1105925515294075, + 0.06217535585165024, + -0.17564567923545837, + 2.1052017211914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/211.png", + [ + 0.18060870468616486, + -0.0427870899438858, + -0.1117928996682167, + 1.3163872957229614, + -0.06356362253427505, + -0.20575308799743652, + -0.02394220046699047, + 0.28595495223999023, + -0.10143004357814789, + 0.05275251716375351, + -0.1840571016073227, + 2.2103376388549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/94.png", + [ + 0.17218628525733948, + -0.045926570892333984, + -0.1232498437166214, + 1.3819332122802734, + -0.07561424374580383, + -0.20069514214992523, + -0.030851934105157852, + 0.3329271376132965, + -0.10762091726064682, + 0.06752856075763702, + -0.1755150407552719, + 1.9228912591934204, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/209.png", + [ + 0.1775522083044052, + -0.04461222514510155, + -0.1159001886844635, + 1.3684558868408203, + -0.0671488419175148, + -0.2045905441045761, + -0.02411717176437378, + 0.2885042130947113, + -0.10447075963020325, + 0.05568081513047218, + -0.18147562444210052, + 2.183608055114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/228.png", + [ + 0.19594089686870575, + -0.01439201645553112, + -0.09136699140071869, + 1.0672870874404907, + -0.020928502082824707, + -0.21538308262825012, + -0.01095530204474926, + 0.1355751007795334, + -0.09009469300508499, + 0.01873207651078701, + -0.19616307318210602, + 2.331192970275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/285.png", + [ + 0.2118239402770996, + -0.014264526776969433, + -0.04330174997448921, + 0.5133134722709656, + -0.019121965393424034, + -0.21461714804172516, + -0.022841516882181168, + 0.254074364900589, + -0.041386816650629044, + 0.0261516310274601, + -0.21107137203216553, + 2.3629684448242188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/28.png", + [ + 0.17944417893886566, + -0.026376090943813324, + -0.11854106187820435, + 1.3304718732833862, + -0.04136613383889198, + -0.21212966740131378, + -0.015418791212141514, + 0.16948257386684418, + -0.11417760699987411, + 0.03540053218603134, + -0.18071572482585907, + 2.0874500274658203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/61.png", + [ + 0.1656292974948883, + -0.039609991014003754, + -0.1339622139930725, + 1.522815227508545, + -0.07210233062505722, + -0.20220595598220825, + -0.0293581560254097, + 0.3308182954788208, + -0.11964981257915497, + 0.06702011823654175, + -0.16775016486644745, + 1.956065058708191, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/132.png", + [ + 0.1700703650712967, + -0.047534238547086716, + -0.12555661797523499, + 1.4765914678573608, + -0.07817606627941132, + -0.1998034566640854, + -0.03024871088564396, + 0.35960355401039124, + -0.10914426296949387, + 0.06904330849647522, + -0.1739782840013504, + 2.0965189933776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/58.png", + [ + 0.1666155755519867, + -0.039995625615119934, + -0.13261781632900238, + 1.5104364156723022, + -0.07159040868282318, + -0.20245575904846191, + -0.028885506093502045, + 0.3257691562175751, + -0.118583083152771, + 0.06602960079908371, + -0.16889651119709015, + 1.97655189037323, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/263.png", + [ + 0.1412448137998581, + 0.011825711466372013, + -0.16388395428657532, + 2.0470950603485107, + -0.008166058920323849, + -0.21534043550491333, + -0.022576751187443733, + 0.28918132185935974, + -0.16410700976848602, + 0.020893700420856476, + -0.13992939889431, + 2.1209959983825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/253.png", + [ + 0.17331911623477936, + 0.023500358685851097, + 0.12789101898670197, + -1.5055701732635498, + -0.0330965593457222, + -0.19811560213565826, + 0.08125709742307663, + -0.8728722929954529, + 0.12574973702430725, + -0.08453302830457687, + -0.15488402545452118, + 1.714076042175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/123.png", + [ + 0.1681865006685257, + -0.04618769884109497, + -0.12856082618236542, + 1.5079896450042725, + -0.07700375467538834, + -0.20048443973064423, + -0.028710728511214256, + 0.34250932931900024, + -0.11283446103334427, + 0.06797485053539276, + -0.17203399538993835, + 2.068838596343994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/64.png", + [ + 0.1647101193666458, + -0.040512360632419586, + -0.13482291996479034, + 1.5255141258239746, + -0.07390986382961273, + -0.20149517059326172, + -0.029747603461146355, + 0.33407050371170044, + -0.11981568485498428, + 0.06860274821519852, + -0.16699029505252838, + 1.9361273050308228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/10.png", + [ + 0.19626636803150177, + -0.026127712801098824, + -0.08800425380468369, + 0.8172689080238342, + -0.029637476429343224, + -0.21462492644786835, + -0.0023769482504576445, + 0.004617050290107727, + -0.08688512444496155, + 0.014190581627190113, + -0.19798357784748077, + 1.6263854503631592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/170.png", + [ + 0.16968335211277008, + -0.04716094583272934, + -0.1262192279100418, + 1.4871033430099487, + -0.07594694197177887, + -0.2011311650276184, + -0.02694832533597946, + 0.3239723742008209, + -0.11129920184612274, + 0.06534520536661148, + -0.17404131591320038, + 2.093388557434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/41.png", + [ + 0.17786888778209686, + -0.031044039875268936, + -0.11977817863225937, + 1.352306842803955, + -0.051660891622304916, + -0.20922055840492249, + -0.02249002829194069, + 0.2491183578968048, + -0.11243529617786407, + 0.04702038690447807, + -0.17915154993534088, + 2.083789825439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/166.png", + [ + 0.16917316615581512, + -0.04675094410777092, + -0.1270538717508316, + 1.491084098815918, + -0.07568091154098511, + -0.20126283168792725, + -0.026712702587246895, + 0.3211780786514282, + -0.11225299537181854, + 0.06523433327674866, + -0.1734694242477417, + 2.0782384872436523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/91.png", + [ + 0.17188160121440887, + -0.0457809641957283, + -0.12372837960720062, + 1.4036979675292969, + -0.07504076510667801, + -0.20106151700019836, + -0.029850363731384277, + 0.32143911719322205, + -0.10850571095943451, + 0.06653016805648804, + -0.17535147070884705, + 1.9283982515335083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/140.png", + [ + 0.17472019791603088, + -0.04877499118447304, + -0.11849785596132278, + 1.3883795738220215, + -0.07537629455327988, + -0.20115427672863007, + -0.028341995552182198, + 0.3199308514595032, + -0.10362988710403442, + 0.06407694518566132, + -0.17917278409004211, + 2.0891847610473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/217.png", + [ + 0.18536429107189178, + -0.03139737620949745, + -0.10771341621875763, + 1.266329050064087, + -0.04800931364297867, + -0.21020789444446564, + -0.021345868706703186, + 0.25714007019996643, + -0.10140552371740341, + 0.04212772101163864, + -0.18678884208202362, + 2.234572410583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/240.png", + [ + 0.19364793598651886, + -0.0033370887394994497, + -0.0971454605460167, + 1.1350014209747314, + 0.00036884768633171916, + -0.21652011573314667, + 0.008173037320375443, + -0.10394516587257385, + -0.09720205515623093, + -0.0074698347598314285, + -0.19350415468215942, + 2.308227062225342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/23.png", + [ + 0.17690594494342804, + -0.030200021341443062, + -0.12140898406505585, + 1.3409665822982788, + -0.04348401352763176, + -0.2120002657175064, + -0.010626626200973988, + 0.11852215230464935, + -0.11730865389108658, + 0.033041536808013916, + -0.1791502833366394, + 2.032400131225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/220.png", + [ + 0.18847335875034332, + -0.026538372039794922, + -0.1035442128777504, + 1.2144966125488281, + -0.040241409093141556, + -0.21206475794315338, + -0.018896082416176796, + 0.22775313258171082, + -0.09902685880661011, + 0.03566718101501465, + -0.18939226865768433, + 2.2601284980773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/201.png", + [ + 0.1735595464706421, + -0.04617023095488548, + -0.12121586501598358, + 1.4389480352401733, + -0.07062507420778275, + -0.2034749835729599, + -0.02362041547894478, + 0.2832574248313904, + -0.1087983176112175, + 0.05843059718608856, + -0.17803561687469482, + 2.1543126106262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/37.png", + [ + 0.17969505488872528, + -0.028576023876667023, + -0.11764773726463318, + 1.326449990272522, + -0.047166094183921814, + -0.21044081449508667, + -0.020926473662257195, + 0.23236709833145142, + -0.11150308698415756, + 0.042964737862348557, + -0.18074564635753632, + 2.0983824729919434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/178.png", + [ + 0.17130082845687866, + -0.04657981917262077, + -0.12423460930585861, + 1.4673888683319092, + -0.07402831315994263, + -0.20192205905914307, + -0.026366373524069786, + 0.3144773840904236, + -0.11010780185461044, + 0.06329057365655899, + -0.1755518913269043, + 2.1187801361083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/36.png", + [ + 0.180314302444458, + -0.029048169031739235, + -0.11657977104187012, + 1.3170500993728638, + -0.04691365361213684, + -0.2105785459280014, + -0.020091664046049118, + 0.22325700521469116, + -0.11060628294944763, + 0.04196152463555336, + -0.1815306395292282, + 2.1102747917175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/213.png", + [ + 0.18222463130950928, + -0.03760143369436264, + -0.11103244125843048, + 1.3068803548812866, + -0.05715401470661163, + -0.2076788693666458, + -0.023469235748052597, + 0.2809044420719147, + -0.10234984755516052, + 0.04902569204568863, + -0.1845775842666626, + 2.214458465576172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/212.png", + [ + 0.18163453042507172, + -0.040486373007297516, + -0.11098489165306091, + 1.3062000274658203, + -0.06028566509485245, + -0.20682014524936676, + -0.023215411230921745, + 0.277567058801651, + -0.10159936547279358, + 0.05034054070711136, + -0.18463826179504395, + 2.2164807319641113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/182.png", + [ + 0.17183828353881836, + -0.045500632375478745, + -0.12389186769723892, + 1.46164870262146, + -0.073160819709301, + -0.2021217942237854, + -0.02724277973175049, + 0.3224411904811859, + -0.10984987020492554, + 0.06343790143728256, + -0.17566026747226715, + 2.118039608001709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/235.png", + [ + 0.19795946776866913, + -0.006173992063850164, + -0.08787387609481812, + 1.0223678350448608, + -0.005913260858505964, + -0.21658562123775482, + 0.0018960349261760712, + -0.02392864227294922, + -0.08789180219173431, + 0.0006658973288722336, + -0.19804668426513672, + 2.353208065032959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/8.png", + [ + 0.19540748000144958, + -0.027239695191383362, + -0.08956451714038849, + 0.8202094435691833, + -0.035082489252090454, + -0.2135002464056015, + -0.011608385480940342, + 0.07753877341747284, + -0.08679299056529999, + 0.024970676749944687, + -0.19695515930652618, + 1.5575218200683594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/6.png", + [ + 0.19124877452850342, + -0.02280140481889248, + -0.0992567166686058, + 0.9011656641960144, + -0.030918609350919724, + -0.21420660614967346, + -0.010366394184529781, + 0.06275422871112823, + -0.097035251557827, + 0.023313479498028755, + -0.19232404232025146, + 1.474044919013977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/257.png", + [ + 0.2023044377565384, + 0.010323045775294304, + -0.07690410315990448, + 0.8834328651428223, + -0.002355636563152075, + -0.21383249759674072, + -0.03490006923675537, + 0.38691726326942444, + -0.07755809277296066, + 0.03342152386903763, + -0.19953855872154236, + 2.39517879486084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/197.png", + [ + 0.17201347649097443, + -0.046617377549409866, + -0.12323181331157684, + 1.4568331241607666, + -0.07313860952854156, + -0.2023516446352005, + -0.02554311417043209, + 0.3053201138973236, + -0.10959015041589737, + 0.06187509745359421, + -0.17637845873832703, + 2.1281962394714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/219.png", + [ + 0.18770292401313782, + -0.029059434309601784, + -0.10426434129476547, + 1.2245932817459106, + -0.04349958151578903, + -0.21137498319149017, + -0.0193984042853117, + 0.2340620458126068, + -0.09911250323057175, + 0.03773673251271248, + -0.18894587457180023, + 2.2575888633728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/169.png", + [ + 0.1699029952287674, + -0.04726603254675865, + -0.1258840262889862, + 1.4817333221435547, + -0.07592235505580902, + -0.20114047825336456, + -0.026948003098368645, + 0.32350826263427734, + -0.11098045110702515, + 0.06524048000574112, + -0.17428399622440338, + 2.0943918228149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/154.png", + [ + 0.1653902679681778, + -0.043144676834344864, + -0.13316339254379272, + 1.4828194379806519, + -0.07669948786497116, + -0.20036029815673828, + -0.030345190316438675, + 0.34434449672698975, + -0.11709458380937576, + 0.0703006312251091, + -0.16820989549160004, + 1.922235369682312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/20.png", + [ + 0.17576315999031067, + -0.03136088699102402, + -0.12276683747768402, + 1.3134561777114868, + -0.04094019904732704, + -0.2127288281917572, + -0.004271634388715029, + 0.03837792947888374, + -0.11991290748119354, + 0.02666161209344864, + -0.17848795652389526, + 1.9746335744857788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/237.png", + [ + 0.19710339605808258, + -0.002493447158485651, + -0.08995513617992401, + 1.0489625930786133, + -0.0017522390699014068, + -0.21665671467781067, + 0.002166077494621277, + -0.03231476619839668, + -0.08997263014316559, + -0.0012429626658558846, + -0.19710727035999298, + 2.3450469970703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/2.png", + [ + 0.19720040261745453, + -0.04454745352268219, + -0.07794497162103653, + 0.8062393665313721, + -0.053865790367126465, + -0.20920567214488983, + -0.016714056953787804, + 0.10930700600147247, + -0.07182179391384125, + 0.03458913415670395, + -0.2014773190021515, + 1.7651880979537964, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/117.png", + [ + 0.16717490553855896, + -0.04661666974425316, + -0.12972019612789154, + 1.5191493034362793, + -0.07725854218006134, + -0.20055711269378662, + -0.027492905035614967, + 0.32747095823287964, + -0.11415586620569229, + 0.06746574491262436, + -0.17136134207248688, + 2.0576114654541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/149.png", + [ + 0.17458583414554596, + -0.043481022119522095, + -0.12073556333780289, + 1.2758617401123047, + -0.07733019441366196, + -0.19833366572856903, + -0.04039411619305611, + 0.40978890657424927, + -0.10240954905748367, + 0.07563759386539459, + -0.17532578110694885, + 1.8536251783370972, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/161.png", + [ + 0.1674155741930008, + -0.045084912329912186, + -0.12995103001594543, + 1.507423758506775, + -0.07566497474908829, + -0.20113568007946014, + -0.027697443962097168, + 0.32841014862060547, + -0.11486832052469254, + 0.06678089499473572, + -0.17115336656570435, + 2.0314106941223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/5.png", + [ + 0.18657347559928894, + -0.02752813883125782, + -0.10667911916971207, + 0.9856736063957214, + -0.03293159604072571, + -0.21414470672607422, + -0.002335574943572283, + -0.003815067932009697, + -0.10513678193092346, + 0.01822488382458687, + -0.18857890367507935, + 1.4712374210357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/187.png", + [ + 0.17105485498905182, + -0.0452251099050045, + -0.12507125735282898, + 1.4654881954193115, + -0.07364533096551895, + -0.20188045501708984, + -0.027722790837287903, + 0.32812386751174927, + -0.11074519902467728, + 0.06439623981714249, + -0.1747470200061798, + 2.09537410736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/108.png", + [ + 0.16772539913654327, + -0.045600105077028275, + -0.12937045097351074, + 1.4906045198440552, + -0.0770421251654625, + -0.2003917694091797, + -0.029249591752886772, + 0.3421413004398346, + -0.11349273473024368, + 0.06864150613546371, + -0.1713348776102066, + 2.027390480041504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/60.png", + [ + 0.1665765792131424, + -0.04113473743200302, + -0.13231809437274933, + 1.504412055015564, + -0.07362465560436249, + -0.2015581578016281, + -0.030026867985725403, + 0.33866575360298157, + -0.11738637089729309, + 0.06804510205984116, + -0.16893254220485687, + 1.972556471824646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/260.png", + [ + 0.19719108939170837, + 0.009123362600803375, + -0.08933272212743759, + 1.0227587223052979, + -0.007353959139436483, + -0.21318864822387695, + -0.03800547495484352, + 0.4348568916320801, + -0.08949576318264008, + 0.037619952112436295, + -0.19370891153812408, + 2.407534599304199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/56.png", + [ + 0.16785527765750885, + -0.038846902549266815, + -0.13139033317565918, + 1.4970202445983887, + -0.06908777356147766, + -0.20343133807182312, + -0.028115222230553627, + 0.31771743297576904, + -0.11831898242235184, + 0.06367499381303787, + -0.16998237371444702, + 1.99178946018219, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/147.png", + [ + 0.18006247282028198, + -0.045670341700315475, + -0.111533023416996, + 1.1659539937973022, + -0.07448291778564453, + -0.19980812072753906, + -0.03843052685260773, + 0.3571637272834778, + -0.09475068002939224, + 0.07027680426836014, + -0.18174536526203156, + 1.8318254947662354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/261.png", + [ + 0.18265731632709503, + 0.010985846631228924, + -0.11603236943483353, + 1.3479036092758179, + -0.010295048356056213, + -0.21334603428840637, + -0.036405812948942184, + 0.43089133501052856, + -0.11609569936990738, + 0.036203350871801376, + -0.1793293058872223, + 2.3342742919921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/30.png", + [ + 0.1786603480577469, + -0.025839757174253464, + -0.11983606219291687, + 1.3534042835235596, + -0.04199352115392685, + -0.2118920385837555, + -0.016917599365115166, + 0.1878770887851715, + -0.11517344415187836, + 0.037174828350543976, + -0.1797247976064682, + 2.0848302841186523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/17.png", + [ + 0.17285989224910736, + -0.02833513729274273, + -0.1275322586297989, + 1.3000749349594116, + -0.040916405618190765, + -0.21261747181415558, + -0.008219564333558083, + 0.07984094321727753, + -0.12406934797763824, + 0.030640384182333946, + -0.17497389018535614, + 1.8302905559539795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/12.png", + [ + 0.18736007809638977, + -0.0302264541387558, + -0.10454881191253662, + 0.9696953296661377, + -0.03242560476064682, + -0.21420058608055115, + 0.0038188917096704245, + -0.041952796280384064, + -0.10388778895139694, + 0.012343627400696278, + -0.18974417448043823, + 1.6580191850662231, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/114.png", + [ + 0.1666199266910553, + -0.04682968929409981, + -0.13035593926906586, + 1.5187777280807495, + -0.07847167551517487, + -0.19994868338108063, + -0.02847134880721569, + 0.33887943625450134, + -0.11413977295160294, + 0.06910427659749985, + -0.17071790993213654, + 2.041224479675293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/27.png", + [ + 0.1785801351070404, + -0.026843460276722908, + -0.11973494291305542, + 1.3397231101989746, + -0.04068952053785324, + -0.21241839230060577, + -0.01306464709341526, + 0.14233405888080597, + -0.11576437950134277, + 0.03325282782316208, + -0.18011315166950226, + 2.0753235816955566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/42.png", + [ + 0.17844535410404205, + -0.032502323389053345, + -0.11852741986513138, + 1.3384908437728882, + -0.05315433070063591, + -0.2088164985179901, + -0.022763686254620552, + 0.2528080940246582, + -0.11081410944461823, + 0.04782433435320854, + -0.17994709312915802, + 2.090808868408203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/223.png", + [ + 0.19119535386562347, + -0.021519580855965614, + -0.09964505583047867, + 1.1669315099716187, + -0.03225474804639816, + -0.21368134021759033, + -0.01574213244020939, + 0.19203008711338043, + -0.09670501947402954, + 0.02872440032660961, + -0.19175750017166138, + 2.2856335639953613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/174.png", + [ + 0.17014166712760925, + -0.045514870434999466, + -0.12620657682418823, + 1.4888923168182373, + -0.07403604686260223, + -0.20183266699314117, + -0.02702098898589611, + 0.3245745003223419, + -0.11188552528619766, + 0.06434178352355957, + -0.17403922975063324, + 2.0997838973999023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/7.png", + [ + 0.19196081161499023, + -0.03139323368668556, + -0.09546413272619247, + 0.8659535646438599, + -0.04036673158407211, + -0.21258307993412018, + -0.011262452229857445, + 0.07148899137973785, + -0.09202967584133148, + 0.027762938290834427, + -0.1941845715045929, + 1.5132641792297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/73.png", + [ + 0.16680899262428284, + -0.04160302132368088, + -0.13187815248966217, + 1.480883240699768, + -0.07730165123939514, + -0.19938907027244568, + -0.03487628698348999, + 0.3885665535926819, + -0.11466087400913239, + 0.07389917969703674, + -0.16834396123886108, + 1.942604422569275, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/120.png", + [ + 0.1661863774061203, + -0.045208267867565155, + -0.13147695362567902, + 1.5432249307632446, + -0.0773966908454895, + -0.20029763877391815, + -0.028956925496459007, + 0.34667468070983887, + -0.11549774557352066, + 0.0691734328866005, + -0.16977396607398987, + 2.0437278747558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/46.png", + [ + 0.1741817742586136, + -0.0364496186375618, + -0.1236124113202095, + 1.4046849012374878, + -0.05921275168657303, + -0.20722705125808716, + -0.022331353276968002, + 0.24904000759124756, + -0.11446596682071686, + 0.0517326183617115, + -0.17654792964458466, + 2.064976692199707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/127.png", + [ + 0.16834205389022827, + -0.045938123017549515, + -0.12844660878181458, + 1.5070791244506836, + -0.0760299563407898, + -0.2009890377521515, + -0.027762342244386673, + 0.3295079171657562, + -0.11326204240322113, + 0.06664075702428818, + -0.17227481305599213, + 2.070901393890381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/283.png", + [ + 0.21162520349025726, + -0.01038758922368288, + -0.04532953351736069, + 0.5285763144493103, + -0.015847520902752876, + -0.21466730535030365, + -0.02479308657348156, + 0.2827567756175995, + -0.04372098669409752, + 0.027530690655112267, + -0.21042442321777344, + 2.4241228103637695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/236.png", + [ + 0.1967509537935257, + -0.004487479105591774, + -0.0906466543674469, + 1.056831955909729, + -0.003773005912080407, + -0.21662695705890656, + 0.0025347473565489054, + -0.03440488129854202, + -0.09067919850349426, + -0.0007232201169244945, + -0.1967858076095581, + 2.3436594009399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/226.png", + [ + 0.19352373480796814, + -0.01612132415175438, + -0.09610705077648163, + 1.123154878616333, + -0.024472957476973534, + -0.21488094329833984, + -0.013234542682766914, + 0.16284681856632233, + -0.09432675689458847, + 0.02267557568848133, + -0.1937425434589386, + 2.305973529815674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/133.png", + [ + 0.16991426050662994, + -0.04670500382781029, + -0.1260780692100525, + 1.4840755462646484, + -0.07777051627635956, + -0.1998828649520874, + -0.030764982104301453, + 0.36694812774658203, + -0.1096758171916008, + 0.06937852501869202, + -0.17351001501083374, + 2.092581272125244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/57.png", + [ + 0.16707226634025574, + -0.03963347524404526, + -0.13215121626853943, + 1.5052192211151123, + -0.07054587453603745, + -0.20289960503578186, + -0.02833603322505951, + 0.3194239139556885, + -0.11856657266616821, + 0.06487556546926498, + -0.16935470700263977, + 1.9838536977767944, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/44.png", + [ + 0.1768321841955185, + -0.035304103046655655, + -0.12013281881809235, + 1.3601726293563843, + -0.05594910308718681, + -0.2082548439502716, + -0.021154513582587242, + 0.23701545596122742, + -0.11201772093772888, + 0.048284947872161865, + -0.17907674610614777, + 2.0871615409851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/113.png", + [ + 0.1676924228668213, + -0.04555118456482887, + -0.12943042814731598, + 1.5055257081985474, + -0.07665318995714188, + -0.20061908662319183, + -0.02870824933052063, + 0.3402329683303833, + -0.11380437761545181, + 0.06800709664821625, + -0.1713811308145523, + 2.044337272644043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/126.png", + [ + 0.16859769821166992, + -0.04790257290005684, + -0.12738938629627228, + 1.4943898916244507, + -0.07665377855300903, + -0.20100513100624084, + -0.02586546167731285, + 0.30802851915359497, + -0.1124584749341011, + 0.0651932954788208, + -0.1733517348766327, + 2.0826425552368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/29.png", + [ + 0.17886888980865479, + -0.025722963735461235, + -0.11954978108406067, + 1.3458949327468872, + -0.04179888218641281, + -0.21192879974842072, + -0.01693923957645893, + 0.1869868040084839, + -0.11492029577493668, + 0.037046100944280624, + -0.17991334199905396, + 2.083409309387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/4.png", + [ + 0.17991019785404205, + -0.032921019941568375, + -0.1161741092801094, + 1.0905781984329224, + -0.0368800163269043, + -0.21348609030246735, + 0.0033836239017546177, + -0.05368256941437721, + -0.11497863382101059, + 0.016964398324489594, + -0.18286612629890442, + 1.476055383682251, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/55.png", + [ + 0.16833753883838654, + -0.03962016850709915, + -0.130539670586586, + 1.4860279560089111, + -0.06879796087741852, + -0.20369437336921692, + -0.026895076036453247, + 0.304013729095459, + -0.11780156195163727, + 0.062343779951334, + -0.17083308100700378, + 2.0033164024353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/9.png", + [ + 0.1984443962574005, + -0.026933273300528526, + -0.08271825313568115, + 0.7679480910301208, + -0.033200912177562714, + -0.2138817459344864, + -0.010009869933128357, + 0.06438620388507843, + -0.08040778338909149, + 0.02184254117310047, + -0.20001347362995148, + 1.599087119102478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/25.png", + [ + 0.1783057451248169, + -0.02685522846877575, + -0.12014056742191315, + 1.3373726606369019, + -0.04105110466480255, + -0.21232381463050842, + -0.013464581221342087, + 0.14554806053638458, + -0.1160593181848526, + 0.0338420569896698, + -0.17981335520744324, + 2.0570826530456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/99.png", + [ + 0.165194571018219, + -0.04521704837679863, + -0.13271798193454742, + 1.4883698225021362, + -0.07834102213382721, + -0.19986283779144287, + -0.029418041929602623, + 0.3315967917442322, + -0.11628125607967377, + 0.07041416317224503, + -0.16872583329677582, + 1.9417098760604858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/208.png", + [ + 0.17637324333190918, + -0.04534899815917015, + -0.11740456521511078, + 1.388864517211914, + -0.06799327582120895, + -0.2044193595647812, + -0.023184627294540405, + 0.2780607044696808, + -0.10591165721416473, + 0.05571427941322327, + -0.18062815070152283, + 2.1776671409606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/224.png", + [ + 0.19238074123859406, + -0.02002139575779438, + -0.09765598922967911, + 1.1423900127410889, + -0.03000210039317608, + -0.21404702961444855, + -0.015219810418784618, + 0.18593068420886993, + -0.09506535530090332, + 0.027035389095544815, + -0.19282002747058868, + 2.295621395111084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/34.png", + [ + 0.18001176416873932, + -0.027402764186263084, + -0.1174425557255745, + 1.3286685943603516, + -0.04463418573141098, + -0.2111615687608719, + -0.019143547862768173, + 0.2115713357925415, + -0.11203327775001526, + 0.040097061544656754, + -0.18107640743255615, + 2.1076178550720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/72.png", + [ + 0.1688799262046814, + -0.0426977202296257, + -0.12885797023773193, + 1.4450364112854004, + -0.07665976136922836, + -0.19973911345005035, + -0.03428495302796364, + 0.38103175163269043, + -0.11203011870384216, + 0.0723123848438263, + -0.17078660428524017, + 1.9660874605178833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/102.png", + [ + 0.16643965244293213, + -0.04634176939725876, + -0.13075998425483704, + 1.4804227352142334, + -0.07832726091146469, + -0.19995304942131042, + -0.028835924342274666, + 0.33042997121810913, + -0.11450143158435822, + 0.06941982358694077, + -0.17034731805324554, + 1.9846519231796265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/262.png", + [ + 0.16282568871974945, + 0.009389408864080906, + -0.1426447629928589, + 1.7072105407714844, + -0.009865079075098038, + -0.21495330333709717, + -0.02540978416800499, + 0.3113609850406647, + -0.14261266589164734, + 0.025589369237422943, + -0.16110464930534363, + 2.2418770790100098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/134.png", + [ + 0.16945978999137878, + -0.04614244028925896, + -0.1268942505121231, + 1.4959553480148315, + -0.07754922658205032, + -0.1999552696943283, + -0.03085285983979702, + 0.36827367544174194, + -0.11053232848644257, + 0.06954607367515564, + -0.17289836704730988, + 2.0878148078918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/70.png", + [ + 0.1660211980342865, + -0.03912150114774704, + -0.1336202174425125, + 1.5003349781036377, + -0.07221567630767822, + -0.2019827514886856, + -0.03059016540646553, + 0.3411106765270233, + -0.11903675645589828, + 0.0679733082652092, + -0.16780278086662292, + 1.9327822923660278, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/135.png", + [ + 0.16999201476573944, + -0.04695914685726166, + -0.1258786916732788, + 1.484069585800171, + -0.07788854092359543, + -0.19985812902450562, + -0.030626805499196053, + 0.36600974202156067, + -0.10947137326002121, + 0.06927815824747086, + -0.1736791580915451, + 2.096745491027832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/229.png", + [ + 0.19638194143772125, + -0.011770060285925865, + -0.09079369157552719, + 1.0602307319641113, + -0.017711933702230453, + -0.21570144593715668, + -0.010347466915845871, + 0.1268198937177658, + -0.08982381224632263, + 0.016800248995423317, + -0.19646203517913818, + 2.332658290863037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/130.png", + [ + 0.16874881088733673, + -0.045054685324430466, + -0.128225639462471, + 1.5057978630065918, + -0.07623966783285141, + -0.20061078667640686, + -0.02984502725303173, + 0.3547196090221405, + -0.11251334846019745, + 0.06836145371198654, + -0.17209114134311676, + 2.070621967315674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/90.png", + [ + 0.17089247703552246, + -0.04483186826109886, + -0.12543423473834991, + 1.4258363246917725, + -0.0751957818865776, + -0.20088337361812592, + -0.030648868530988693, + 0.33379578590393066, + -0.10995110124349594, + 0.0677042230963707, + -0.17399650812149048, + 1.9369550943374634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/288.png", + [ + 0.2109769731760025, + -0.01645434834063053, + -0.046538837254047394, + 0.5438197255134583, + -0.017513928934931755, + -0.21594412624835968, + -0.003047248348593712, + 0.01976214349269867, + -0.046150531619787216, + 0.006728878244757652, + -0.21159571409225464, + 2.2210326194763184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/122.png", + [ + 0.16763843595981598, + -0.0463496670126915, + -0.12921668589115143, + 1.5154057741165161, + -0.0771654024720192, + -0.20049579441547394, + -0.028192749246954918, + 0.33571216464042664, + -0.11353743821382523, + 0.06783095002174377, + -0.17162781953811646, + 2.063375473022461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/238.png", + [ + 0.19495131075382233, + -0.001369061996228993, + -0.09455162286758423, + 1.1023259162902832, + -0.000541076937224716, + -0.21666453778743744, + 0.0020215786062180996, + -0.03195931017398834, + -0.09455998986959457, + -0.0015827867900952697, + -0.19494563341140747, + 2.3228321075439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/15.png", + [ + 0.17526981234550476, + -0.0298909991979599, + -0.12383422255516052, + 1.2071908712387085, + -0.04394352436065674, + -0.2118837535381317, + -0.011051514185965061, + 0.10962022840976715, + -0.11957154422998428, + 0.03405432775616646, + -0.1774565875530243, + 1.7423152923583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/269.png", + [ + 0.20862098038196564, + -0.015603777952492237, + -0.056406594812870026, + 0.6783202886581421, + -0.020971985533833504, + -0.21489481627941132, + -0.01811889372766018, + 0.20902550220489502, + -0.05463843047618866, + 0.022905034944415092, + -0.2084175944328308, + 2.3598480224609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/162.png", + [ + 0.1680736541748047, + -0.04550206661224365, + -0.12895232439041138, + 1.4997787475585938, + -0.07543329149484634, + -0.20127759873867035, + -0.027295373380184174, + 0.3250691890716553, + -0.11405683308839798, + 0.06606649607419968, + -0.1719713658094406, + 2.0453438758850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/22.png", + [ + 0.17628447711467743, + -0.03141322359442711, + -0.12200364470481873, + 1.3365398645401, + -0.044311340898275375, + -0.21188370883464813, + -0.009470629505813122, + 0.10483238101005554, + -0.11793296039104462, + 0.0326557382941246, + -0.17881084978580475, + 2.0171165466308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/278.png", + [ + 0.20647072792053223, + 0.001695135491900146, + -0.06568758189678192, + 0.7614936232566833, + -0.004102264065295458, + -0.2158474624156952, + -0.018464498221874237, + 0.2161668837070465, + -0.06558126956224442, + 0.01883859746158123, + -0.2056504189968109, + 2.3943071365356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/171.png", + [ + 0.16983060538768768, + -0.045606572180986404, + -0.12659183144569397, + 1.4917771816253662, + -0.07436718046665192, + -0.20169992744922638, + -0.027102714404463768, + 0.32487910985946655, + -0.11213818192481995, + 0.06469215452671051, + -0.1737464964389801, + 2.091459274291992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/138.png", + [ + 0.17174023389816284, + -0.04713872820138931, + -0.12341444939374924, + 1.4555872678756714, + -0.07635988295078278, + -0.20059514045715332, + -0.029642105102539062, + 0.3509313464164734, + -0.10780703276395798, + 0.06698824465274811, + -0.1756078451871872, + 2.1054930686950684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/109.png", + [ + 0.16684944927692413, + -0.04704698920249939, + -0.1299835741519928, + 1.4984163045883179, + -0.07829832285642624, + -0.20007045567035675, + -0.028090624138712883, + 0.33043432235717773, + -0.1139233335852623, + 0.06860240548849106, + -0.171064555644989, + 2.025439739227295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/26.png", + [ + 0.17809529602527618, + -0.027590226382017136, + -0.12028606981039047, + 1.3413805961608887, + -0.040971770882606506, + -0.21243049204349518, + -0.011937160044908524, + 0.1267753690481186, + -0.11640994995832443, + 0.03255704417824745, + -0.17982397973537445, + 2.0656075477600098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/43.png", + [ + 0.17623239755630493, + -0.03346264362335205, + -0.12153306603431702, + 1.373836874961853, + -0.054315175861120224, + -0.20867154002189636, + -0.021306080743670464, + 0.2380170226097107, + -0.11375366896390915, + 0.047794755548238754, + -0.17811137437820435, + 2.0743918418884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/205.png", + [ + 0.1750047504901886, + -0.04565298184752464, + -0.11931902170181274, + 1.4150335788726807, + -0.06927678734064102, + -0.20394302904605865, + -0.02357679419219494, + 0.282168447971344, + -0.10734036564826965, + 0.05719216167926788, + -0.1793181449174881, + 2.1684083938598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/246.png", + [ + 0.19518017768859863, + -0.013981950469315052, + -0.09304353594779968, + 1.081363320350647, + -0.007050269283354282, + -0.21583981812000275, + 0.01764538697898388, + -0.20489493012428284, + -0.09382371604442596, + -0.012867441400885582, + -0.19488313794136047, + 2.2099595069885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/244.png", + [ + 0.1933973878622055, + -0.008403072133660316, + -0.0973382517695427, + 1.1418839693069458, + -0.001151795731857419, + -0.2160528004169464, + 0.016363075003027916, + -0.19546155631542206, + -0.09769348800182343, + -0.014087768271565437, + -0.19288703799247742, + 2.2783102989196777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/84.png", + [ + 0.16540253162384033, + -0.04350946098566055, + -0.13302937150001526, + 1.5046945810317993, + -0.07677595317363739, + -0.20039542019367218, + -0.029917003586888313, + 0.3364229202270508, + -0.11702710390090942, + 0.06997499614953995, + -0.16839253902435303, + 1.9589835405349731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/216.png", + [ + 0.1838294118642807, + -0.03366495668888092, + -0.10964173823595047, + 1.288360595703125, + -0.05123727768659592, + -0.20941784977912903, + -0.021605610847473145, + 0.2607262432575226, + -0.10261275619268417, + 0.04425756260752678, + -0.18563345074653625, + 2.2235517501831055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/136.png", + [ + 0.1705084890127182, + -0.0451480969786644, + -0.12584275007247925, + 1.4840425252914429, + -0.0763913244009018, + -0.20027567446231842, + -0.0316530279815197, + 0.37842875719070435, + -0.10972286760807037, + 0.06927624344825745, + -0.17352113127708435, + 2.093905448913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/89.png", + [ + 0.1697024554014206, + -0.042213425040245056, + -0.1279335469007492, + 1.454736351966858, + -0.07428590953350067, + -0.20097525417804718, + -0.03222492337226868, + 0.3545796275138855, + -0.11238579452037811, + 0.06910042464733124, + -0.17187918722629547, + 1.9389065504074097, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/63.png", + [ + 0.1652122437953949, + -0.04089314490556717, + -0.1340916007757187, + 1.519690752029419, + -0.07392550259828568, + -0.20150674879550934, + -0.029630135744810104, + 0.3330991268157959, + -0.11911267787218094, + 0.06834233552217484, + -0.1675989180803299, + 1.9454344511032104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/88.png", + [ + 0.1684337854385376, + -0.04361193999648094, + -0.12913541495800018, + 1.4657416343688965, + -0.07625929266214371, + -0.20029939711093903, + -0.031820815056562424, + 0.35284897685050964, + -0.11297113448381424, + 0.07018577307462692, + -0.1710537075996399, + 1.9527751207351685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/62.png", + [ + 0.1651727855205536, + -0.041822563856840134, + -0.13385333120822906, + 1.5196053981781006, + -0.07456190884113312, + -0.20135000348091125, + -0.029096214100718498, + 0.3284672200679779, + -0.11877022683620453, + 0.06824178993701935, + -0.16788266599178314, + 1.954205870628357, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/65.png", + [ + 0.16537873446941376, + -0.04340502247214317, + -0.13309311866760254, + 1.502529501914978, + -0.07611334323883057, + -0.20076793432235718, + -0.02910136617720127, + 0.32599905133247375, + -0.1174926832318306, + 0.06896473467350006, + -0.16848509013652802, + 1.9474884271621704, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/248.png", + [ + 0.2065708339214325, + -0.013035213574767113, + -0.06408169120550156, + 0.7535271048545837, + -0.009067864157259464, + -0.21598488092422485, + 0.014703921973705292, + -0.1589832305908203, + -0.06476228684186935, + -0.011336435563862324, + -0.20645877718925476, + 2.0591063499450684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/80.png", + [ + 0.1662868857383728, + -0.040629178285598755, + -0.13283762335777283, + 1.498850703239441, + -0.0770576074719429, + -0.1993769258260727, + -0.03548051416873932, + 0.3967721462249756, + -0.11557982861995697, + 0.07447154074907303, + -0.16746100783348083, + 1.9473165273666382, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/146.png", + [ + 0.18145473301410675, + -0.04778178408741951, + -0.10834656655788422, + 1.1357862949371338, + -0.07425973564386368, + -0.2003403753042221, + -0.036015529185533524, + 0.32045653462409973, + -0.0922364816069603, + 0.06729433685541153, + -0.1841515749692917, + 1.8223826885223389, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/119.png", + [ + 0.16699184477329254, + -0.04601829871535301, + -0.1301688402891159, + 1.5266733169555664, + -0.07686668634414673, + -0.20068413019180298, + -0.027663828805088997, + 0.3296665847301483, + -0.11468707770109177, + 0.0674988254904747, + -0.17099317908287048, + 2.055954933166504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/287.png", + [ + 0.21093258261680603, + -0.014677410013973713, + -0.047327689826488495, + 0.5580601692199707, + -0.0171655360609293, + -0.2157808095216751, + -0.009585672058165073, + 0.09494027495384216, + -0.046483125537633896, + 0.013081069104373455, + -0.211225226521492, + 2.2633466720581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/180.png", + [ + 0.1721181720495224, + -0.046342551708221436, + -0.123189277946949, + 1.4542129039764404, + -0.07358208298683167, + -0.2020270824432373, + -0.026807229965925217, + 0.31923726201057434, + -0.10912793129682541, + 0.06312938779592514, + -0.17622050642967224, + 2.1265201568603516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/145.png", + [ + 0.1839325726032257, + -0.0496772900223732, + -0.10319337248802185, + 1.0898523330688477, + -0.0746043473482132, + -0.20009745657444, + -0.03664836660027504, + 0.3179582953453064, + -0.0868959128856659, + 0.06664140522480011, + -0.18696501851081848, + 1.8310072422027588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/204.png", + [ + 0.17390961945056915, + -0.04636367782950401, + -0.12063891440629959, + 1.431785225868225, + -0.07080130279064178, + -0.20338080823421478, + -0.02390228398144245, + 0.2869521677494049, + -0.10812268406152725, + 0.05860505625605583, + -0.1783895343542099, + 2.1590089797973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/207.png", + [ + 0.17599917948246002, + -0.04470282420516014, + -0.11821100860834122, + 1.399176001548767, + -0.06778352707624435, + -0.20444054901599884, + -0.023608429357409477, + 0.28311270475387573, + -0.1066657081246376, + 0.05615712329745293, + -0.18004634976387024, + 2.172426700592041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/167.png", + [ + 0.16880084574222565, + -0.0465008020401001, + -0.127639502286911, + 1.5009700059890747, + -0.07534448802471161, + -0.20144972205162048, + -0.02625080570578575, + 0.31622764468193054, + -0.11303704231977463, + 0.06483495980501175, + -0.17310963571071625, + 2.0787248611450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/243.png", + [ + 0.19322296977043152, + -0.006804568227380514, + -0.09780837595462799, + 1.1475210189819336, + -0.0004490767896641046, + -0.21621131896972656, + 0.014154747128486633, + -0.1707613170146942, + -0.0980437621474266, + -0.01241999864578247, + -0.19282390177249908, + 2.2918453216552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/189.png", + [ + 0.1716201901435852, + -0.04589754715561867, + -0.1240476593375206, + 1.453003168106079, + -0.07325275242328644, + -0.20218224823474884, + -0.02653804048895836, + 0.3143462538719177, + -0.11012919992208481, + 0.0629575178027153, + -0.1756581962108612, + 2.105367660522461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/230.png", + [ + 0.19614316523075104, + -0.009474288672208786, + -0.09157506376504898, + 1.065584659576416, + -0.014028106816112995, + -0.21608321368694305, + -0.007690765894949436, + 0.09428039193153381, + -0.09098882973194122, + 0.012890830636024475, + -0.19622117280960083, + 2.3257226943969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/79.png", + [ + 0.16588781774044037, + -0.04125741496682167, + -0.13314257562160492, + 1.5020428895950317, + -0.07799471914768219, + -0.19900700449943542, + -0.03550973907113075, + 0.3979979455471039, + -0.11552467197179794, + 0.07511287182569504, + -0.16721244156360626, + 1.9438170194625854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/176.png", + [ + 0.17030362784862518, + -0.045228440314531326, + -0.12609106302261353, + 1.4885509014129639, + -0.07391466945409775, + -0.20182067155838013, + -0.027439717203378677, + 0.3277371823787689, + -0.11171924322843552, + 0.064580999314785, + -0.17405745387077332, + 2.1014437675476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/225.png", + [ + 0.19328677654266357, + -0.017982741817831993, + -0.09625351428985596, + 1.125065803527832, + -0.027090728282928467, + -0.2144964188337326, + -0.014327225275337696, + 0.17546720802783966, + -0.09409680962562561, + 0.0248152744024992, + -0.19359207153320312, + 2.3033089637756348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/284.png", + [ + 0.21200092136859894, + -0.011949007399380207, + -0.04313613846898079, + 0.5061658024787903, + -0.017292674630880356, + -0.21446329355239868, + -0.02558038756251335, + 0.2878049314022064, + -0.04128521680831909, + 0.02847128175199032, + -0.21079093217849731, + 2.3948607444763184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/185.png", + [ + 0.17165423929691315, + -0.044636476784944534, + -0.12446004152297974, + 1.4601982831954956, + -0.07269874215126038, + -0.20222076773643494, + -0.027740828692913055, + 0.32705625891685486, + -0.11044278740882874, + 0.06373574584722519, + -0.17518001794815063, + 2.1036338806152344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/165.png", + [ + 0.1689368188381195, + -0.046036165207624435, + -0.12762805819511414, + 1.495384931564331, + -0.07515940815210342, + -0.20144334435462952, + -0.026824122294783592, + 0.3212011754512787, + -0.11295711994171143, + 0.06518543511629105, + -0.17303016781806946, + 2.069350242614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/116.png", + [ + 0.16716748476028442, + -0.04589163884520531, + -0.12998799979686737, + 1.519831895828247, + -0.07711322605609894, + -0.20048834383487701, + -0.02838789112865925, + 0.3380550146102905, + -0.11426494270563126, + 0.06816362589597702, + -0.17101210355758667, + 2.0512804985046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/19.png", + [ + 0.17357240617275238, + -0.028646105900406837, + -0.1264907717704773, + 1.3365845680236816, + -0.03759562224149704, + -0.21336300671100616, + -0.003269352251663804, + 0.02573702484369278, + -0.12412526458501816, + 0.024566641077399254, + -0.1758899986743927, + 1.9209414720535278, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/77.png", + [ + 0.16572102904319763, + -0.04009164124727249, + -0.1337052583694458, + 1.5052069425582886, + -0.07709679752588272, + -0.1993054300546646, + -0.03579574450850487, + 0.400142103433609, + -0.11636373400688171, + 0.07495272904634476, + -0.16670171916484833, + 1.9325777292251587, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/280.png", + [ + 0.20926454663276672, + -0.00282775005325675, + -0.0561092272400856, + 0.6453081965446472, + -0.008975387550890446, + -0.21530328691005707, + -0.02262384630739689, + 0.26687219738960266, + -0.055458854883909225, + 0.024174360558390617, + -0.2080572247505188, + 2.4278078079223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/254.png", + [ + 0.20525820553302765, + 0.005328367464244366, + 0.06919953227043152, + -0.8636228442192078, + -0.008783179335296154, + -0.212304025888443, + 0.04239990562200546, + -0.4869641959667206, + 0.06884635984897614, + -0.04297097399830818, + -0.20090188086032867, + 2.349734306335449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/247.png", + [ + 0.200215682387352, + -0.015161068178713322, + -0.08143534511327744, + 0.9476062655448914, + -0.008475078269839287, + -0.2156459391117096, + 0.019310764968395233, + -0.21804989874362946, + -0.08239991217851639, + -0.014658602885901928, + -0.19985812902450562, + 2.1668882369995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/68.png", + [ + 0.1650148183107376, + -0.04082290828227997, + -0.1343558430671692, + 1.5102455615997314, + -0.07445267587900162, + -0.20121198892593384, + -0.030305609107017517, + 0.3386121094226837, + -0.11905797570943832, + 0.0692468136548996, + -0.16726616024971008, + 1.929392695426941, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/143.png", + [ + 0.18422739207744598, + -0.048966407775878906, + -0.10300707817077637, + 1.156721591949463, + -0.0723506510257721, + -0.20144954323768616, + -0.03363565728068352, + 0.3191356062889099, + -0.08816773444414139, + 0.06299415975809097, + -0.18763285875320435, + 1.9742053747177124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/218.png", + [ + 0.18634329736232758, + -0.03103075549006462, + -0.10611867159605026, + 1.2462559938430786, + -0.046591341495513916, + -0.21063782274723053, + -0.020220134407281876, + 0.24355486035346985, + -0.10026627033948898, + 0.040208201855421066, + -0.1878240406513214, + 2.247018337249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/183.png", + [ + 0.17204657196998596, + -0.04545659199357033, + -0.12361864000558853, + 1.4559348821640015, + -0.0733625590801239, + -0.20196783542633057, + -0.027835659682750702, + 0.3290752172470093, + -0.1093883290886879, + 0.06395769119262695, + -0.17575979232788086, + 2.1168417930603027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/86.png", + [ + 0.16655734181404114, + -0.04348292201757431, + -0.13158941268920898, + 1.489296793937683, + -0.0758020356297493, + -0.20081467926502228, + -0.029587313532829285, + 0.33119943737983704, + -0.11601978540420532, + 0.06877930462360382, + -0.16957801580429077, + 1.9597269296646118, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/239.png", + [ + 0.19457054138183594, + -0.002746822778135538, + -0.09530292451381683, + 1.1119184494018555, + -0.0005158984567970037, + -0.216611847281456, + 0.005189931485801935, + -0.06908343732357025, + -0.09534109383821487, + -0.004433566238731146, + -0.1945207267999649, + 2.3192801475524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/1.png", + [ + 0.19072578847408295, + -0.05354441702365875, + -0.08777561783790588, + 0.896691620349884, + -0.062249165028333664, + -0.20735478401184082, + -0.008770409971475601, + 0.046266261488199234, + -0.08183278143405914, + 0.03293741121888161, + -0.1979050636291504, + 1.8016252517700195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/81.png", + [ + 0.1649278700351715, + -0.04143964871764183, + -0.13427375257015228, + 1.516834020614624, + -0.07770871371030807, + -0.19939729571342468, + -0.03391116112470627, + 0.3802150785923004, + -0.11708135902881622, + 0.07396868616342545, + -0.1666387915611267, + 1.9399877786636353, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/95.png", + [ + 0.17110924422740936, + -0.04532187432050705, + -0.12496178597211838, + 1.3988926410675049, + -0.07504603266716003, + -0.20106141269207, + -0.029837846755981445, + 0.3266005516052246, + -0.10971605777740479, + 0.06684408336877823, + -0.1744767725467682, + 1.933331847190857, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/200.png", + [ + 0.1725500375032425, + -0.04731982573866844, + -0.12220966070890427, + 1.4503346681594849, + -0.07309593260288239, + -0.20245784521102905, + -0.024813411757349968, + 0.2977878451347351, + -0.10877201706171036, + 0.0609881617128849, + -0.17719192802906036, + 2.1453075408935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/199.png", + [ + 0.17171186208724976, + -0.046839699149131775, + -0.12356769293546677, + 1.4657225608825684, + -0.07335453480482101, + -0.20231066644191742, + -0.025246670469641685, + 0.30344995856285095, + -0.10991836339235306, + 0.06184113025665283, + -0.17618604004383087, + 2.1322388648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/103.png", + [ + 0.16608448326587677, + -0.04676518216729164, + -0.13106049597263336, + 1.4897781610488892, + -0.07870456576347351, + -0.1998642235994339, + -0.028421394526958466, + 0.3269893229007721, + -0.11475813388824463, + 0.06939166784286499, + -0.17018596827983856, + 1.9894415140151978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/196.png", + [ + 0.17343035340309143, + -0.046867139637470245, + -0.12113328278064728, + 1.4284480810165405, + -0.07283993065357208, + -0.20240429043769836, + -0.02597588673233986, + 0.30969762802124023, + -0.10753673315048218, + 0.06151318922638893, + -0.17776352167129517, + 2.139556407928467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/150.png", + [ + 0.17083777487277985, + -0.04294116050004959, + -0.1261681616306305, + 1.3472280502319336, + -0.07777108997106552, + -0.1986951380968094, + -0.037680190056562424, + 0.39634016156196594, + -0.10823126882314682, + 0.07499464601278305, + -0.17207466065883636, + 1.8612643480300903, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/83.png", + [ + 0.16559137403964996, + -0.04338889196515083, + -0.13283370435237885, + 1.5014015436172485, + -0.07705058157444, + -0.20017670094966888, + -0.030665922909975052, + 0.3447313606739044, + -0.11657873541116714, + 0.07067245244979858, + -0.16841229796409607, + 1.9602094888687134, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/142.png", + [ + 0.18363577127456665, + -0.04918135702610016, + -0.1039566695690155, + 1.1963059902191162, + -0.07212945073843002, + -0.2018042951822281, + -0.031941574066877365, + 0.32273438572883606, + -0.08957196772098541, + 0.061677515506744385, + -0.18740501999855042, + 2.0541601181030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/186.png", + [ + 0.17178969085216522, + -0.04473362863063812, + -0.1242380440235138, + 1.4553251266479492, + -0.07288292795419693, + -0.20211827754974365, + -0.02800309658050537, + 0.33030393719673157, + -0.11011025309562683, + 0.06399214267730713, + -0.17529581487178802, + 2.1019959449768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/195.png", + [ + 0.17200471460819244, + -0.047131042927503586, + -0.12304852157831192, + 1.449253797531128, + -0.07368731498718262, + -0.20214831829071045, + -0.02557612769305706, + 0.30487287044525146, + -0.10923578590154648, + 0.0621500127017498, + -0.17650160193443298, + 2.1234922409057617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/51.png", + [ + 0.17220577597618103, + -0.038131386041641235, + -0.12585334479808807, + 1.433457612991333, + -0.06474727392196655, + -0.2050745189189911, + -0.026459980756044388, + 0.29781657457351685, + -0.11445899307727814, + 0.058637332171201706, + -0.17438089847564697, + 2.043612003326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/233.png", + [ + 0.19650211930274963, + -0.004699476528912783, + -0.09117420017719269, + 1.0568442344665527, + -0.006670513655990362, + -0.21654805541038513, + -0.003214804455637932, + 0.036484915763139725, + -0.09105122089385986, + 0.005722380243241787, + -0.1965319961309433, + 2.3232288360595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/128.png", + [ + 0.16753928363323212, + -0.045078154653310776, + -0.12979382276535034, + 1.5229978561401367, + -0.0760907456278801, + -0.20086900889873505, + -0.02845577895641327, + 0.3384229838848114, + -0.11440575122833252, + 0.06758321821689606, + -0.17114824056625366, + 2.0587077140808105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/168.png", + [ + 0.16982606053352356, + -0.04684159904718399, + -0.12614622712135315, + 1.4832686185836792, + -0.07533985376358032, + -0.20140014588832855, + -0.026641810312867165, + 0.32016804814338684, + -0.1114940196275711, + 0.06474367529153824, + -0.17414143681526184, + 2.090707302093506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/215.png", + [ + 0.18527016043663025, + -0.03627432510256767, + -0.10633455216884613, + 1.248715877532959, + -0.0537102110683918, + -0.20871560275554657, + -0.022381076589226723, + 0.2684434652328491, + -0.09868169575929642, + 0.04549585282802582, + -0.18745651841163635, + 2.242675304412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/93.png", + [ + 0.17252691090106964, + -0.04661340266466141, + -0.12251347303390503, + 1.3806846141815186, + -0.07528354972600937, + -0.20101745426654816, + -0.02953413315117359, + 0.31725823879241943, + -0.10730679333209991, + 0.06608378887176514, + -0.1762557178735733, + 1.9224721193313599, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/242.png", + [ + 0.1934039443731308, + -0.005294022615998983, + -0.09754374623298645, + 1.1431797742843628, + 0.000352939561707899, + -0.21631693840026855, + 0.012440023943781853, + -0.15205606818199158, + -0.09768667072057724, + -0.011262863874435425, + -0.19307604432106018, + 2.30169677734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/76.png", + [ + 0.16232191026210785, + -0.04398048296570778, + -0.1366206854581833, + 1.6511459350585938, + -0.010430638678371906, + -0.2093205600976944, + 0.05499093234539032, + -0.6753949522972107, + -0.14314571022987366, + -0.034619610756635666, + -0.15892980992794037, + 1.9812339544296265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/48.png", + [ + 0.18341343104839325, + -0.05219177529215813, + -0.10287576168775558, + 1.1659787893295288, + -0.01529124565422535, + -0.2025245875120163, + 0.07548422366380692, + -0.8630174994468689, + -0.11433976143598557, + -0.05663663521409035, + -0.1751188188791275, + 2.0510096549987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/137.png", + [ + 0.164768248796463, + -0.040860965847969055, + -0.13464657962322235, + 1.6226967573165894, + -0.012328020296990871, + -0.21073241531848907, + 0.0488646924495697, + -0.5965043902397156, + -0.1401689648628235, + -0.029497794806957245, + -0.1625744104385376, + 2.018113613128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/35.png", + [ + 0.1659114956855774, + -0.026719704270362854, + -0.13677473366260529, + 1.5916842222213745, + 0.002730456180870533, + -0.21199066936969757, + 0.044725678861141205, + -0.5279678702354431, + -0.13933347165584564, + -0.03597080335021019, + -0.16198821365833282, + 1.945865273475647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/124.png", + [ + 0.16524040699005127, + -0.03634790703654289, + -0.1353600025177002, + 1.6343238353729248, + -0.0022877014707773924, + -0.20993292331695557, + 0.05358009785413742, + -0.659321129322052, + -0.14013659954071045, + -0.039432093501091, + -0.16048280894756317, + 1.9964507818222046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/97.png", + [ + 0.15973156690597534, + -0.03416813164949417, + -0.1423596292734146, + 1.7017465829849243, + 0.0024395380169153214, + -0.2100405991077423, + 0.053149666637182236, + -0.6492114663124084, + -0.14638227224349976, + -0.040784526616334915, + -0.15445630252361298, + 1.902300238609314, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/13.png", + [ + 0.15013527870178223, + 0.00663920259103179, + -0.15608720481395721, + 1.816788911819458, + 0.024123772978782654, + -0.2148677110671997, + 0.014064443297684193, + -0.17881983518600464, + -0.15435457229614258, + -0.027123533189296722, + -0.14962244033813477, + 1.8002411127090454, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/32.png", + [ + 0.15982644259929657, + -0.01682843640446663, + -0.14532795548439026, + 1.6723436117172241, + 0.008631674572825432, + -0.21377678215503693, + 0.03424735367298126, + -0.3995848596096039, + -0.14604419469833374, + -0.031051425263285637, + -0.1570184826850891, + 1.8655797243118286, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/38.png", + [ + 0.1746768057346344, + -0.034563496708869934, + -0.12345554679632187, + 1.4326672554016113, + -0.005380519200116396, + -0.21044425666332245, + 0.05130459740757942, + -0.6044641137123108, + -0.12808965146541595, + -0.038294605910778046, + -0.1705123484134674, + 2.04288387298584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/111.png", + [ + 0.1611473262310028, + -0.039308298379182816, + -0.13940691947937012, + 1.711069941520691, + -0.005434399005025625, + -0.21003694832324982, + 0.05294182151556015, + -0.6615203022956848, + -0.14474080502986908, + -0.03587793931365013, + -0.15719658136367798, + 1.9889451265335083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/11.png", + [ + 0.14783862233161926, + 0.010202495381236076, + -0.1580744981765747, + 1.8622175455093384, + 0.02772761695086956, + -0.2145531177520752, + 0.012084394693374634, + -0.16108760237693787, + -0.15595774352550507, + -0.028473887592554092, + -0.14769668877124786, + 1.7985641956329346, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/125.png", + [ + 0.1647791713476181, + -0.036054085940122604, + -0.13599933683872223, + 1.6400375366210938, + -0.0016167376888915896, + -0.20991118252277374, + 0.05368960648775101, + -0.6590415835380554, + -0.140687957406044, + -0.039815712720155716, + -0.15990467369556427, + 1.9875563383102417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/59.png", + [ + 0.1672806441783905, + -0.05795546993613243, + -0.12492493540048599, + 1.4885458946228027, + -0.017084039747714996, + -0.2037680596113205, + 0.07165617495775223, + -0.8613502979278564, + -0.1366499662399292, + -0.045471277087926865, + -0.16188588738441467, + 1.9744774103164673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/105.png", + [ + 0.16381366550922394, + -0.02918311394751072, + -0.13878515362739563, + 1.6929056644439697, + 0.004190879873931408, + -0.21094892919063568, + 0.049304038286209106, + -0.61814284324646, + -0.14175830781459808, + -0.03995995596051216, + -0.15892034769058228, + 1.9979346990585327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/121.png", + [ + 0.1630135029554367, + -0.038611020892858505, + -0.13741792738437653, + 1.673293948173523, + -0.005746223032474518, + -0.21020300686359406, + 0.052245303988456726, + -0.6485419869422913, + -0.14262352883815765, + -0.03566202148795128, + -0.15916858613491058, + 1.9954184293746948, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/24.png", + [ + 0.14149552583694458, + 0.005814728327095509, + -0.16399116814136505, + 1.8276679515838623, + 0.025467650964856148, + -0.2146928906440735, + 0.014361610636115074, + -0.17070862650871277, + -0.16210585832595825, + -0.02865390107035637, + -0.14088483154773712, + 1.6329609155654907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/74.png", + [ + 0.16659575700759888, + -0.042540084570646286, + -0.13184872269630432, + 1.605026125907898, + -0.0002769625571090728, + -0.20630918443202972, + 0.06621430069208145, + -0.8141993284225464, + -0.13854120671749115, + -0.050742007791996, + -0.15868040919303894, + 1.9854072332382202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/129.png", + [ + 0.16301341354846954, + -0.03636312112212181, + -0.13802984356880188, + 1.664400577545166, + -0.0011625232873484492, + -0.2098570317029953, + 0.05391261726617813, + -0.6623932123184204, + -0.1427346020936966, + -0.03982015699148178, + -0.1580793559551239, + 1.9646228551864624, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/98.png", + [ + 0.15803232789039612, + -0.03328564763069153, + -0.14444977045059204, + 1.7309415340423584, + 0.0033531750086694956, + -0.2102847844362259, + 0.052124518901109695, + -0.6393962502479553, + -0.14819727838039398, + -0.04025263711810112, + -0.1528567671775818, + 1.8897985219955444, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/0.png", + [ + 0.13867108523845673, + 0.018345912918448448, + -0.1654740422964096, + 2.0204174518585205, + 0.02945994958281517, + -0.21466070413589478, + 0.0008889385499060154, + -0.023060835897922516, + -0.1638607233762741, + -0.023067429661750793, + -0.13987654447555542, + 1.7579811811447144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/96.png", + [ + 0.16032496094703674, + -0.032045621424913406, + -0.14218607544898987, + 1.6924397945404053, + 0.003014692571014166, + -0.2105984389781952, + 0.05086355656385422, + -0.617730438709259, + -0.14572136104106903, + -0.039613988250494, + -0.15538311004638672, + 1.9065574407577515, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/100.png", + [ + 0.15577812492847443, + -0.028300853446125984, + -0.14791935682296753, + 1.7833625078201294, + 0.005106670316308737, + -0.21169954538345337, + 0.04588165506720543, + -0.5676790475845337, + -0.15051576495170593, + -0.03647281602025032, + -0.15153425931930542, + 1.8847392797470093, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/40.png", + [ + 0.17570532858371735, + -0.04165252670645714, + -0.1197521984577179, + 1.3854572772979736, + -0.011537337675690651, + -0.2090522050857544, + 0.05578502640128136, + -0.6534982919692993, + -0.12626327574253082, + -0.03886060044169426, + -0.17174206674098969, + 2.0537543296813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/52.png", + [ + 0.17939522862434387, + -0.058499570935964584, + -0.10650375485420227, + 1.2265610694885254, + -0.020421911031007767, + -0.20172584056854248, + 0.07640371471643448, + -0.8873204588890076, + -0.11978394538164139, + -0.053220126777887344, + -0.1725320816040039, + 2.0506062507629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/3.png", + [ + 0.14055602252483368, + 0.011810635216534138, + -0.1644761562347412, + 2.001154899597168, + 0.025261787697672844, + -0.21510931849479675, + 0.006141429767012596, + -0.0862962156534195, + -0.1629531979560852, + -0.023159967735409737, + -0.1409175992012024, + 1.7643953561782837, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/47.png", + [ + 0.1839689463376999, + -0.054129403084516525, + -0.10086292773485184, + 1.1406115293502808, + -0.01628982461988926, + -0.20135562121868134, + 0.07834827899932861, + -0.8944549560546875, + -0.1133047342300415, + -0.05893910676240921, + -0.17503173649311066, + 2.0493016242980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/104.png", + [ + 0.16380907595157623, + -0.02462349832057953, + -0.13967159390449524, + 1.6975929737091064, + 0.007548222783952951, + -0.2115679383277893, + 0.04615117982029915, + -0.5804584622383118, + -0.14162451028823853, + -0.039756644517183304, + -0.1590905487537384, + 1.9946619272232056, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/21.png", + [ + 0.143859401345253, + 0.005544309038668871, + -0.16193093359470367, + 1.8037410974502563, + 0.022191287949681282, + -0.21518130600452423, + 0.012347200885415077, + -0.14946575462818146, + -0.16049893200397491, + -0.024782396852970123, + -0.1434357464313507, + 1.6652512550354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/82.png", + [ + 0.16297468543052673, + -0.03426659479737282, + -0.13861078023910522, + 1.6411609649658203, + -0.0015754281776025891, + -0.210761159658432, + 0.05025086551904678, + -0.6108944416046143, + -0.14277487993240356, + -0.036789022386074066, + -0.1587759405374527, + 1.94611394405365, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/106.png", + [ + 0.1632610559463501, + -0.032143399119377136, + -0.13878227770328522, + 1.6940984725952148, + 0.0017965184524655342, + -0.21060554683208466, + 0.05089179798960686, + -0.6368248462677002, + -0.1424446851015091, + -0.03949689492583275, + -0.1584215760231018, + 1.995120882987976, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/14.png", + [ + 0.14728370308876038, + 0.007673596031963825, + -0.15873409807682037, + 1.8342820405960083, + 0.024531912058591843, + -0.2149255871772766, + 0.012372256256639957, + -0.15702252089977264, + -0.15701457858085632, + -0.026381874457001686, + -0.14696362614631653, + 1.7595531940460205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/67.png", + [ + 0.17369717359542847, + -0.06152135878801346, + -0.11398381739854813, + 1.3608115911483765, + -0.021429410204291344, + -0.20169572532176971, + 0.07620701938867569, + -0.917209804058075, + -0.12774181365966797, + -0.049818187952041626, + -0.16777388751506805, + 2.0642690658569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/78.png", + [ + 0.15961170196533203, + -0.041350699961185455, + -0.14057780802249908, + 1.6882612705230713, + -0.008119754493236542, + -0.21004490554332733, + 0.05256517231464386, + -0.6413280963897705, + -0.14630812406539917, + -0.03345366194844246, + -0.15627756714820862, + 1.9413789510726929, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/31.png", + [ + 0.15509195625782013, + -0.013280780054628849, + -0.15072493255138397, + 1.7281033992767334, + 0.013305647298693657, + -0.21380515396595, + 0.032530106604099274, + -0.3785878121852875, + -0.15072272717952728, + -0.03254026547074318, + -0.15222248435020447, + 1.804963231086731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/39.png", + [ + 0.17348046600818634, + -0.03589866682887077, + -0.12475458532571793, + 1.4501398801803589, + -0.005743750836700201, + -0.21014393866062164, + 0.05248270183801651, + -0.61783367395401, + -0.12968973815441132, + -0.038713179528713226, + -0.1692032814025879, + 2.0314178466796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/92.png", + [ + 0.16483686864376068, + -0.03144054114818573, + -0.13707000017166138, + 1.6174581050872803, + 0.0027201378252357244, + -0.2104378044605255, + 0.05154050514101982, + -0.6190083622932434, + -0.14060333371162415, + -0.0409306138753891, + -0.15969745814800262, + 1.9445620775222778, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/53.png", + [ + 0.17680701613426208, + -0.05819062143564224, + -0.11090999841690063, + 1.2841442823410034, + -0.02024855464696884, + -0.2026258260011673, + 0.0740315169095993, + -0.8649150729179382, + -0.12360086292028427, + -0.0500451922416687, + -0.17078115046024323, + 2.036984920501709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/75.png", + [ + 0.16374711692333221, + -0.0428248830139637, + -0.13528047502040863, + 1.6414709091186523, + -0.006075876299291849, + -0.20849783718585968, + 0.058648429811000824, + -0.7224337458610535, + -0.14176693558692932, + -0.040528804063797, + -0.15876854956150055, + 1.9837144613265991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/87.png", + [ + 0.16157399117946625, + -0.0330650769174099, + -0.14052914083003998, + 1.6573961973190308, + 0.0011295574950054288, + -0.2106190025806427, + 0.05085522681474686, + -0.6117649078369141, + -0.14436225593090057, + -0.03865528106689453, + -0.15688595175743103, + 1.9132171869277954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/139.png", + [ + 0.1642475724220276, + -0.04164217412471771, + -0.13504280149936676, + 1.6240670680999756, + -0.014191580936312675, + -0.21086770296096802, + 0.04776305705308914, + -0.5792897939682007, + -0.14060308039188385, + -0.02736128307878971, + -0.16257314383983612, + 2.014706611633301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/107.png", + [ + 0.16145022213459015, + -0.032481420785188675, + -0.14080722630023956, + 1.7227420806884766, + 0.0011007144348695874, + -0.2108474224805832, + 0.04990037903189659, + -0.6248134970664978, + -0.14450088143348694, + -0.03789745271205902, + -0.1569432020187378, + 1.9813259840011597, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/112.png", + [ + 0.16010040044784546, + -0.039009660482406616, + -0.14069116115570068, + 1.7283419370651245, + -0.005576535128057003, + -0.21027866005897522, + 0.05195844545960426, + -0.6493540406227112, + -0.14589262008666992, + -0.03477103263139725, + -0.15637841820716858, + 1.98064386844635, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/69.png", + [ + 0.16760724782943726, + -0.05722269415855408, + -0.12482495605945587, + 1.5052635669708252, + -0.009004004299640656, + -0.2011205404996872, + 0.08010837435722351, + -0.9715272784233093, + -0.13702057301998138, + -0.05678015947341919, + -0.1579533815383911, + 1.9638272523880005, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/45.png", + [ + 0.18637578189373016, + -0.051773931831121445, + -0.09762898832559586, + 1.108681082725525, + -0.018796168267726898, + -0.20348572731018066, + 0.07202885299921036, + -0.8248128294944763, + -0.10889748483896255, + -0.05348750576376915, + -0.17952246963977814, + 2.1133971214294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/50.png", + [ + 0.18336103856563568, + -0.05399248003959656, + -0.10203642398118973, + 1.1607385873794556, + -0.016467440873384476, + -0.20179006457328796, + 0.0771847739815712, + -0.8863505125045776, + -0.11426042020320892, + -0.05756282061338425, + -0.17486843466758728, + 2.054640769958496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/101.png", + [ + 0.15627463161945343, + -0.026977108791470528, + -0.14764271676540375, + 1.784919023513794, + 0.0071703349240124226, + -0.21156045794487, + 0.04624563455581665, + -0.5759117603302002, + -0.14991572499275208, + -0.03824013099074364, + -0.15169332921504974, + 1.8946861028671265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/85.png", + [ + 0.1616067737340927, + -0.033915214240550995, + -0.14028865098953247, + 1.6564228534698486, + -0.0007579024531878531, + -0.21080408990383148, + 0.05008946731686592, + -0.6045424938201904, + -0.14432799816131592, + -0.036868516355752945, + -0.15734685957431793, + 1.9220587015151978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/131.png", + [ + 0.16019098460674286, + -0.0363459549844265, + -0.14130008220672607, + 1.706107497215271, + -0.0046309735625982285, + -0.2110045999288559, + 0.04902562126517296, + -0.6029947400093079, + -0.14582623541355133, + -0.033225420862436295, + -0.1567758470773697, + 1.9531487226486206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/71.png", + [ + 0.1708945631980896, + -0.04624266177415848, + -0.12491821497678757, + 1.5074903964996338, + -0.004562951624393463, + -0.2051117867231369, + 0.0696866437792778, + -0.8532228469848633, + -0.1331244558095932, + -0.05233226343989372, + -0.16274859011173248, + 2.0169119834899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/115.png", + [ + 0.16055472195148468, + -0.03983059898018837, + -0.13994140923023224, + 1.7208948135375977, + -0.00801365077495575, + -0.21050220727920532, + 0.050719793885946274, + -0.6329306960105896, + -0.14527855813503265, + -0.032407402992248535, + -0.15745411813259125, + 1.9943586587905884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/54.png", + [ + 0.1739618331193924, + -0.05793755501508713, + -0.11544875055551529, + 1.3412038087844849, + -0.021900326013565063, + -0.2040819525718689, + 0.06941772997379303, + -0.8157186508178711, + -0.12730102241039276, + -0.044064559042453766, + -0.16970756649971008, + 2.033877372741699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/33.png", + [ + 0.1604125201702118, + -0.021218808367848396, + -0.1441023051738739, + 1.666953444480896, + 0.007669349666684866, + -0.2128353863954544, + 0.0398770309984684, + -0.4676344692707062, + -0.14545410871505737, + -0.034623101353645325, + -0.15681912004947662, + 1.8732410669326782, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/49.png", + [ + 0.18293726444244385, + -0.05492240935564041, + -0.10230047255754471, + 1.1606650352478027, + -0.01905890181660652, + -0.20251651108264923, + 0.07464394718408585, + -0.8533617854118347, + -0.11453650891780853, + -0.05402304232120514, + -0.1758146584033966, + 2.057466983795166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/118.png", + [ + 0.16346582770347595, + -0.041911493986845016, + -0.13590526580810547, + 1.6649304628372192, + -0.008735621348023415, + -0.20962047576904297, + 0.0541372150182724, + -0.6726881861686707, + -0.14195245504379272, + -0.03536348044872284, + -0.15983369946479797, + 2.013871669769287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/110.png", + [ + 0.16136425733566284, + -0.03781087324023247, + -0.13957010209560394, + 1.7110892534255981, + -0.003190109971910715, + -0.21001601219177246, + 0.05320708453655243, + -0.6657246351242065, + -0.1445658951997757, + -0.037570055574178696, + -0.1569620668888092, + 1.9845248460769653, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/18.png", + [ + 0.1391332447528839, + 0.008037765510380268, + -0.16590730845928192, + 1.8757777214050293, + 0.024209393188357353, + -0.21509100496768951, + 0.009881907142698765, + -0.1254141926765442, + -0.16432812809944153, + -0.024882549419999123, + -0.13901442289352417, + 1.6397253274917603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/66.png", + [ + 0.17380237579345703, + -0.063816599547863, + -0.11255252361297607, + 1.34418523311615, + -0.026210838928818703, + -0.20194312930107117, + 0.07402606308460236, + -0.8917769193649292, + -0.12670287489891052, + -0.045763593167066574, + -0.16970552504062653, + 2.084991931915283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/16.png", + [ + 0.1454722136259079, + 0.011048203334212303, + -0.16019882261753082, + 1.8267383575439453, + 0.02672470174729824, + -0.2148122936487198, + 0.009453325532376766, + -0.12173290550708771, + -0.15833985805511475, + -0.026105787605047226, + -0.1455845832824707, + 1.7235054969787598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/94.png", + [ + 0.16217274963855743, + -0.03288083150982857, + -0.1398811787366867, + 1.6548967361450195, + 0.0027096818666905165, + -0.21018840372562408, + 0.052548933774232864, + -0.6344920992851257, + -0.14366818964481354, + -0.04108021408319473, + -0.1569068431854248, + 1.9152108430862427, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/28.png", + [ + 0.14977285265922546, + -0.005258623976260424, + -0.15648747980594635, + 1.7702668905258179, + 0.01841074414551258, + -0.21445868909358978, + 0.024827461689710617, + -0.28794538974761963, + -0.15548965334892273, + -0.030458254739642143, + -0.14779429137706757, + 1.7346749305725098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/61.png", + [ + 0.16771866381168365, + -0.0626281127333641, + -0.12204942852258682, + 1.4582359790802002, + -0.021681299433112144, + -0.20245499908924103, + 0.07409306615591049, + -0.8887763023376465, + -0.13545575737953186, + -0.045139577239751816, + -0.1629786640405655, + 1.9940105676651, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/132.png", + [ + 0.16181614995002747, + -0.037479039281606674, + -0.1391357183456421, + 1.6838093996047974, + -0.0049507999792695045, + -0.21053963899612427, + 0.050955310463905334, + -0.6272662281990051, + -0.14401011168956757, + -0.03487515449523926, + -0.15809078514575958, + 1.9722830057144165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/58.png", + [ + 0.16780321300029755, + -0.05670836940407753, + -0.12479638308286667, + 1.4788254499435425, + -0.016793733462691307, + -0.2042824625968933, + 0.07024630904197693, + -0.8401228189468384, + -0.13604390621185303, + -0.04472954943776131, + -0.16260141134262085, + 1.9765065908432007, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/123.png", + [ + 0.16606874763965607, + -0.03659198060631752, + -0.13427616655826569, + 1.625949740409851, + -0.003645571181550622, + -0.2101232409477234, + 0.052752550691366196, + -0.6506600379943848, + -0.1391250193119049, + -0.03817261755466461, + -0.16166314482688904, + 2.0154356956481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/64.png", + [ + 0.16733697056770325, + -0.065614715218544, + -0.1209997609257698, + 1.4550727605819702, + -0.025177830830216408, + -0.20184950530529022, + 0.07463746517896652, + -0.8985967040061951, + -0.13532298803329468, + -0.043581921607255936, + -0.16351206600666046, + 2.020812511444092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/10.png", + [ + 0.1499740481376648, + 0.011474010534584522, + -0.15596163272857666, + 1.8488762378692627, + 0.027811439707875252, + -0.21460288763046265, + 0.010955500416457653, + -0.14738257229328156, + -0.1538902372121811, + -0.027601560577750206, + -0.15001280605793, + 1.8356207609176636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/41.png", + [ + 0.17877203226089478, + -0.043236006051301956, + -0.11453865468502045, + 1.321898341178894, + -0.011517338454723358, + -0.20775341987609863, + 0.06044641137123108, + -0.7037796378135681, + -0.12188440561294556, + -0.04378429800271988, + -0.17370958626270294, + 2.072284698486328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/91.png", + [ + 0.1653979867696762, + -0.032624490559101105, + -0.13611407577991486, + 1.603576898574829, + 0.0009873948292806745, + -0.21042950451374054, + 0.05163660645484924, + -0.6187865138053894, + -0.13996578752994537, + -0.040036946535110474, + -0.16048212349414825, + 1.9519647359848022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/23.png", + [ + 0.14393600821495056, + 0.005015297792851925, + -0.16188007593154907, + 1.8008503913879395, + 0.023462316021323204, + -0.21493186056613922, + 0.014202641323208809, + -0.16929611563682556, + -0.1602492779493332, + -0.026963716372847557, + -0.14332136511802673, + 1.6592974662780762, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/37.png", + [ + 0.17064915597438812, + -0.029037900269031525, + -0.1303209662437439, + 1.5163544416427612, + 0.0006395814125426114, + -0.2113080471754074, + 0.04792080447077751, + -0.5679395198822021, + -0.1335153430700302, + -0.038126278668642044, + -0.166336789727211, + 1.9985796213150024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/36.png", + [ + 0.1666935533285141, + -0.030921632423996925, + -0.13492588698863983, + 1.5716508626937866, + -0.0012715421617031097, + -0.21153251826763153, + 0.046907030045986176, + -0.5546966195106506, + -0.13841794431209564, + -0.0352950282394886, + -0.1629190742969513, + 1.9598685503005981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/8.png", + [ + 0.14920803904533386, + 0.010693993419408798, + -0.15674978494644165, + 1.8816227912902832, + 0.02743070386350155, + -0.21462509036064148, + 0.011468476615846157, + -0.14965707063674927, + -0.15470103919506073, + -0.027741802856326103, + -0.14915050566196442, + 1.8414459228515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/6.png", + [ + 0.1415582150220871, + 0.009377958253026009, + -0.163771852850914, + 1.9801243543624878, + 0.02557262033224106, + -0.21493712067604065, + 0.009796208702027798, + -0.13153763115406036, + -0.16203458607196808, + -0.025728940963745117, + -0.1415298879146576, + 1.7636703252792358, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/20.png", + [ + 0.14665353298187256, + 0.0060270740650594234, + -0.1593872755765915, + 1.7806098461151123, + 0.02246733009815216, + -0.2151416689157486, + 0.012537003494799137, + -0.15386682748794556, + -0.15791089832782745, + -0.025012632831931114, + -0.14624091982841492, + 1.7023149728775024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/2.png", + [ + 0.14288988709449768, + 0.012518806383013725, + -0.16239964962005615, + 1.9785656929016113, + 0.025860045105218887, + -0.21503721177577972, + 0.006176918279379606, + -0.0843946635723114, + -0.1608155071735382, + -0.023455822840332985, + -0.14330418407917023, + 1.793827772140503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/117.png", + [ + 0.1617981344461441, + -0.041144195944070816, + -0.13811741769313812, + 1.6947991847991943, + -0.008163134567439556, + -0.20993979275226593, + 0.05297684296965599, + -0.6592842936515808, + -0.1438840925693512, + -0.03435604274272919, + -0.15831907093524933, + 1.999045968055725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/5.png", + [ + 0.1401953250169754, + 0.010814925655722618, + -0.1648520529270172, + 1.9981789588928223, + 0.02668135054409504, + -0.21485371887683868, + 0.008595424704253674, + -0.11598774790763855, + -0.16303764283657074, + -0.025861423462629318, + -0.140348881483078, + 1.7518603801727295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/108.png", + [ + 0.1627504527568817, + -0.03588155657052994, + -0.1384655237197876, + 1.6934313774108887, + -0.0008255848661065102, + -0.20997872948646545, + 0.05344291403889656, + -0.6684713959693909, + -0.14303672313690186, + -0.03961489722132683, + -0.15785768628120422, + 1.9920302629470825, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/60.png", + [ + 0.1675216108560562, + -0.05877615511417389, + -0.12421659380197525, + 1.4832165241241455, + -0.017943965271115303, + -0.20353469252586365, + 0.07210779190063477, + -0.8669530153274536, + -0.13624395430088043, + -0.04546298831701279, + -0.16223005950450897, + 1.9806278944015503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/56.png", + [ + 0.16965153813362122, + -0.057403068989515305, + -0.1219472885131836, + 1.4300799369812012, + -0.01880788989365101, + -0.2042057067155838, + 0.06995847821235657, + -0.8287338018417358, + -0.1334635466337204, + -0.044190648943185806, + -0.16487134993076324, + 1.9874337911605835, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/30.png", + [ + 0.15097694098949432, + -0.0115121528506279, + -0.1549881398677826, + 1.7692773342132568, + 0.0163804292678833, + -0.213697150349617, + 0.031829409301280975, + -0.3711302876472473, + -0.1545494645833969, + -0.033895429223775864, + -0.14803194999694824, + 1.7508721351623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/17.png", + [ + 0.14306695759296417, + 0.008974415250122547, + -0.1624782830476761, + 1.8442115783691406, + 0.02499626763164997, + -0.21498920023441315, + 0.010135120712220669, + -0.13077855110168457, + -0.16079466044902802, + -0.025436071678996086, + -0.14298942685127258, + 1.6889172792434692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/12.png", + [ + 0.152118980884552, + 0.004899610765278339, + -0.15421967208385468, + 1.8039255142211914, + 0.02243073470890522, + -0.21496698260307312, + 0.015295624732971191, + -0.19392099976539612, + -0.1526583433151245, + -0.02670370042324066, + -0.15142731368541718, + 1.8331444263458252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/114.png", + [ + 0.16064989566802979, + -0.040586430579423904, + -0.13961465656757355, + 1.715678334236145, + -0.008985655382275581, + -0.21043522655963898, + 0.05083470791578293, + -0.63402259349823, + -0.14511638879776, + -0.03190065175294876, + -0.15770694613456726, + 1.9966000318527222, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/27.png", + [ + 0.1502193808555603, + -0.0010589748853817582, + -0.15614387392997742, + 1.755718469619751, + 0.021516114473342896, + -0.21446244418621063, + 0.02215423434972763, + -0.25840243697166443, + -0.15465795993804932, + -0.030864736065268517, + -0.14858052134513855, + 1.7345497608184814, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/42.png", + [ + 0.1824137270450592, + -0.0458296574652195, + -0.10757680237293243, + 1.235850214958191, + -0.014705900102853775, + -0.20674791932106018, + 0.06314212828874588, + -0.7306861877441406, + -0.11600372195243835, + -0.04585668072104454, + -0.1771671622991562, + 2.1036643981933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/7.png", + [ + 0.14870838820934296, + 0.009999506175518036, + -0.15726959705352783, + 1.8943639993667603, + 0.02562740258872509, + -0.21489398181438446, + 0.010568957775831223, + -0.13979369401931763, + -0.15548938512802124, + -0.025854911655187607, + -0.14866898953914642, + 1.8418262004852295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/73.png", + [ + 0.16743987798690796, + -0.048917584121227264, + -0.12852570414543152, + 1.5615938901901245, + -0.004083553794771433, + -0.2041824609041214, + 0.0723930150270462, + -0.882891058921814, + -0.13745948672294617, + -0.05352097004652023, + -0.15870819985866547, + 1.9812973737716675, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/120.png", + [ + 0.16247062385082245, + -0.03840747848153114, + -0.13811609148979187, + 1.6873712539672852, + -0.00528100086376071, + -0.21021535992622375, + 0.05224471166729927, + -0.6510953307151794, + -0.14325955510139465, + -0.035808712244033813, + -0.15856334567070007, + 1.9949852228164673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/46.png", + [ + 0.18366242945194244, + -0.054390862584114075, + -0.10128000378608704, + 1.144945740699768, + -0.01915132999420166, + -0.20269779860973358, + 0.07412644475698471, + -0.8456373810768127, + -0.11335445940494537, + -0.05388078838586807, + -0.17662253975868225, + 2.066196918487549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/127.png", + [ + 0.16443166136741638, + -0.03642232343554497, + -0.13632144033908844, + 1.642580509185791, + -0.0007868458051234484, + -0.20956526696681976, + 0.05504247918725014, + -0.6749482750892639, + -0.14110103249549866, + -0.041276007890701294, + -0.15916872024536133, + 1.9761377573013306, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/133.png", + [ + 0.16101327538490295, + -0.038782235234975815, + -0.13970880210399628, + 1.6924301385879517, + -0.007345542311668396, + -0.2106935828924179, + 0.0500214658677578, + -0.6163450479507446, + -0.14480556547641754, + -0.03243520110845566, + -0.15788349509239197, + 1.9714099168777466, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/57.png", + [ + 0.16905507445335388, + -0.056283943355083466, + -0.12328984588384628, + 1.4535088539123535, + -0.01764257624745369, + -0.20456862449645996, + 0.06919759511947632, + -0.823154091835022, + -0.13437636196613312, + -0.04395094886422157, + -0.1641925573348999, + 1.9852501153945923, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/44.png", + [ + 0.18352775275707245, + -0.048128753900527954, + -0.10463783144950867, + 1.1919257640838623, + -0.017397291958332062, + -0.20617572963237762, + 0.0643179789185524, + -0.7381159663200378, + -0.11385423690080643, + -0.04607702046632767, + -0.17849934101104736, + 2.101637840270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/113.png", + [ + 0.16222426295280457, + -0.04179701581597328, + -0.13741976022720337, + 1.6870194673538208, + -0.009634297341108322, + -0.2099975347518921, + 0.05249865725636482, + -0.6541436910629272, + -0.14331209659576416, + -0.03319546580314636, + -0.15908360481262207, + 2.0117101669311523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/126.png", + [ + 0.16460788249969482, + -0.036174263805150986, + -0.1361747533082962, + 1.6388846635818481, + -0.0015493120299652219, + -0.20986376702785492, + 0.053876642137765884, + -0.6604415774345398, + -0.14088910818099976, + -0.03995642438530922, + -0.15969231724739075, + 1.981706976890564, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/29.png", + [ + 0.14805494248867035, + -0.008281774818897247, + -0.15798430144786835, + 1.7975208759307861, + 0.01827714405953884, + -0.21403321623802185, + 0.02834836207330227, + -0.32932937145233154, + -0.15714187920093536, + -0.032697033137083054, + -0.14555145800113678, + 1.7171169519424438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/4.png", + [ + 0.14347580075263977, + 0.01220488641411066, + -0.16190624237060547, + 1.9634480476379395, + 0.02603173814713955, + -0.21499572694301605, + 0.006861538160592318, + -0.09506142139434814, + -0.16026520729064941, + -0.023995263502001762, + -0.14383040368556976, + 1.7932209968566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/55.png", + [ + 0.17336538434028625, + -0.05729634687304497, + -0.11665961146354675, + 1.3619567155838013, + -0.0203049685806036, + -0.20403581857681274, + 0.07003561407327652, + -0.8260462284088135, + -0.1283746212720871, + -0.045104414224624634, + -0.1686221808195114, + 2.023153305053711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/9.png", + [ + 0.14429301023483276, + 0.011974412947893143, + -0.16119563579559326, + 1.9256497621536255, + 0.02947463095188141, + -0.21440568566322327, + 0.01045686099678278, + -0.140243798494339, + -0.1589297652244568, + -0.02889140322804451, + -0.14441092312335968, + 1.778359055519104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/25.png", + [ + 0.15042506158351898, + 0.0007625268190167844, + -0.1559474617242813, + 1.7363972663879395, + 0.020857591181993484, + -0.21482375264167786, + 0.019068574532866478, + -0.22225195169448853, + -0.15454822778701782, + -0.02825010195374489, + -0.149213507771492, + 1.7246476411819458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/99.png", + [ + 0.16126036643981934, + -0.028280725702643394, + -0.14192672073841095, + 1.7030278444290161, + 0.004947252571582794, + -0.211295485496521, + 0.04772453382611275, + -0.5872628688812256, + -0.14463233947753906, + -0.03875960782170296, + -0.15661121904850006, + 1.937942624092102, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/34.png", + [ + 0.16077010333538055, + -0.020783087238669395, + -0.14376690983772278, + 1.6707708835601807, + 0.009012548252940178, + -0.21260520815849304, + 0.04081286862492561, + -0.4823758006095886, + -0.1449815183877945, + -0.03626265004277229, + -0.15688617527484894, + 1.8827167749404907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/72.png", + [ + 0.17090213298797607, + -0.04491308331489563, + -0.12539207935333252, + 1.518414855003357, + -0.001906145946122706, + -0.20478825271129608, + 0.07075334340333939, + -0.8661016821861267, + -0.13317927718162537, + -0.05470360070466995, + -0.16192185878753662, + 2.0126590728759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/102.png", + [ + 0.15920285880565643, + -0.025314753875136375, + -0.14478090405464172, + 1.754197359085083, + 0.008042793720960617, + -0.21161630749702454, + 0.04584478959441185, + -0.5726374983787537, + -0.14675714075565338, + -0.0390588641166687, + -0.1545465588569641, + 1.9353188276290894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/134.png", + [ + 0.16063542664051056, + -0.0404585525393486, + -0.13966839015483856, + 1.6931785345077515, + -0.009470908902585506, + -0.21058782935142517, + 0.050109509378671646, + -0.6183884739875793, + -0.14510154724121094, + -0.031044593080878258, + -0.15789131820201874, + 1.9737812280654907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/70.png", + [ + 0.17310340702533722, + -0.054295483976602554, + -0.11846984922885895, + 1.4275177717208862, + -0.007706383243203163, + -0.20089343190193176, + 0.08081047981977463, + -0.9855058789253235, + -0.13009119033813477, + -0.060346681624650955, + -0.16242676973342896, + 2.012561321258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/135.png", + [ + 0.16290134191513062, + -0.040919676423072815, + -0.13688182830810547, + 1.6566722393035889, + -0.01056599710136652, + -0.21047918498516083, + 0.050346530973911285, + -0.6195981502532959, + -0.14247600734233856, + -0.031176811084151268, + -0.1602388322353363, + 1.9978820085525513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/130.png", + [ + 0.15850940346717834, + -0.03416968137025833, + -0.14371882379055023, + 1.7352370023727417, + -0.00029127910966053605, + -0.21087051928043365, + 0.04981398954987526, + -0.6135519742965698, + -0.1477246731519699, + -0.03624847158789635, + -0.15430928766727448, + 1.9234377145767212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/90.png", + [ + 0.16352549195289612, + -0.03144371137022972, + -0.13863113522529602, + 1.631717324256897, + 0.0024962688330560923, + -0.21063962578773499, + 0.05072090029716492, + -0.6090549230575562, + -0.14213047921657562, + -0.039876487106084824, + -0.1586086004972458, + 1.9294041395187378, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/122.png", + [ + 0.16384725272655487, + -0.036327335983514786, + -0.13704852759838104, + 1.665686845779419, + -0.002695620758458972, + -0.21020197868347168, + 0.052495326846838, + -0.6509836912155151, + -0.14175580441951752, + -0.03799145668745041, + -0.15940462052822113, + 1.9961169958114624, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/15.png", + [ + 0.14358311891555786, + 0.010304335504770279, + -0.1619432270526886, + 1.8611743450164795, + 0.026811914518475533, + -0.21477167308330536, + 0.010106372646987438, + -0.13273975253105164, + -0.16004031896591187, + -0.026736455038189888, + -0.14359717071056366, + 1.7119839191436768, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/22.png", + [ + 0.14331547915935516, + 0.005268764216452837, + -0.16242170333862305, + 1.807173728942871, + 0.02353188581764698, + -0.2149510532617569, + 0.013790992088615894, + -0.16551828384399414, + -0.16079434752464294, + -0.02676156349480152, + -0.1427476406097412, + 1.6545722484588623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/138.png", + [ + 0.16677625477313995, + -0.03866751119494438, + -0.1328096240758896, + 1.5968011617660522, + -0.011735188774764538, + -0.21124175190925598, + 0.0467665009200573, + -0.5698893666267395, + -0.13782545924186707, + -0.028803542256355286, + -0.16468878090381622, + 2.038001537322998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/109.png", + [ + 0.1630459576845169, + -0.03650243952870369, + -0.13795462250709534, + 1.687911033630371, + -0.0025513069704174995, + -0.21017828583717346, + 0.0525972880423069, + -0.6569614410400391, + -0.1426793485879898, + -0.0379546582698822, + -0.15858732163906097, + 2.0017409324645996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/26.png", + [ + 0.14427325129508972, + 0.0011669936357066035, + -0.16165322065353394, + 1.8127541542053223, + 0.021661078557372093, + -0.2148546576499939, + 0.017781149595975876, + -0.20978687703609467, + -0.1601996123790741, + -0.02800017222762108, + -0.1431780755519867, + 1.6668318510055542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/43.png", + [ + 0.18115289509296417, + -0.047062672674655914, + -0.10916329175233841, + 1.2489391565322876, + -0.01709658093750477, + -0.20721709728240967, + 0.06096459552645683, + -0.7024703621864319, + -0.11764024198055267, + -0.042356569319963455, + -0.17695927619934082, + 2.0952701568603516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/84.png", + [ + 0.16315680742263794, + -0.032407909631729126, + -0.13884337246418, + 1.6413191556930542, + 0.0015387915773317218, + -0.21059037744998932, + 0.05096288397908211, + -0.6178813576698303, + -0.14256712794303894, + -0.03936128690838814, + -0.15834517776966095, + 1.9367080926895142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/136.png", + [ + 0.16023312509059906, + -0.040022481232881546, + -0.1402549296617508, + 1.6950088739395142, + -0.010738871991634369, + -0.21102935075759888, + 0.04794979467988014, + -0.5893802046775818, + -0.14545762538909912, + -0.028508026152849197, + -0.15804196894168854, + 1.9695533514022827, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/89.png", + [ + 0.16299186646938324, + -0.0316772498190403, + -0.1392052173614502, + 1.63901948928833, + 0.002335477387532592, + -0.2106536328792572, + 0.05067044124007225, + -0.6079869270324707, + -0.14274482429027557, + -0.03961692377924919, + -0.15812116861343384, + 1.9254661798477173, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/63.png", + [ + 0.1639384627342224, + -0.06692485511302948, + -0.12487249821424484, + 1.5017411708831787, + -0.025842567905783653, + -0.2018977701663971, + 0.07427886128425598, + -0.8923744559288025, + -0.13929909467697144, + -0.04130679741501808, + -0.1607401818037033, + 1.982991337776184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/88.png", + [ + 0.163075789809227, + -0.03356645628809929, + -0.1386631727218628, + 1.6316769123077393, + 0.0001222385180881247, + -0.21055930852890015, + 0.05111423879861832, + -0.6142197251319885, + -0.14266803860664368, + -0.03854832798242569, + -0.15845425426959991, + 1.9281264543533325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/62.png", + [ + 0.165873721241951, + -0.06695447117090225, + -0.12227385491132736, + 1.4672441482543945, + -0.026055101305246353, + -0.20158879458904266, + 0.07503987848758698, + -0.8998605012893677, + -0.13694866001605988, + -0.04274282231926918, + -0.16237613558769226, + 1.9970124959945679, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/65.png", + [ + 0.16873960196971893, + -0.06351681798696518, + -0.12016842514276505, + 1.4433778524398804, + -0.02532077208161354, + -0.20289750397205353, + 0.07168928533792496, + -0.8659034967422485, + -0.13354286551475525, + -0.04178646206855774, + -0.16543303430080414, + 2.0441646575927734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/80.png", + [ + 0.16123801469802856, + -0.03440126031637192, + -0.1405942738056183, + 1.6791050434112549, + -0.0004665034939534962, + -0.210588276386261, + 0.05099271610379219, + -0.6245260238647461, + -0.14474108815193176, + -0.0376434251666069, + -0.15678291022777557, + 1.9381636381149292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/119.png", + [ + 0.16315534710884094, + -0.03895905613899231, + -0.1371510922908783, + 1.6787735223770142, + -0.005829596891999245, + -0.21007724106311798, + 0.052739519625902176, + -0.656516969203949, + -0.14245785772800446, + -0.03602266684174538, + -0.15923573076725006, + 2.006221294403076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/79.png", + [ + 0.16185444593429565, + -0.037809133529663086, + -0.13900180160999298, + 1.6658990383148193, + -0.004113271366804838, + -0.21020592749118805, + 0.05238746851682663, + -0.64089435338974, + -0.14399345219135284, + -0.03649432212114334, + -0.15774011611938477, + 1.9544919729232788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/116.png", + [ + 0.16177508234977722, + -0.041287049651145935, + -0.1381017565727234, + 1.6962465047836304, + -0.00929496344178915, + -0.21015195548534393, + 0.051938947290182114, + -0.6465176343917847, + -0.14384129643440247, + -0.03285469114780426, + -0.15867622196674347, + 2.005598545074463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/19.png", + [ + 0.1425972878932953, + 0.0073624481447041035, + -0.16297146677970886, + 1.8311644792556763, + 0.023006483912467957, + -0.21519818902015686, + 0.010408429428935051, + -0.12977363169193268, + -0.1615072786808014, + -0.02415425330400467, + -0.1424073576927185, + 1.667215347290039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/77.png", + [ + 0.16234619915485382, + -0.044306058436632156, + -0.13648654520511627, + 1.6420972347259521, + -0.012859362177550793, + -0.20975081622600555, + 0.05279320850968361, + -0.6462841033935547, + -0.14292041957378387, + -0.03145567700266838, + -0.15978795289993286, + 1.9843415021896362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/68.png", + [ + 0.17217640578746796, + -0.05956843122839928, + -0.11728078871965408, + 1.403852939605713, + -0.015387586317956448, + -0.20097887516021729, + 0.07948970794677734, + -0.9599409699440002, + -0.13063845038414001, + -0.05483606085181236, + -0.16393442451953888, + 2.0211849212646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/86.png", + [ + 0.1629023551940918, + -0.03331737965345383, + -0.13892681896686554, + 1.6388957500457764, + 0.00015132533735595644, + -0.210659921169281, + 0.050697825849056244, + -0.6104826927185059, + -0.14286595582962036, + -0.03821314871311188, + -0.15835706889629364, + 1.932052493095398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/1.png", + [ + 0.1373768299818039, + 0.014275860972702503, + -0.16694818437099457, + 2.037890911102295, + 0.026523403823375702, + -0.21501760184764862, + 0.0034390322398394346, + -0.0534820631146431, + -0.16544486582279205, + -0.022616755217313766, + -0.13807378709316254, + 1.73555588722229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/81.png", + [ + 0.1607721745967865, + -0.03334169089794159, + -0.14138078689575195, + 1.6806379556655884, + -0.0011896020732820034, + -0.21118475496768951, + 0.04845072329044342, + -0.5913786888122559, + -0.1452541947364807, + -0.035174138844013214, + -0.15688177943229675, + 1.9318851232528687, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/95.png", + [ + 0.162751704454422, + -0.03173330798745155, + -0.13947317004203796, + 1.6539887189865112, + 0.003566981991752982, + -0.2103089988231659, + 0.05201239138841629, + -0.6298269033432007, + -0.14299315214157104, + -0.04136435315012932, + -0.15744788944721222, + 1.9231735467910767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/103.png", + [ + 0.16322314739227295, + -0.022112958133220673, + -0.1407732516527176, + 1.7075791358947754, + 0.010247504338622093, + -0.21167424321174622, + 0.04513196647167206, + -0.568354606628418, + -0.14213049411773682, + -0.040656156837940216, + -0.15841050446033478, + 1.9828823804855347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/83.png", + [ + 0.16378195583820343, + -0.03382495045661926, + -0.13776515424251556, + 1.6297454833984375, + -0.0011958616087213159, + -0.2107466608285904, + 0.05032212287187576, + -0.6100897192955017, + -0.14185181260108948, + -0.037277594208717346, + -0.1594877541065216, + 1.9528783559799194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/51.png", + [ + 0.18094336986541748, + -0.05400236323475838, + -0.10625974833965302, + 1.2178740501403809, + -0.015439649112522602, + -0.20215262472629547, + 0.07644493132829666, + -0.883834719657898, + -0.11819055676460266, + -0.05626680701971054, + -0.17266422510147095, + 2.0407299995422363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/128.png", + [ + 0.16269296407699585, + -0.03596899285912514, + -0.1385103464126587, + 1.6702797412872314, + 4.0211467421613634e-05, + -0.20970720052719116, + 0.054504938423633575, + -0.6691070199012756, + -0.1431044638156891, + -0.040951453149318695, + -0.157454714179039, + 1.957563042640686, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/93.png", + [ + 0.16191890835762024, + -0.033358488231897354, + -0.14006203413009644, + 1.6552318334579468, + 0.0015112397959455848, + -0.21037353575229645, + 0.05185159668326378, + -0.6248284578323364, + -0.14397180080413818, + -0.03972510248422623, + -0.15697748959064484, + 1.9146066904067993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/76.png", + [ + 0.1501534879207611, + -0.05914861336350441, + -0.14457961916923523, + 1.6284675598144531, + -0.05792364478111267, + -0.20732709765434265, + 0.024662336334586143, + -0.28847500681877136, + -0.145074725151062, + 0.021559711545705795, + -0.15948791801929474, + 1.8429268598556519, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/48.png", + [ + 0.1837480217218399, + -0.07006379961967468, + -0.09097042679786682, + 1.0708050727844238, + -0.061800528317689896, + -0.20502324402332306, + 0.033076487481594086, + -0.37319308519363403, + -0.09677420556545258, + -0.00210323603823781, + -0.193851038813591, + 2.3112330436706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/137.png", + [ + 0.17518356442451477, + -0.06269565224647522, + -0.1110309436917305, + 1.263661503791809, + -0.047004930675029755, + -0.20713889598846436, + 0.042800817638635635, + -0.500276505947113, + -0.11852911114692688, + -0.010518062859773636, + -0.18107490241527557, + 2.1146907806396484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/35.png", + [ + 0.19426316022872925, + -0.02823733352124691, + -0.09171895682811737, + 1.0799896717071533, + 0.008283902890980244, + -0.20137585699558258, + 0.07954270392656326, + -0.9430812001228333, + -0.09560905396938324, + -0.07482190430164337, + -0.17946721613407135, + 2.1516332626342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/124.png", + [ + 0.18126854300498962, + -0.0625687688589096, + -0.10086999833583832, + 1.1740658283233643, + -0.04831569269299507, + -0.20707739889621735, + 0.04162251204252243, + -0.49977627396583557, + -0.10842140763998032, + -0.012328394688665867, + -0.18719162046909332, + 2.2410383224487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/97.png", + [ + 0.16842752695083618, + -0.05696379393339157, + -0.12383532524108887, + 1.3679264783859253, + -0.049840331077575684, + -0.20895272493362427, + 0.028330011293292046, + -0.3239608108997345, + -0.1268700212240219, + 0.006463328842073679, + -0.17552810907363892, + 1.9907909631729126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/13.png", + [ + 0.18535809218883514, + -0.035334665328264236, + -0.10649758577346802, + 1.252853274345398, + -0.00807429663836956, + -0.2093178927898407, + 0.05539602041244507, + -0.6620522141456604, + -0.11191549897193909, + -0.043420903384685516, + -0.18038135766983032, + 2.165377616882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/32.png", + [ + 0.19331814348697662, + -0.02259957417845726, + -0.09521157294511795, + 1.1270133256912231, + 0.013656905852258205, + -0.202523335814476, + 0.0758003294467926, + -0.9041097164154053, + -0.09689929336309433, + -0.07363057136535645, + -0.17926783859729767, + 2.1568799018859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/38.png", + [ + 0.19421003758907318, + -0.041340820491313934, + -0.08672533184289932, + 1.0142079591751099, + -0.006067892070859671, + -0.20047679543495178, + 0.08197639882564545, + -0.9731376767158508, + -0.09588288515806198, + -0.07104846835136414, + -0.18084931373596191, + 2.169893264770508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/148.png", + [ + 0.18448416888713837, + -0.055650126188993454, + -0.09907852858304977, + 1.1442115306854248, + -0.042239777743816376, + -0.20896080136299133, + 0.03871801123023033, + -0.46185994148254395, + -0.10549546778202057, + -0.013650898821651936, + -0.18876509368419647, + 2.2338523864746094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/111.png", + [ + 0.1744987964630127, + -0.06999555975198746, + -0.10769720375537872, + 1.2023729085922241, + -0.060557663440704346, + -0.20504949986934662, + 0.035147763788700104, + -0.4054926931858063, + -0.11327329277992249, + 0.0017936977092176676, + -0.18469931185245514, + 2.132601737976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/11.png", + [ + 0.18231342732906342, + -0.045656777918338776, + -0.1078200563788414, + 1.272908329963684, + -0.018298903480172157, + -0.20818178355693817, + 0.05721358582377434, + -0.684990644454956, + -0.11564970761537552, + -0.0390346460044384, + -0.17902326583862305, + 2.1542601585388184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/125.png", + [ + 0.17951443791389465, + -0.06211269646883011, + -0.10423282533884048, + 1.2191252708435059, + -0.04772469401359558, + -0.20727455615997314, + 0.0413220152258873, + -0.4975587725639343, + -0.11155636608600616, + -0.011276897974312305, + -0.18540741503238678, + 2.2260613441467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/59.png", + [ + 0.19109715521335602, + -0.05710671469569206, + -0.08466756343841553, + 1.0033228397369385, + -0.040911365300416946, + -0.20739677548408508, + 0.04754715412855148, + -0.5790399312973022, + -0.0935736745595932, + -0.025947939604520798, + -0.19369709491729736, + 2.356748104095459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/105.png", + [ + 0.15837515890598297, + -0.06348177790641785, + -0.13354872167110443, + 1.4956125020980835, + -0.0584050752222538, + -0.2066350132226944, + 0.02896055392920971, + -0.3358193039894104, + -0.13584566116333008, + 0.014830023981630802, + -0.1681484878063202, + 1.9221302270889282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/121.png", + [ + 0.17255134880542755, + -0.06454697251319885, + -0.11405090987682343, + 1.311472773551941, + -0.05307205393910408, + -0.20683276653289795, + 0.0367622971534729, + -0.43662479519844055, + -0.11982187628746033, + -0.0013405680656433105, + -0.18052372336387634, + 2.128939151763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/24.png", + [ + 0.19383975863456726, + -0.00374962599016726, + -0.09674695879220963, + 1.1516534090042114, + 0.028802990913391113, + -0.20447613298892975, + 0.06563382595777512, + -0.7919697165489197, + -0.0924360454082489, + -0.07157759368419647, + -0.18242838978767395, + 2.216578960418701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/74.png", + [ + 0.1477494090795517, + -0.05470415949821472, + -0.1487462818622589, + 1.6999794244766235, + -0.05581476166844368, + -0.20829015970230103, + 0.02116180770099163, + -0.25014862418174744, + -0.1483331173658371, + 0.02388647198677063, + -0.15612372756004333, + 1.8216893672943115, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/129.png", + [ + 0.16920709609985352, + -0.0616360604763031, + -0.12049005925655365, + 1.4110826253890991, + -0.04795445501804352, + -0.20768997073173523, + 0.03889913111925125, + -0.46539321541786194, + -0.12655919790267944, + -0.0037105099763721228, + -0.17583201825618744, + 2.094013214111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/144.png", + [ + 0.17336049675941467, + -0.05808005481958389, + -0.11627870798110962, + 1.331620693206787, + -0.04821660742163658, + -0.2087453007698059, + 0.03237980976700783, + -0.37733495235443115, + -0.12070289254188538, + -3.145585287711583e-05, + -0.1799408346414566, + 2.0981407165527344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/98.png", + [ + 0.1699942797422409, + -0.05491924285888672, + -0.12261205166578293, + 1.358500599861145, + -0.048918187618255615, + -0.20947256684303284, + 0.026002852246165276, + -0.2992522418498993, + -0.12512733042240143, + 0.007281067315489054, + -0.17674283683300018, + 2.0146398544311523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/0.png", + [ + 0.179578959941864, + -0.045525819063186646, + -0.11236852407455444, + 1.3100560903549194, + -0.020247220993041992, + -0.20925992727279663, + 0.052423540502786636, + -0.6222715377807617, + -0.11953800171613693, + -0.0329480916261673, + -0.1776878833770752, + 2.112464427947998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/96.png", + [ + 0.16368840634822845, + -0.05731170251965523, + -0.12988217175006866, + 1.438461184501648, + -0.05033647641539574, + -0.20878463983535767, + 0.028689907863736153, + -0.3288688063621521, + -0.13274125754833221, + 0.008499404415488243, + -0.17104212939739227, + 1.943231225013733, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/100.png", + [ + 0.17289549112319946, + -0.05856233462691307, + -0.1167282983660698, + 1.2959532737731934, + -0.05204034596681595, + -0.20852236449718475, + 0.027534157037734985, + -0.31658831238746643, + -0.1197783425450325, + 0.0060646263882517815, + -0.18045571446418762, + 2.065976142883301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/40.png", + [ + 0.19241192936897278, + -0.05262992903590202, + -0.08459097146987915, + 0.9875099062919617, + -0.019097214564681053, + -0.2000458985567093, + 0.08102366328239441, + -0.9640636444091797, + -0.0977795347571373, + -0.06449517607688904, + -0.1822839230298996, + 2.1796345710754395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/141.png", + [ + 0.1676967442035675, + -0.06005512550473213, + -0.12336564064025879, + 1.4223737716674805, + -0.04730363190174103, + -0.20817844569683075, + 0.03704046085476875, + -0.43392613530158997, + -0.12879465520381927, + -0.001734960125759244, + -0.17423208057880402, + 2.039250373840332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/52.png", + [ + 0.18098480999469757, + -0.05371998995542526, + -0.10633228719234467, + 1.2601699829101562, + -0.04250270873308182, + -0.20978465676307678, + 0.03364250063896179, + -0.40825018286705017, + -0.11129201948642731, + -0.007242986466735601, + -0.18576738238334656, + 2.225724220275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/3.png", + [ + 0.17815664410591125, + -0.052717454731464386, + -0.11148529499769211, + 1.2978280782699585, + -0.028833311051130295, + -0.20825636386871338, + 0.0524006262421608, + -0.6192388534545898, + -0.11990305036306381, + -0.028249872848391533, + -0.17825010418891907, + 2.119969367980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/47.png", + [ + 0.18331271409988403, + -0.06825713813304901, + -0.09319496899843216, + 1.094700574874878, + -0.05820402875542641, + -0.20556935667991638, + 0.03607530519366264, + -0.40468284487724304, + -0.09978292137384415, + -0.005486291367560625, + -0.19225285947322845, + 2.283433437347412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/104.png", + [ + 0.15837398171424866, + -0.059346236288547516, + -0.13543854653835297, + 1.5197674036026, + -0.05460371822118759, + -0.20790347456932068, + 0.027248375117778778, + -0.31714552640914917, + -0.13741908967494965, + 0.014214925467967987, + -0.16691860556602478, + 1.9103933572769165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/21.png", + [ + 0.19126735627651215, + 0.00673700449988246, + -0.10158398002386093, + 1.2097599506378174, + 0.038684237748384476, + -0.2047933042049408, + 0.05925479158759117, + -0.7174893617630005, + -0.09417124092578888, + -0.07044298201799393, + -0.18198204040527344, + 2.2104554176330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/82.png", + [ + 0.14288568496704102, + -0.05073010176420212, + -0.15478381514549255, + 1.741011381149292, + -0.05077650398015976, + -0.20951059460639954, + 0.021793346852064133, + -0.25940167903900146, + -0.15476860105991364, + 0.02190116047859192, + -0.15004970133304596, + 1.7256748676300049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/106.png", + [ + 0.16343946754932404, + -0.06435205787420273, + -0.12686309218406677, + 1.414008617401123, + -0.05883129686117172, + -0.20651383697986603, + 0.02896219491958618, + -0.3351708948612213, + -0.1295156627893448, + 0.012599322013556957, + -0.17324791848659515, + 1.9711376428604126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/14.png", + [ + 0.18596066534519196, + -0.02787177450954914, + -0.10765538364648819, + 1.2664128541946411, + 7.734134851489216e-05, + -0.20972628891468048, + 0.05443132668733597, + -0.6487632989883423, + -0.1112048327922821, + -0.04675403982400894, + -0.1799873262643814, + 2.1627025604248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/67.png", + [ + 0.16122251749038696, + -0.052072808146476746, + -0.13506890833377838, + 1.590048909187317, + -0.03621085360646248, + -0.21025030314922333, + 0.03783489018678665, + -0.45808833837509155, + -0.14015692472457886, + -0.005579219665378332, + -0.16514478623867035, + 1.9731858968734741, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/78.png", + [ + 0.15024501085281372, + -0.06008509546518326, + -0.14409758150577545, + 1.6150364875793457, + -0.05739767476916313, + -0.20723804831504822, + 0.026566753163933754, + -0.3095872700214386, + -0.14518898725509644, + 0.019750090315937996, + -0.15961825847625732, + 1.8345485925674438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/31.png", + [ + 0.19415250420570374, + -0.022285185754299164, + -0.09357386082410812, + 1.106988549232483, + 0.01236372347921133, + -0.20324967801570892, + 0.07405812293291092, + -0.8863525986671448, + -0.09539306163787842, + -0.07169962674379349, + -0.18085137009620667, + 2.175229549407959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/39.png", + [ + 0.19393108785152435, + -0.0480404794216156, + -0.08384954184293747, + 0.9780822396278381, + -0.014296512119472027, + -0.20019793510437012, + 0.08163511008024216, + -0.9690542817115784, + -0.09557323902845383, + -0.06753364950418472, + -0.1823536604642868, + 2.182852268218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/92.png", + [ + 0.15874172747135162, + -0.058996982872486115, + -0.13516032695770264, + 1.4918969869613647, + -0.05385660380125046, + -0.20805683732032776, + 0.02756308577954769, + -0.31583553552627563, + -0.13728958368301392, + 0.013401960954070091, + -0.16709235310554504, + 1.89303457736969, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/53.png", + [ + 0.1805819720029831, + -0.051174286752939224, + -0.10825542360544205, + 1.281802773475647, + -0.0388907715678215, + -0.21033617854118347, + 0.03455560281872749, + -0.42170998454093933, + -0.11324995011091232, + -0.009368802420794964, + -0.1844845861196518, + 2.212136745452881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/75.png", + [ + 0.14947707951068878, + -0.05638103187084198, + -0.14637510478496552, + 1.6597137451171875, + -0.05612741410732269, + -0.20803166925907135, + 0.02281314693391323, + -0.2682443857192993, + -0.14647255837917328, + 0.02217894047498703, + -0.15811952948570251, + 1.8356959819793701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/151.png", + [ + 0.18084117770195007, + -0.0540277473628521, + -0.10642073303461075, + 1.249364972114563, + -0.03908848017454147, + -0.20935820043087006, + 0.03986390680074692, + -0.4797002375125885, + -0.1127672791481018, + -0.014072760939598083, + -0.1844814121723175, + 2.2021045684814453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/87.png", + [ + 0.1518660932779312, + -0.057494405657052994, + -0.14345373213291168, + 1.5982251167297363, + -0.05715784430503845, + -0.20775708556175232, + 0.02275669388473034, + -0.2663111388683319, + -0.14358818531036377, + 0.021892433986067772, + -0.1607826203107834, + 1.8416279554367065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/139.png", + [ + 0.17501294612884521, + -0.06358349323272705, + -0.11079487204551697, + 1.2702174186706543, + -0.04754440486431122, + -0.20684783160686493, + 0.04360509291291237, + -0.5098533034324646, + -0.11856599152088165, + -0.010909350588917732, + -0.1810275912284851, + 2.1192545890808105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/107.png", + [ + 0.16783352196216583, + -0.06751426309347153, + -0.1192544624209404, + 1.321892261505127, + -0.06185143440961838, + -0.2055763304233551, + 0.02933717891573906, + -0.33497166633605957, + -0.12228737026453018, + 0.011317876167595387, + -0.17850936949253082, + 2.0275917053222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/112.png", + [ + 0.16967646777629852, + -0.06853978335857391, + -0.11601762473583221, + 1.305739402770996, + -0.05856082960963249, + -0.20552130043506622, + 0.03577036038041115, + -0.41592004895210266, + -0.12136071175336838, + 0.0033446450252085924, + -0.17946666479110718, + 2.073965549468994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/69.png", + [ + 0.1511368602514267, + -0.048783425241708755, + -0.1473964899778366, + 1.7287112474441528, + -0.03938279300928116, + -0.21101918816566467, + 0.02945828251540661, + -0.3563387393951416, + -0.15018169581890106, + 0.006242782808840275, + -0.1560588777065277, + 1.8561903238296509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/45.png", + [ + 0.18411163985729218, + -0.06425963342189789, + -0.09445371478796005, + 1.1068847179412842, + -0.04334967955946922, + -0.20504555106163025, + 0.0550001785159111, + -0.6480752825737, + -0.10569583624601364, + -0.027837298810482025, + -0.18708652257919312, + 2.216670513153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/50.png", + [ + 0.18327635526657104, + -0.06049815192818642, + -0.09847664088010788, + 1.167521357536316, + -0.05021727457642555, + -0.20796522498130798, + 0.034301288425922394, + -0.4053933620452881, + -0.10409563034772873, + -0.00619078753516078, + -0.18993069231510162, + 2.2707161903381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/101.png", + [ + 0.17133313417434692, + -0.059547264128923416, + -0.11851993203163147, + 1.318157434463501, + -0.053103458136320114, + -0.20821288228034973, + 0.027844473719596863, + -0.3209726810455322, + -0.12154370546340942, + 0.0070296102203428745, + -0.17923617362976074, + 2.050631046295166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/85.png", + [ + 0.14618341624736786, + -0.054371949285268784, + -0.1504061073064804, + 1.6900006532669067, + -0.05461818724870682, + -0.20849013328552246, + 0.022284621372818947, + -0.2638406753540039, + -0.15031683444976807, + 0.022878842428326607, + -0.15436740219593048, + 1.777862787246704, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/131.png", + [ + 0.16472013294696808, + -0.06085136905312538, + -0.12693415582180023, + 1.4753309488296509, + -0.048261575400829315, + -0.2079543024301529, + 0.03706370294094086, + -0.4442935585975647, + -0.132234588265419, + 9.646735998103395e-05, + -0.1716446727514267, + 2.03145170211792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/71.png", + [ + 0.14437071979045868, + -0.048527251929044724, + -0.1541106402873993, + 1.7935651540756226, + -0.043608177453279495, + -0.21070405840873718, + 0.025495611131191254, + -0.3042312562465668, + -0.15557412803173065, + 0.014028707519173622, + -0.15015918016433716, + 1.772716999053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/115.png", + [ + 0.14897696673870087, + -0.06944292783737183, + -0.14117871224880219, + 1.6167429685592651, + -0.062299951910972595, + -0.20457209646701813, + 0.03488364443182945, + -0.4107263684272766, + -0.14447306096553802, + 0.016608159989118576, + -0.1606225073337555, + 1.8655582666397095, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/54.png", + [ + 0.1804548054933548, + -0.04926745593547821, + -0.10934655368328094, + 1.2925353050231934, + -0.03552395850419998, + -0.21064089238643646, + 0.036281634122133255, + -0.4422304332256317, + -0.11455131322145462, + -0.012289268895983696, + -0.18350712954998016, + 2.2000975608825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/33.png", + [ + 0.19517774879932404, + -0.025987165048718452, + -0.09043346345424652, + 1.0687596797943115, + 0.009049966931343079, + -0.2020968645811081, + 0.07760707288980484, + -0.9208464026451111, + -0.09365704655647278, + -0.07368464022874832, + -0.18096084892749786, + 2.173224449157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/49.png", + [ + 0.1833856850862503, + -0.0666484385728836, + -0.09421024471521378, + 1.1119049787521362, + -0.058024462312459946, + -0.2061530202627182, + 0.032893676310777664, + -0.3801860809326172, + -0.09975343942642212, + -0.002610967494547367, + -0.19232870638370514, + 2.2975215911865234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/118.png", + [ + 0.15312547981739044, + -0.06878424435853958, + -0.13700075447559357, + 1.5754139423370361, + -0.06222756579518318, + -0.20485757291316986, + 0.03330162167549133, + -0.39543822407722473, + -0.14010071754455566, + 0.01581125147640705, + -0.16452866792678833, + 1.925254464149475, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/110.png", + [ + 0.17570728063583374, + -0.07104676961898804, + -0.10501045733690262, + 1.1633390188217163, + -0.06360812485218048, + -0.2046377807855606, + 0.032020047307014465, + -0.36777928471565247, + -0.10967609286308289, + 0.004861494991928339, + -0.18680314719676971, + 2.1525840759277344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/18.png", + [ + 0.1911170482635498, + -0.007778060156852007, + -0.10179227590560913, + 1.205332636833191, + 0.019728202372789383, + -0.20915865898132324, + 0.05302213504910469, + -0.6409822106361389, + -0.10016469657421112, + -0.05603615567088127, + -0.18377943336963654, + 2.222626209259033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/66.png", + [ + 0.16734233498573303, + -0.05608142539858818, + -0.12569530308246613, + 1.4802120923995972, + -0.040043462067842484, + -0.20915062725543976, + 0.040005460381507874, + -0.48491376638412476, + -0.1316850632429123, + -0.007667407859116793, + -0.17189574241638184, + 2.0565237998962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/16.png", + [ + 0.18842235207557678, + -0.01636098138988018, + -0.10572240501642227, + 1.2512296438217163, + 0.0124911367893219, + -0.2092965841293335, + 0.05465167760848999, + -0.6541216969490051, + -0.1062491312623024, + -0.05362045764923096, + -0.18106314539909363, + 2.1870689392089844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/94.png", + [ + 0.15893501043319702, + -0.05505465716123581, + -0.1365889310836792, + 1.5128673315048218, + -0.048791948705911636, + -0.2092992514371872, + 0.027587508782744408, + -0.31647899746894836, + -0.13894927501678467, + 0.01052185334265232, + -0.16592252254486084, + 1.8827241659164429, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/28.png", + [ + 0.19561615586280823, + -0.01845000684261322, + -0.09133351594209671, + 1.0840365886688232, + 0.0157464612275362, + -0.20278425514698029, + 0.07468926161527634, + -0.8962001204490662, + -0.09183824807405472, + -0.07406776398420334, + -0.18173496425151825, + 2.197927951812744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/61.png", + [ + 0.18846316635608673, + -0.05809266120195389, + -0.0897483378648758, + 1.0728341341018677, + -0.03992130607366562, + -0.20697803795337677, + 0.050142526626586914, + -0.6133041381835938, + -0.09917565435171127, + -0.02707815356552601, + -0.1907324194908142, + 2.3268179893493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/132.png", + [ + 0.1626223474740982, + -0.06087956205010414, + -0.12959766387939453, + 1.498341679573059, + -0.04949025809764862, + -0.20792582631111145, + 0.03557327762246132, + -0.42764735221862793, + -0.13435989618301392, + 0.002902100095525384, + -0.16996140778064728, + 2.001992702484131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/58.png", + [ + 0.18917535245418549, + -0.05519329383969307, + -0.09007929265499115, + 1.0648751258850098, + -0.04006931185722351, + -0.20843392610549927, + 0.04356194660067558, + -0.5281659364700317, + -0.09774982184171677, + -0.021375054493546486, + -0.1921873390674591, + 2.335801601409912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/123.png", + [ + 0.1801966428756714, + -0.062351178377866745, + -0.1029047742486, + 1.1923996210098267, + -0.048919662833213806, + -0.20726996660232544, + 0.03992398828268051, + -0.4769372045993805, + -0.10992694646120071, + -0.009969332255423069, + -0.18645262718200684, + 2.223198413848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/64.png", + [ + 0.1791115403175354, + -0.06012600287795067, + -0.10607456415891647, + 1.2558549642562866, + -0.04346484690904617, + -0.20760026574134827, + 0.04428127780556679, + -0.5356243252754211, + -0.1139199510216713, + -0.015326086431741714, + -0.18367157876491547, + 2.212258815765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/10.png", + [ + 0.17996372282505035, + -0.049662742763757706, + -0.10997527837753296, + 1.3039309978485107, + -0.02157244272530079, + -0.20753313601016998, + 0.05841682851314545, + -0.6989720463752747, + -0.11872480064630508, + -0.0375700443983078, + -0.17731556296348572, + 2.1403770446777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/41.png", + [ + 0.19089506566524506, + -0.0563991405069828, + -0.08559267967939377, + 0.9999334812164307, + -0.023420987650752068, + -0.20014096796512604, + 0.079642653465271, + -0.9500145316123962, + -0.09979192167520523, + -0.06091494858264923, + -0.1824248880147934, + 2.1777963638305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/91.png", + [ + 0.15934309363365173, + -0.05982871726155281, + -0.13408279418945312, + 1.4791373014450073, + -0.05528109148144722, + -0.20775596797466278, + 0.027006560936570168, + -0.3094756603240967, + -0.13602088391780853, + 0.014348405413329601, + -0.16804862022399902, + 1.903582215309143, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/140.png", + [ + 0.17015495896339417, + -0.06079592928290367, + -0.11957860738039017, + 1.3781487941741943, + -0.04608585312962532, + -0.20788203179836273, + 0.04011290892958641, + -0.4709348678588867, + -0.12598128616809845, + -0.006066831294447184, + -0.17618116736412048, + 2.0651516914367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/23.png", + [ + 0.19206537306308746, + 0.0020780880004167557, + -0.10027196258306503, + 1.195852279663086, + 0.03526182100176811, + -0.2041967809200287, + 0.0633101761341095, + -0.7651582956314087, + -0.09389031678438187, + -0.07243795692920685, + -0.18134291470050812, + 2.206209182739258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/37.png", + [ + 0.19576981663703918, + -0.035175781697034836, + -0.08593450486660004, + 1.0045233964920044, + -0.00021632523566950113, + -0.20069779455661774, + 0.08165930211544037, + -0.9649220108985901, + -0.09285487234592438, + -0.07369500398635864, + -0.18136954307556152, + 2.1704211235046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/36.png", + [ + 0.19507375359535217, + -0.03076120838522911, + -0.0891507938504219, + 1.0452641248703003, + 0.004896938800811768, + -0.2012442946434021, + 0.08015388250350952, + -0.9474020004272461, + -0.09418139606714249, + -0.07417798042297363, + -0.1804865151643753, + 2.161126136779785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/8.png", + [ + 0.1798320710659027, + -0.05821404606103897, + -0.1059219092130661, + 1.2574635744094849, + -0.03009396605193615, + -0.20547233521938324, + 0.06183343753218651, + -0.7407658100128174, + -0.11705843359231949, + -0.03660798817873001, + -0.17861992120742798, + 2.156722068786621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/6.png", + [ + 0.18223951756954193, + -0.06034232676029205, + -0.10047613084316254, + 1.1902750730514526, + -0.03166476637125015, + -0.2041921615600586, + 0.06519815325737, + -0.783663272857666, + -0.11284498125314713, + -0.040152959525585175, + -0.18055924773216248, + 2.175393581390381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/20.png", + [ + 0.1915712058544159, + 0.005351193714886904, + -0.10109269618988037, + 1.201812744140625, + 0.03709100931882858, + -0.20503586530685425, + 0.05943439155817032, + -0.720745325088501, + -0.09419461339712143, + -0.06985381990671158, + -0.18219691514968872, + 2.210202693939209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/2.png", + [ + 0.17867054045200348, + -0.04879745841026306, + -0.1124434694647789, + 1.303148627281189, + -0.02647695131599903, + -0.20943646132946014, + 0.0488184429705143, + -0.5737139582633972, + -0.11968164891004562, + -0.026515603065490723, + -0.17866481840610504, + 2.1152658462524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/117.png", + [ + 0.14774839580059052, + -0.07058722525835037, + -0.14190047979354858, + 1.633565068244934, + -0.06472116708755493, + -0.20395690202713013, + 0.03406824916601181, + -0.40367427468299866, + -0.14467021822929382, + 0.019155146554112434, + -0.1601608544588089, + 1.870829701423645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/149.png", + [ + 0.1834663450717926, + -0.05499981343746185, + -0.10130654275417328, + 1.1771347522735596, + -0.041791174560785294, + -0.2092020958662033, + 0.037892941385507584, + -0.4539940357208252, + -0.10743135213851929, + -0.012545814737677574, + -0.18774718046188354, + 2.230344772338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/5.png", + [ + 0.18275344371795654, + -0.0622984878718853, + -0.09832584112882614, + 1.1560661792755127, + -0.033942122012376785, + -0.20359666645526886, + 0.065910704433918, + -0.7901943922042847, + -0.11134183406829834, + -0.040189385414123535, + -0.1814819574356079, + 2.1775951385498047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/108.png", + [ + 0.17185404896736145, + -0.06974300742149353, + -0.11202676594257355, + 1.2323576211929321, + -0.06537602841854095, + -0.20477846264839172, + 0.027196474373340607, + -0.30829721689224243, + -0.1146300807595253, + 0.012230509892106056, + -0.18346184492111206, + 2.085695743560791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/60.png", + [ + 0.18972210586071014, + -0.05650728568434715, + -0.08809280395507812, + 1.048431634902954, + -0.03920753300189972, + -0.20747168362140656, + 0.048643309623003006, + -0.5941925048828125, + -0.09703703224658966, + -0.026651985943317413, + -0.1918889731168747, + 2.3390331268310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/56.png", + [ + 0.18413564562797546, + -0.05202435702085495, + -0.10166329890489578, + 1.2012403011322021, + -0.03665719926357269, + -0.20960453152656555, + 0.04086671769618988, + -0.4942508637905121, + -0.10815828293561935, + -0.01753009855747223, + -0.18692879378795624, + 2.2527341842651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/147.png", + [ + 0.18357352912425995, + -0.05647687241435051, + -0.10029467195272446, + 1.1516854763031006, + -0.043339066207408905, + -0.2088194638490677, + 0.03826291486620903, + -0.45414185523986816, + -0.10663200169801712, + -0.012356684543192387, + -0.18821482360363007, + 2.2188363075256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/30.png", + [ + 0.19470824301242828, + -0.021131986752152443, + -0.09268240630626678, + 1.0977940559387207, + 0.013513786718249321, + -0.20295442640781403, + 0.0746643990278244, + -0.8943276405334473, + -0.09409552067518234, + -0.07287546992301941, + -0.1810610294342041, + 2.1818790435791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/17.png", + [ + 0.19084377586841583, + -0.013585667125880718, + -0.10169550031423569, + 1.2031550407409668, + 0.013312431052327156, + -0.209672212600708, + 0.05299282446503639, + -0.6350327134132385, + -0.10173162817955017, + -0.052923429757356644, + -0.18384145200252533, + 2.2199010848999023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/12.png", + [ + 0.1840909868478775, + -0.040415190160274506, + -0.10688786208629608, + 1.2588263750076294, + -0.014039846137166023, + -0.20913468301296234, + 0.054895006120204926, + -0.6579579710960388, + -0.11340760439634323, + -0.03971385583281517, + -0.180303692817688, + 2.167588710784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/114.png", + [ + 0.15521405637264252, + -0.07222951948642731, + -0.13281337916851044, + 1.5117101669311523, + -0.0638514906167984, + -0.20385587215423584, + 0.03624456003308296, + -0.42280134558677673, + -0.13703826069831848, + 0.013174910098314285, + -0.16731655597686768, + 1.936545968055725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/27.png", + [ + 0.19462141394615173, + -0.013738459907472134, + -0.09424253553152084, + 1.1188349723815918, + 0.020456930622458458, + -0.2033734768629074, + 0.07189317792654037, + -0.8613318204879761, + -0.09301567077636719, + -0.07347359508275986, + -0.18137697875499725, + 2.194140911102295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/42.png", + [ + 0.1880027949810028, + -0.05801784247159958, + -0.09075664728879929, + 1.0630711317062378, + -0.026059439405798912, + -0.2016342580318451, + 0.07491613179445267, + -0.8981455564498901, + -0.10451671481132507, + -0.05408744141459465, + -0.18193046748638153, + 2.1752166748046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/7.png", + [ + 0.18040841817855835, + -0.05848134681582451, + -0.10478845983743668, + 1.2437719106674194, + -0.030289074406027794, + -0.20526880025863647, + 0.06241137161850929, + -0.7493433952331543, + -0.1161174327135086, + -0.03731675073504448, + -0.179086834192276, + 2.161052703857422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/73.png", + [ + 0.145170658826828, + -0.051319267600774765, + -0.15244576334953308, + 1.7538691759109497, + -0.04973011463880539, + -0.20960985124111176, + 0.023206094279885292, + -0.27527916431427, + -0.152971550822258, + 0.019440675154328346, + -0.1522158533334732, + 1.7834163904190063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/120.png", + [ + 0.16639845073223114, + -0.06388285756111145, + -0.12320076674222946, + 1.416486144065857, + -0.053431060165166855, + -0.20701581239700317, + 0.035177674144506454, + -0.4181322455406189, + -0.1280803382396698, + 0.003365585347637534, + -0.17473407089710236, + 2.0539379119873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/46.png", + [ + 0.18506482243537903, + -0.0675213634967804, + -0.0902206301689148, + 1.056457281112671, + -0.053391437977552414, + -0.20530392229557037, + 0.04413098096847534, + -0.5060560703277588, + -0.09923835843801498, + -0.01546135637909174, + -0.19199112057685852, + 2.2656984329223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/127.png", + [ + 0.17667599022388458, + -0.06245924532413483, + -0.1087765097618103, + 1.2754912376403809, + -0.04829078167676926, + -0.20728808641433716, + 0.040589991956949234, + -0.48657622933387756, + -0.1157647892832756, + -0.008853710256516933, + -0.18294267356395721, + 2.186610221862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/133.png", + [ + 0.1638161987066269, + -0.05800740793347359, + -0.12941129505634308, + 1.4885401725769043, + -0.046371906995773315, + -0.20876125991344452, + 0.034875087440013885, + -0.4166868031024933, + -0.1340215802192688, + 0.0013289162889122963, + -0.1702478975057602, + 1.991428017616272, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/57.png", + [ + 0.1871849149465561, + -0.05187593773007393, + -0.09601345658302307, + 1.1347649097442627, + -0.036825988441705704, + -0.20947352051734924, + 0.04138342663645744, + -0.5011633038520813, + -0.10273044556379318, + -0.019432656466960907, + -0.18978072702884674, + 2.299363613128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/44.png", + [ + 0.1845373958349228, + -0.06459281593561172, + -0.0933896154165268, + 1.0941615104675293, + -0.03821250796318054, + -0.20313525199890137, + 0.06499053537845612, + -0.7776821255683899, + -0.1069282591342926, + -0.03888102248311043, + -0.18439768254756927, + 2.19337797164917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/113.png", + [ + 0.16276198625564575, + -0.0701257660984993, + -0.12465474009513855, + 1.412510871887207, + -0.06065067648887634, + -0.20486414432525635, + 0.03605661913752556, + -0.4206836223602295, + -0.12952964007854462, + 0.007807777728885412, + -0.17351946234703064, + 2.007795810699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/126.png", + [ + 0.17948995530605316, + -0.06245703995227814, + -0.10406903922557831, + 1.2200337648391724, + -0.04855405539274216, + -0.20722045004367828, + 0.040621206164360046, + -0.4880388677120209, + -0.11123735457658768, + -0.010329428128898144, + -0.18565410375595093, + 2.2230587005615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/29.png", + [ + 0.19459007680416107, + -0.01949119381606579, + -0.09328822046518326, + 1.1066086292266846, + 0.015651684254407883, + -0.2026788592338562, + 0.07499462366104126, + -0.900007963180542, + -0.09400863200426102, + -0.07408955693244934, + -0.18061286211013794, + 2.1816353797912598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/4.png", + [ + 0.18189238011837006, + -0.05717625468969345, + -0.1029268130660057, + 1.2041903734207153, + -0.031023340299725533, + -0.2059919834136963, + 0.05960490182042122, + -0.7096469402313232, + -0.11358083039522171, + -0.035299673676490784, + -0.18111106753349304, + 2.162415027618408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/55.png", + [ + 0.18278257548809052, + -0.050740089267492294, + -0.1047084778547287, + 1.2359834909439087, + -0.036391641944646835, + -0.2101345807313919, + 0.038301482796669006, + -0.46484604477882385, + -0.11051729321479797, + -0.01472406554967165, + -0.18578758835792542, + 2.227783203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/9.png", + [ + 0.1809321492910385, + -0.05596482753753662, + -0.10525865107774734, + 1.2479552030563354, + -0.02861599065363407, + -0.2061096429824829, + 0.06039729714393616, + -0.7193511724472046, + -0.1157262846827507, + -0.03653280809521675, + -0.17950119078159332, + 2.1624317169189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/25.png", + [ + 0.19471733272075653, + -0.006178209092468023, + -0.09484134614467621, + 1.1273516416549683, + 0.026577208191156387, + -0.2040511816740036, + 0.06785769015550613, + -0.8148479461669922, + -0.09125076234340668, + -0.07261434197425842, + -0.18261529505252838, + 2.213346481323242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/99.png", + [ + 0.17266514897346497, + -0.05571848526597023, + -0.11844867467880249, + 1.3122401237487793, + -0.04973747581243515, + -0.20928668975830078, + 0.025945477187633514, + -0.29905739426612854, + -0.1210818737745285, + 0.006514180451631546, + -0.17956791818141937, + 2.051928997039795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/34.png", + [ + 0.195041224360466, + -0.027476830407977104, + -0.09028752148151398, + 1.0665030479431152, + 0.008227297104895115, + -0.20154881477355957, + 0.0791093185544014, + -0.9379925727844238, + -0.09401661157608032, + -0.07463911175727844, + -0.18038229644298553, + 2.1635584831237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/72.png", + [ + 0.1430675983428955, + -0.048812754452228546, + -0.15523166954517365, + 1.7956739664077759, + -0.046024322509765625, + -0.21039490401744843, + 0.02374107390642166, + -0.281913161277771, + -0.15608112514019012, + 0.01729714497923851, + -0.14928960800170898, + 1.7556408643722534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/102.png", + [ + 0.16593779623508453, + -0.05972415953874588, + -0.12587915360927582, + 1.407609462738037, + -0.053255707025527954, + -0.2080821543931961, + 0.028522562235593796, + -0.3303639888763428, + -0.12874925136566162, + 0.009095719084143639, + -0.17403675615787506, + 1.9938961267471313, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/134.png", + [ + 0.16749821603298187, + -0.06051305681467056, + -0.12341151386499405, + 1.4122222661972046, + -0.04735144227743149, + -0.20804132521152496, + 0.03774309903383255, + -0.44510746002197266, + -0.12903517484664917, + -0.002206947188824415, + -0.17404869198799133, + 2.0261149406433105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/70.png", + [ + 0.14616788923740387, + -0.04918249696493149, + -0.1521969884634018, + 1.7773675918579102, + -0.041805170476436615, + -0.21075725555419922, + 0.02795715071260929, + -0.3358898162841797, + -0.15438643097877502, + 0.010505069978535175, + -0.1516653299331665, + 1.798245906829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/135.png", + [ + 0.1708037555217743, + -0.05929561331868172, + -0.11940684914588928, + 1.360655426979065, + -0.04610929638147354, + -0.20836172997951508, + 0.037512894719839096, + -0.438738614320755, + -0.1250915378332138, + -0.004160977900028229, + -0.17686909437179565, + 2.0530953407287598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/130.png", + [ + 0.1647186428308487, + -0.06029025465250015, + -0.1272035837173462, + 1.4837151765823364, + -0.04713862016797066, + -0.20811574161052704, + 0.037599097937345505, + -0.449605256319046, + -0.13264092803001404, + -0.0009095260757021606, + -0.17132849991321564, + 2.034912109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/90.png", + [ + 0.1586783230304718, + -0.06044460088014603, + -0.1345939338207245, + 1.4840189218521118, + -0.05645819753408432, + -0.20748913288116455, + 0.026620106771588326, + -0.3050062358379364, + -0.13631418347358704, + 0.015575878322124481, + -0.16770130395889282, + 1.901474118232727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/122.png", + [ + 0.17741811275482178, + -0.06257069855928421, + -0.10749702155590057, + 1.239977240562439, + -0.04975277557969093, + -0.2073288857936859, + 0.03856541961431503, + -0.4599480926990509, + -0.1139972060918808, + -0.0068947989493608475, + -0.18413308262825012, + 2.183450222015381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/15.png", + [ + 0.18753491342067719, + -0.02243790775537491, + -0.1061842292547226, + 1.253770112991333, + 0.005900671239942312, + -0.2095717191696167, + 0.054706182330846786, + -0.6520656943321228, + -0.10836849361658096, + -0.050240661948919296, + -0.1807762235403061, + 2.17665958404541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/22.png", + [ + 0.1916741132736206, + 0.005418956279754639, + -0.10089381039142609, + 1.20273756980896, + 0.0378197580575943, + -0.2044820487499237, + 0.060865867882966995, + -0.735962986946106, + -0.09369414299726486, + -0.07145363837480545, + -0.18183420598506927, + 2.211793899536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/138.png", + [ + 0.1770583540201187, + -0.06538311392068863, + -0.1064109057188034, + 1.2142226696014404, + -0.04899170622229576, + -0.20617449283599854, + 0.04516398161649704, + -0.5279134511947632, + -0.11488273739814758, + -0.012846030294895172, + -0.18326163291931152, + 2.14202880859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/109.png", + [ + 0.17387373745441437, + -0.0702303871512413, + -0.10855186730623245, + 1.1950759887695312, + -0.06461877375841141, + -0.2047741413116455, + 0.028980251401662827, + -0.329550564289093, + -0.11198315769433975, + 0.00911774579435587, + -0.1852688044309616, + 2.122530460357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/26.png", + [ + 0.19535662233829498, + -0.010015973821282387, + -0.09318459779024124, + 1.1068205833435059, + 0.023066451773047447, + -0.20366863906383514, + 0.07024899125099182, + -0.8420282006263733, + -0.0908384770154953, + -0.07325750589370728, + -0.18256399035453796, + 2.2103796005249023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/43.png", + [ + 0.18576784431934357, + -0.06084369122982025, + -0.09346786886453629, + 1.0941146612167358, + -0.030320947989821434, + -0.2023032158613205, + 0.07142791152000427, + -0.8578608632087708, + -0.10732584446668625, + -0.048159655183553696, + -0.18196071684360504, + 2.1704540252685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/84.png", + [ + 0.14401233196258545, + -0.05206688120961189, + -0.1532885581254959, + 1.7247909307479858, + -0.05241060629487038, + -0.2091083824634552, + 0.0217879731208086, + -0.25899481773376465, + -0.1531713753938675, + 0.0225970596075058, + -0.15157769620418549, + 1.7461321353912354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/136.png", + [ + 0.17424389719963074, + -0.06052684038877487, + -0.1136813834309578, + 1.2923909425735474, + -0.046343158930540085, + -0.20791077613830566, + 0.039664991199970245, + -0.46287801861763, + -0.12016350775957108, + -0.007582930848002434, + -0.18014194071292877, + 2.095334053039551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/89.png", + [ + 0.15587101876735687, + -0.05794239044189453, + -0.13890571892261505, + 1.5365986824035645, + -0.05586327612400055, + -0.2079620361328125, + 0.024062011390924454, + -0.27766212821006775, + -0.13975483179092407, + 0.01850312575697899, + -0.16454215347766876, + 1.8737374544143677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/63.png", + [ + 0.18350885808467865, + -0.05785730481147766, + -0.09962393343448639, + 1.1859798431396484, + -0.04086257517337799, + -0.20787487924098969, + 0.045455314218997955, + -0.5538567900657654, + -0.10771558433771133, + -0.01970956102013588, + -0.18696731328964233, + 2.266068935394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/88.png", + [ + 0.1524338722229004, + -0.056891392916440964, + -0.14309147000312805, + 1.5884220600128174, + -0.05570323020219803, + -0.20808152854442596, + 0.023390553891658783, + -0.2719210684299469, + -0.14355818927288055, + 0.02033068798482418, + -0.16101428866386414, + 1.840912103652954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/62.png", + [ + 0.18529745936393738, + -0.056501004844903946, + -0.09705866873264313, + 1.161250352859497, + -0.0383775532245636, + -0.20784029364585876, + 0.04772292077541351, + -0.5847316384315491, + -0.10554578900337219, + -0.023620959371328354, + -0.1877499371767044, + 2.289799213409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/65.png", + [ + 0.17345212399959564, + -0.05858020856976509, + -0.1158905178308487, + 1.3666905164718628, + -0.04201909154653549, + -0.2082902044057846, + 0.042396776378154755, + -0.51220703125, + -0.12286842614412308, + -0.01146510150283575, + -0.17810052633285522, + 2.135891914367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/80.png", + [ + 0.14629077911376953, + -0.05639611557126045, + -0.14955393970012665, + 1.6784343719482422, + -0.05497346818447113, + -0.2081233114004135, + 0.024708377197384834, + -0.2888351082801819, + -0.15008270740509033, + 0.0212617889046669, + -0.15482574701309204, + 1.7774269580841064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/146.png", + [ + 0.18089263141155243, + -0.05749362334609032, + -0.1044999212026596, + 1.1962172985076904, + -0.04547375813126564, + -0.2087453007698059, + 0.03613070398569107, + -0.42616671323776245, + -0.11026279628276825, + -0.00823250412940979, + -0.18633902072906494, + 2.186847686767578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/119.png", + [ + 0.15879155695438385, + -0.06648033857345581, + -0.13158077001571655, + 1.5134750604629517, + -0.05764126777648926, + -0.20599515736103058, + 0.03451629355549812, + -0.410627156496048, + -0.1356857270002365, + 0.00970850046724081, + -0.16865059733390808, + 1.9785841703414917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/145.png", + [ + 0.1774146556854248, + -0.056665580719709396, + -0.11072912812232971, + 1.2661219835281372, + -0.046217575669288635, + -0.20910659432411194, + 0.032958537340164185, + -0.3870145380496979, + -0.11548100411891937, + -0.0033677031751722097, + -0.18330490589141846, + 2.1426539421081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/79.png", + [ + 0.14893902838230133, + -0.06121724098920822, + -0.14497417211532593, + 1.6244192123413086, + -0.05797547101974487, + -0.20691372454166412, + 0.02781100943684578, + -0.32378193736076355, + -0.14630074799060822, + 0.019673742353916168, + -0.15860934555530548, + 1.8203645944595337, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/116.png", + [ + 0.14516648650169373, + -0.0683644711971283, + -0.14560522139072418, + 1.6754050254821777, + -0.06230863183736801, + -0.2047184258699417, + 0.03399837762117386, + -0.4022834002971649, + -0.1482977271080017, + 0.019093317911028862, + -0.1568155586719513, + 1.8289990425109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/19.png", + [ + 0.19081653654575348, + -0.0005360143259167671, + -0.10264817625284195, + 1.2185136079788208, + 0.029765283688902855, + -0.2070736289024353, + 0.05641310289502144, + -0.6844965219497681, + -0.09823931753635406, + -0.06378184258937836, + -0.18228769302368164, + 2.2075586318969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/77.png", + [ + 0.15032774209976196, + -0.06102467700839043, + -0.14361561834812164, + 1.6116925477981567, + -0.059096284210681915, + -0.2068287432193756, + 0.026026736944913864, + -0.30309394001960754, + -0.1444198489189148, + 0.021112805232405663, + -0.160140722990036, + 1.8454904556274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/68.png", + [ + 0.1559908539056778, + -0.04997728392481804, + -0.14183445274829865, + 1.6667290925979614, + -0.03753102570772171, + -0.21083055436611176, + 0.033012013882398605, + -0.4001706540584564, + -0.1456233561038971, + 0.0008012874168343842, + -0.16044028103351593, + 1.9136987924575806, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/143.png", + [ + 0.17030730843544006, + -0.05790649726986885, + -0.12078966945409775, + 1.3857182264328003, + -0.04727853089570999, + -0.2087935209274292, + 0.033435143530368805, + -0.3898032307624817, + -0.12533177435398102, + 7.61873452574946e-05, + -0.17674794793128967, + 2.059734344482422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/86.png", + [ + 0.15014812350273132, + -0.05642986297607422, + -0.14566779136657715, + 1.6307636499404907, + -0.05651881918311119, + -0.20798006653785706, + 0.022311672568321228, + -0.26242581009864807, + -0.1456332802772522, + 0.022535696625709534, + -0.15884262323379517, + 1.8232539892196655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/1.png", + [ + 0.17811889946460724, + -0.04851823300123215, + -0.11343514174222946, + 1.3174641132354736, + -0.024436740204691887, + -0.20914404094219208, + 0.051083408296108246, + -0.6030245423316956, + -0.12093137204647064, + -0.029200172051787376, + -0.17740024626255035, + 2.102754592895508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/81.png", + [ + 0.1431492269039154, + -0.05261833593249321, + -0.15390746295452118, + 1.7290542125701904, + -0.05208220332860947, + -0.20905716717243195, + 0.023031456395983696, + -0.2711278796195984, + -0.15408970415592194, + 0.021778756752610207, + -0.15076451003551483, + 1.7326266765594482, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/95.png", + [ + 0.16207389533519745, + -0.05541958287358284, + -0.1326974630355835, + 1.468867540359497, + -0.04913071542978287, + -0.2092469483613968, + 0.0273823793977499, + -0.31377893686294556, + -0.13515222072601318, + 0.009606809355318546, + -0.16908425092697144, + 1.9181255102157593, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/103.png", + [ + 0.16024944186210632, + -0.05954086035490036, + -0.133127361536026, + 1.4932169914245605, + -0.05381842702627182, + -0.20797668397426605, + 0.028234152123332024, + -0.3284834921360016, + -0.13554182648658752, + 0.012185079045593739, + -0.16860555112361908, + 1.932801365852356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/150.png", + [ + 0.18287654221057892, + -0.054745979607105255, + -0.10250337421894073, + 1.1980364322662354, + -0.0408884659409523, + -0.20921590924263, + 0.038790810853242874, + -0.46631550788879395, + -0.10877591371536255, + -0.013396690599620342, + -0.18691234290599823, + 2.2259178161621094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/83.png", + [ + 0.1455143839120865, + -0.05100926011800766, + -0.1522219330072403, + 1.7110508680343628, + -0.05093926936388016, + -0.2095005065202713, + 0.02150854282081127, + -0.25509610772132874, + -0.15224535763263702, + 0.021341999992728233, + -0.15268845856189728, + 1.7541550397872925, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/142.png", + [ + 0.1677340567111969, + -0.05980487912893295, + -0.12343645840883255, + 1.4216508865356445, + -0.04809118062257767, + -0.20825767517089844, + 0.0355510450899601, + -0.41528385877609253, + -0.12845396995544434, + -0.00012422593135852367, + -0.1744920015335083, + 2.0384678840637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/51.png", + [ + 0.1814272403717041, + -0.05659855902194977, + -0.10406079143285751, + 1.235361933708191, + -0.04576508328318596, + -0.2090533822774887, + 0.03391369804739952, + -0.407092422246933, + -0.10925934463739395, + -0.006417540367692709, + -0.18700027465820312, + 2.2399039268493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/128.png", + [ + 0.1721174120903015, + -0.061640750616788864, + -0.1162923276424408, + 1.3647831678390503, + -0.04764920100569725, + -0.20763982832431793, + 0.039536722004413605, + -0.4747127890586853, + -0.1226908341050148, + -0.005832349415868521, + -0.17849603295326233, + 2.1327271461486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/93.png", + [ + 0.1584443897008896, + -0.05712965130805969, + -0.1363065093755722, + 1.5068155527114868, + -0.05163965001702309, + -0.20863713324069977, + 0.027418754994869232, + -0.31471332907676697, + -0.13847963511943817, + 0.01243557222187519, + -0.1661825329065323, + 1.8834794759750366, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/76.png", + [ + 0.18573012948036194, + 0.01524695660918951, + 0.11054296046495438, + -1.2253658771514893, + 0.004694752395153046, + -0.21552015841007233, + 0.021838296204805374, + -0.24644328653812408, + 0.11149070411920547, + -0.016324279829859734, + -0.18507088720798492, + 2.101304531097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/48.png", + [ + 0.18944108486175537, + 0.023263966664671898, + 0.10256100445985794, + -1.1323586702346802, + 0.006029900163412094, + -0.21336187422275543, + 0.03725912794470787, + -0.4192456603050232, + 0.10499338805675507, + -0.029721878468990326, + -0.18719211220741272, + 2.1262054443359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/137.png", + [ + 0.1783537119626999, + 0.024383697658777237, + 0.1205955296754837, + -1.2993100881576538, + 0.005916862282902002, + -0.21383097767829895, + 0.03448466211557388, + -0.3797360360622406, + 0.12289360165596008, + -0.025092560797929764, + -0.176678866147995, + 1.953344702720642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/173.png", + [ + 0.17903004586696625, + 0.018283583223819733, + 0.12067250162363052, + -1.363340973854065, + -0.0022880304604768753, + -0.2136891782283783, + 0.035771444439888, + -0.41402238607406616, + 0.12202830612659454, + -0.0308308657258749, + -0.17637018859386444, + 2.0411829948425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/35.png", + [ + 0.19298343360424042, + 0.0036275137681514025, + 0.09844861924648285, + -1.108978033065796, + -0.010018576867878437, + -0.214682474732399, + 0.027549218386411667, + -0.3204917013645172, + 0.09800468385219574, + -0.029089048504829407, + -0.19104136526584625, + 2.2091426849365234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/124.png", + [ + 0.1793106645345688, + 0.001279823132790625, + 0.12163034081459045, + -1.321675181388855, + 0.005745913367718458, + -0.2165098935365677, + -0.0061926101334393024, + 0.060349736362695694, + 0.12150127440690994, + 0.008350209333002567, + -0.17920829355716705, + 1.9992090463638306, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/97.png", + [ + 0.18618068099021912, + 0.053926628082990646, + 0.09683269262313843, + -1.0940793752670288, + 0.031135236844420433, + -0.20712314546108246, + 0.0554841086268425, + -0.6416074633598328, + 0.10637316107749939, + -0.03376103937625885, + -0.1857224702835083, + 2.1541433334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/155.png", + [ + 0.1691051423549652, + -0.02679886296391487, + 0.13278992474079132, + -1.4266446828842163, + -0.026484621688723564, + -0.21483421325683594, + -0.009628945030272007, + 0.09663669764995575, + 0.1328529417514801, + -0.00871623121201992, + -0.170944482088089, + 1.8938475847244263, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/192.png", + [ + 0.16558600962162018, + -0.007769647520035505, + 0.13953065872192383, + -1.5526028871536255, + -0.011127670295536518, + -0.2163856029510498, + 0.001156349666416645, + -0.02000153250992298, + 0.1393030732870102, + -0.00804951786994934, + -0.16576413810253143, + 1.897504448890686, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/13.png", + [ + 0.17748084664344788, + -0.07285574823617935, + 0.10069993883371353, + -1.1481432914733887, + -0.057041581720113754, + -0.20371335744857788, + -0.04685106500983238, + 0.5190030336380005, + 0.11042959988117218, + 0.011866102926433086, + -0.18604406714439392, + 2.179055690765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/32.png", + [ + 0.19341841340065002, + -0.00791919231414795, + 0.0973370224237442, + -1.0953669548034668, + -0.017140718176960945, + -0.21536146104335785, + 0.016538837924599648, + -0.1993771493434906, + 0.09614264219999313, + -0.022463830187916756, + -0.19287267327308655, + 2.232698440551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/158.png", + [ + 0.17328764498233795, + -0.022657275199890137, + 0.128085657954216, + -1.368155837059021, + -0.020865604281425476, + -0.21544116735458374, + -0.009880561381578445, + 0.09927600622177124, + 0.12838968634605408, + -0.004432474263012409, + -0.174483060836792, + 1.9232264757156372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/38.png", + [ + 0.1930086612701416, + 0.013436968438327312, + 0.0975448414683342, + -1.0887540578842163, + -0.001617236528545618, + -0.21418613195419312, + 0.03270447626709938, + -0.37372368574142456, + 0.09845270216464996, + -0.029860440641641617, + -0.19069166481494904, + 2.183563709259033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/148.png", + [ + 0.16320843994617462, + -0.003645270597189665, + 0.14246968924999237, + -1.556296706199646, + -0.012655841186642647, + -0.2161186784505844, + 0.008968428708612919, + -0.09837990999221802, + 0.141953244805336, + -0.015076971612870693, + -0.163002610206604, + 1.8371658325195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/222.png", + [ + 0.17471514642238617, + 0.011124193668365479, + 0.12766660749912262, + -1.4193719625473022, + 0.005289602093398571, + -0.21629878878593445, + 0.011608175002038479, + -0.1388259083032608, + 0.1280411332845688, + -0.006243548355996609, + -0.17468364536762238, + 1.9946049451828003, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/111.png", + [ + 0.18208926916122437, + 0.025647487491369247, + 0.11460188031196594, + -1.2649052143096924, + 0.0071163238026201725, + -0.21346545219421387, + 0.03646577149629593, + -0.4157554507255554, + 0.1172209158539772, + -0.02688123658299446, + -0.18023470044136047, + 2.036442279815674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/164.png", + [ + 0.18016162514686584, + -0.002182102994993329, + 0.1203533262014389, + -1.31611168384552, + -0.007365329656749964, + -0.21643294394016266, + 0.007101345341652632, + -0.08391842991113663, + 0.12014756351709366, + -0.009995779022574425, + -0.1800348311662674, + 2.0296835899353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/11.png", + [ + 0.17633068561553955, + -0.07350694388151169, + 0.10223555564880371, + -1.1643544435501099, + -0.05442756041884422, + -0.20313295722007751, + -0.052177879959344864, + 0.5882076621055603, + 0.1135474294424057, + 0.016781525686383247, + -0.18377500772476196, + 2.1482224464416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/125.png", + [ + 0.17884235084056854, + 0.000649319845251739, + 0.12232288718223572, + -1.326319932937622, + 0.004636718425899744, + -0.21655184030532837, + -0.005629609804600477, + 0.05405130609869957, + 0.1222366988658905, + 0.007264299783855677, + -0.17875489592552185, + 1.9903024435043335, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/59.png", + [ + 0.18598592281341553, + 0.005983327049762011, + 0.11100144684314728, + -1.259756088256836, + -0.0032603542786091566, + -0.2159738391637802, + 0.01710447669029236, + -0.2005508542060852, + 0.11111476272344589, + -0.016352152451872826, + -0.18529438972473145, + 2.1550745964050293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/105.png", + [ + 0.18870805203914642, + 0.03807089105248451, + 0.09943730384111404, + -1.0968509912490845, + 0.025424063205718994, + -0.21260878443717957, + 0.03315136209130287, + -0.37187814712524414, + 0.10339627414941788, + -0.017204729840159416, + -0.18963412940502167, + 2.150416374206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/121.png", + [ + 0.17702393233776093, + 0.0021444319281727076, + 0.12492327392101288, + -1.366415023803711, + 0.0035580366384238005, + -0.2166413813829422, + -0.001323091797530651, + 0.008499819785356522, + 0.12489099055528641, + 0.003132348647341132, + -0.1770319640636444, + 1.987653136253357, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/175.png", + [ + 0.18036840856075287, + 0.0173813309520483, + 0.11879825592041016, + -1.3340590000152588, + -0.002900660503655672, + -0.21369865536689758, + 0.03567017614841461, + -0.4111156165599823, + 0.12002799659967422, + -0.03128362074494362, + -0.17765840888023376, + 2.0477538108825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/198.png", + [ + 0.16052035987377167, + -0.01286227535456419, + 0.14496780931949615, + -1.5556495189666748, + -0.01291284617036581, + -0.21623429656028748, + -0.004887224640697241, + 0.047663938254117966, + 0.1449633091688156, + -0.005018805619329214, + -0.16096068918704987, + 1.783241868019104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/24.png", + [ + 0.18565860390663147, + -0.05333438888192177, + 0.09815409034490585, + -1.1090277433395386, + -0.03786248713731766, + -0.20915885269641876, + -0.04203455522656441, + 0.4711841642856598, + 0.10509620606899261, + 0.01886570081114769, + -0.18853850662708282, + 2.1933693885803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/214.png", + [ + 0.17632727324962616, + 0.013208606280386448, + 0.12522825598716736, + -1.379607081413269, + 0.0017404971877112985, + -0.21571436524391174, + 0.020302044227719307, + -0.23487991094589233, + 0.1259108930826187, + -0.015515641309320927, + -0.1756519377231598, + 1.9891027212142944, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/74.png", + [ + 0.18274909257888794, + 0.01142891589552164, + 0.11584488302469254, + -1.2918922901153564, + 0.0036322157829999924, + -0.2160826474428177, + 0.015588142909109592, + -0.17863772809505463, + 0.11635060608386993, + -0.011205490678548813, + -0.18244141340255737, + 2.086622714996338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/193.png", + [ + 0.16112935543060303, + -0.010516364127397537, + 0.14448054134845734, + -1.6108225584030151, + -0.01371841598302126, + -0.21623948216438293, + -0.0004402917402330786, + -0.00013745203614234924, + 0.14421173930168152, + -0.00882013887166977, + -0.16147157549858093, + 1.8449784517288208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/129.png", + [ + 0.1803230345249176, + 0.006033643148839474, + 0.11997954547405243, + -1.2912505865097046, + 0.0070950030349195, + -0.2165583372116089, + 0.0002270659024361521, + -0.007144080474972725, + 0.11992147564888, + 0.0037397558335214853, + -0.1804237961769104, + 2.002838134765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/172.png", + [ + 0.1780960112810135, + 0.017314346507191658, + 0.12218806147575378, + -1.3843992948532104, + -0.003478576894849539, + -0.21374192833900452, + 0.035357967019081116, + -0.41062843799591064, + 0.12335968017578125, + -0.031024184077978134, + -0.17540746927261353, + 2.031991481781006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/232.png", + [ + 0.17212659120559692, + 0.03021937981247902, + 0.1280902922153473, + -1.4214805364608765, + 0.03296801447868347, + -0.21406206488609314, + 0.006199929863214493, + -0.07246546447277069, + 0.12741054594516754, + 0.014564278535544872, + -0.1746491640806198, + 1.9905966520309448, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/153.png", + [ + 0.16427859663963318, + -0.02407602034509182, + 0.139214888215065, + -1.5061355829238892, + -0.02750234119594097, + -0.21487058699131012, + -0.004706262145191431, + 0.042674798518419266, + 0.13857872784137726, + -0.014102238230407238, + -0.16596674919128418, + 1.8456937074661255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/144.png", + [ + 0.17276105284690857, + 0.013478728011250496, + 0.13007627427577972, + -1.419494867324829, + -0.0014334801817312837, + -0.21531251072883606, + 0.024214930832386017, + -0.27319473028182983, + 0.1307648867368698, + -0.020167840644717216, + -0.171585813164711, + 1.9216762781143188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/188.png", + [ + 0.17738017439842224, + 0.0024108593352138996, + 0.12441202253103256, + -1.3837488889694214, + -0.006428757216781378, + -0.2161671221256256, + 0.013354675844311714, + -0.15626154839992523, + 0.12426922470331192, + -0.014624091796576977, + -0.1768931746482849, + 2.0307812690734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/98.png", + [ + 0.18878071010112762, + 0.0538538321852684, + 0.09170334041118622, + -1.0430406332015991, + 0.0290973000228405, + -0.20586547255516052, + 0.06099707633256912, + -0.7094265818595886, + 0.10228922218084335, + -0.04082966595888138, + -0.186595156788826, + 2.174320697784424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/0.png", + [ + 0.17359799146652222, + -0.07980550825595856, + 0.10218961536884308, + -1.190503478050232, + -0.06657499074935913, + -0.20140239596366882, + -0.04418978467583656, + 0.5156223773956299, + 0.11126279085874557, + 0.004005929920822382, + -0.18588288128376007, + 2.212963104248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/163.png", + [ + 0.17757412791252136, + -0.006514139007776976, + 0.12398745864629745, + -1.3499181270599365, + -0.010076021775603294, + -0.21641859412193298, + 0.0030604691710323095, + -0.03968879580497742, + 0.12374892830848694, + -0.008273974992334843, + -0.17766721546649933, + 1.9969772100448608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/96.png", + [ + 0.1866540014743805, + 0.04934527352452278, + 0.09835255146026611, + -1.1029448509216309, + 0.028724616393446922, + -0.20880168676376343, + 0.05024588853120804, + -0.5752051472663879, + 0.10622183233499527, + -0.03024560958147049, + -0.18641357123851776, + 2.1463828086853027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/100.png", + [ + 0.186757892370224, + 0.052116770297288895, + 0.09671201556921005, + -1.1030603647232056, + 0.0270837489515543, + -0.20669619739055634, + 0.059085048735141754, + -0.6877436637878418, + 0.10646992176771164, + -0.03883831948041916, + -0.18467168509960175, + 2.157447338104248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/40.png", + [ + 0.1931067854166031, + 0.017801450565457344, + 0.09664767980575562, + -1.069960117340088, + 0.0016581109957769513, + -0.21365003287792206, + 0.03603902831673622, + -0.40745875239372253, + 0.09825942665338516, + -0.03137943893671036, + -0.190547376871109, + 2.167527198791504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/141.png", + [ + 0.17132964730262756, + 0.0197175033390522, + 0.13116885721683502, + -1.4245984554290771, + -0.0008068582974374294, + -0.2141084223985672, + 0.03323900327086449, + -0.3697400987148285, + 0.13264010846614838, + -0.02677130326628685, + -0.16922704875469208, + 1.8807491064071655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/52.png", + [ + 0.18677276372909546, + 0.023508721962571144, + 0.1072901040315628, + -1.1952403783798218, + 0.008940582163631916, + -0.2142050564289093, + 0.03137129917740822, + -0.35290971398353577, + 0.10947096347808838, + -0.022614868357777596, + -0.18561403453350067, + 2.127777099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/184.png", + [ + 0.17655740678310394, + 0.0025112403091043234, + 0.1255749613046646, + -1.3946479558944702, + -0.013208379969000816, + -0.21505889296531677, + 0.022871609777212143, + -0.26551878452301025, + 0.12490362673997879, + -0.02629193104803562, + -0.17508773505687714, + 1.999022126197815, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/227.png", + [ + 0.17579424381256104, + 0.011424664407968521, + 0.1261497288942337, + -1.3957085609436035, + 0.01077466830611229, + -0.21635811030864716, + 0.004579431377351284, + -0.055798232555389404, + 0.1262069195508957, + 0.002557677449658513, + -0.1761055588722229, + 2.002549171447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/3.png", + [ + 0.17434176802635193, + -0.07799310237169266, + 0.10232258588075638, + -1.187036156654358, + -0.064942866563797, + -0.20210616290569305, + -0.04339834675192833, + 0.49248602986335754, + 0.11106421798467636, + 0.004250716418027878, + -0.1859961301088333, + 2.205453395843506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/231.png", + [ + 0.17165011167526245, + 0.027542008087038994, + 0.12932737171649933, + -1.4331272840499878, + 0.031038060784339905, + -0.21439360082149506, + 0.004462655633687973, + -0.05163826793432236, + 0.12853313982486725, + 0.014990474097430706, + -0.1737884134054184, + 1.980122447013855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/47.png", + [ + 0.19066689908504486, + 0.02095409296452999, + 0.10077179223299026, + -1.1110117435455322, + 0.0038913844618946314, + -0.21345289051532745, + 0.03702180087566376, + -0.41955041885375977, + 0.10285370796918869, + -0.03076821006834507, + -0.1882081776857376, + 2.128265857696533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/104.png", + [ + 0.18505513668060303, + 0.04277423396706581, + 0.10427296906709671, + -1.1596331596374512, + 0.025194765999913216, + -0.21109071373939514, + 0.04187875613570213, + -0.47226831316947937, + 0.10985314100980759, + -0.02364257164299488, + -0.1852598637342453, + 2.115006446838379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/21.png", + [ + 0.18209755420684814, + -0.06176585704088211, + 0.09986663609743118, + -1.1390843391418457, + -0.04421477019786835, + -0.20678141713142395, + -0.04726933687925339, + 0.5309773087501526, + 0.10878153890371323, + 0.019347216933965683, + -0.1863871067762375, + 2.186471462249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/82.png", + [ + 0.18856993317604065, + 0.021498989313840866, + 0.10453261435031891, + -1.1451239585876465, + 0.008538329042494297, + -0.21459141373634338, + 0.028731947764754295, + -0.32436129450798035, + 0.10637843608856201, + -0.02088591456413269, + -0.1876041144132614, + 2.112887382507324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/106.png", + [ + 0.18903976678848267, + 0.03449917212128639, + 0.1001083180308342, + -1.1010783910751343, + 0.02279343456029892, + -0.2133074700832367, + 0.030467664822936058, + -0.33910250663757324, + 0.10340370237827301, + -0.016050735488533974, + -0.18973124027252197, + 2.1454997062683105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/14.png", + [ + 0.17798425257205963, + -0.07441835850477219, + 0.09864787012338638, + -1.1250301599502563, + -0.058054421097040176, + -0.20305514335632324, + -0.048437491059303284, + 0.5384231209754944, + 0.10908336192369461, + 0.013357201591134071, + -0.18673591315746307, + 2.1879453659057617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/67.png", + [ + 0.18060457706451416, + 0.00012542455806396902, + 0.11970741301774979, + -1.3390192985534668, + -0.004858917091041803, + -0.21648825705051422, + 0.007557556498795748, + -0.08721570670604706, + 0.11960882693529129, + -0.008983875624835491, + -0.18044641613960266, + 2.0674872398376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/241.png", + [ + 0.16865038871765137, + 0.03285609558224678, + 0.13200534880161285, + -1.465807318687439, + 0.02237340249121189, + -0.21409587562084198, + 0.02470407821238041, + -0.2798299491405487, + 0.13418035209178925, + -0.005597996991127729, + -0.17003585398197174, + 1.9371508359909058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/78.png", + [ + 0.18546466529369354, + 0.0178199652582407, + 0.11060380190610886, + -1.2220138311386108, + 0.005950508173555136, + -0.21518096327781677, + 0.0246909037232399, + -0.27888429164886475, + 0.11187200248241425, + -0.018096910789608955, + -0.18467554450035095, + 2.090404987335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/191.png", + [ + 0.17166590690612793, + -0.004444542806595564, + 0.13213235139846802, + -1.4680423736572266, + -0.010445683263242245, + -0.21633115410804749, + 0.006294253282248974, + -0.0763746052980423, + 0.1317937821149826, + -0.011356758885085583, + -0.17160803079605103, + 1.9659477472305298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/31.png", + [ + 0.19242310523986816, + -0.013698937371373177, + 0.09865891933441162, + -1.110602617263794, + -0.021241363137960434, + -0.2153223752975464, + 0.011531054973602295, + -0.1429656594991684, + 0.09731417149305344, + -0.01991230435669422, + -0.1925651729106903, + 2.2305469512939453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/194.png", + [ + 0.1583855003118515, + -0.019347358494997025, + 0.14658653736114502, + -1.6252663135528564, + -0.019336333498358727, + -0.2156771719455719, + -0.0075736092403531075, + 0.07811251282691956, + 0.14658796787261963, + -0.007545398082584143, + -0.15938293933868408, + 1.8069980144500732, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/152.png", + [ + 0.16139797866344452, + -0.019935041666030884, + 0.14318233728408813, + -1.5529077053070068, + -0.025479799136519432, + -0.21516771614551544, + -0.001236112555488944, + 0.00910000130534172, + 0.14230026304721832, + -0.015916725620627403, + -0.16261975467205048, + 1.8138518333435059, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/39.png", + [ + 0.19264471530914307, + 0.014854046516120434, + 0.09805747866630554, + -1.0901387929916382, + -0.0010072487639263272, + -0.2139265090227127, + 0.03438509255647659, + -0.39206433296203613, + 0.09917105734348297, + -0.03102751262485981, + -0.19013230502605438, + 2.1715922355651855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/92.png", + [ + 0.1829732209444046, + 0.03719367831945419, + 0.1099332794547081, + -1.1977853775024414, + 0.024342479184269905, + -0.21297995746135712, + 0.03154173120856285, + -0.3480975329875946, + 0.1134730875492096, + -0.014285216107964516, + -0.18403176963329315, + 2.0544772148132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/203.png", + [ + 0.18284375965595245, + 0.004309498704969883, + 0.11617866158485413, + -1.2371726036071777, + -0.0045631565153598785, + -0.21609285473823547, + 0.015197254717350006, + -0.17410573363304138, + 0.11616897583007812, + -0.015271122567355633, + -0.18226206302642822, + 2.0137887001037598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/53.png", + [ + 0.18601350486278534, + 0.0171675868332386, + 0.10978227853775024, + -1.22649347782135, + 0.0040469691157341, + -0.21497762203216553, + 0.026760749518871307, + -0.30584827065467834, + 0.11104278266429901, + -0.020923418924212456, + -0.18487729132175446, + 2.1228160858154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/75.png", + [ + 0.18347860872745514, + 0.012359987013041973, + 0.1145893782377243, + -1.2746143341064453, + 0.002730092266574502, + -0.2158307135105133, + 0.01890883408486843, + -0.2144325226545334, + 0.11522171646356583, + -0.014568048529326916, + -0.1829197257757187, + 2.085019588470459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/151.png", + [ + 0.1577865183353424, + -0.016432296484708786, + 0.14758484065532684, + -1.6007412672042847, + -0.021910112351179123, + -0.21556325256824493, + -0.0005764742963947356, + 0.002973884344100952, + 0.14687155187129974, + -0.014503962360322475, + -0.15863880515098572, + 1.772904634475708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/87.png", + [ + 0.1892603635787964, + 0.035249561071395874, + 0.099427729845047, + -1.0762145519256592, + 0.024241626262664795, + -0.21328771114349365, + 0.029471835121512413, + -0.3282378315925598, + 0.1026681438088417, + -0.014618976041674614, + -0.19024570286273956, + 2.12021541595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/139.png", + [ + 0.17415620386600494, + 0.0219553392380476, + 0.12702547013759613, + -1.3722692728042603, + 0.0015809991164132953, + -0.21385659277439117, + 0.03479580953717232, + -0.38399526476860046, + 0.1288992017507553, + -0.027040913701057434, + -0.17205138504505157, + 1.9041308164596558, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/107.png", + [ + 0.1867043375968933, + 0.03443584591150284, + 0.10442009568214417, + -1.1474101543426514, + 0.02221684530377388, + -0.21334460377693176, + 0.030633192509412766, + -0.33994659781455994, + 0.10768378525972366, + -0.01568925753235817, + -0.1873658150434494, + 2.1140732765197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/112.png", + [ + 0.18188847601413727, + 0.022070525214076042, + 0.11566055566072464, + -1.2749197483062744, + 0.0046823900192976, + -0.2140217423439026, + 0.03347639739513397, + -0.37957513332366943, + 0.11765436828136444, + -0.02560245804488659, + -0.18013843894004822, + 2.0338048934936523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/69.png", + [ + 0.1799124926328659, + 0.003042861120775342, + 0.12070678919553757, + -1.3493969440460205, + -0.0025608406867831945, + -0.2164609432220459, + 0.009273611009120941, + -0.10769498348236084, + 0.12071797251701355, + -0.00912681594491005, + -0.17969907820224762, + 2.058903694152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/157.png", + [ + 0.172126904129982, + -0.024844316765666008, + 0.1292400062084198, + -1.381554126739502, + -0.023619750514626503, + -0.21515563130378723, + -0.00990250799804926, + 0.09934644401073456, + 0.1294693946838379, + -0.006221901625394821, + -0.17362849414348602, + 1.9157551527023315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/45.png", + [ + 0.19183054566383362, + 0.02167215384542942, + 0.09838321059942245, + -1.0839067697525024, + 0.0035988169256597757, + -0.21294064819812775, + 0.03989013284444809, + -0.44964396953582764, + 0.10067764669656754, + -0.03368222713470459, + -0.1888846606016159, + 2.134550094604492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/50.png", + [ + 0.18707610666751862, + 0.026980120688676834, + 0.10593628883361816, + -1.1787595748901367, + 0.009533318690955639, + -0.21319839358329773, + 0.03746272996068001, + -0.42276379466056824, + 0.10890152305364609, + -0.027684176340699196, + -0.1852618157863617, + 2.1269326210021973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/101.png", + [ + 0.18756426870822906, + 0.04903300851583481, + 0.09676417708396912, + -1.0960637331008911, + 0.027058443054556847, + -0.2083149254322052, + 0.05310963839292526, + -0.6124436855316162, + 0.10504943877458572, + -0.033890366554260254, + -0.18645095825195312, + 2.163400650024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/85.png", + [ + 0.18865710496902466, + 0.032018665224313736, + 0.10164251178503036, + -1.107103943824768, + 0.019563302397727966, + -0.21355684101581573, + 0.030961953103542328, + -0.3472370505332947, + 0.10475529730319977, + -0.017781170085072517, + -0.18883340060710907, + 2.1151833534240723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/156.png", + [ + 0.1713341325521469, + -0.02686930261552334, + 0.1298866719007492, + -1.392138957977295, + -0.025844482704997063, + -0.21487818658351898, + -0.010359685868024826, + 0.10460412502288818, + 0.13009445369243622, + -0.007300743833184242, + -0.17311853170394897, + 1.9135199785232544, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/181.png", + [ + 0.17932701110839844, + 0.005226658657193184, + 0.12150062620639801, + -1.349535584449768, + -0.013743825256824493, + -0.21421660482883453, + 0.029500063508749008, + -0.3418838083744049, + 0.1208338737487793, + -0.032122086733579636, + -0.17696112394332886, + 2.0200066566467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/131.png", + [ + 0.17796039581298828, + 0.014011865481734276, + 0.12280742824077606, + -1.3232532739639282, + 0.010843113996088505, + -0.21621771156787872, + 0.00895686261355877, + -0.1017933040857315, + 0.12312766164541245, + -0.001210810150951147, + -0.17828631401062012, + 1.9759165048599243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/71.png", + [ + 0.1808778941631317, + 0.006789193954318762, + 0.11910073459148407, + -1.3310710191726685, + 0.0017928173765540123, + -0.21645373106002808, + 0.009615936316549778, + -0.11073651909828186, + 0.1192806214094162, + -0.0070418245159089565, + -0.18074965476989746, + 2.072164535522461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/160.png", + [ + 0.17611485719680786, + -0.01561166625469923, + 0.1252506524324417, + -1.3440394401550293, + -0.015149877406656742, + -0.2160710245370865, + -0.00562959024682641, + 0.05392007902264595, + 0.1253073513507843, + -0.004181741736829281, + -0.17671582102775574, + 1.9579282999038696, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/115.png", + [ + 0.18068130314350128, + 0.015227001160383224, + 0.11861829459667206, + -1.3078663349151611, + 0.005647503305226564, + -0.21575775742530823, + 0.019094400107860565, + -0.214530348777771, + 0.11945822834968567, + -0.01283077523112297, + -0.1803136020898819, + 2.0362954139709473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/54.png", + [ + 0.1864328235387802, + 0.014904676005244255, + 0.10940085351467133, + -1.2239594459533691, + 0.0023853096645325422, + -0.21518494188785553, + 0.025251740589737892, + -0.2918812930583954, + 0.1103857159614563, + -0.02052292972803116, + -0.18531513214111328, + 2.1308178901672363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/33.png", + [ + 0.1931367665529251, + -0.004038502927869558, + 0.09813142567873001, + -1.1050796508789062, + -0.01480785757303238, + -0.21521401405334473, + 0.020287074148654938, + -0.2413170039653778, + 0.09709177911281586, + -0.024789683520793915, + -0.1921107918024063, + 2.2216849327087402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/221.png", + [ + 0.17531628906726837, + 0.009660080075263977, + 0.12695975601673126, + -1.4079097509384155, + 0.0036259694024920464, + -0.2163412868976593, + 0.011453886516392231, + -0.13645803928375244, + 0.12727507948875427, + -0.0071429722011089325, + -0.17520824074745178, + 1.9973751306533813, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/159.png", + [ + 0.17306838929653168, + -0.01899576000869274, + 0.12897437810897827, + -1.3805862665176392, + -0.018182354047894478, + -0.21578413248062134, + -0.007382810581475496, + 0.07221321761608124, + 0.1290915608406067, + -0.004925940651446581, + -0.1739511489868164, + 1.9219008684158325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/177.png", + [ + 0.1792471557855606, + 0.015133034437894821, + 0.12078636139631271, + -1.3552066087722778, + -0.006617802195250988, + -0.21346446871757507, + 0.03656528517603874, + -0.4207828938961029, + 0.12155063450336456, + -0.03393827751278877, + -0.1761292964220047, + 2.0276055335998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/49.png", + [ + 0.18878982961177826, + 0.023270107805728912, + 0.10375357419252396, + -1.1479817628860474, + 0.0058156815357506275, + -0.2133655846118927, + 0.037271954119205475, + -0.41944465041160583, + 0.10617193579673767, + -0.029690450057387352, + -0.186531201004982, + 2.125849723815918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/118.png", + [ + 0.1751059740781784, + 0.009264128282666206, + 0.12727907299995422, + -1.402058482170105, + 0.003717661602422595, + -0.21638154983520508, + 0.010634909383952618, + -0.11777500808238983, + 0.12756162881851196, + -0.006410793401300907, + -0.17502807080745697, + 1.9782212972640991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/210.png", + [ + 0.17679880559444427, + 0.009911950677633286, + 0.12486725300550461, + -1.371959924697876, + -0.0020384984090924263, + -0.215738907456398, + 0.020011629909276962, + -0.22728796303272247, + 0.12524347007274628, + -0.017503542825579643, + -0.17594203352928162, + 1.9843755960464478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/179.png", + [ + 0.1800193041563034, + 0.010690503753721714, + 0.12011100351810455, + -1.3386635780334473, + -0.008905868977308273, + -0.21405334770679474, + 0.03239975497126579, + -0.37392163276672363, + 0.12025648355484009, + -0.03185547888278961, + -0.177402064204216, + 2.0317764282226562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/110.png", + [ + 0.18275660276412964, + 0.027664609253406525, + 0.11306008696556091, + -1.2468525171279907, + 0.008897949010133743, + -0.2131703495979309, + 0.037777386605739594, + -0.43162330985069275, + 0.11605488508939743, + -0.027220837771892548, + -0.18093694746494293, + 2.0437283515930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/18.png", + [ + 0.17765194177627563, + -0.06997736543416977, + 0.10242481529712677, + -1.172498106956482, + -0.049759186804294586, + -0.2040824443101883, + -0.053125157952308655, + 0.6039695739746094, + 0.11362965404987335, + 0.020035631954669952, + -0.1833978295326233, + 2.156026840209961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/66.png", + [ + 0.1800757497549057, + -0.0018726737471297383, + 0.12048695981502533, + -1.3529531955718994, + -0.006825140677392483, + -0.21645916998386383, + 0.006836299318820238, + -0.07788646221160889, + 0.12030808627605438, + -0.00947684608399868, + -0.17995569109916687, + 2.0686235427856445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/234.png", + [ + 0.16947264969348907, + 0.03313431516289711, + 0.13087792694568634, + -1.4634596109390259, + 0.0317724272608757, + -0.21393662691116333, + 0.013020426034927368, + -0.15377479791641235, + 0.1312151998281479, + 0.009007529355585575, + -0.1721898317337036, + 1.9712928533554077, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/202.png", + [ + 0.18220844864845276, + 0.002142552984878421, + 0.11723218113183975, + -1.2450873851776123, + -0.005400167778134346, + -0.21625521779060364, + 0.01234553661197424, + -0.14421826601028442, + 0.11712735891342163, + -0.013303516432642937, + -0.18180236220359802, + 2.002774715423584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/206.png", + [ + 0.18285299837589264, + 0.009191841818392277, + 0.1158800721168518, + -1.2512311935424805, + -0.0006633182638324797, + -0.2159101516008377, + 0.01817311719059944, + -0.20349432528018951, + 0.1162421703338623, + -0.01569114811718464, + -0.18217970430850983, + 2.0301942825317383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/16.png", + [ + 0.175798699259758, + -0.07556147873401642, + 0.10165224224328995, + -1.1627415418624878, + -0.054066020995378494, + -0.202023446559906, + -0.0566682405769825, + 0.6431522965431213, + 0.11454073339700699, + 0.020612798631191254, + -0.18276605010032654, + 2.150014877319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/190.png", + [ + 0.17648613452911377, + -0.002127672079950571, + 0.12568219006061554, + -1.3950371742248535, + -0.009022832848131657, + -0.2162991762161255, + 0.009008366614580154, + -0.10723809897899628, + 0.12537594139575958, + -0.012571202591061592, + -0.17626892030239105, + 2.02089786529541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/211.png", + [ + 0.1759606897830963, + 0.010445650666952133, + 0.1260024756193161, + -1.3859772682189941, + -0.0008116659009829164, + -0.21583612263202667, + 0.019026370719075203, + -0.2178494781255722, + 0.12643207609653473, + -0.01592325232923031, + -0.17524060606956482, + 1.9789952039718628, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/94.png", + [ + 0.18479593098163605, + 0.04340555518865585, + 0.10447162389755249, + -1.1499284505844116, + 0.027054475620388985, + -0.21124184131622314, + 0.039910465478897095, + -0.4458324611186981, + 0.10984724760055542, + -0.020993994548916817, + -0.18558213114738464, + 2.096665859222412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/209.png", + [ + 0.17865373194217682, + 0.009570545516908169, + 0.1222258135676384, + -1.3382810354232788, + -0.002098230179399252, + -0.21574310958385468, + 0.0199600737541914, + -0.22562269866466522, + 0.12258196622133255, + -0.01764119230210781, + -0.1777929812669754, + 2.000710964202881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/228.png", + [ + 0.17498549818992615, + 0.01498499047011137, + 0.12689924240112305, + -1.4025709629058838, + 0.016247382387518883, + -0.21604228019714355, + 0.0031074618455022573, + -0.03848567232489586, + 0.12674380838871002, + 0.007005989085882902, + -0.17559844255447388, + 1.9935752153396606, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/28.png", + [ + 0.18986892700195312, + -0.03512876480817795, + 0.098303884267807, + -1.1063661575317383, + -0.03078843653202057, + -0.21380622684955597, + -0.016937073320150375, + 0.1843479722738266, + 0.09974846243858337, + 0.0008732039714232087, + -0.19234700500965118, + 2.226166248321533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/61.png", + [ + 0.1833287924528122, + 0.0007359071751125157, + 0.11548984795808792, + -1.3118491172790527, + -0.006738919764757156, + -0.21623291075229645, + 0.012075221166014671, + -0.14183104038238525, + 0.1152954027056694, + -0.0138087822124362, + -0.18293216824531555, + 2.125124454498291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/132.png", + [ + 0.1780634969472885, + 0.018220124766230583, + 0.12210368365049362, + -1.3190017938613892, + 0.010644355788826942, + -0.2157696932554245, + 0.016674188897013664, + -0.18749405443668365, + 0.12299584597349167, + -0.007704407908022404, + -0.1782149076461792, + 1.9763103723526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/58.png", + [ + 0.18785224854946136, + 0.007648699451237917, + 0.10770757496356964, + -1.2177058458328247, + -0.0018488503992557526, + -0.21587082743644714, + 0.0185543280094862, + -0.21655958890914917, + 0.10796298831701279, + -0.017005257308483124, + -0.18709012866020203, + 2.1696324348449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/123.png", + [ + 0.17864465713500977, + 0.001159158069640398, + 0.12260767072439194, + -1.3358789682388306, + 0.005477406550198793, + -0.21652407944202423, + -0.005933752283453941, + 0.058153185993433, + 0.12249075621366501, + 0.007991730235517025, + -0.1785498410463333, + 1.997616171836853, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/64.png", + [ + 0.18134929239749908, + -0.0026398024056106806, + 0.11854687333106995, + -1.3388673067092896, + -0.00798823032528162, + -0.21640078723430634, + 0.007401331793516874, + -0.08477454632520676, + 0.11830687522888184, + -0.010565178468823433, + -0.18121741712093353, + 2.093642234802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/10.png", + [ + 0.17539294064044952, + -0.07498522847890854, + 0.10277365893125534, + -1.169569492340088, + -0.05432208627462387, + -0.20242004096508026, + -0.0549829937517643, + 0.6261025071144104, + 0.11504051089286804, + 0.018741236999630928, + -0.18265360593795776, + 2.1327857971191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/170.png", + [ + 0.17998982965946198, + 0.01572945900261402, + 0.11959991604089737, + -1.3536468744277954, + -0.003910161554813385, + -0.21395105123519897, + 0.034022800624370575, + -0.3974737226963043, + 0.12056644260883331, + -0.030420787632465363, + -0.17744353413581848, + 2.053900718688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/41.png", + [ + 0.1924942582845688, + 0.01801418699324131, + 0.09782303869724274, + -1.0797866582870483, + 0.0010171534959226847, + -0.21343697607517242, + 0.037303049117326736, + -0.42054060101509094, + 0.09946266561746597, + -0.032680898904800415, + -0.18970248103141785, + 2.154184341430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/166.png", + [ + 0.1783849000930786, + 0.0029396938625723124, + 0.1229555681347847, + -1.3623144626617432, + -0.007523823995143175, + -0.21594619750976562, + 0.016078593209385872, + -0.18543696403503418, + 0.1227603480219841, + -0.017506780102849007, + -0.17768312990665436, + 2.024101734161377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/91.png", + [ + 0.1835435926914215, + 0.03726223483681679, + 0.10895486921072006, + -1.1847145557403564, + 0.026355596259236336, + -0.21316836774349213, + 0.028504732996225357, + -0.3133484721183777, + 0.11209380626678467, + -0.01089324988424778, + -0.18510593473911285, + 2.063154697418213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/140.png", + [ + 0.1717468500137329, + 0.02140093594789505, + 0.13035686314105988, + -1.4124696254730225, + 0.0005527053726837039, + -0.21392695605754852, + 0.03439260274171829, + -0.3816857933998108, + 0.13210076093673706, + -0.026928728446364403, + -0.1696234792470932, + 1.882656216621399, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/217.png", + [ + 0.1759190708398819, + 0.01222927588969469, + 0.1259000450372696, + -1.3894134759902954, + 0.0024699904024600983, + -0.2159506231546402, + 0.017525022849440575, + -0.20308707654476166, + 0.1264684796333313, + -0.01279343944042921, + -0.17547065019607544, + 1.9917231798171997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/240.png", + [ + 0.17154952883720398, + 0.03228871524333954, + 0.12835924327373505, + -1.4284417629241943, + 0.02297232672572136, + -0.21420279145240784, + 0.023180576041340828, + -0.26374760270118713, + 0.13034924864768982, + -0.004744014237076044, + -0.1730157732963562, + 1.9746023416519165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/23.png", + [ + 0.1845771074295044, + -0.054764751344919205, + 0.09939821064472198, + -1.1271840333938599, + -0.03835757449269295, + -0.20871317386627197, + -0.04376533627510071, + 0.4913904368877411, + 0.10680767148733139, + 0.019685765728354454, + -0.18748995661735535, + 2.188812255859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/220.png", + [ + 0.1767634004354477, + 0.009721407666802406, + 0.12493235617876053, + -1.3811233043670654, + 0.00345593155361712, + -0.21631765365600586, + 0.011942703276872635, + -0.14081966876983643, + 0.12526236474514008, + -0.007750215008854866, + -0.17662720382213593, + 2.0084400177001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/201.png", + [ + 0.17758554220199585, + -0.000661951897200197, + 0.12414036691188812, + -1.321140170097351, + -0.006730118300765753, + -0.2164042741060257, + 0.00847365241497755, + -0.10153773427009583, + 0.12395957857370377, + -0.01080088410526514, + -0.17738451063632965, + 1.9550539255142212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/37.png", + [ + 0.19332800805568695, + 0.010733958333730698, + 0.0972469225525856, + -1.0900672674179077, + -0.003610858228057623, + -0.2144371122121811, + 0.03084765374660492, + -0.3549315929412842, + 0.09777086973190308, + -0.02914443053305149, + -0.19115270674228668, + 2.1976656913757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/178.png", + [ + 0.17892560362815857, + 0.013168693520128727, + 0.12149117141962051, + -1.3595231771469116, + -0.008907665498554707, + -0.2134343832731247, + 0.03625335171818733, + -0.41790351271629333, + 0.12187770754098892, + -0.03493189439177513, + -0.17570851743221283, + 2.0183467864990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/36.png", + [ + 0.19302847981452942, + 0.0073561761528253555, + 0.09815181791782379, + -1.10371994972229, + -0.006676339544355869, + -0.21459245681762695, + 0.029212942346930504, + -0.3371720612049103, + 0.09820041060447693, + -0.029049206525087357, + -0.19094689190387726, + 2.202235698699951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/213.png", + [ + 0.17625685036182404, + 0.010931896977126598, + 0.1255464106798172, + -1.381905198097229, + -0.0006866466137580574, + -0.21577134728431702, + 0.01975219137966633, + -0.2287679761648178, + 0.12601958215236664, + -0.01646554470062256, + -0.1754874438047409, + 1.9850529432296753, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/212.png", + [ + 0.1752089262008667, + 0.01161951944231987, + 0.12694373726844788, + -1.3971049785614014, + 0.0002577989362180233, + -0.21580447256565094, + 0.019397377967834473, + -0.22411546111106873, + 0.12747415900230408, + -0.015534204430878162, + -0.1745191067457199, + 1.97476327419281, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/182.png", + [ + 0.1784306764602661, + 0.004236589185893536, + 0.12285128235816956, + -1.3644808530807495, + -0.01413530670106411, + -0.21440227329730988, + 0.027924062684178352, + -0.3227797746658325, + 0.12210888415575027, + -0.031009862199425697, + -0.17628303170204163, + 2.010044574737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/235.png", + [ + 0.1723656952381134, + 0.0343376062810421, + 0.12672367691993713, + -1.4161025285720825, + 0.030056292191147804, + -0.21389922499656677, + 0.01707741618156433, + -0.20020157098770142, + 0.12780681252479553, + 0.0039934683591127396, + -0.17492102086544037, + 2.001556396484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/8.png", + [ + 0.17573362588882446, + -0.07633595168590546, + 0.10118501633405685, + -1.1505484580993652, + -0.056108541786670685, + -0.20195206999778748, + -0.05490979179739952, + 0.630602240562439, + 0.11365482956171036, + 0.01833234541118145, + -0.1835603415966034, + 2.141894817352295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/6.png", + [ + 0.17559814453125, + -0.07703081518411636, + 0.10089319944381714, + -1.154895305633545, + -0.06080780178308487, + -0.2022184133529663, + -0.048559390008449554, + 0.5495204329490662, + 0.11142528802156448, + 0.011038878932595253, + -0.18550051748752594, + 2.177107810974121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/197.png", + [ + 0.15528491139411926, + -0.019545894116163254, + 0.14984139800071716, + -1.6198679208755493, + -0.017774516716599464, + -0.21572549641132355, + -0.009719832800328732, + 0.09781411290168762, + 0.15006183087825775, + -0.005326027050614357, + -0.1562081128358841, + 1.7379499673843384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/219.png", + [ + 0.17619775235652924, + 0.01013991329818964, + 0.12569577991962433, + -1.386657476425171, + 0.003899712348356843, + -0.2163078635931015, + 0.011983077973127365, + -0.1395154893398285, + 0.12604379653930664, + -0.007482251618057489, + -0.17608200013637543, + 1.9998613595962524, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/169.png", + [ + 0.17993883788585663, + 0.01285817101597786, + 0.12001904845237732, + -1.3530910015106201, + -0.004402375314384699, + -0.2145993411540985, + 0.02959124930202961, + -0.3462492525577545, + 0.1206255704164505, + -0.027012784034013748, + -0.17795416712760925, + 2.053476333618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/154.png", + [ + 0.16675794124603271, + -0.027117114514112473, + 0.13566261529922485, + -1.4616682529449463, + -0.02828258089721203, + -0.2146664261817932, + -0.008143649436533451, + 0.07965798676013947, + 0.1354244202375412, + -0.011440517380833626, + -0.16875198483467102, + 1.8712271451950073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/20.png", + [ + 0.18014714121818542, + -0.0666830912232399, + 0.1002410277724266, + -1.1458330154418945, + -0.047834690660238266, + -0.20519687235355377, + -0.05053698271512985, + 0.5696867108345032, + 0.11048412322998047, + 0.019887402653694153, + -0.1853257566690445, + 2.1769700050354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/237.png", + [ + 0.17244777083396912, + 0.032939374446868896, + 0.1269828826189041, + -1.4191691875457764, + 0.02605125494301319, + -0.21415479481220245, + 0.02017313987016678, + -0.2334592044353485, + 0.12857289612293243, + -0.0007880451739765704, + -0.17440265417099, + 1.9987624883651733, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/2.png", + [ + 0.17263159155845642, + -0.07882992923259735, + 0.10455654561519623, + -1.2153109312057495, + -0.06474632769823074, + -0.20176924765110016, + -0.04522142559289932, + 0.5187654495239258, + 0.1138162612915039, + 0.00478594982996583, + -0.18431182205677032, + 2.1907081604003906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/117.png", + [ + 0.17827601730823517, + 0.012972349300980568, + 0.12246333807706833, + -1.3443130254745483, + 0.0060368990525603294, + -0.21613065898418427, + 0.01410616748034954, + -0.15568387508392334, + 0.12300043553113937, + -0.008194278925657272, + -0.17818990349769592, + 2.0101656913757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/149.png", + [ + 0.16156785190105438, + -0.007062844466418028, + 0.14420068264007568, + -1.5729050636291504, + -0.01518925093114376, + -0.21604572236537933, + 0.006436847150325775, + -0.07130812108516693, + 0.14357230067253113, + -0.014908472076058388, + -0.16159400343894958, + 1.8202989101409912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/161.png", + [ + 0.17672592401504517, + -0.011673555709421635, + 0.12481813877820969, + -1.345345377922058, + -0.0122274374589324, + -0.21630966663360596, + -0.002917828969657421, + 0.025089547038078308, + 0.1247650757431984, + -0.00466390373185277, + -0.17708702385425568, + 1.9703034162521362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/5.png", + [ + 0.17613308131694794, + -0.07567942887544632, + 0.10098347067832947, + -1.1612147092819214, + -0.062183529138565063, + -0.20292507112026215, + -0.043617818504571915, + 0.4906710684299469, + 0.10981004685163498, + 0.006475294474512339, + -0.18667542934417725, + 2.1975975036621094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/187.png", + [ + 0.17713183164596558, + 0.003005604026839137, + 0.1247524619102478, + -1.3886704444885254, + -0.007634605746716261, + -0.21594497561454773, + 0.016042783856391907, + -0.1865094006061554, + 0.12455490231513977, + -0.01751069538295269, + -0.17642943561077118, + 2.024289608001709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/108.png", + [ + 0.18425171077251434, + 0.033835653215646744, + 0.10887764394283295, + -1.1976758241653442, + 0.019500795751810074, + -0.21321675181388855, + 0.033260032534599304, + -0.3736974895000458, + 0.11233393102884293, + -0.018484016880393028, + -0.18435651063919067, + 2.0812087059020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/60.png", + [ + 0.18547821044921875, + 0.002726947655901313, + 0.11197450011968613, + -1.272320032119751, + -0.005763413850218058, + -0.2160910964012146, + 0.014809238724410534, + -0.173774853348732, + 0.11185932904481888, + -0.015655485913157463, + -0.18490618467330933, + 2.1505908966064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/56.png", + [ + 0.18763531744480133, + 0.011047118343412876, + 0.10779071599245071, + -1.213378667831421, + 0.00024578406009823084, + -0.21558843553066254, + 0.021667107939720154, + -0.25236058235168457, + 0.1083550676703453, + -0.01864095777273178, + -0.18670722842216492, + 2.1578383445739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/147.png", + [ + 0.1648378223180771, + 0.002759527415037155, + 0.14060145616531372, + -1.5394355058670044, + -0.008195320144295692, + -0.21607623994350433, + 0.013848839327692986, + -0.15173426270484924, + 0.14038953185081482, + -0.01585366390645504, + -0.16427820920944214, + 1.8535059690475464, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/30.png", + [ + 0.19074596464633942, + -0.022232338786125183, + 0.10034734755754471, + -1.1287134885787964, + -0.024963995441794395, + -0.21523159742355347, + -0.00023239676374942064, + -0.01018294133245945, + 0.09970290213823318, + -0.011356853879988194, + -0.19203710556030273, + 2.221090316772461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/17.png", + [ + 0.17716994881629944, + -0.07440156489610672, + 0.10011547803878784, + -1.1452274322509766, + -0.05238386243581772, + -0.20221073925495148, + -0.05757300555706024, + 0.6548870801925659, + 0.11320174485445023, + 0.022871948778629303, + -0.18333066999912262, + 2.1544723510742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/12.png", + [ + 0.17661000788211823, + -0.07312706112861633, + 0.10202563554048538, + -1.1628239154815674, + -0.05648724362254143, + -0.20357012748718262, + -0.04812782257795334, + 0.5353511571884155, + 0.11209812015295029, + 0.012630495242774487, + -0.18499290943145752, + 2.1650609970092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/114.png", + [ + 0.1807895004749298, + 0.016996119171380997, + 0.11821243911981583, + -1.302234411239624, + 0.005270682275295258, + -0.21539577841758728, + 0.022907983511686325, + -0.2581140995025635, + 0.1193116307258606, + -0.016238462179899216, + -0.18013589084148407, + 2.0342817306518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/27.png", + [ + 0.1896597146987915, + -0.040599364787340164, + 0.09658563137054443, + -1.0873771905899048, + -0.033051617443561554, + -0.21273063123226166, + -0.024518843740224838, + 0.273050457239151, + 0.09942174702882767, + 0.0067286416888237, + -0.19240045547485352, + 2.2290964126586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/42.png", + [ + 0.19264578819274902, + 0.01981855370104313, + 0.09717364609241486, + -1.0703134536743164, + 0.002400981495156884, + -0.21317395567893982, + 0.0387168750166893, + -0.4351758062839508, + 0.09914499521255493, + -0.03334645554423332, + -0.18975293636322021, + 2.1470794677734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/223.png", + [ + 0.17626507580280304, + 0.01234699971973896, + 0.12540359795093536, + -1.3952701091766357, + 0.006948233116418123, + -0.2162562906742096, + 0.011525864712893963, + -0.1382327377796173, + 0.12581826746463776, + -0.005354914348572493, + -0.17632068693637848, + 2.014247417449951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/174.png", + [ + 0.18032655119895935, + 0.018956981599330902, + 0.11862065643072128, + -1.337540864944458, + -0.0010763673344627023, + -0.21369604766368866, + 0.035787444561719894, + -0.4134187698364258, + 0.1201210543513298, + -0.030373219400644302, + -0.17775346338748932, + 2.0529580116271973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/7.png", + [ + 0.1757148802280426, + -0.07592639327049255, + 0.10152517259120941, + -1.1581557989120483, + -0.057610590010881424, + -0.20238907635211945, + -0.05164860188961029, + 0.59088134765625, + 0.1129300519824028, + 0.014891009777784348, + -0.18431752920150757, + 2.1599173545837402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/73.png", + [ + 0.18137691915035248, + 0.009839056059718132, + 0.11812494695186615, + -1.3199752569198608, + 0.002662228886038065, + -0.21621057391166687, + 0.013921201229095459, + -0.16040512919425964, + 0.1185041069984436, + -0.010201972909271717, + -0.18110933899879456, + 2.0749378204345703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/120.png", + [ + 0.1761678010225296, + 0.004208207130432129, + 0.12607574462890625, + -1.3839921951293945, + 0.0034335427917540073, + -0.21663376688957214, + 0.002433140529319644, + -0.031066356226801872, + 0.12609919905662537, + 1.9593513570725918e-05, + -0.1762012541294098, + 1.9845339059829712, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/46.png", + [ + 0.19134140014648438, + 0.021054726094007492, + 0.09946385771036148, + -1.095348834991455, + 0.003998253960162401, + -0.21337173879146576, + 0.03747544810175896, + -0.42274972796440125, + 0.10158924013376236, + -0.03125849366188049, + -0.1888132095336914, + 2.1315712928771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/127.png", + [ + 0.17974631488323212, + 0.002165541984140873, + 0.12097299098968506, + -1.308039903640747, + 0.0046921479515731335, + -0.21660171449184418, + -0.003094378160312772, + 0.02579372376203537, + 0.12090136110782623, + 0.005186700262129307, + -0.17973272502422333, + 1.9986268281936646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/236.png", + [ + 0.17351175844669342, + 0.034104738384485245, + 0.12521351873874664, + -1.3987812995910645, + 0.028018802404403687, + -0.21397286653518677, + 0.019453946501016617, + -0.2264011800289154, + 0.12671425938606262, + 0.000613103446085006, + -0.17575837671756744, + 2.013047218322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/226.png", + [ + 0.17663027346134186, + 0.011198055930435658, + 0.12499698996543884, + -1.3840694427490234, + 0.010015667416155338, + -0.2163798063993454, + 0.005231831222772598, + -0.06335413455963135, + 0.12509728968143463, + 0.0015129976673051715, + -0.17690753936767578, + 2.014796257019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/133.png", + [ + 0.17677073180675507, + 0.0206481721252203, + 0.12358662486076355, + -1.3372595310211182, + 0.010021008551120758, + -0.21535755693912506, + 0.021647315472364426, + -0.24399763345718384, + 0.1248982697725296, + -0.011944866739213467, + -0.17665116488933563, + 1.9605077505111694, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/57.png", + [ + 0.18621675670146942, + 0.009335183538496494, + 0.11038145422935486, + -1.248218297958374, + -0.0010167196160182357, + -0.2157507687807083, + 0.01996171846985817, + -0.23318590223789215, + 0.11077083647251129, + -0.017673658207058907, + -0.18537895381450653, + 2.1521191596984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/44.png", + [ + 0.19222404062747955, + 0.022946923971176147, + 0.09732034057378769, + -1.071440577507019, + 0.00427173962816596, + -0.21258369088172913, + 0.041687171906232834, + -0.46904346346855164, + 0.09989775717258453, + -0.035064321011304855, + -0.18904715776443481, + 2.1379427909851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/113.png", + [ + 0.18050441145896912, + 0.01958565227687359, + 0.11824739724397659, + -1.3030726909637451, + 0.0046164896339178085, + -0.21473971009254456, + 0.028520889580249786, + -0.3216973543167114, + 0.11976949870586395, + -0.021240415051579475, + -0.17930980026721954, + 2.0255661010742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/126.png", + [ + 0.17905475199222565, + 0.001323516946285963, + 0.12200630456209183, + -1.320595145225525, + 0.004241438582539558, + -0.21659846603870392, + -0.0038750276435166597, + 0.03398537263274193, + 0.12193974107503891, + 0.00559052312746644, + -0.17901769280433655, + 1.9919177293777466, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/29.png", + [ + 0.19015389680862427, + -0.028603697195649147, + 0.09985596686601639, + -1.123132348060608, + -0.026939861476421356, + -0.21475057303905487, + -0.010214111767709255, + 0.10470612347126007, + 0.10031764209270477, + -0.003451501950621605, + -0.19202174246311188, + 2.220244884490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/4.png", + [ + 0.17517080903053284, + -0.0775144100189209, + 0.10126499831676483, + -1.1692538261413574, + -0.0647340640425682, + -0.20228706300258636, + -0.04286421835422516, + 0.4817632734775543, + 0.10987531393766403, + 0.004399527329951525, + -0.18669748306274414, + 2.2061638832092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/55.png", + [ + 0.18741357326507568, + 0.012959934771060944, + 0.10796333104372025, + -1.2112739086151123, + 0.0005057459929957986, + -0.2152317613363266, + 0.024958522990345955, + -0.29002752900123596, + 0.10873722285032272, + -0.02133597619831562, + -0.18619582056999207, + 2.145726203918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/9.png", + [ + 0.17519430816173553, + -0.0754816085100174, + 0.10274911671876907, + -1.1680195331573486, + -0.05408158525824547, + -0.2021290510892868, + -0.056275345385074615, + 0.6473129987716675, + 0.11545576900243759, + 0.019855966791510582, + -0.18227341771125793, + 2.1272716522216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/25.png", + [ + 0.1860267072916031, + -0.050904422998428345, + 0.09874565154314041, + -1.1129391193389893, + -0.03732246533036232, + -0.21003280580043793, + -0.037962429225444794, + 0.4262528419494629, + 0.10463744401931763, + 0.015583710744976997, + -0.1890926957130432, + 2.195244789123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/99.png", + [ + 0.1889035999774933, + 0.053712960332632065, + 0.09153272211551666, + -1.0445294380187988, + 0.027908260002732277, + -0.20543913543224335, + 0.06295861303806305, + -0.7335023880004883, + 0.10239361226558685, + -0.04309960454702377, + -0.18602652847766876, + 2.1741647720336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/208.png", + [ + 0.1803300380706787, + 0.009705101139843464, + 0.1197279766201973, + -1.306120753288269, + -0.001184553373605013, + -0.2158121019601822, + 0.019277771934866905, + -0.21627011895179749, + 0.12011483311653137, + -0.016698703169822693, + -0.179559126496315, + 2.0157604217529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/224.png", + [ + 0.17667336761951447, + 0.011961552314460278, + 0.12486526370048523, + -1.3889878988265991, + 0.0075740511529147625, + -0.21631096303462982, + 0.010005037300288677, + -0.11988960206508636, + 0.1252080202102661, + -0.0037931909319013357, + -0.17679497599601746, + 2.0194239616394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/34.png", + [ + 0.19324585795402527, + 0.0010144236730411649, + 0.09799440205097198, + -1.103133201599121, + -0.011531627736985683, + -0.2149224430322647, + 0.024965327233076096, + -0.2924008369445801, + 0.09731882810592651, + -0.027481209486722946, + -0.19162914156913757, + 2.2142205238342285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/72.png", + [ + 0.1838521659374237, + 0.00880963634699583, + 0.11431827396154404, + -1.2741998434066772, + 0.002220551483333111, + -0.2162671685218811, + 0.01309486385434866, + -0.1498013436794281, + 0.11463572084903717, + -0.0099396463483572, + -0.18359670042991638, + 2.0977325439453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/102.png", + [ + 0.18699829280376434, + 0.04772300273180008, + 0.09849895536899567, + -1.1108070611953735, + 0.026893891394138336, + -0.2090497463941574, + 0.05022762343287468, + -0.5766989588737488, + 0.10609546303749084, + -0.031122520565986633, + -0.18634118139743805, + 2.153789520263672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/134.png", + [ + 0.17493084073066711, + 0.02147105522453785, + 0.12604005634784698, + -1.3618650436401367, + 0.008291509933769703, + -0.2150530070066452, + 0.025126731023192406, + -0.28228312730789185, + 0.12758663296699524, + -0.015462713316082954, + -0.17444325983524323, + 1.9369505643844604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/70.png", + [ + 0.1804162561893463, + 0.005280838347971439, + 0.11987487226724625, + -1.3397657871246338, + -0.00013082647637929767, + -0.21645590662956238, + 0.009732413105666637, + -0.11273641884326935, + 0.11999105662107468, + -0.0081761684268713, + -0.18023094534873962, + 2.066798686981201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/135.png", + [ + 0.17705146968364716, + 0.023616351187229156, + 0.122649647295475, + -1.3207807540893555, + 0.008773371577262878, + -0.21459218859672546, + 0.028655169531702995, + -0.31866928935050964, + 0.12459412217140198, + -0.018448811024427414, + -0.1763060986995697, + 1.9530614614486694, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/229.png", + [ + 0.1739283800125122, + 0.020228099077939987, + 0.1276230365037918, + -1.4090877771377563, + 0.022241244092583656, + -0.21549582481384277, + 0.0038448157720267773, + -0.046030014753341675, + 0.12728764116764069, + 0.010013965889811516, + -0.1750584840774536, + 1.9872044324874878, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/130.png", + [ + 0.18020886182785034, + 0.011118732392787933, + 0.11978746205568314, + -1.287729024887085, + 0.010899639688432217, + -0.2163689285516739, + 0.003685998497530818, + -0.04263436794281006, + 0.11980760842561722, + 0.00296015664935112, + -0.1805139034986496, + 2.0001463890075684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/90.png", + [ + 0.18453611433506012, + 0.03963615372776985, + 0.1064109355211258, + -1.1549854278564453, + 0.02961868792772293, + -0.21281878650188446, + 0.027906905859708786, + -0.3037499785423279, + 0.1096222773194313, + -0.009221570566296577, + -0.18667031824588776, + 2.078907012939453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/122.png", + [ + 0.17699775099754333, + 0.0012919122818857431, + 0.12497207522392273, + -1.3654435873031616, + 0.0043211136944592, + -0.21659676730632782, + -0.0038808940444141626, + 0.03605685755610466, + 0.12490402907133102, + 0.0056625367142260075, + -0.17695993185043335, + 1.9843686819076538, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/238.png", + [ + 0.1738852709531784, + 0.034352052956819534, + 0.12462639063596725, + -1.392281413078308, + 0.026227734982967377, + -0.21391497552394867, + 0.022369278594851494, + -0.25685763359069824, + 0.12658557295799255, + -0.002866143360733986, + -0.17582879960536957, + 2.0147128105163574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/15.png", + [ + 0.17681759595870972, + -0.0753135085105896, + 0.10005652904510498, + -1.1430729627609253, + -0.05626020208001137, + -0.20243237912654877, + -0.05295107513666153, + 0.5945568680763245, + 0.11188486963510513, + 0.017230814322829247, + -0.18475057184696198, + 2.170260429382324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/162.png", + [ + 0.17976538836956024, + -0.00849374383687973, + 0.12066545337438583, + -1.3057793378829956, + -0.010862059891223907, + -0.21640010178089142, + 0.0009495297563262284, + -0.01775887981057167, + 0.12047534435987473, + -0.006836832035332918, + -0.17996342480182648, + 2.011598587036133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/22.png", + [ + 0.18281827867031097, + -0.05772298201918602, + 0.10096250474452972, + -1.1484923362731934, + -0.04083962365984917, + -0.20798681676387787, + -0.04496113210916519, + 0.5047494769096375, + 0.10889212042093277, + 0.01890597864985466, + -0.18636780977249146, + 2.1839847564697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/171.png", + [ + 0.1788843274116516, + 0.015382189303636551, + 0.12129170447587967, + -1.3750083446502686, + -0.0044416398741304874, + -0.21399345993995667, + 0.033689260482788086, + -0.3929901719093323, + 0.12218249589204788, + -0.030299881473183632, + -0.17635546624660492, + 2.043026924133301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/138.png", + [ + 0.17524079978466034, + 0.022961340844631195, + 0.12534484267234802, + -1.3529053926467896, + 0.0033237698953598738, + -0.2138792872428894, + 0.034532684832811356, + -0.3813369572162628, + 0.12738724052906036, + -0.026006357744336128, + -0.17333219945430756, + 1.9193178415298462, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/109.png", + [ + 0.18112751841545105, + 0.030069610103964806, + 0.11505013704299927, + -1.2689467668533325, + 0.012525849044322968, + -0.21329115331172943, + 0.03602607920765877, + -0.4105696976184845, + 0.1182532012462616, + -0.023464737460017204, + -0.1800374537706375, + 2.034794807434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/26.png", + [ + 0.18857277929782867, + -0.04375392198562622, + 0.0973333790898323, + -1.096125602722168, + -0.0332595631480217, + -0.21187861263751984, + -0.030808264389634132, + 0.34564605355262756, + 0.10140016674995422, + 0.011871879920363426, + -0.19111503660678864, + 2.215883731842041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/43.png", + [ + 0.1920202225446701, + 0.021207118406891823, + 0.09811415523290634, + -1.0810199975967407, + 0.0031883660703897476, + -0.21296554803848267, + 0.03979196399450302, + -0.4483121931552887, + 0.10032927244901657, + -0.03382047265768051, + -0.189045250415802, + 2.137284755706787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/205.png", + [ + 0.1831531524658203, + 0.0073059601709246635, + 0.11553977429866791, + -1.2428268194198608, + -0.0018612605053931475, + -0.21602897346019745, + 0.016610685735940933, + -0.1875942349433899, + 0.11575557291507721, + -0.015033368021249771, + -0.18254461884498596, + 2.030820369720459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/244.png", + [ + 0.16859866678714752, + 0.02645295113325119, + 0.13350138068199158, + -1.454572081565857, + 0.013565286062657833, + -0.2147502303123474, + 0.025420622900128365, + -0.2843990623950958, + 0.13541921973228455, + -0.011422192677855492, + -0.16875740885734558, + 1.8930131196975708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/84.png", + [ + 0.18886829912662506, + 0.029678497463464737, + 0.10196001082658768, + -1.114072561264038, + 0.017521396279335022, + -0.2138984501361847, + 0.029805287718772888, + -0.3349883258342743, + 0.10473614186048508, + -0.0177353136241436, + -0.1888483464717865, + 2.123152256011963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/216.png", + [ + 0.17637379467487335, + 0.011051429435610771, + 0.12537164986133575, + -1.382989525794983, + -0.00013721338473260403, + -0.21582068502902985, + 0.019217489287257195, + -0.22311635315418243, + 0.12585772573947906, + -0.0157224852591753, + -0.17567166686058044, + 1.9906679391860962, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/136.png", + [ + 0.17839448153972626, + 0.023832136765122414, + 0.12064547836780548, + -1.2995132207870483, + 0.0068361409939825535, + -0.21416011452674866, + 0.03219650685787201, + -0.3558920621871948, + 0.12278669327497482, + -0.022701920941472054, + -0.17707611620426178, + 1.9612904787063599, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/89.png", + [ + 0.18669924139976501, + 0.03859225660562515, + 0.10296566784381866, + -1.115923523902893, + 0.028410688042640686, + -0.21293234825134277, + 0.028293775394558907, + -0.310538649559021, + 0.10622675716876984, + -0.010878528468310833, + -0.1885349452495575, + 2.0977087020874023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/63.png", + [ + 0.18141943216323853, + -0.001987270312383771, + 0.11845225095748901, + -1.3412818908691406, + -0.007596342358738184, + -0.21639344096183777, + 0.008003998547792435, + -0.0933707058429718, + 0.11822512745857239, + -0.010854454711079597, + -0.18125367164611816, + 2.0987353324890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/88.png", + [ + 0.18820014595985413, + 0.036250293254852295, + 0.10106689482927322, + -1.0946087837219238, + 0.02531866542994976, + -0.21318386495113373, + 0.029317228123545647, + -0.324852854013443, + 0.10434350371360779, + -0.01365470327436924, + -0.18940401077270508, + 2.109227180480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/62.png", + [ + 0.1820424646139145, + -0.0017967516323551536, + 0.11749560385942459, + -1.3335682153701782, + -0.007496602833271027, + -0.21638555824756622, + 0.00830591656267643, + -0.09721203148365021, + 0.11726998537778854, + -0.011043504811823368, + -0.1818617433309555, + 2.1099038124084473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/65.png", + [ + 0.18145869672298431, + -0.0011416844790801406, + 0.11840322613716125, + -1.3338719606399536, + -0.006448394153267145, + -0.21643832325935364, + 0.007795507088303566, + -0.088651642203331, + 0.11823301762342453, + -0.010052275843918324, + -0.1812947690486908, + 2.0886597633361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/80.png", + [ + 0.18831463158130646, + 0.018345465883612633, + 0.10558855533599854, + -1.1617826223373413, + 0.006272835657000542, + -0.2149972766637802, + 0.026167212054133415, + -0.29671940207481384, + 0.10698668658733368, + -0.01968540996313095, + -0.18738791346549988, + 2.114470958709717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/146.png", + [ + 0.1706179827451706, + 0.005471422802656889, + 0.13344459235668182, + -1.459710717201233, + -0.007425575517117977, + -0.2157692313194275, + 0.018340956419706345, + -0.20752209424972534, + 0.13335011899471283, + -0.019015613943338394, + -0.16971753537654877, + 1.9099739789962769, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/119.png", + [ + 0.17566457390785217, + 0.005701338406652212, + 0.12671759724617004, + -1.3938604593276978, + 0.0023707766085863113, + -0.21656540036201477, + 0.00645728362724185, + -0.07422062754631042, + 0.12682364881038666, + -0.00384861440397799, + -0.17563840746879578, + 1.9810210466384888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/180.png", + [ + 0.179741770029068, + 0.008417303673923016, + 0.1207059994339943, + -1.3422330617904663, + -0.010698278434574604, + -0.21419765055179596, + 0.03086751699447632, + -0.3564508557319641, + 0.12052523344755173, + -0.03156589716672897, + -0.17727141082286835, + 2.0264124870300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/145.png", + [ + 0.1737348884344101, + 0.009146545082330704, + 0.12915268540382385, + -1.4096028804779053, + -0.004258941393345594, + -0.21561263501644135, + 0.020998692139983177, + -0.23752817511558533, + 0.12940610945224762, + -0.019375871866941452, + -0.1727035790681839, + 1.937097430229187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/204.png", + [ + 0.18258756399154663, + 0.00567929120734334, + 0.11652221530675888, + -1.247032642364502, + -0.003557263407856226, + -0.2160460501909256, + 0.016104230657219887, + -0.1831153929233551, + 0.11660629510879517, + -0.015483733266592026, + -0.18196462094783783, + 2.0180296897888184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/207.png", + [ + 0.1831347793340683, + 0.010224230587482452, + 0.11534734815359116, + -1.2516577243804932, + -0.00010526079859118909, + -0.21581365168094635, + 0.019296549260616302, + -0.21594183146953583, + 0.11579954624176025, + -0.01636560447514057, + -0.1824021190404892, + 2.0395255088806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/167.png", + [ + 0.17642086744308472, + 0.007143218535929918, + 0.1255887746810913, + -1.4014753103256226, + -0.005559995770454407, + -0.21567076444625854, + 0.020077291876077652, + -0.23467759788036346, + 0.12566882371902466, + -0.019570019096136093, + -0.17542022466659546, + 2.0124077796936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/243.png", + [ + 0.1679619699716568, + 0.028763480484485626, + 0.13382576406002045, + -1.4666898250579834, + 0.016788432374596596, + -0.21456634998321533, + 0.02504643052816391, + -0.2817944288253784, + 0.1358485072851181, + -0.00904638972133398, + -0.168556347489357, + 1.8999708890914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/189.png", + [ + 0.17790746688842773, + 0.00014380142965819687, + 0.1236802488565445, + -1.3727158308029175, + -0.007175461854785681, + -0.21629752218723297, + 0.0105730090290308, + -0.12612371146678925, + 0.12347200512886047, + -0.012777132913470268, + -0.17759309709072113, + 2.0363688468933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/230.png", + [ + 0.17184887826442719, + 0.02352197654545307, + 0.12985599040985107, + -1.4372737407684326, + 0.02674696408212185, + -0.21498818695545197, + 0.003546324325725436, + -0.04178217798471451, + 0.12923027575016022, + 0.01321715023368597, + -0.1734149307012558, + 1.9732729196548462, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/79.png", + [ + 0.18620267510414124, + 0.018237603828310966, + 0.10928789526224136, + -1.206282138824463, + 0.006337787490338087, + -0.21512249112129211, + 0.02510072849690914, + -0.28528842329978943, + 0.1106177568435669, + -0.018373997882008553, + -0.1854022592306137, + 2.0963845252990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/176.png", + [ + 0.17968150973320007, + 0.017900554463267326, + 0.11975815892219543, + -1.3448246717453003, + -0.0028501604683697224, + -0.21360938251018524, + 0.036205027252435684, + -0.41648656129837036, + 0.12105505168437958, + -0.031599011272192, + -0.17690414190292358, + 2.037043571472168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/225.png", + [ + 0.17728258669376373, + 0.011238197796046734, + 0.12406643480062485, + -1.3762125968933105, + 0.008666385896503925, + -0.21638095378875732, + 0.007216556463390589, + -0.08660687506198883, + 0.12427257746458054, + -0.0009422517032362521, + -0.17749178409576416, + 2.0234718322753906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/185.png", + [ + 0.1765589714050293, + 0.0019140900112688541, + 0.1255832314491272, + -1.3969393968582153, + -0.013050183653831482, + -0.21519723534584045, + 0.021627359092235565, + -0.25271663069725037, + 0.12491800636053085, + -0.02518702670931816, + -0.17523983120918274, + 2.004019260406494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/165.png", + [ + 0.17861664295196533, + -0.00024877017131075263, + 0.12265370786190033, + -1.3510936498641968, + -0.007374642416834831, + -0.2163039594888687, + 0.010300740599632263, + -0.12007343769073486, + 0.12243206799030304, + -0.012666045688092709, + -0.1783195286989212, + 2.022721767425537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/116.png", + [ + 0.1798659861087799, + 0.012625809758901596, + 0.12015287578105927, + -1.3240002393722534, + 0.00516474386677146, + -0.2160947471857071, + 0.014976001344621181, + -0.1680639684200287, + 0.12070398032665253, + -0.009567867033183575, + -0.1796855479478836, + 2.0298590660095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/19.png", + [ + 0.17946504056453705, + -0.06946488469839096, + 0.09957318007946014, + -1.1402547359466553, + -0.04991254210472107, + -0.20420661568641663, + -0.052500396966934204, + 0.5939081907272339, + 0.11067486554384232, + 0.020547106862068176, + -0.18513989448547363, + 2.1757192611694336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/77.png", + [ + 0.18638233840465546, + 0.01586919091641903, + 0.10935118049383163, + -1.2084777355194092, + 0.004661145154386759, + -0.21536673605442047, + 0.023309677839279175, + -0.2628898024559021, + 0.1103983074426651, + -0.01769847422838211, + -0.18559867143630981, + 2.1013741493225098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/68.png", + [ + 0.18091119825839996, + 0.001706829876638949, + 0.11923139542341232, + -1.3331944942474365, + -0.0034408417996019125, + -0.21648749709129333, + 0.008319906890392303, + -0.09618665277957916, + 0.11919394880533218, + -0.008840077556669712, + -0.18072783946990967, + 2.0703539848327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/143.png", + [ + 0.16871440410614014, + 0.015202595852315426, + 0.13510078191757202, + -1.4746299982070923, + -0.0015110556269064546, + -0.215092733502388, + 0.02609092928469181, + -0.29315125942230225, + 0.13594505190849304, + -0.02125796489417553, + -0.16737662255764008, + 1.8740695714950562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/218.png", + [ + 0.17578420042991638, + 0.009534073993563652, + 0.12632067501544952, + -1.3922492265701294, + 0.0018509128130972385, + -0.2162303626537323, + 0.013744345866143703, + -0.15965087711811066, + 0.12666645646095276, + -0.010071459226310253, + -0.17550519108772278, + 1.9905270338058472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/183.png", + [ + 0.17744413018226624, + 0.0038219515699893236, + 0.12428543716669083, + -1.3796601295471191, + -0.01312915701419115, + -0.21478575468063354, + 0.025349652394652367, + -0.29237616062164307, + 0.12364912778139114, + -0.028290851041674614, + -0.17566564679145813, + 2.0034937858581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/86.png", + [ + 0.18838216364383698, + 0.03501936420798302, + 0.10116170346736908, + -1.097457766532898, + 0.022992394864559174, + -0.21321062743663788, + 0.030991414561867714, + -0.3467239737510681, + 0.10455331951379776, + -0.016209932044148445, + -0.18908658623695374, + 2.1108546257019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/239.png", + [ + 0.1726234257221222, + 0.03321581333875656, + 0.12667186558246613, + -1.4122669696807861, + 0.02438507415354252, + -0.21407634019851685, + 0.0229039303958416, + -0.2602936923503876, + 0.12866398692131042, + -0.003991477657109499, + -0.17429153621196747, + 1.9912878274917603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/1.png", + [ + 0.17235533893108368, + -0.08053886145353317, + 0.10370644181966782, + -1.2072277069091797, + -0.0662035122513771, + -0.20108766853809357, + -0.04613833129405975, + 0.5347636938095093, + 0.11339588463306427, + 0.005014239810407162, + -0.18456467986106873, + 2.1957831382751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/81.png", + [ + 0.18878723680973053, + 0.0186848733574152, + 0.10468119382858276, + -1.148058533668518, + 0.006359485909342766, + -0.2149055004119873, + 0.026890147477388382, + -0.30441147089004517, + 0.10614534467458725, + -0.020356783643364906, + -0.18779420852661133, + 2.113283634185791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/95.png", + [ + 0.18487167358398438, + 0.046331748366355896, + 0.10307148844003677, + -1.1460613012313843, + 0.027601908892393112, + -0.21015402674674988, + 0.044959019869565964, + -0.5096274018287659, + 0.1095832884311676, + -0.02522989735007286, + -0.18521027266979218, + 2.116635322570801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/200.png", + [ + 0.17325931787490845, + -0.00484613049775362, + 0.1300216019153595, + -1.3839925527572632, + -0.008433534763753414, + -0.21648724377155304, + 0.0031691885087639093, + -0.04321141541004181, + 0.12983828783035278, + -0.007594950031489134, + -0.17329809069633484, + 1.9092358350753784, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/199.png", + [ + 0.16779057681560516, + -0.011405982077121735, + 0.13661667704582214, + -1.4587526321411133, + -0.013314349576830864, + -0.2162584513425827, + -0.0017027059802785516, + 0.011266607791185379, + 0.13644391298294067, + -0.007076343987137079, + -0.16816918551921844, + 1.8536721467971802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/103.png", + [ + 0.18643946945667267, + 0.044284261763095856, + 0.1011292114853859, + -1.1313248872756958, + 0.02515588328242302, + -0.21029849350452423, + 0.04571244865655899, + -0.5197259783744812, + 0.10749603062868118, + -0.027592571452260017, + -0.18609444797039032, + 2.1342477798461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/196.png", + [ + 0.15493421256542206, + -0.024349631741642952, + 0.14950039982795715, + -1.6317837238311768, + -0.02249109372496605, + -0.21518418192863464, + -0.011739205569028854, + 0.12081839144229889, + 0.14979125559329987, + -0.007124148774892092, + -0.1563960164785385, + 1.748938798904419, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/150.png", + [ + 0.16274459660053253, + -0.010720137506723404, + 0.14264348149299622, + -1.5522271394729614, + -0.017304643988609314, + -0.21595393121242523, + 0.003513525240123272, + -0.038089439272880554, + 0.14199520647525787, + -0.014031187631189823, + -0.16305944323539734, + 1.8288344144821167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/83.png", + [ + 0.18775904178619385, + 0.02548697404563427, + 0.10509445518255234, + -1.1505075693130493, + 0.01265388261526823, + -0.21430237591266632, + 0.02936442196369171, + -0.3308589458465576, + 0.1073979064822197, + -0.01930813491344452, + -0.18719181418418884, + 2.1084532737731934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/142.png", + [ + 0.17143851518630981, + 0.018183551728725433, + 0.13124817609786987, + -1.4282268285751343, + -0.0005752163124270737, + -0.21452049911022186, + 0.03047172538936138, + -0.34035566449165344, + 0.132500559091568, + -0.02445843815803528, + -0.16968582570552826, + 1.8913482427597046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/186.png", + [ + 0.17615462839603424, + 0.003255860647186637, + 0.12612231075763702, + -1.4037836790084839, + -0.00988332275301218, + -0.21558073163032532, + 0.01936924457550049, + -0.22496148943901062, + 0.12577661871910095, + -0.021499931812286377, + -0.17511679232120514, + 2.005795478820801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/195.png", + [ + 0.15546482801437378, + -0.02382045052945614, + 0.14903409779071808, + -1.6410592794418335, + -0.01996537111699581, + -0.21532444655895233, + -0.013588916510343552, + 0.141073539853096, + 0.1495993286371231, + -0.003982575610280037, + -0.15669099986553192, + 1.764277458190918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/51.png", + [ + 0.1869908571243286, + 0.022890111431479454, + 0.10704370588064194, + -1.1912696361541748, + 0.0073131597600877285, + -0.21402332186698914, + 0.03299141302704811, + -0.3699440658092499, + 0.10921919345855713, + -0.02485877275466919, + -0.18547534942626953, + 2.126837730407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/233.png", + [ + 0.1698281466960907, + 0.03190440684556961, + 0.13072261214256287, + -1.4577949047088623, + 0.03223260119557381, + -0.2140132635831833, + 0.010357526130974293, + -0.12195649743080139, + 0.13064205646514893, + 0.01132818404585123, + -0.1724882870912552, + 1.9719127416610718, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/128.png", + [ + 0.18074436485767365, + 0.0037969443947076797, + 0.11943598836660385, + -1.2887852191925049, + 0.005102111957967281, + -0.21661294996738434, + -0.0008348450646735728, + 0.0027283169329166412, + 0.11938734352588654, + 0.0035088066942989826, + -0.180782288312912, + 2.008300304412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/168.png", + [ + 0.17729739844799042, + 0.010212408378720284, + 0.12413394451141357, + -1.3934447765350342, + -0.005012618377804756, + -0.21518509089946747, + 0.024862516671419144, + -0.29049012064933777, + 0.12445240467786789, + -0.023215895518660545, + -0.1758423149585724, + 2.024843692779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/215.png", + [ + 0.17610853910446167, + 0.013196338899433613, + 0.1255369633436203, + -1.3842710256576538, + 0.0010897761676460505, + -0.21563825011253357, + 0.02113892324268818, + -0.24464921653270721, + 0.12622395157814026, + -0.01654987595975399, + -0.17533257603645325, + 1.9866825342178345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/93.png", + [ + 0.1840897649526596, + 0.04036720097064972, + 0.10690807551145554, + -1.1689172983169556, + 0.025700004771351814, + -0.21213772892951965, + 0.03584666922688484, + -0.39794132113456726, + 0.11134790629148483, + -0.01777534931898117, + -0.18502317368984222, + 2.0762691497802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/242.png", + [ + 0.1658714860677719, + 0.030944427475333214, + 0.13593006134033203, + -1.5000643730163574, + 0.019023722037672997, + -0.21431730687618256, + 0.02557515725493431, + -0.28855934739112854, + 0.13810373842716217, + -0.007644154131412506, + -0.16678376495838165, + 1.8919168710708618, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/76.png", + [ + 0.1387101411819458, + -0.010821453295648098, + -0.16610325872898102, + 1.9140450954437256, + -0.02093259058892727, + -0.215633824467659, + -0.0034321481361985207, + 0.023136205971240997, + -0.16513395309448242, + 0.018244151026010513, + -0.13908927142620087, + 1.6480196714401245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/48.png", + [ + 0.14988848567008972, + 0.0038015968166291714, + -0.15641894936561584, + 1.8377312421798706, + -0.004577335901558399, + -0.21641141176223755, + -0.009645882062613964, + 0.09166643023490906, + -0.15639817714691162, + 0.009977119974792004, + -0.14962606132030487, + 1.8076708316802979, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/35.png", + [ + 0.1483132243156433, + -0.0014825904509052634, + -0.15795214474201202, + 1.8366729021072388, + -0.012215104885399342, + -0.21612392365932465, + -0.0094410739839077, + 0.09397070109844208, + -0.15748611092567444, + 0.015366997569799423, + -0.14801983535289764, + 1.778518557548523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/97.png", + [ + 0.13723941147327423, + -0.013443938456475735, + -0.16713018715381622, + 1.888466477394104, + -0.018422124907374382, + -0.2158784717321396, + 0.0022378696594387293, + -0.041568510234355927, + -0.16665494441986084, + 0.012792309746146202, + -0.1378781497478485, + 1.6193737983703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/13.png", + [ + 0.13152794539928436, + 0.0038630524650216103, + -0.17214347422122955, + 1.9758350849151611, + -0.007755039259791374, + -0.21626737713813782, + -0.010778546333312988, + 0.10115058720111847, + -0.1720120906829834, + 0.012704115360975266, + -0.13114245235919952, + 1.551425576210022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/32.png", + [ + 0.13826656341552734, + -0.0020034234039485455, + -0.1668119579553604, + 1.9418147802352905, + -0.014718377962708473, + -0.21596063673496246, + -0.009606021456420422, + 0.09457580745220184, + -0.16617344319820404, + 0.017461175099015236, + -0.13794703781604767, + 1.6652511358261108, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/38.png", + [ + 0.14657677710056305, + 0.002076492877677083, + -0.1595582216978073, + 1.864646077156067, + -0.0075868964195251465, + -0.21632058918476105, + -0.009784836322069168, + 0.09495432674884796, + -0.15939128398895264, + 0.012206235900521278, + -0.14626456797122955, + 1.7681595087051392, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/11.png", + [ + 0.1336159110069275, + 0.0048712193965911865, + -0.17050208151340485, + 1.9397103786468506, + -0.0039703818038105965, + -0.21643875539302826, + -0.009295057505369186, + 0.08992704749107361, + -0.1705254465341568, + 0.008856255561113358, + -0.1333811730146408, + 1.5624381303787231, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/59.png", + [ + 0.15368816256523132, + 0.007342057768255472, + -0.15255796909332275, + 1.761820673942566, + 0.0031099352054297924, + -0.2165296971797943, + -0.0072878096252679825, + 0.06439393758773804, + -0.15270286798477173, + 0.0029796070884913206, + -0.15369077026844025, + 1.8391941785812378, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/24.png", + [ + 0.14016887545585632, + -0.004737162496894598, + -0.16516093909740448, + 1.9272468090057373, + -0.014493996277451515, + -0.21610316634178162, + -0.006102480925619602, + 0.05363643541932106, + -0.1645919233560562, + 0.014995847828686237, + -0.14011609554290771, + 1.687118411064148, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/74.png", + [ + 0.13470059633255005, + -0.012100878171622753, + -0.1692844182252884, + 1.949873924255371, + -0.021191708743572235, + -0.21563094854354858, + -0.0014485216233879328, + 0.00045889243483543396, + -0.16838809847831726, + 0.017457248643040657, + -0.13523529469966888, + 1.6053670644760132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/98.png", + [ + 0.1393687129020691, + -0.01441140566021204, + -0.16527724266052246, + 1.8663456439971924, + -0.01861933246254921, + -0.2158505916595459, + 0.0031205639243125916, + -0.04954547435045242, + -0.16485624015331268, + 0.012195441871881485, + -0.14007708430290222, + 1.643561840057373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/0.png", + [ + 0.13998204469680786, + 0.002135768299922347, + -0.16537339985370636, + 1.9196906089782715, + 0.0013937794137746096, + -0.21666410565376282, + -0.0016184000996872783, + -0.006825976073741913, + -0.1653813123703003, + -1.8215447198599577e-05, + -0.139988973736763, + 1.673728585243225, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/96.png", + [ + 0.13896311819553375, + -0.009876195341348648, + -0.16595061123371124, + 1.8733093738555908, + -0.013118940405547619, + -0.2162688970565796, + 0.0018852922366932034, + -0.037069305777549744, + -0.16572579741477966, + 0.008838645182549953, + -0.1393008530139923, + 1.627832055091858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/40.png", + [ + 0.15041013062000275, + 0.0002953902876470238, + -0.15596342086791992, + 1.8245503902435303, + -0.01050705648958683, + -0.2161628156900406, + -0.010542345233261585, + 0.10824649035930634, + -0.1556093990802765, + 0.014881264418363571, + -0.15004053711891174, + 1.8126765489578247, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/52.png", + [ + 0.14872007071971893, + 0.007982462644577026, + -0.1573738008737564, + 1.8355306386947632, + 0.00034603013773448765, + -0.21641245484352112, + -0.01065007597208023, + 0.10796932876110077, + -0.15757571160793304, + 0.0070586237125098705, + -0.14855287969112396, + 1.7911732196807861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/3.png", + [ + 0.1372472047805786, + 0.0024763508699834347, + -0.16764533519744873, + 1.9304065704345703, + 0.0021332670003175735, + -0.21665924787521362, + -0.001453900127671659, + -0.0023833196610212326, + -0.16765007376670837, + -0.0007296116673387587, + -0.13726183772087097, + 1.632253646850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/47.png", + [ + 0.14946939051151276, + 0.0011030667228624225, + -0.15686166286468506, + 1.8417350053787231, + -0.007168437819927931, + -0.21639490127563477, + -0.008352327160537243, + 0.077137291431427, + -0.15670166909694672, + 0.010951307602226734, + -0.1492399126291275, + 1.8047186136245728, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/21.png", + [ + 0.1417553871870041, + -0.0051319715566933155, + -0.16378940641880035, + 1.9045742750167847, + -0.014419183135032654, + -0.2161189615726471, + -0.0057078199461102486, + 0.04945013299584389, + -0.1632341891527176, + 0.014634032733738422, + -0.14173336327075958, + 1.6976875066757202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/82.png", + [ + 0.14176824688911438, + -0.011245847679674625, + -0.1634722799062729, + 1.887450933456421, + -0.01946653425693512, + -0.215788796544075, + -0.002037096070125699, + 0.006975766271352768, + -0.16269822418689728, + 0.01601956970989704, + -0.14219900965690613, + 1.68808114528656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/14.png", + [ + 0.1322556734085083, + -0.0018556098220869899, + -0.17161843180656433, + 1.9702612161636353, + -0.013750220648944378, + -0.21608006954193115, + -0.008260093629360199, + 0.07630415260791779, + -0.17107677459716797, + 0.015932811424136162, + -0.13201051950454712, + 1.5632123947143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/67.png", + [ + 0.13656729459762573, + -0.007560591213405132, + -0.1680479198694229, + 1.9148002862930298, + -0.011048649437725544, + -0.2163914293050766, + 0.0007567063439637423, + -0.025229856371879578, + -0.1678546816110611, + 0.008092138916254044, + -0.13677433133125305, + 1.6057647466659546, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/78.png", + [ + 0.13927434384822845, + -0.011432313360273838, + -0.16558942198753357, + 1.9048285484313965, + -0.021382814273238182, + -0.21559466421604156, + -0.0031000282615423203, + 0.01917880028486252, + -0.16460050642490387, + 0.01833404414355755, + -0.13970836997032166, + 1.6534976959228516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/31.png", + [ + 0.145187646150589, + -0.003096083179116249, + -0.16080687940120697, + 1.8720041513442993, + -0.012968756258487701, + -0.21615445613861084, + -0.00754738412797451, + 0.06885667145252228, + -0.1603129655122757, + 0.01468216348439455, + -0.1450244039297104, + 1.7438093423843384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/39.png", + [ + 0.14651140570640564, + 0.004121951758861542, + -0.15957854688167572, + 1.8695247173309326, + -0.00518038822337985, + -0.2163655161857605, + -0.01034496445208788, + 0.10432270169258118, + -0.15954770147800446, + 0.010810375213623047, + -0.14620384573936462, + 1.770203948020935, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/92.png", + [ + 0.1332380622625351, + -0.005651290528476238, + -0.170773446559906, + 1.9293091297149658, + -0.007825901731848717, + -0.2165306657552719, + 0.0010597051586955786, + -0.024982836097478867, + -0.17068761587142944, + 0.005516396835446358, + -0.13335365056991577, + 1.5649222135543823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/53.png", + [ + 0.1538345366716385, + 0.007589959539473057, + -0.1523982286453247, + 1.77372407913208, + -0.0021909575443714857, + -0.216274231672287, + -0.012982810847461224, + 0.13400070369243622, + -0.1525713950395584, + 0.010758541524410248, + -0.15347351133823395, + 1.842947006225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/75.png", + [ + 0.13660651445388794, + -0.012062663212418556, + -0.1677529364824295, + 1.9359968900680542, + -0.022150050848722458, + -0.21552452445030212, + -0.0025396926794201136, + 0.014128085225820541, + -0.16672112047672272, + 0.01875011809170246, + -0.1371145397424698, + 1.6307435035705566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/87.png", + [ + 0.13439799845218658, + -0.005352335516363382, + -0.16987179219722748, + 1.9335912466049194, + -0.007745648734271526, + -0.21653501689434052, + 0.0006944552878849208, + -0.027127893641591072, + -0.1697794795036316, + 0.0056417956948280334, + -0.13450273871421814, + 1.5872337818145752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/69.png", + [ + 0.13464957475662231, + -0.011019264347851276, + -0.16939881443977356, + 1.9372328519821167, + -0.015551116317510605, + -0.21610918641090393, + 0.001696665189228952, + -0.03743403032422066, + -0.16904301941394806, + 0.011103680357336998, + -0.13508903980255127, + 1.5955204963684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/45.png", + [ + 0.14991657435894012, + 0.0037094741128385067, + -0.15639422833919525, + 1.840128779411316, + -0.0047988733276724815, + -0.21640270948410034, + -0.009732908569276333, + 0.09541447460651398, + -0.15636460483074188, + 0.010197966359555721, + -0.14964626729488373, + 1.814223051071167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/50.png", + [ + 0.15270085632801056, + 0.0003995145671069622, + -0.15372110903263092, + 1.796136736869812, + -0.006471469532698393, + -0.2164650857448578, + -0.006991102360188961, + 0.06638804078102112, + -0.15358532965183258, + 0.009518183767795563, + -0.15254126489162445, + 1.8349603414535522, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/85.png", + [ + 0.1399110108613968, + -0.00838539469987154, + -0.16523462533950806, + 1.8898732662200928, + -0.014421530067920685, + -0.2161906212568283, + -0.0012399785919114947, + -0.0028302595019340515, + -0.16481754183769226, + 0.011798440478742123, + -0.1401566118001938, + 1.6574451923370361, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/71.png", + [ + 0.13325002789497375, + -0.01217441912740469, + -0.17042331397533417, + 1.958927035331726, + -0.02085619606077671, + -0.21566665172576904, + -0.0009005361935123801, + -0.0052339546382427216, + -0.1695799082517624, + 0.016958044841885567, + -0.13380201160907745, + 1.58756422996521, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/54.png", + [ + 0.15475977957248688, + 0.009195161983370781, + -0.1513695865869522, + 1.7607980966567993, + -0.0010762980673462152, + -0.21620391309261322, + -0.014234019443392754, + 0.14684103429317474, + -0.15164479613304138, + 0.010918552055954933, + -0.15437790751457214, + 1.8526232242584229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/33.png", + [ + 0.13729864358901978, + -0.00047271206858567894, + -0.16762086749076843, + 1.9520726203918457, + -0.013813731260597706, + -0.21596865355968475, + -0.010705801658332348, + 0.10771307349205017, + -0.16705136001110077, + 0.017470259219408035, + -0.13688144087791443, + 1.652733564376831, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/49.png", + [ + 0.15409229695796967, + 0.0005001534009352326, + -0.15232598781585693, + 1.786261796951294, + -0.0074686324223876, + -0.2163880616426468, + -0.008265732787549496, + 0.0818672776222229, + -0.15214361250400543, + 0.011128909885883331, + -0.15387125313282013, + 1.850742220878601, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/18.png", + [ + 0.13834702968597412, + -0.0065744658932089806, + -0.16662763059139252, + 1.9325717687606812, + -0.017644204199314117, + -0.21586795151233673, + -0.006132274866104126, + 0.05302051827311516, + -0.16582122445106506, + 0.017484253272414207, + -0.13836732506752014, + 1.652852177619934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/66.png", + [ + 0.1384228765964508, + -0.0015893318923190236, + -0.16668672859668732, + 1.8949090242385864, + -0.005987262353301048, + -0.21657240390777588, + -0.0029070626478642225, + 0.01691821962594986, + -0.166586771607399, + 0.006463153753429651, + -0.13840147852897644, + 1.6216634511947632, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/16.png", + [ + 0.13626602292060852, + -0.00680772727355361, + -0.16832442581653595, + 1.940936803817749, + -0.01841682940721512, + -0.21580202877521515, + -0.006181319709867239, + 0.054625529795885086, + -0.16745232045650482, + 0.018194593489170074, + -0.136295884847641, + 1.6148887872695923, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/94.png", + [ + 0.13015522062778473, + -0.006522112060338259, + -0.1731039583683014, + 1.9612287282943726, + -0.009275371208786964, + -0.2164727747440338, + 0.001182075822725892, + -0.028516490012407303, + -0.17297828197479248, + 0.006700138561427593, + -0.13031315803527832, + 1.5321775674819946, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/28.png", + [ + 0.1431281715631485, + -0.002266526222229004, + -0.16265636682510376, + 1.8911888599395752, + -0.012235376052558422, + -0.2161898910999298, + -0.007753936108201742, + 0.07004369795322418, + -0.1622113436460495, + 0.014307019300758839, + -0.14293594658374786, + 1.719074010848999, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/61.png", + [ + 0.1518198698759079, + 0.011525753885507584, + -0.15416154265403748, + 1.7700259685516357, + 0.004422121215611696, + -0.21630695462226868, + -0.011817051097750664, + 0.11642713844776154, + -0.15452854335308075, + 0.005133697763085365, + -0.15179745852947235, + 1.804465889930725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/58.png", + [ + 0.15557770431041718, + 0.006036557722836733, + -0.15068849921226501, + 1.7441080808639526, + 0.0019550512079149485, + -0.21656350791454315, + -0.006657017394900322, + 0.06039911136031151, + -0.15079669654369354, + 0.0034202432725578547, + -0.15555240213871002, + 1.8644264936447144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/64.png", + [ + 0.13816876709461212, + 7.338688737945631e-05, + -0.1669049859046936, + 1.900651216506958, + -0.0023472437169402838, + -0.21665233373641968, + -0.0020383766386657953, + 0.006643649190664291, + -0.1668885052204132, + 0.003107917495071888, + -0.13815374672412872, + 1.628884196281433, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/10.png", + [ + 0.13101358711719513, + 0.00596478208899498, + -0.17247535288333893, + 1.9588462114334106, + -0.0033935760147869587, + -0.21641427278518677, + -0.010062124580144882, + 0.1013653427362442, + -0.17254510521888733, + 0.008785448037087917, + -0.1307627558708191, + 1.5361994504928589, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/41.png", + [ + 0.14625005424022675, + 0.000900645274668932, + -0.15986870229244232, + 1.8768665790557861, + -0.008590406738221645, + -0.2163139134645462, + -0.009077257476747036, + 0.09046182036399841, + -0.15964029729366302, + 0.012465174309909344, + -0.14597085118293762, + 1.7719426155090332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/91.png", + [ + 0.13397815823554993, + -0.0028979715425521135, + -0.17026259005069733, + 1.9243371486663818, + -0.003614699700847268, + -0.216642826795578, + 0.0008430149755440652, + -0.02427874319255352, + -0.1702488660812378, + 0.0023191573563963175, + -0.13400684297084808, + 1.5681310892105103, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/23.png", + [ + 0.14301975071430206, + -0.00656141759827733, + -0.16263516247272491, + 1.893073558807373, + -0.01654195785522461, + -0.2159634828567505, + -0.005833915434777737, + 0.05022862181067467, + -0.16192470490932465, + 0.01626710593700409, + -0.14305125176906586, + 1.7158960103988647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/37.png", + [ + 0.14758670330047607, + -5.95999626966659e-05, + -0.1586381196975708, + 1.849731206893921, + -0.010203287936747074, + -0.21622955799102783, + -0.009411245584487915, + 0.09257280826568604, + -0.1583096832036972, + 0.013880744576454163, + -0.14728635549545288, + 1.7760430574417114, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/36.png", + [ + 0.14818082749843597, + -0.0010837846202775836, + -0.158079594373703, + 1.8433912992477417, + -0.012583139352500439, + -0.21606291830539703, + -0.010313884355127811, + 0.1039571464061737, + -0.15758170187473297, + 0.01623382419347763, + -0.1478254348039627, + 1.7800463438034058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/8.png", + [ + 0.13347472250461578, + 0.00418638763949275, + -0.1706307977437973, + 1.9307276010513306, + -9.58682649070397e-05, + -0.21660757064819336, + -0.005389409139752388, + 0.05037257447838783, + -0.17068210244178772, + 0.0033954514656215906, + -0.1334315538406372, + 1.569888710975647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/6.png", + [ + 0.13757330179214478, + 0.0022734501399099827, + -0.16738075017929077, + 1.9076073169708252, + 0.0018930839141830802, + -0.21666191518306732, + -0.0013868503738194704, + -0.0010794997215270996, + -0.16738545894622803, + -0.0005818511126562953, + -0.1375851035118103, + 1.623788833618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/20.png", + [ + 0.1414267122745514, + -0.005316321272403002, + -0.16406741738319397, + 1.908178448677063, + -0.014886738732457161, + -0.21608397364616394, + -0.005830594804137945, + 0.0502559132874012, + -0.1634770929813385, + 0.015078049153089523, + -0.14140644669532776, + 1.6931517124176025, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/2.png", + [ + 0.13536342978477478, + -0.00012641469947993755, + -0.16918812692165375, + 1.9566022157669067, + -0.002921889303252101, + -0.21664398908615112, + -0.002175861969590187, + 0.006924591958522797, + -0.16916294395923615, + 0.003640855895355344, + -0.13534599542617798, + 1.619226098060608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/5.png", + [ + 0.1306772083044052, + -0.006587687414139509, + -0.17270775139331818, + 1.9791032075881958, + -0.0002685486397240311, + -0.2165246456861496, + 0.008055826649069786, + -0.10496504604816437, + -0.1728331297636032, + -0.004644441418349743, + -0.13059492409229279, + 1.5567197799682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/60.png", + [ + 0.14960429072380066, + 0.011844323948025703, + -0.1562887281179428, + 1.8006738424301147, + 0.007914996705949306, + -0.21635033190250397, + -0.008819612674415112, + 0.08066116273403168, + -0.15653692185878754, + 0.000380419020075351, + -0.14981302618980408, + 1.790403962135315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/56.png", + [ + 0.15655046701431274, + 0.004107587970793247, + -0.1497430056333542, + 1.7367502450942993, + -0.0018070443766191602, + -0.2165256142616272, + -0.007828690111637115, + 0.07744912803173065, + -0.14978843927383423, + 0.006905181333422661, + -0.15640854835510254, + 1.8707796335220337, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/30.png", + [ + 0.14748942852020264, + -0.004151296801865101, + -0.15867428481578827, + 1.846742033958435, + -0.0150175541639328, + -0.21599385142326355, + -0.008308062329888344, + 0.07763069868087769, + -0.15801656246185303, + 0.016652854159474373, + -0.14731374382972717, + 1.7686198949813843, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/17.png", + [ + 0.13637451827526093, + -0.0069299801252782345, + -0.1682315468788147, + 1.9458492994308472, + -0.01774570345878601, + -0.21587686240673065, + -0.005492664873600006, + 0.04591389372944832, + -0.16743646562099457, + 0.017235275357961655, + -0.1364399641752243, + 1.6241494417190552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/12.png", + [ + 0.13368748128414154, + 0.005646211095154285, + -0.1704220473766327, + 1.9516496658325195, + -0.004796240478754044, + -0.2163456231355667, + -0.010930104181170464, + 0.10486911237239838, + -0.17044806480407715, + 0.010516243055462837, + -0.13335949182510376, + 1.5716816186904907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/27.png", + [ + 0.14338771998882294, + -0.00376979005523026, + -0.16239966452121735, + 1.8927377462387085, + -0.01443882193416357, + -0.21605467796325684, + -0.007733197882771492, + 0.07092496752738953, + -0.16180044412612915, + 0.015939591452479362, + -0.14322863519191742, + 1.7261326313018799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/42.png", + [ + 0.1482585370540619, + -0.00022129944409243762, + -0.15801027417182922, + 1.8562207221984863, + -0.010039218701422215, + -0.21624985337257385, + -0.009116774424910545, + 0.0911245048046112, + -0.15769118070602417, + 0.013559222221374512, + -0.14797814190387726, + 1.7970465421676636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/7.png", + [ + 0.1290883868932724, + 0.0016711977077648044, + -0.17401517927646637, + 1.9745421409606934, + 0.0013771841768175364, + -0.21666766703128815, + -0.0010591944446787238, + 0.00018296018242835999, + -0.1740177571773529, + -0.0004750030639115721, + -0.12909485399723053, + 1.5261701345443726, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/73.png", + [ + 0.1366371214389801, + -0.013230375945568085, + -0.16763994097709656, + 1.9246479272842407, + -0.021181240677833557, + -0.2156367301940918, + -0.00024569706874899566, + -0.011449476704001427, + -0.1668219119310379, + 0.016542745754122734, + -0.13727594912052155, + 1.622052550315857, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/46.png", + [ + 0.14833690226078033, + 0.004539519548416138, + -0.15787163376808167, + 1.8583645820617676, + -0.0028910133987665176, + -0.21647077798843384, + -0.008940919302403927, + 0.08556284010410309, + -0.15791040658950806, + 0.008227438665926456, + -0.14813677966594696, + 1.7959402799606323, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/57.png", + [ + 0.156386137008667, + 0.003673129016533494, + -0.14992588758468628, + 1.738098382949829, + -0.0032981140539050102, + -0.21647301316261292, + -0.008743737824261189, + 0.08793097734451294, + -0.14993460476398468, + 0.008592941798269749, + -0.15618471801280975, + 1.8699790239334106, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/44.png", + [ + 0.1521034985780716, + 0.0008871069294400513, + -0.1543101817369461, + 1.8097540140151978, + -0.007915622554719448, + -0.21634094417095184, + -0.009046141058206558, + 0.08772444725036621, + -0.15410956740379333, + 0.011987611651420593, + -0.15183685719966888, + 1.835249900817871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/29.png", + [ + 0.14620999991893768, + -0.003755927551537752, + -0.15986375510692596, + 1.8586217164993286, + -0.014306108467280865, + -0.21605347096920013, + -0.008008161559700966, + 0.07401852309703827, + -0.1592666506767273, + 0.015958959236741066, + -0.14603883028030396, + 1.7533068656921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/4.png", + [ + 0.1388266235589981, + 0.003819030709564686, + -0.16631439328193665, + 1.9101608991622925, + 0.002740449272096157, + -0.2166406214237213, + -0.0026871380396187305, + 0.011050645262002945, + -0.16633565723896027, + -0.00038181577110663056, + -0.13885314762592316, + 1.6486752033233643, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/55.png", + [ + 0.15656065940856934, + 0.006632305681705475, + -0.14964178204536438, + 1.7343274354934692, + -0.0037257864605635405, + -0.21622273325920105, + -0.013481306843459606, + 0.1400381475687027, + -0.14974234998226166, + 0.01231420412659645, + -0.15612010657787323, + 1.868637204170227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/9.png", + [ + 0.13225619494915009, + 0.005562674719840288, + -0.17153789103031158, + 1.9458268880844116, + -0.004156129434704781, + -0.21639350056648254, + -0.010221651755273342, + 0.10623273253440857, + -0.17157773673534393, + 0.009529544971883297, + -0.1319778710603714, + 1.553645133972168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/25.png", + [ + 0.1467617154121399, + -0.005141266621649265, + -0.159318745136261, + 1.8576616048812866, + -0.015596522018313408, + -0.2159859538078308, + -0.007397315464913845, + 0.06998558342456818, + -0.15863683819770813, + 0.016478445380926132, + -0.1466653048992157, + 1.7604749202728271, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/99.png", + [ + 0.14566190540790558, + -0.014282133430242538, + -0.15977022051811218, + 1.805427074432373, + -0.018559347838163376, + -0.21586522459983826, + 0.002376075368374586, + -0.04397714138031006, + -0.15933001041412354, + 0.012087834998965263, + -0.14634111523628235, + 1.7146377563476562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/34.png", + [ + 0.1462843418121338, + -0.0029069771990180016, + -0.15981341898441315, + 1.8588380813598633, + -0.01559753343462944, + -0.21586447954177856, + -0.01035058218985796, + 0.10482870042324066, + -0.1590770184993744, + 0.018492352217435837, + -0.1459466516971588, + 1.7536087036132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/72.png", + [ + 0.13426946103572845, + -0.012861858122050762, + -0.16957056522369385, + 1.9494075775146484, + -0.019780924543738365, + -0.21576866507530212, + 0.0007030231063254178, + -0.023218151181936264, + -0.16890327632427216, + 0.015044991858303547, + -0.13488224148750305, + 1.5997364521026611, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/70.png", + [ + 0.13386110961437225, + -0.009433124214410782, + -0.17011792957782745, + 1.954532265663147, + -0.018501853570342064, + -0.21586772799491882, + -0.0025886250659823418, + 0.01099339872598648, + -0.16937170922756195, + 0.016125623136758804, + -0.1341681033372879, + 1.59161376953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/90.png", + [ + 0.13466857373714447, + -0.006113267969340086, + -0.16963165998458862, + 1.9160785675048828, + -0.004845501389354467, + -0.21658426523208618, + 0.003958582878112793, + -0.06040586531162262, + -0.16967259347438812, + 0.0013331216759979725, + -0.13474911451339722, + 1.5763370990753174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/15.png", + [ + 0.13351482152938843, + -0.004648861940950155, + -0.1705874502658844, + 1.9613999128341675, + -0.01667029596865177, + -0.21591360867023468, + -0.007163358386605978, + 0.06456921994686127, + -0.16983459889888763, + 0.01753854565322399, + -0.13340353965759277, + 1.5816500186920166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/22.png", + [ + 0.14165320992469788, + -0.0057557071559131145, + -0.16385705769062042, + 1.9075709581375122, + -0.014824415557086468, + -0.21610376238822937, + -0.005224650725722313, + 0.0446094311773777, + -0.16328656673431396, + 0.014626417309045792, + -0.14167378842830658, + 1.698379397392273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/26.png", + [ + 0.14721687138080597, + -0.003627486526966095, + -0.15894000232219696, + 1.8524861335754395, + -0.013955294154584408, + -0.21607692539691925, + -0.00799445528537035, + 0.07628782093524933, + -0.15836772322654724, + 0.015668533742427826, + -0.14704440534114838, + 1.765710711479187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/43.png", + [ + 0.14789333939552307, + -0.0007584575214423239, + -0.15835048258304596, + 1.8574763536453247, + -0.011233318597078323, + -0.21617652475833893, + -0.009456063620746136, + 0.09372957050800323, + -0.15795335173606873, + 0.0146638797596097, + -0.147592693567276, + 1.7892152070999146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/84.png", + [ + 0.142541766166687, + -0.00856983195990324, + -0.16296102106571198, + 1.8713880777359009, + -0.015979858115315437, + -0.21606875956058502, + -0.0026148846372962, + 0.013104014098644257, + -0.1624019294977188, + 0.013738684356212616, + -0.14277520775794983, + 1.6905455589294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/89.png", + [ + 0.13156691193580627, + -0.008106212131679058, + -0.1719660758972168, + 1.9499889612197876, + -0.00558922253549099, + -0.21652135252952576, + 0.0059303040616214275, + -0.0845695286989212, + -0.17206627130508423, + 0.0008350068237632513, + -0.13168291747570038, + 1.5491920709609985, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/63.png", + [ + 0.1359243392944336, + 0.002803087467327714, + -0.16871458292007446, + 1.9251375198364258, + 0.0014352542348206043, + -0.21665611863136292, + -0.0024432982318103313, + 0.010769210755825043, + -0.16873174905776978, + 0.0004151647153776139, + -0.13593128323554993, + 1.6145669221878052, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/88.png", + [ + 0.137644425034523, + -0.0075876470655202866, + -0.1671655923128128, + 1.8943339586257935, + -0.005421544425189495, + -0.2165403515100479, + 0.005364659242331982, + -0.07911399006843567, + -0.167249858379364, + 0.0007748039206489921, + -0.13774897158145905, + 1.6141610145568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/62.png", + [ + 0.1415969431400299, + 0.009607044979929924, + -0.1637250930070877, + 1.8763587474822998, + 0.0009052663808688521, + -0.21634505689144135, + -0.011911758221685886, + 0.11565621197223663, + -0.16400422155857086, + 0.007100294344127178, + -0.14142170548439026, + 1.6877520084381104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/65.png", + [ + 0.13222052156925201, + -0.0002225191128673032, + -0.17165540158748627, + 1.948647379875183, + -0.00470682792365551, + -0.21659770607948303, + -0.0033447376918047667, + 0.022226952016353607, + -0.17159101366996765, + 0.005769921001046896, + -0.1321784108877182, + 1.5540945529937744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/80.png", + [ + 0.13997280597686768, + -0.005546651780605316, + -0.16530196368694305, + 1.911462426185608, + -0.014289403334259987, + -0.21614859998226166, + -0.004847053438425064, + 0.038895729929208755, + -0.16477656364440918, + 0.014032664708793163, + -0.13999880850315094, + 1.66329824924469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/79.png", + [ + 0.1364438831806183, + -0.008344280533492565, + -0.16811108589172363, + 1.941656231880188, + -0.01747167482972145, + -0.21594130992889404, + -0.0034621639642864466, + 0.023059308528900146, + -0.1674087941646576, + 0.015735914930701256, + -0.13665492832660675, + 1.6246654987335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/19.png", + [ + 0.14050911366939545, + -0.00511214742437005, + -0.16486038267612457, + 1.9167561531066895, + -0.015237732790410519, + -0.21604669094085693, + -0.006287612486630678, + 0.05605407431721687, + -0.1642342358827591, + 0.015671266242861748, + -0.14046142995357513, + 1.680354356765747, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/77.png", + [ + 0.14217153191566467, + -0.013291392475366592, + -0.1629677265882492, + 1.874922752380371, + -0.02465117909014225, + -0.2152315080165863, + -0.003951518330723047, + 0.030335601419210434, + -0.16163991391658783, + 0.021133719012141228, + -0.14273680746555328, + 1.6890957355499268, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/68.png", + [ + 0.13226035237312317, + -0.011890003457665443, + -0.17121250927448273, + 1.9541428089141846, + -0.014635911211371422, + -0.2161480039358139, + 0.0037044596392661333, + -0.058701060712337494, + -0.17099963128566742, + 0.009303801693022251, + -0.1327420324087143, + 1.5656598806381226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/86.png", + [ + 0.1377945840358734, + -0.005069492384791374, + -0.16713719069957733, + 1.9073536396026611, + -0.008088614791631699, + -0.21652358770370483, + -0.00010113127063959837, + -0.016687016934156418, + -0.16701829433441162, + 0.006303663365542889, + -0.13788776099681854, + 1.628861665725708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/1.png", + [ + 0.12722396850585938, + -0.0026038538198918104, + -0.17537152767181396, + 2.0416738986968994, + -0.00225244602188468, + -0.2166571468114853, + 0.0015828016912564635, + -0.03426426276564598, + -0.17537638545036316, + 0.0008937116363085806, + -0.12724076211452484, + 1.5374913215637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/81.png", + [ + 0.14251025021076202, + -0.0055725667625665665, + -0.16311857104301453, + 1.8856837749481201, + -0.015101375058293343, + -0.21606959402561188, + -0.005811959505081177, + 0.049372103065252304, + -0.1625136137008667, + 0.015191342681646347, + -0.14250068366527557, + 1.692318320274353, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/95.png", + [ + 0.13401375710964203, + -0.004140335600823164, + -0.1702089160680771, + 1.9304648637771606, + -0.007665760815143585, + -0.21653762459754944, + -0.0007683438016101718, + -0.008627310395240784, + -0.1700865924358368, + 0.006497066002339125, + -0.13407549262046814, + 1.5755654573440552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/83.png", + [ + 0.14071832597255707, + -0.006252847611904144, + -0.16464248299598694, + 1.8950165510177612, + -0.012561501003801823, + -0.2162955105304718, + -0.0025216510985046625, + 0.010978862643241882, + -0.16428160667419434, + 0.011182662099599838, + -0.14083462953567505, + 1.670828104019165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/51.png", + [ + 0.15458424389362335, + 0.000640668033156544, + -0.15182620286941528, + 1.772110939025879, + -0.0064718895591795444, + -0.21644797921180725, + -0.007502811495214701, + 0.07356180250644684, + -0.1516895592212677, + 0.009887725114822388, + -0.15440337359905243, + 1.8545480966567993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/93.png", + [ + 0.13599033653736115, + -0.005300008691847324, + -0.168601393699646, + 1.904506802558899, + -0.00737292505800724, + -0.21654747426509857, + 0.0008603526512160897, + -0.023045577108860016, + -0.16852347552776337, + 0.005197129212319851, + -0.13609085977077484, + 1.5927482843399048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/76.png", + [ + 0.173021137714386, + 0.006408134009689093, + -0.13027094304561615, + 1.4646265506744385, + -0.008881127461791039, + -0.21533185243606567, + -0.02238793857395649, + 0.24391832947731018, + -0.1301257461309433, + 0.02321702428162098, + -0.17168620228767395, + 1.989165186882019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/48.png", + [ + 0.2004011869430542, + 0.005120628979057074, + -0.08222553879022598, + 0.9363784790039062, + -0.0037161828950047493, + -0.2154737263917923, + -0.022475842386484146, + 0.24605423212051392, + -0.08230097591876984, + 0.022198032587766647, + -0.19920265674591064, + 2.3149962425231934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/137.png", + [ + 0.19042617082595825, + 0.027070021256804466, + -0.0997646227478981, + 1.1030359268188477, + 0.003480213228613138, + -0.21067368984222412, + -0.050521086901426315, + 0.551336407661438, + -0.1033133864402771, + 0.04279843345284462, + -0.18558700382709503, + 2.1147713661193848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/173.png", + [ + 0.18783783912658691, + 0.012193912640213966, + -0.10731332749128342, + 1.2329949140548706, + -0.007244777865707874, + -0.21338175237178802, + -0.036927394568920135, + 0.41856545209884644, + -0.10776064544916153, + 0.03560095280408859, + -0.18457546830177307, + 2.170541763305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/35.png", + [ + 0.20128165185451508, + 0.011266692541539669, + -0.07941443473100662, + 0.9154438972473145, + 0.0033895098604261875, + -0.21552956104278564, + -0.021986672654747963, + 0.24407964944839478, + -0.08013802766799927, + 0.019182393327355385, + -0.2003941833972931, + 2.356660842895508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/124.png", + [ + 0.18346887826919556, + 0.05077718198299408, + -0.10348308831453323, + 1.1498003005981445, + 0.021848930045962334, + -0.2063121199607849, + -0.062496673315763474, + 0.6876099109649658, + -0.11317992955446243, + 0.042483970522880554, + -0.1798146814107895, + 2.0554089546203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/97.png", + [ + 0.1813337653875351, + 0.04434148967266083, + -0.10999903082847595, + 1.2167550325393677, + 0.01702229678630829, + -0.2086111456155777, + -0.05603151395916939, + 0.616853654384613, + -0.1173720434308052, + 0.03825076296925545, + -0.17806904017925262, + 2.0251975059509277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/155.png", + [ + 0.2004135698080063, + 0.006399867590516806, + -0.08210565149784088, + 0.9446756839752197, + -0.00766286626458168, + -0.21363310515880585, + -0.035356465727090836, + 0.3966759741306305, + -0.08199742436408997, + 0.0356067530810833, + -0.19737395644187927, + 2.31046724319458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/192.png", + [ + 0.17718401551246643, + 0.03958721458911896, + -0.1182648167014122, + 1.3262629508972168, + 0.015499110333621502, + -0.2108658254146576, + -0.04736317694187164, + 0.5239033102989197, + -0.12374769896268845, + 0.030271191149950027, + -0.17526568472385406, + 2.017242431640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/13.png", + [ + 0.21428921818733215, + -0.0012558576418086886, + -0.0320383720099926, + 0.37919825315475464, + -0.004688057117164135, + -0.21540875732898712, + -0.022912435233592987, + 0.25222426652908325, + -0.03171839565038681, + 0.02335338108241558, + -0.21306444704532623, + 2.5096445083618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/32.png", + [ + 0.2000073790550232, + 0.011597148142755032, + -0.08252546191215515, + 0.9517073035240173, + 0.003954677376896143, + -0.215645432472229, + -0.020719753578305244, + 0.22987520694732666, + -0.08324244618415833, + 0.017619699239730835, + -0.19926899671554565, + 2.3438425064086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/158.png", + [ + 0.19699019193649292, + 0.0102189090102911, + -0.08965674787759781, + 1.0264692306518555, + -0.0042749494314193726, + -0.2139822393655777, + -0.03378203883767128, + 0.3786580264568329, + -0.09013592451810837, + 0.032481927424669266, + -0.194340780377388, + 2.2870821952819824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/256.png", + [ + 0.21386116743087769, + 0.004394499119371176, + 0.03452492132782936, + -0.42481401562690735, + 0.011350688524544239, + -0.21199488639831543, + -0.0433269701898098, + 0.49865254759788513, + 0.03290051221847534, + 0.04457300528883934, + -0.2094724327325821, + 2.4987759590148926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/38.png", + [ + 0.20116877555847168, + 0.008983875624835491, + -0.07998942583799362, + 0.9247339963912964, + 0.0023880479857325554, + -0.21589218080043793, + -0.0182417593896389, + 0.2026020586490631, + -0.08045691251754761, + 0.016054736450314522, + -0.20054133236408234, + 2.3596105575561523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/148.png", + [ + 0.19807051122188568, + 0.015122795477509499, + -0.08652903884649277, + 0.9872875213623047, + -0.0033076475374400616, + -0.21200399100780487, + -0.04462362825870514, + 0.5015403628349304, + -0.08777832984924316, + 0.04211306571960449, + -0.19357000291347504, + 2.261284351348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/222.png", + [ + 0.17582687735557556, + 0.03852261230349541, + -0.12061844766139984, + 1.3494356870651245, + 0.014520538970828056, + -0.21117626130580902, + -0.046277839690446854, + 0.5049540996551514, + -0.12578536570072174, + 0.02947019599378109, + -0.17394667863845825, + 1.9983543157577515, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/111.png", + [ + 0.1824141889810562, + 0.053214460611343384, + -0.10412099212408066, + 1.1507949829101562, + 0.025064567103981972, + -0.2062467634677887, + -0.061497461050748825, + 0.6679948568344116, + -0.11421352624893188, + 0.03972897306084633, + -0.1797909289598465, + 2.0350828170776367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/164.png", + [ + 0.19465258717536926, + 0.014316731132566929, + -0.0940919741988182, + 1.0805672407150269, + -0.001515248091891408, + -0.21371585130691528, + -0.03565298393368721, + 0.40394219756126404, + -0.09516287595033646, + 0.032687343657016754, + -0.19189439713954926, + 2.273441791534424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/11.png", + [ + 0.21652556955814362, + -0.007344531361013651, + 0.003259355667978525, + -0.03704752027988434, + -0.0068625714629888535, + -0.21474698185920715, + -0.02800966426730156, + 0.3098011612892151, + 0.004179790616035461, + 0.027887167409062386, + -0.2148318588733673, + 2.529086112976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/125.png", + [ + 0.1844106763601303, + 0.04962935298681259, + -0.10235980153083801, + 1.1386141777038574, + 0.020888155326247215, + -0.20642466843128204, + -0.06245346739888191, + 0.6853114366531372, + -0.11182255297899246, + 0.043285999447107315, + -0.18047140538692474, + 2.057875156402588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/59.png", + [ + 0.2033080756664276, + 0.005939575377851725, + -0.07468901574611664, + 0.8478649258613586, + -0.004804970230907202, + -0.21451452374458313, + -0.030138500034809113, + 0.3323668837547302, + -0.07477057725191116, + 0.029935568571090698, + -0.20114949345588684, + 2.3519997596740723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/105.png", + [ + 0.18068711459636688, + 0.04968113452196121, + -0.10877428203821182, + 1.203655481338501, + 0.020595163106918335, + -0.20707379281520844, + -0.06036701798439026, + 0.6624149680137634, + -0.11779600381851196, + 0.04000154137611389, + -0.17740312218666077, + 2.0181188583374023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/121.png", + [ + 0.18234558403491974, + 0.05199596658349037, + -0.10485421121120453, + 1.160824179649353, + 0.021783752366900444, + -0.20580381155014038, + -0.06417287886142731, + 0.7070101499557495, + -0.11499327421188354, + 0.043463896960020065, + -0.17842458188533783, + 2.0382847785949707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/255.png", + [ + 0.21592366695404053, + 0.007153227925300598, + 0.016543835401535034, + -0.20768432319164276, + 0.010492321103811264, + -0.2115935981273651, + -0.045452769845724106, + 0.5251284837722778, + 0.014655319973826408, + 0.04609635844826698, + -0.21120664477348328, + 2.51314640045166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/175.png", + [ + 0.18112874031066895, + 0.01844949461519718, + -0.11747292429208755, + 1.3499162197113037, + -0.0035358977038413286, + -0.21312056481838226, + -0.03892317786812782, + 0.44141942262649536, + -0.11886028200387955, + 0.034454792737960815, + -0.1778566539287567, + 2.082392692565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/198.png", + [ + 0.17149069905281067, + 0.0345313586294651, + -0.12785309553146362, + 1.432997226715088, + 0.011134148575365543, + -0.2121981978416443, + -0.04237745329737663, + 0.46433025598526, + -0.13196538388729095, + 0.02697041630744934, + -0.16972221434116364, + 1.9468799829483032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/24.png", + [ + 0.19496797025203705, + 0.010337776504456997, + -0.09396014362573624, + 1.0851107835769653, + 0.000998499570414424, + -0.21558819711208344, + -0.02164776436984539, + 0.24049147963523865, + -0.09452185779809952, + 0.019046077504754066, + -0.1940380334854126, + 2.2837142944335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/214.png", + [ + 0.17469805479049683, + 0.04049590975046158, + -0.12160822004079819, + 1.3623740673065186, + 0.016558535397052765, + -0.21098381280899048, + -0.04647086188197136, + 0.5092686414718628, + -0.12709952890872955, + 0.028174573555588722, + -0.1732044816017151, + 1.993238091468811, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/74.png", + [ + 0.17625825107097626, + 0.009838527999818325, + -0.12563489377498627, + 1.4161661863327026, + -0.003514138050377369, + -0.21554553508758545, + -0.021809600293636322, + 0.23567897081375122, + -0.1259705126285553, + 0.019779058173298836, + -0.17518022656440735, + 2.03147029876709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/251.png", + [ + 0.21219083666801453, + 0.012118380516767502, + -0.042143601924180984, + 0.4916674494743347, + 0.002583487890660763, + -0.2113296091556549, + -0.04776003584265709, + 0.5422725677490234, + -0.043775152415037155, + 0.04626921936869621, + -0.20710091292858124, + 2.4388046264648438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/193.png", + [ + 0.1771341860294342, + 0.040113355964422226, + -0.118162140250206, + 1.323989748954773, + 0.017081039026379585, + -0.21103736758232117, + -0.046036574989557266, + 0.5054463148117065, + -0.12361074984073639, + 0.028320439159870148, + -0.17568789422512054, + 2.0181174278259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/129.png", + [ + 0.1826445758342743, + 0.048871368169784546, + -0.10583215206861496, + 1.1748344898223877, + 0.018847670406103134, + -0.20650574564933777, + -0.06283338367938995, + 0.682902455329895, + -0.1150374710559845, + 0.04375910386443138, + -0.178323894739151, + 2.019364833831787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/249.png", + [ + 0.2076302468776703, + 0.016226446256041527, + -0.05978524684906006, + 0.6888929009437561, + 0.0035940587986260653, + -0.21191257238388062, + -0.045033734291791916, + 0.503460168838501, + -0.06184379756450653, + 0.04216226935386658, + -0.20333611965179443, + 2.3676915168762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/172.png", + [ + 0.19110365211963654, + 0.010850481688976288, + -0.10153596103191376, + 1.1667087078094482, + -0.006820032373070717, + -0.21361064910888672, + -0.035663336515426636, + 0.40235939621925354, + -0.1018860787153244, + 0.034650448709726334, + -0.1880597621202469, + 2.2131519317626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/232.png", + [ + 0.18678590655326843, + 0.03217150270938873, + -0.10499481111764908, + 1.1747069358825684, + 0.011375847272574902, + -0.2117217630147934, + -0.04463610425591469, + 0.4888123571872711, + -0.10922227054834366, + 0.032966434955596924, + -0.1842053234577179, + 2.1134376525878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/153.png", + [ + 0.20264016091823578, + 0.0048147933557629585, + -0.07656160742044449, + 0.8804240226745605, + -0.00794503279030323, + -0.21376729011535645, + -0.03447195515036583, + 0.3877537250518799, + -0.07630031555891037, + 0.035046499222517014, + -0.1997445821762085, + 2.3389596939086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/144.png", + [ + 0.1961531937122345, + 0.016080280765891075, + -0.09062693268060684, + 1.0289368629455566, + -0.002396786119788885, + -0.2123776376247406, + -0.04287058487534523, + 0.4776701033115387, + -0.09201125055551529, + 0.039812762290239334, + -0.19208531081676483, + 2.240661144256592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/188.png", + [ + 0.17780227959156036, + 0.03727932274341583, + -0.11808677762746811, + 1.330418348312378, + 0.016560951247811317, + -0.21192528307437897, + -0.041967909783124924, + 0.4587016701698303, + -0.12271905690431595, + 0.025413047522306442, + -0.17675434052944183, + 2.0427889823913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/98.png", + [ + 0.1803540289402008, + 0.04629981145262718, + -0.11080002784729004, + 1.2274235486984253, + 0.01824970915913582, + -0.20816761255264282, + -0.05728078633546829, + 0.630847156047821, + -0.11868978291749954, + 0.03834668919444084, + -0.1771726757287979, + 2.016862392425537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/0.png", + [ + 0.21434983611106873, + 0.0018489870708435774, + -0.031601112335920334, + 0.37658509612083435, + -0.004167144186794758, + -0.21277408301830292, + -0.04071512073278427, + 0.4765671193599701, + -0.03137967735528946, + 0.04088602960109711, + -0.21045556664466858, + 2.5135884284973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/163.png", + [ + 0.19546814262866974, + 0.014465046115219593, + -0.09236264228820801, + 1.0575424432754517, + -0.0010940454667434096, + -0.21369676291942596, + -0.03578269109129906, + 0.4046039283275604, + -0.09348209202289581, + 0.03274691104888916, + -0.19270867109298706, + 2.2806782722473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/96.png", + [ + 0.180986225605011, + 0.04184775426983833, + -0.1115376353263855, + 1.2367256879806519, + 0.015449152328073978, + -0.20939785242080688, + -0.0534953698515892, + 0.589998185634613, + -0.11812366545200348, + 0.036731403321027756, + -0.177891805768013, + 2.0306591987609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/100.png", + [ + 0.18007202446460724, + 0.04717930778861046, + -0.11088763922452927, + 1.2278954982757568, + 0.01777546852827072, + -0.20759673416614532, + -0.05946023762226105, + 0.6539873480796814, + -0.11918886750936508, + 0.04031873866915703, + -0.1763981431722641, + 2.002748966217041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/40.png", + [ + 0.20174887776374817, + 0.009130106307566166, + -0.07849791646003723, + 0.905693531036377, + 0.002856917679309845, + -0.2159256786108017, + -0.017771737650036812, + 0.1961895078420639, + -0.07897543907165527, + 0.015512504614889622, + -0.2011719048023224, + 2.3618621826171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/141.png", + [ + 0.19311396777629852, + 0.017043938860297203, + -0.09676975756883621, + 1.092060923576355, + -0.0027562917675822973, + -0.21236646175384521, + -0.04290430620312691, + 0.47185495495796204, + -0.0982205867767334, + 0.03946999832987785, + -0.18905746936798096, + 2.1825270652770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/52.png", + [ + 0.20106612145900726, + 0.0070947096683084965, + -0.08043612539768219, + 0.9181076288223267, + -0.0043881479650735855, + -0.2145577073097229, + -0.029893692582845688, + 0.3328480124473572, + -0.08062908053398132, + 0.029369262978434563, + -0.19895802438259125, + 2.315791130065918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/184.png", + [ + 0.17971912026405334, + 0.03783606365323067, + -0.11496682465076447, + 1.2887133359909058, + 0.011926141567528248, + -0.21034960448741913, + -0.05058369040489197, + 0.5642392039299011, + -0.12044379115104675, + 0.03562828153371811, + -0.17655541002750397, + 2.042003631591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/227.png", + [ + 0.17971272766590118, + 0.03880167007446289, + -0.11465450376272202, + 1.2799837589263916, + 0.015238184481859207, + -0.2108597308397293, + -0.047474928200244904, + 0.5228255391120911, + -0.12007922679185867, + 0.031312957406044006, + -0.177618607878685, + 2.0307235717773438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/3.png", + [ + 0.21584869921207428, + -0.0007910073618404567, + -0.018883980810642242, + 0.22779761254787445, + -0.004048062954097986, + -0.21339599788188934, + -0.0373317152261734, + 0.42883288860321045, + -0.01846194826066494, + 0.03754221647977829, + -0.21259735524654388, + 2.5371203422546387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/231.png", + [ + 0.18562328815460205, + 0.0357355959713459, + -0.10590019822120667, + 1.1832828521728516, + 0.01371536310762167, + -0.21103230118751526, + -0.04717152938246727, + 0.5168800950050354, + -0.11092238128185272, + 0.033708032220602036, + -0.18305161595344543, + 2.0926661491394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/47.png", + [ + 0.20098945498466492, + 0.004291102290153503, + -0.08082524687051773, + 0.9195680618286133, + -0.00360572780482471, + -0.21568040549755096, + -0.02041713520884514, + 0.22232183814048767, + -0.08085871487855911, + 0.02028416097164154, + -0.19999580085277557, + 2.323211669921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/104.png", + [ + 0.17991125583648682, + 0.05000986531376839, + -0.10990378260612488, + 1.214242696762085, + 0.02125568687915802, + -0.20725439488887787, + -0.059512294828891754, + 0.6520170569419861, + -0.1188613697886467, + 0.03863328695297241, + -0.17699530720710754, + 2.0132346153259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/21.png", + [ + 0.19647535681724548, + 0.010371619835495949, + -0.09076207131147385, + 1.0447301864624023, + 0.00112640589941293, + -0.2155323177576065, + -0.022191081196069717, + 0.2458556890487671, + -0.09134580194950104, + 0.019650503993034363, + -0.19549347460269928, + 2.293044090270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/82.png", + [ + 0.1666557937860489, + 0.006416643038392067, + -0.13832052052021027, + 1.5529533624649048, + -0.008968240581452847, + -0.21548722684383392, + -0.020801784470677376, + 0.21992114186286926, + -0.13817855715751648, + 0.021724876016378403, + -0.16547691822052002, + 1.9102877378463745, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/106.png", + [ + 0.18198098242282867, + 0.0505683608353138, + -0.10617746412754059, + 1.1785417795181274, + 0.021872764453291893, + -0.20676164329051971, + -0.060984399169683456, + 0.6715587377548218, + -0.11555257439613342, + 0.04050131514668465, + -0.17876002192497253, + 2.035101890563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/14.png", + [ + 0.21126297116279602, + 0.0018985840724781156, + -0.04808584600687027, + 0.5656358003616333, + -0.0029745488427579403, + -0.21557676792144775, + -0.021580208092927933, + 0.23804762959480286, + -0.048031292855739594, + 0.021701354533433914, + -0.21016645431518555, + 2.474940776824951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/67.png", + [ + 0.1923954039812088, + 0.008479064330458641, + -0.09929756075143814, + 1.1197704076766968, + -0.0016405141213908792, + -0.21559026837348938, + -0.021587954834103584, + 0.23390668630599976, + -0.09964542090892792, + 0.019920753315091133, + -0.19136837124824524, + 2.215076446533203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/241.png", + [ + 0.1924581378698349, + 0.024242307990789413, + -0.09654050320386887, + 1.0879100561141968, + 0.006385773420333862, + -0.2127244770526886, + -0.04068693518638611, + 0.4490332007408142, + -0.09933268278837204, + 0.033294375985860825, + -0.18966391682624817, + 2.1865391731262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/78.png", + [ + 0.16836659610271454, + 0.005169198848307133, + -0.1362859457731247, + 1.5365381240844727, + -0.010637869127094746, + -0.215361550450325, + -0.02131040021777153, + 0.23468008637428284, + -0.13596846163272858, + 0.023250306025147438, + -0.16709250211715698, + 1.9282041788101196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/191.png", + [ + 0.17651163041591644, + 0.04033192992210388, + -0.11901628226041794, + 1.336988091468811, + 0.016529908403754234, + -0.21088054776191711, + -0.04694733768701553, + 0.5197395086288452, + -0.12457247823476791, + 0.029165495187044144, + -0.1748684197664261, + 2.014699935913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/31.png", + [ + 0.19977107644081116, + 0.011164099909365177, + -0.08315516263246536, + 0.9598487615585327, + 0.0034368436317890882, + -0.21565651893615723, + -0.020696597173810005, + 0.23104608058929443, + -0.0838308110833168, + 0.017762992531061172, + -0.1990094631910324, + 2.3411636352539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/194.png", + [ + 0.17737793922424316, + 0.040264155715703964, + -0.11774443835020065, + 1.316949486732483, + 0.0179376769810915, + -0.21115072071552277, + -0.04518308490514755, + 0.49185070395469666, + -0.12313893437385559, + 0.027240948751568794, + -0.17618918418884277, + 2.0196571350097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/152.png", + [ + 0.20471662282943726, + 0.0032200971618294716, + -0.07091283798217773, + 0.8129252791404724, + -0.009406575933098793, + -0.21331214904785156, + -0.036841969937086105, + 0.41659995913505554, + -0.07035989314317703, + 0.03788727521896362, + -0.20139992237091064, + 2.357811450958252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/39.png", + [ + 0.20179417729377747, + 0.00874328427016735, + -0.07842548936605453, + 0.9055057764053345, + 0.002555768471211195, + -0.21595169603824615, + -0.017499258741736412, + 0.19300630688667297, + -0.07886996865272522, + 0.015372409485280514, + -0.20122404396533966, + 2.3652572631835938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/92.png", + [ + 0.1710944026708603, + 0.025150444358587265, + -0.1305452287197113, + 1.4641462564468384, + 0.005758840125054121, + -0.21396444737911224, + -0.03367412090301514, + 0.36593127250671387, + -0.13282106816768646, + 0.023120684549212456, + -0.16962279379367828, + 1.947046160697937, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/203.png", + [ + 0.17595024406909943, + 0.03553742542862892, + -0.12135275453329086, + 1.3515771627426147, + 0.015201636590063572, + -0.2123783379793167, + -0.04015275090932846, + 0.4359818696975708, + -0.1255321204662323, + 0.02409200929105282, + -0.17495472729206085, + 2.004398822784424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/53.png", + [ + 0.2013995200395584, + 0.006646868772804737, + -0.07963636517524719, + 0.9080424904823303, + -0.005119181238114834, + -0.21440723538398743, + -0.03084191121160984, + 0.3442404270172119, + -0.07974913716316223, + 0.030549118295311928, + -0.1991349458694458, + 2.3179450035095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/245.png", + [ + 0.19757021963596344, + 0.019711149856448174, + -0.0867488831281662, + 0.9874798059463501, + 0.00263591087423265, + -0.21249325573444366, + -0.04227961227297783, + 0.4714127480983734, + -0.08892104029655457, + 0.037496455013751984, + -0.193997323513031, + 2.2356319427490234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/75.png", + [ + 0.17463858425617218, + 0.008385037072002888, + -0.1279803067445755, + 1.4401954412460327, + -0.005904724355787039, + -0.21545614302158356, + -0.02217373251914978, + 0.24063917994499207, + -0.12811867892742157, + 0.02135957032442093, + -0.17342796921730042, + 2.0118417739868164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/151.png", + [ + 0.20524296164512634, + 0.003399130655452609, + -0.06936618685722351, + 0.7895565629005432, + -0.00965975597500801, + -0.2129140943288803, + -0.03901497274637222, + 0.4413163661956787, + -0.06877434253692627, + 0.040049031376838684, + -0.20152929425239563, + 2.357679843902588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/87.png", + [ + 0.17082783579826355, + 0.018343672156333923, + -0.13201989233493805, + 1.4758028984069824, + -0.002001742599532008, + -0.2142355889081955, + -0.03235739842057228, + 0.35426467657089233, + -0.1332731693983078, + 0.026730472221970558, + -0.16873541474342346, + 1.9406074285507202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/139.png", + [ + 0.1887979656457901, + 0.021207917481660843, + -0.10417988896369934, + 1.1688272953033447, + -0.0015588777605444193, + -0.21174490451812744, + -0.04592999070882797, + 0.5035375356674194, + -0.10630519688129425, + 0.04077031463384628, + -0.1843498945236206, + 2.117229461669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/107.png", + [ + 0.18295790255069733, + 0.050833337008953094, + -0.10435649007558823, + 1.1604444980621338, + 0.02207326516509056, + -0.20647478103637695, + -0.061877548694610596, + 0.6817888021469116, + -0.11396084725856781, + 0.04161768779158592, + -0.179523766040802, + 2.042470932006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/112.png", + [ + 0.18353089690208435, + 0.054356228560209274, + -0.10153670608997345, + 1.120974063873291, + 0.025868022814393044, + -0.20559896528720856, + -0.06330718100070953, + 0.6860683560371399, + -0.11222811788320541, + 0.04150126501917839, + -0.18063884973526, + 2.0445356369018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/69.png", + [ + 0.19051799178123474, + 0.008239736780524254, + -0.10287319868803024, + 1.1591235399246216, + -0.001592022250406444, + -0.21572259068489075, + -0.02022690325975418, + 0.21922853589057922, + -0.10319037735462189, + 0.0185410063713789, + -0.18962034583091736, + 2.192412853240967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/157.png", + [ + 0.19901956617832184, + 0.007940529845654964, + -0.0852997824549675, + 0.9757994413375854, + -0.006347689777612686, + -0.21378198266029358, + -0.034711189568042755, + 0.3882949650287628, + -0.08543308079242706, + 0.034381791949272156, + -0.19612999260425568, + 2.298989772796631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/45.png", + [ + 0.20103909075260162, + 0.006563409231603146, + -0.0805487409234047, + 0.9196242094039917, + 8.834373875288293e-05, + -0.21597658097743988, + -0.017378078773617744, + 0.18837374448776245, + -0.08081565797328949, + 0.016091208904981613, + -0.20039412379264832, + 2.333479404449463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/259.png", + [ + 0.210207000374794, + 0.014283857308328152, + 0.05056560039520264, + -0.6132413148880005, + 0.02379004843533039, + -0.21179091930389404, + -0.03907088562846184, + 0.4467537999153137, + 0.046850211918354034, + 0.043456558138132095, + -0.20703738927841187, + 2.4728612899780273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/50.png", + [ + 0.20028869807720184, + 0.005072157364338636, + -0.08250214159488678, + 0.9400708675384521, + -0.004858581814914942, + -0.2151699662208557, + -0.025023531168699265, + 0.275180846452713, + -0.08251499384641647, + 0.024981116876006126, + -0.19878409802913666, + 2.31327486038208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/101.png", + [ + 0.18072712421417236, + 0.047378603368997574, + -0.10973092168569565, + 1.2131454944610596, + 0.018108736723661423, + -0.2074819654226303, + -0.05975950509309769, + 0.6559048295021057, + -0.11814263463020325, + 0.04067423567175865, + -0.17701925337314606, + 2.0080933570861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/85.png", + [ + 0.1639837920665741, + 0.013988283462822437, + -0.14093098044395447, + 1.583922266960144, + -0.004372399300336838, + -0.2150123119354248, + -0.026428932324051857, + 0.291048139333725, + -0.14155596494674683, + 0.022845886647701263, + -0.16244342923164368, + 1.8766909837722778, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/156.png", + [ + 0.1996355801820755, + 0.008656062185764313, + -0.08377708494663239, + 0.9615981578826904, + -0.005663130432367325, + -0.21365989744663239, + -0.03557077422738075, + 0.39842304587364197, + -0.08403246849775314, + 0.034963175654411316, + -0.19663166999816895, + 2.3027524948120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/181.png", + [ + 0.18019433319568634, + 0.032602567225694656, + -0.11582300812005997, + 1.3024259805679321, + 0.0076285903342068195, + -0.2112450748682022, + -0.047594211995601654, + 0.5280717015266418, + -0.1200820580124855, + 0.035503190010786057, + -0.17682680487632751, + 2.0541977882385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/131.png", + [ + 0.18635660409927368, + 0.04566444084048271, + -0.10066711902618408, + 1.1001056432724, + 0.018654823303222656, + -0.20748396217823029, + -0.05958438664674759, + 0.6396723389625549, + -0.10895460844039917, + 0.04258005693554878, + -0.1823834478855133, + 2.0399551391601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/71.png", + [ + 0.18161189556121826, + 0.008099437691271305, + -0.11789576709270477, + 1.3334957361221313, + -0.0027875129599124193, + -0.2158113569021225, + -0.019120248034596443, + 0.20610496401786804, + -0.11814077198505402, + 0.017542896792292595, + -0.18078413605690002, + 2.0948328971862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/160.png", + [ + 0.1957560032606125, + 0.012805894017219543, + -0.09199722111225128, + 1.0495537519454956, + -0.0022877645678818226, + -0.2138756364583969, + -0.03463922441005707, + 0.3909026086330414, + -0.0928560420870781, + 0.032266370952129364, + -0.19309203326702118, + 2.2755813598632812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/115.png", + [ + 0.18185222148895264, + 0.056243572384119034, + -0.10350999981164932, + 1.1420464515686035, + 0.026976637542247772, + -0.20520786941051483, + -0.06410840153694153, + 0.6984041333198547, + -0.11467309296131134, + 0.040918052196502686, + -0.17923080921173096, + 2.033583641052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/54.png", + [ + 0.20179152488708496, + 0.006541115697473288, + -0.07864665985107422, + 0.8966909050941467, + -0.004129762761294842, + -0.2147580087184906, + -0.02845776081085205, + 0.3183597922325134, + -0.07881007343530655, + 0.028002016246318817, + -0.19988185167312622, + 2.329716682434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/33.png", + [ + 0.20067140460014343, + 0.011287292465567589, + -0.08094123750925064, + 0.9324809908866882, + 0.0036667168606072664, + -0.21562550961971283, + -0.020978465676307678, + 0.2325415313243866, + -0.08164215832948685, + 0.01805928722023964, + -0.19989077746868134, + 2.3509531021118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/252.png", + [ + 0.21404610574245453, + 0.012102612294256687, + -0.031395554542541504, + 0.3702358901500702, + 0.004743591416627169, + -0.21100790798664093, + -0.04900055751204491, + 0.5590236186981201, + -0.03331144154071808, + 0.04771878942847252, + -0.208713099360466, + 2.46628475189209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/221.png", + [ + 0.17453166842460632, + 0.03894753009080887, + -0.12235065549612045, + 1.371277928352356, + 0.01457493007183075, + -0.21114107966423035, + -0.046420976519584656, + 0.5068236589431763, + -0.127570241689682, + 0.029162056744098663, + -0.17269425094127655, + 1.9863921403884888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/159.png", + [ + 0.19547699391841888, + 0.012507940642535686, + -0.0926293134689331, + 1.059069275856018, + -0.0029844455420970917, + -0.21378114819526672, + -0.0351654589176178, + 0.39543822407722473, + -0.09342233091592789, + 0.03300103172659874, + -0.1926943063735962, + 2.2678260803222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/177.png", + [ + 0.1756768524646759, + 0.025331782177090645, + -0.12427321821451187, + 1.4213447570800781, + 0.003919633105397224, + -0.21329174935817719, + -0.03793634474277496, + 0.4243887960910797, + -0.12676815688610077, + 0.02851017937064171, + -0.17339231073856354, + 2.0250730514526367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/49.png", + [ + 0.2000456303358078, + 0.004861325956881046, + -0.08310238271951675, + 0.9472013711929321, + -0.004845104645937681, + -0.21525821089744568, + -0.024255407974123955, + 0.26601582765579224, + -0.08310332894325256, + 0.024252163246273994, + -0.1986292153596878, + 2.3098878860473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/118.png", + [ + 0.1798798143863678, + 0.050299741327762604, + -0.10982298105955124, + 1.2095402479171753, + 0.019083719700574875, + -0.20635531842708588, + -0.06325492262840271, + 0.6934760808944702, + -0.11927684396505356, + 0.04284050315618515, + -0.17574304342269897, + 1.995322346687317, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/210.png", + [ + 0.17547741532325745, + 0.039837174117565155, + -0.12070032954216003, + 1.34928560256958, + 0.0163535438477993, + -0.21112337708473206, + -0.045906104147434235, + 0.5058395862579346, + -0.12604811787605286, + 0.028067925944924355, + -0.17398835718631744, + 1.9991780519485474, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/179.png", + [ + 0.17929011583328247, + 0.029470810666680336, + -0.11804414540529251, + 1.3390064239501953, + 0.005285420920699835, + -0.21191026270389557, + -0.04487764090299606, + 0.49803784489631653, + -0.12155251950025558, + 0.034255072474479675, + -0.17606666684150696, + 2.0500364303588867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/110.png", + [ + 0.18318255245685577, + 0.052943628281354904, + -0.10290295630693436, + 1.1396281719207764, + 0.024383893236517906, + -0.20600220561027527, + -0.06258128583431244, + 0.6817131042480469, + -0.11312591284513474, + 0.04132751375436783, + -0.1801179200410843, + 2.040684700012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/258.png", + [ + 0.20972047746181488, + 0.00810366589576006, + 0.05384749174118042, + -0.6572532057762146, + 0.018644504249095917, + -0.2119974046945572, + -0.04071085900068283, + 0.46754783391952515, + 0.05116252228617668, + 0.04403773695230484, + -0.20589065551757812, + 2.459216594696045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/18.png", + [ + 0.200225830078125, + 0.00799847487360239, + -0.08242295682430267, + 0.9524993896484375, + -0.00037967972457408905, + -0.21557064354419708, + -0.021841706708073616, + 0.24189311265945435, + -0.08280927687883377, + 0.02032802812755108, + -0.1991916000843048, + 2.3329129219055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/66.png", + [ + 0.1932157427072525, + 0.008543678559362888, + -0.09768610447645187, + 1.1018611192703247, + -0.0012574050342664123, + -0.21561701595783234, + -0.02134503610432148, + 0.23175200819969177, + -0.09805094450712204, + 0.019600948318839073, + -0.19222305715084076, + 2.2228851318359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/234.png", + [ + 0.18855644762516022, + 0.030337031930685043, + -0.10234266519546509, + 1.1457103490829468, + 0.01227582897990942, + -0.21252435445785522, + -0.04038073867559433, + 0.4449353516101837, + -0.10603611916303635, + 0.02934218943119049, + -0.18666352331638336, + 2.15145206451416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/202.png", + [ + 0.1773594319820404, + 0.03556068614125252, + -0.11927682161331177, + 1.3236223459243774, + 0.015707962214946747, + -0.21237778663635254, + -0.0399603545665741, + 0.4323941469192505, + -0.1234697625041008, + 0.024062583222985268, + -0.17642025649547577, + 2.0174546241760254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/206.png", + [ + 0.17347916960716248, + 0.037453792989254, + -0.12429837137460709, + 1.3946073055267334, + 0.014770207926630974, + -0.21180838346481323, + -0.043208152055740356, + 0.4735317528247833, + -0.12897562980651855, + 0.02612121030688286, + -0.17213617265224457, + 1.9786244630813599, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/16.png", + [ + 0.20559702813625336, + 0.00478010019287467, + -0.06822682917118073, + 0.7948567867279053, + -0.0012415341334417462, + -0.21584834158420563, + -0.018864018842577934, + 0.2072363793849945, + -0.06838280707597733, + 0.018290525302290916, + -0.20478561520576477, + 2.407252311706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/190.png", + [ + 0.1772613525390625, + 0.038140080869197845, + -0.11862397938966751, + 1.3336238861083984, + 0.01586024835705757, + -0.211503267288208, + -0.04430253431200981, + 0.4888317286968231, + -0.1235911175608635, + 0.027560777962207794, + -0.175822451710701, + 2.02780818939209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/211.png", + [ + 0.17470334470272064, + 0.040795616805553436, + -0.1215004250407219, + 1.3604793548583984, + 0.01732327602803707, + -0.21103651821613312, + -0.04594988003373146, + 0.50605309009552, + -0.12699031829833984, + 0.02733505144715309, + -0.17341899871826172, + 1.9949551820755005, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/94.png", + [ + 0.18085770308971405, + 0.034679610282182693, + -0.11417407542467117, + 1.2691012620925903, + 0.011328461579978466, + -0.2113756239414215, + -0.04625906050205231, + 0.5054687261581421, + -0.11878576874732971, + 0.0326429046690464, + -0.17824779450893402, + 2.031588077545166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/209.png", + [ + 0.17554335296154022, + 0.03930313512682915, + -0.12077951431274414, + 1.3496999740600586, + 0.015729831531643867, + -0.21118104457855225, + -0.04585884138941765, + 0.5051902532577515, + -0.12603570520877838, + 0.02838529460132122, + -0.17394587397575378, + 2.0001220703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/228.png", + [ + 0.17910030484199524, + 0.038587357848882675, + -0.11568056046962738, + 1.2933577299118042, + 0.014934850856661797, + -0.21093451976776123, + -0.04723844677209854, + 0.5209730863571167, + -0.12102861702442169, + 0.031073080375790596, + -0.17701533436775208, + 2.0266480445861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/28.png", + [ + 0.196962371468544, + 0.010555073618888855, + -0.08967888355255127, + 1.0383368730545044, + 0.0025922823697328568, + -0.21576149761676788, + -0.019701369106769562, + 0.2221769392490387, + -0.09026068449020386, + 0.016836099326610565, + -0.19625861942768097, + 2.3113598823547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/61.png", + [ + 0.19953900575637817, + 0.0039118691347539425, + -0.08436097949743271, + 0.9642789363861084, + -0.007237437181174755, + -0.2148536741733551, + -0.027081599459052086, + 0.29999423027038574, + -0.08414094150066376, + 0.027757715433835983, + -0.1977313905954361, + 2.312373638153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/132.png", + [ + 0.18551568686962128, + 0.044513363391160965, + -0.10271503776311874, + 1.120451807975769, + 0.01672734133899212, + -0.20759917795658112, + -0.059755146503448486, + 0.6423864364624023, + -0.11068883538246155, + 0.043232422322034836, + -0.18118175864219666, + 2.029846668243408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/58.png", + [ + 0.20443281531333923, + 0.006446327082812786, + -0.07150918245315552, + 0.8102313280105591, + -0.004161277320235968, + -0.21437303721904755, + -0.031221454963088036, + 0.34640181064605713, + -0.07167845219373703, + 0.030830835923552513, + -0.20213747024536133, + 2.3600850105285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/263.png", + [ + 0.2138204574584961, + 0.03410429134964943, + -0.008099641650915146, + 0.11779864132404327, + 0.031530074775218964, + -0.20900167524814606, + -0.047666020691394806, + 0.556522011756897, + -0.01531538087874651, + 0.04585948958992958, + -0.21121135354042053, + 2.557241916656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/253.png", + [ + 0.21556855738162994, + 0.012401442974805832, + -0.018008127808570862, + 0.2112547606229782, + 0.008265076205134392, + -0.21142861247062683, + -0.046663906425237656, + 0.5349361300468445, + -0.020242949947714806, + 0.04573877900838852, + -0.21082238852977753, + 2.4946722984313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/123.png", + [ + 0.1838938146829605, + 0.05260860547423363, + -0.10180021077394485, + 1.128986120223999, + 0.023259196430444717, + -0.20561976730823517, + -0.06424492597579956, + 0.7067109942436218, + -0.11220498383045197, + 0.04359741881489754, + -0.1801588237285614, + 2.057559013366699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/64.png", + [ + 0.19328051805496216, + 0.006005258299410343, + -0.09774694591760635, + 1.1084040403366089, + -0.005926779005676508, + -0.21515317261219025, + -0.024937672540545464, + 0.2769604027271271, + -0.09775174409151077, + 0.02491888776421547, + -0.19175907969474792, + 2.2189173698425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/10.png", + [ + 0.2158609926700592, + -0.01112321950495243, + 0.015106171369552612, + -0.18286964297294617, + -0.008925488218665123, + -0.21435992419719696, + -0.030299395322799683, + 0.33678334951400757, + 0.01650024577975273, + 0.02956334687769413, + -0.21401318907737732, + 2.5217819213867188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/170.png", + [ + 0.193440780043602, + 0.01036133337765932, + -0.0970628559589386, + 1.1191970109939575, + -0.006761680822819471, + -0.21351073682308197, + -0.03626764565706253, + 0.4073454439640045, + -0.09737984836101532, + 0.03540769964456558, + -0.1902928203344345, + 2.238401412963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/41.png", + [ + 0.20209050178527832, + 0.008003389462828636, + -0.07773846387863159, + 0.8959892988204956, + 0.0018380929250270128, + -0.21596255898475647, + -0.01745559275150299, + 0.1911437064409256, + -0.07812774181365967, + 0.015621207654476166, + -0.2014942467212677, + 2.3618955612182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/166.png", + [ + 0.1938495934009552, + 0.011930279433727264, + -0.09606195241212845, + 1.1082799434661865, + -0.004245023243129253, + -0.2137681394815445, + -0.03511493653059006, + 0.39659038186073303, + -0.096706822514534, + 0.033297859132289886, + -0.19101554155349731, + 2.2580647468566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/91.png", + [ + 0.1688123643398285, + 0.025668460875749588, + -0.13338442146778107, + 1.4970401525497437, + 0.004485416691750288, + -0.2137080579996109, + -0.03544913977384567, + 0.3882099390029907, + -0.135757714509964, + 0.024857409298419952, + -0.16703246533870697, + 1.9223846197128296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/140.png", + [ + 0.19009752571582794, + 0.020787138491868973, + -0.10187599807977676, + 1.1475752592086792, + -0.000681449135299772, + -0.21204660832881927, + -0.044538307934999466, + 0.48883548378944397, + -0.10397287458181381, + 0.039395689964294434, + -0.18597181141376495, + 2.140413284301758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/217.png", + [ + 0.17533178627490997, + 0.04059063270688057, + -0.1206609457731247, + 1.3501774072647095, + 0.016077937558293343, + -0.21078161895275116, + -0.047544676810503006, + 0.5250087976455688, + -0.12628604471683502, + 0.02951943688094616, + -0.17357516288757324, + 1.996745228767395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/240.png", + [ + 0.18976402282714844, + 0.02576356567442417, + -0.10135949403047562, + 1.1423901319503784, + 0.007125481963157654, + -0.2126941680908203, + -0.040722377598285675, + 0.449468195438385, + -0.10433951765298843, + 0.03233145922422409, + -0.18712519109249115, + 2.1568140983581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/23.png", + [ + 0.19507192075252533, + 0.010980909690260887, + -0.09367098659276962, + 1.080062747001648, + 0.0013839579187333584, + -0.21551109850406647, + -0.022381920367479324, + 0.24831172823905945, + -0.09430228173732758, + 0.019552117213606834, + -0.19409455358982086, + 2.2810773849487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/220.png", + [ + 0.17370103299617767, + 0.04013337939977646, + -0.12314687669277191, + 1.3826611042022705, + 0.0156144630163908, + -0.2109965980052948, + -0.046738963574171066, + 0.5128313899040222, + -0.12857696413993835, + 0.028594646602869034, + -0.17204129695892334, + 1.981227993965149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/201.png", + [ + 0.17684130370616913, + 0.034503016620874405, + -0.12035191804170609, + 1.3321279287338257, + 0.014611324295401573, + -0.21254862844944, + -0.039464958012104034, + 0.4271090030670166, + -0.12434447556734085, + 0.02409389056265354, + -0.17580051720142365, + 2.006472110748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/37.png", + [ + 0.2013038545846939, + 0.009839306585490704, + -0.07954774051904678, + 0.9191692471504211, + 0.002388289198279381, + -0.21567675471305847, + -0.02063337154686451, + 0.22927716374397278, + -0.08011835068464279, + 0.01829284057021141, + -0.2004851996898651, + 2.358199119567871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/178.png", + [ + 0.17722539603710175, + 0.026569345965981483, + -0.12179131805896759, + 1.3869231939315796, + 0.0039051377680152655, + -0.21277517080307007, + -0.04073531925678253, + 0.45279866456985474, + -0.1245945617556572, + 0.031123723834753036, + -0.1745147556066513, + 2.0354299545288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/36.png", + [ + 0.2020532488822937, + 0.010904460214078426, + -0.07748208194971085, + 0.8939635753631592, + 0.0030190397519618273, + -0.21548691391944885, + -0.022453727200627327, + 0.2484678030014038, + -0.07818737626075745, + 0.019858933985233307, + -0.20109762251377106, + 2.3636584281921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/213.png", + [ + 0.17567212879657745, + 0.04060954600572586, + -0.12015849351882935, + 1.3470988273620605, + 0.017166249454021454, + -0.21099227666854858, + -0.046211209148168564, + 0.5060762166976929, + -0.12566828727722168, + 0.027946744114160538, + -0.17428238689899445, + 2.004197120666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/212.png", + [ + 0.17505118250846863, + 0.04039701446890831, + -0.12113240361213684, + 1.3571455478668213, + 0.016832003369927406, + -0.21105216443538666, + -0.0460604652762413, + 0.5053690671920776, + -0.12657670676708221, + 0.027802228927612305, + -0.1736469715833664, + 1.9972366094589233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/182.png", + [ + 0.18224570155143738, + 0.03464720770716667, + -0.11195523291826248, + 1.2540640830993652, + 0.009832755662500858, + -0.2107798457145691, + -0.04922464117407799, + 0.5462963581085205, + -0.11678063869476318, + 0.036322444677352905, + -0.1788598895072937, + 2.0699000358581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/235.png", + [ + 0.1896331012248993, + 0.02887856587767601, + -0.10076313465833664, + 1.1285483837127686, + 0.011396406218409538, + -0.2127346694469452, + -0.03952175751328468, + 0.4360591769218445, + -0.10419837385416031, + 0.029289517551660538, + -0.18770380318164825, + 2.1662278175354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/8.png", + [ + 0.21530234813690186, + -0.011395584791898727, + 0.021515952423214912, + -0.2631867825984955, + -0.008251388557255268, + -0.21429681777954102, + -0.030930286273360252, + 0.3465685248374939, + 0.022906553000211716, + 0.02991502359509468, + -0.21337354183197021, + 2.523268699645996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/6.png", + [ + 0.21620841324329376, + -0.009690170176327229, + 0.010388370603322983, + -0.1282438039779663, + -0.007994710467755795, + -0.2139672487974167, + -0.03319631889462471, + 0.3769153356552124, + 0.011743179522454739, + 0.03274158760905266, + -0.21386440098285675, + 2.538792133331299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/257.png", + [ + 0.21150417625904083, + 0.00567019684240222, + 0.04670893773436546, + -0.572784423828125, + 0.014819532632827759, + -0.21217595040798187, + -0.04134783148765564, + 0.475337952375412, + 0.044657111167907715, + 0.04355583339929581, + -0.2075006514787674, + 2.477004051208496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/197.png", + [ + 0.1717541217803955, + 0.03841066733002663, + -0.12638448178768158, + 1.4163874387741089, + 0.014040568843483925, + -0.2114459127187729, + -0.04518160596489906, + 0.4965653121471405, + -0.13134412467479706, + 0.027624914422631264, + -0.1700984537601471, + 1.9514409303665161, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/219.png", + [ + 0.17409241199493408, + 0.041473161429166794, + -0.12214624881744385, + 1.372647762298584, + 0.017528614029288292, + -0.21087338030338287, + -0.04661614075303078, + 0.5136986374855042, + -0.12779858708381653, + 0.027573423460125923, + -0.17278636991977692, + 1.9918421506881714, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/169.png", + [ + 0.19238921999931335, + 0.01019241102039814, + -0.09914834797382355, + 1.1450004577636719, + -0.0076742228120565414, + -0.21338410675525665, + -0.03682699799537659, + 0.41478750109672546, + -0.09937498718500137, + 0.03621099516749382, + -0.1891065090894699, + 2.2280688285827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/154.png", + [ + 0.201834574341774, + 0.0053010317496955395, + -0.0786294937133789, + 0.9048312306404114, + -0.00792447105050087, + -0.21372301876544952, + -0.03475012630224228, + 0.38916411995887756, + -0.07840855419635773, + 0.03524581342935562, + -0.19889125227928162, + 2.3270535469055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/20.png", + [ + 0.19795985519886017, + 0.009969196282327175, + -0.08752377331256866, + 1.0071852207183838, + 0.0009597997996024787, + -0.2155139446258545, + -0.022376764565706253, + 0.24839678406715393, + -0.08808445930480957, + 0.02005631849169731, + -0.19694355130195618, + 2.306609630584717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/237.png", + [ + 0.18779940903186798, + 0.029582131654024124, + -0.10394313186407089, + 1.1742677688598633, + 0.009048067033290863, + -0.21197134256362915, + -0.04397927224636078, + 0.4865623414516449, + -0.10769128054380417, + 0.03377782553434372, + -0.18495821952819824, + 2.13657808303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/2.png", + [ + 0.21524696052074432, + 0.0015797249507158995, + -0.024782100692391396, + 0.2982526123523712, + -0.0028140658978372812, + -0.21329110860824585, + -0.03803795203566551, + 0.43815067410469055, + -0.024672437459230423, + 0.038109175860881805, + -0.21186518669128418, + 2.5315117835998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/117.png", + [ + 0.1809910237789154, + 0.0530010424554348, + -0.1066819354891777, + 1.1736259460449219, + 0.022172659635543823, + -0.20564427971839905, + -0.06454993039369583, + 0.703940749168396, + -0.11704066395759583, + 0.043002430349588394, + -0.17720091342926025, + 2.0053610801696777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/149.png", + [ + 0.20087160170078278, + 0.010677197948098183, + -0.08052633702754974, + 0.9155648350715637, + -0.006288577802479267, + -0.21210609376430511, + -0.04381046071648598, + 0.4960411489009857, + -0.08098732680082321, + 0.04295229911804199, + -0.1963263899087906, + 2.298619270324707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/161.png", + [ + 0.19536691904067993, + 0.014332655817270279, + -0.09259720891714096, + 1.0571115016937256, + -0.0004425102670211345, + -0.2139812558889389, + -0.0340547151863575, + 0.3841789960861206, + -0.09369883686304092, + 0.030894892290234566, + -0.1929091364145279, + 2.2802038192749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/5.png", + [ + 0.21658574044704437, + -0.0061937859281897545, + 0.0003878994903061539, + -0.0066773127764463425, + -0.006057318765670061, + -0.21393218636512756, + -0.03382644057273865, + 0.3843412697315216, + 0.001349940779618919, + 0.033801715821027756, + -0.2140175700187683, + 2.541421413421631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/187.png", + [ + 0.17758746445178986, + 0.038051337003707886, + -0.11816378682851791, + 1.3317875862121582, + 0.015919679775834084, + -0.21152247488498688, + -0.044189319014549255, + 0.4842284023761749, + -0.12311437726020813, + 0.02753593772649765, + -0.17616048455238342, + 2.037306785583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/108.png", + [ + 0.182331383228302, + 0.05144432932138443, + -0.10515059530735016, + 1.167931318283081, + 0.02310066856443882, + -0.20661500096321106, + -0.06102859228849411, + 0.6704040169715881, + -0.11475855112075806, + 0.04014488309621811, + -0.17935092747211456, + 2.0404510498046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/60.png", + [ + 0.202475905418396, + 0.004848153796046972, + -0.07699283957481384, + 0.8766075968742371, + -0.005802877712994814, + -0.21467657387256622, + -0.028778361156582832, + 0.3172525465488434, + -0.07692679017782211, + 0.02895449660718441, + -0.2004789412021637, + 2.3447279930114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/260.png", + [ + 0.2122369110584259, + 0.01779976859688759, + 0.039831649512052536, + -0.4798405170440674, + 0.02513773925602436, + -0.21157510578632355, + -0.03939499333500862, + 0.45145028829574585, + 0.03565790504217148, + 0.043209258466959, + -0.20930688083171844, + 2.5084075927734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/56.png", + [ + 0.20381490886211395, + 0.005696664564311504, + -0.073313869535923, + 0.8324126601219177, + -0.00421810382977128, + -0.21476206183433533, + -0.02841399423778057, + 0.3170902132987976, + -0.07341377437114716, + 0.028154851868748665, + -0.20190496742725372, + 2.3561315536499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/147.png", + [ + 0.19605310261249542, + 0.017469903454184532, + -0.0905863419175148, + 1.0353124141693115, + -0.0020666546188294888, + -0.2118692547082901, + -0.045332543551921844, + 0.5081258416175842, + -0.09223237633705139, + 0.04188213124871254, + -0.19153843820095062, + 2.2336912155151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/261.png", + [ + 0.21398915350437164, + 0.02459690347313881, + 0.0234844833612442, + -0.27658042311668396, + 0.02866809070110321, + -0.21096093952655792, + -0.04026808962225914, + 0.46187645196914673, + 0.018293965607881546, + 0.0428762286901474, + -0.21160070598125458, + 2.54372501373291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/30.png", + [ + 0.19826428592205048, + 0.011209837161004543, + -0.08668044954538345, + 1.0032638311386108, + 0.003561465535312891, + -0.21574284136295319, + -0.019754517823457718, + 0.22170180082321167, + -0.08732970803976059, + 0.01665126346051693, + -0.19759592413902283, + 2.3298001289367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/17.png", + [ + 0.20233720541000366, + 0.006415143143385649, + -0.07724244892597198, + 0.8949334621429443, + -0.0006465974147431552, + -0.2157839685678482, + -0.019615069031715393, + 0.21636837720870972, + -0.0775056779384613, + 0.01854764111340046, + -0.20148634910583496, + 2.3635520935058594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/12.png", + [ + 0.21615278720855713, + -0.0036359932273626328, + -0.014582404866814613, + 0.17479078471660614, + -0.005246198736131191, + -0.21526753902435303, + -0.02408856712281704, + 0.26446351408958435, + -0.014083479531109333, + 0.024383625015616417, + -0.21483713388442993, + 2.529446601867676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/114.png", + [ + 0.1826830804347992, + 0.0571955069899559, + -0.10150595009326935, + 1.1207307577133179, + 0.02902803383767605, + -0.20516061782836914, + -0.06335918605327606, + 0.6874537467956543, + -0.11283686757087708, + 0.03982069715857506, + -0.1806378960609436, + 2.047349452972412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/27.png", + [ + 0.19609472155570984, + 0.010079796425998211, + -0.09161412715911865, + 1.0602792501449585, + 0.0021368192974478006, + -0.2158142775297165, + -0.01917111687362194, + 0.21591030061244965, + -0.09214220196008682, + 0.01644674316048622, + -0.19541549682617188, + 2.300907611846924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/42.png", + [ + 0.20224834978580475, + 0.0070541780441999435, + -0.07741919904947281, + 0.8906434774398804, + 0.0005429591401480138, + -0.2159036546945572, + -0.018254000693559647, + 0.19970554113388062, + -0.07773801684379578, + 0.01684464141726494, + -0.20154640078544617, + 2.357337474822998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/223.png", + [ + 0.17786569893360138, + 0.03793937712907791, + -0.11778068542480469, + 1.317837119102478, + 0.014224471524357796, + -0.21114066243171692, + -0.04653139412403107, + 0.5101922750473022, + -0.12292011082172394, + 0.030464904382824898, + -0.17581361532211304, + 2.0188212394714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/174.png", + [ + 0.18494412302970886, + 0.0152738057076931, + -0.1118493378162384, + 1.2844773530960083, + -0.006173820700496435, + -0.21299238502979279, + -0.03929407149553299, + 0.44695448875427246, + -0.11271844059228897, + 0.036726709455251694, + -0.18136590719223022, + 2.1274352073669434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/7.png", + [ + 0.21567745506763458, + -0.011024247854948044, + 0.017595389857888222, + -0.21469807624816895, + -0.008332119323313236, + -0.21413198113441467, + -0.03203076869249344, + 0.36127743124961853, + 0.019018610939383507, + 0.031206736341118813, + -0.21357043087482452, + 2.530789852142334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/73.png", + [ + 0.1767318695783615, + 0.010343031026422977, + -0.12492702901363373, + 1.4104610681533813, + -0.0025711399503052235, + -0.21559129655361176, + -0.02148670330643654, + 0.2319534718990326, + -0.12532809376716614, + 0.019008180126547813, + -0.175725519657135, + 2.0373830795288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/120.png", + [ + 0.18246333301067352, + 0.05223313346505165, + -0.10453101247549057, + 1.1538938283920288, + 0.021456938236951828, + -0.2055041640996933, + -0.06523444503545761, + 0.7171359062194824, + -0.11486788839101791, + 0.044582873582839966, + -0.17822915315628052, + 2.0273895263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/46.png", + [ + 0.20091338455677032, + 0.006052654702216387, + -0.0809016078710556, + 0.922964870929718, + -0.0008094125660136342, + -0.21591046452522278, + -0.01816345937550068, + 0.1974695473909378, + -0.08112367242574692, + 0.01714443974196911, + -0.20018219947814941, + 2.32833194732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/127.png", + [ + 0.18429046869277954, + 0.049227505922317505, + -0.10276950150728226, + 1.1452065706253052, + 0.01939539983868599, + -0.20611222088336945, + -0.06394896656274796, + 0.700928270816803, + -0.11228863149881363, + 0.04519185796380043, + -0.17971324920654297, + 2.0458755493164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/236.png", + [ + 0.18927180767059326, + 0.03066130168735981, + -0.10091563314199448, + 1.1343016624450684, + 0.01182609423995018, + -0.21217897534370422, + -0.04228619113564491, + 0.46782186627388, + -0.10480564087629318, + 0.031430285423994064, + -0.18701820075511932, + 2.159252643585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/226.png", + [ + 0.18052144348621368, + 0.0377674400806427, + -0.11372566223144531, + 1.268526554107666, + 0.01429840736091137, + -0.21095158159732819, + -0.04735899716615677, + 0.5217452049255371, + -0.11897671967744827, + 0.0319521464407444, + -0.17824558913707733, + 2.03651762008667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/133.png", + [ + 0.18809419870376587, + 0.04155704751610756, + -0.09920421242713928, + 1.0773417949676514, + 0.015105989761650562, + -0.20807430148124695, + -0.05852174386382103, + 0.6262544393539429, + -0.10649070888757706, + 0.04388619214296341, + -0.18352553248405457, + 2.0536346435546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/57.png", + [ + 0.20451101660728455, + 0.005523385480046272, + -0.07136266678571701, + 0.8090965151786804, + -0.004625303670763969, + -0.21455717086791992, + -0.029861656948924065, + 0.3326493203639984, + -0.07142649590969086, + 0.029708657413721085, + -0.2023945301771164, + 2.363473892211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/44.png", + [ + 0.20169281959533691, + 0.0060886298306286335, + -0.07893557101488113, + 0.9025907516479492, + -3.106382428086363e-05, + -0.21602681279182434, + -0.016742421314120293, + 0.18135204911231995, + -0.07917003333568573, + 0.015596096403896809, + -0.20108895003795624, + 2.3428921699523926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/264.png", + [ + 0.21216167509555817, + 0.0363975390791893, + -0.024709010496735573, + 0.3210114538669586, + 0.030336936935782433, + -0.20918194949626923, + -0.047649528831243515, + 0.5620259046554565, + -0.03185885027050972, + 0.04319753497838974, + -0.20992113649845123, + 2.5512919425964355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/113.png", + [ + 0.18331477046012878, + 0.05748968571424484, + -0.10019244253635406, + 1.1062461137771606, + 0.029725421220064163, + -0.20508261024951935, + -0.06328844279050827, + 0.6851179599761963, + -0.11162431538105011, + 0.0397990420460701, + -0.18139445781707764, + 2.052596092224121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/126.png", + [ + 0.18470031023025513, + 0.0504014752805233, + -0.10145627707242966, + 1.1302833557128906, + 0.02165001444518566, + -0.20617665350437164, + -0.0630108192563057, + 0.6912503242492676, + -0.111197829246521, + 0.043574970215559006, + -0.180787593126297, + 2.059922695159912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/29.png", + [ + 0.19734373688697815, + 0.011536547914147377, + -0.08871447294950485, + 1.0273656845092773, + 0.0037190241273492575, + -0.21573767066001892, + -0.019781915470957756, + 0.22248438000679016, + -0.08938410878181458, + 0.01649434305727482, + -0.19668838381767273, + 2.318345069885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/4.png", + [ + 0.21636217832565308, + -0.0032256399281322956, + -0.011175408028066158, + 0.13267719745635986, + -0.005006237421184778, + -0.21373231709003448, + -0.03523244336247444, + 0.4028575122356415, + -0.010499145835638046, + 0.03543984517455101, + -0.21349865198135376, + 2.5403709411621094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/55.png", + [ + 0.20243017375469208, + 0.006692166440188885, + -0.07697489112615585, + 0.8767999410629272, + -0.0032784338109195232, + -0.21492202579975128, + -0.0273069329559803, + 0.3055335581302643, + -0.0771956592798233, + 0.026676425710320473, + -0.20069153606891632, + 2.3421382904052734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/9.png", + [ + 0.21533657610416412, + -0.010945207439363003, + 0.0214071124792099, + -0.2610355615615845, + -0.008045200258493423, + -0.21460190415382385, + -0.028795864433050156, + 0.31994691491127014, + 0.022656936198472977, + 0.027823185548186302, + -0.21368300914764404, + 2.520430088043213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/25.png", + [ + 0.195786714553833, + 0.010600063018500805, + -0.0922122374176979, + 1.0669543743133545, + 0.0015752314357087016, + -0.21560552716255188, + -0.021439919248223305, + 0.23950910568237305, + -0.0928061231970787, + 0.01870267651975155, + -0.19489772617816925, + 2.295624256134033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/99.png", + [ + 0.1807856559753418, + 0.046636585146188736, + -0.10995212197303772, + 1.2190836668014526, + 0.01775648631155491, + -0.20775151252746582, + -0.058922939002513885, + 0.6491713523864746, + -0.11810651421546936, + 0.04015263542532921, + -0.17716237902641296, + 2.0132980346679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/208.png", + [ + 0.17551599442958832, + 0.038646016269922256, + -0.12103106081485748, + 1.3562016487121582, + 0.015038304030895233, + -0.2112758755683899, + -0.045653633773326874, + 0.5040928721427917, + -0.12615816295146942, + 0.028581291437149048, + -0.1738249659538269, + 2.0006160736083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/224.png", + [ + 0.17997314035892487, + 0.03781915083527565, + -0.11457431316375732, + 1.2800467014312744, + 0.013691606000065804, + -0.2108277678489685, + -0.04808412492275238, + 0.5287154912948608, + -0.11987534910440445, + 0.03269946575164795, + -0.1775064319372177, + 2.034620761871338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/34.png", + [ + 0.20070870220661163, + 0.011705432087182999, + -0.08078912645578384, + 0.9312188029289246, + 0.0039059289265424013, + -0.2155669778585434, + -0.021529512479901314, + 0.2390182614326477, + -0.08153922110795975, + 0.01848672516644001, + -0.19989369809627533, + 2.3513221740722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/72.png", + [ + 0.17915280163288116, + 0.010036739520728588, + -0.12145549058914185, + 1.3731060028076172, + -0.0020603525917977095, + -0.2156582772731781, + -0.020860513672232628, + 0.22515374422073364, + -0.12185206264257431, + 0.018402988091111183, + -0.17821699380874634, + 2.0640687942504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/102.png", + [ + 0.18097351491451263, + 0.04762212559580803, + -0.10921818763017654, + 1.2059922218322754, + 0.018350260332226753, + -0.20738565921783447, + -0.06001962721347809, + 0.6565607190132141, + -0.11772743612527847, + 0.04088056832551956, + -0.17724820971488953, + 2.010550022125244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/262.png", + [ + 0.21464835107326508, + 0.0287188570946455, + 0.007015380542725325, + -0.07066648453474045, + 0.029545502737164497, + -0.21017520129680634, + -0.04360440373420715, + 0.5037780404090881, + 0.0010254569351673126, + 0.044153232127428055, + -0.212125763297081, + 2.558852195739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/134.png", + [ + 0.18911591172218323, + 0.037586648017168045, + -0.09884485602378845, + 1.0755603313446045, + 0.011379086412489414, + -0.20858339965343475, + -0.057544559240341187, + 0.6196339726448059, + -0.10513599961996078, + 0.04503447934985161, + -0.1840277463197708, + 2.0669960975646973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/70.png", + [ + 0.1850237101316452, + 0.008670940063893795, + -0.11242304742336273, + 1.2706921100616455, + -0.0019039969192817807, + -0.2157619595527649, + -0.01977480575442314, + 0.2144601047039032, + -0.11274084448814392, + 0.017874084413051605, + -0.18416815996170044, + 2.1332249641418457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/135.png", + [ + 0.19017048180103302, + 0.034328438341617584, + -0.09800326079130173, + 1.0710103511810303, + 0.008533574640750885, + -0.20896710455417633, + -0.0566377118229866, + 0.6148106455802917, + -0.10349039733409882, + 0.045849867165088654, + -0.1847577542066574, + 2.086125373840332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/229.png", + [ + 0.1801963895559311, + 0.03747841343283653, + -0.11433513462543488, + 1.278944969177246, + 0.014523464255034924, + -0.21116480231285095, + -0.046329110860824585, + 0.5090824365615845, + -0.11944129317998886, + 0.0308656208217144, + -0.17812630534172058, + 2.0388760566711426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/130.png", + [ + 0.18374046683311462, + 0.047537513077259064, + -0.1045348048210144, + 1.1538196802139282, + 0.018661916255950928, + -0.20697665214538574, + -0.06132125481963158, + 0.6623541712760925, + -0.11330964416265488, + 0.0429970808327198, + -0.17961089313030243, + 2.0243258476257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/90.png", + [ + 0.16643309593200684, + 0.024597439914941788, + -0.13653893768787384, + 1.532387137413025, + 0.0038727563805878162, + -0.21398256719112396, + -0.033828213810920715, + 0.37172815203666687, + -0.1386827975511551, + 0.023543840274214745, + -0.16480493545532227, + 1.8994065523147583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/122.png", + [ + 0.18391962349414825, + 0.051852189004421234, + -0.10214114189147949, + 1.1320140361785889, + 0.022761067375540733, + -0.2058948576450348, + -0.06353847682476044, + 0.6994160413742065, + -0.11226484179496765, + 0.04320363327860832, + -0.18021638691425323, + 2.061488151550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/238.png", + [ + 0.18568259477615356, + 0.028435824438929558, + -0.1079874113202095, + 1.2201588153839111, + 0.00825195387005806, + -0.21245308220386505, + -0.041755180805921555, + 0.4619571566581726, + -0.11136329174041748, + 0.03167007863521576, + -0.18314780294895172, + 2.112666606903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/15.png", + [ + 0.2083110362291336, + 0.002780588110908866, + -0.05955394729971886, + 0.6975485682487488, + -0.002563806949183345, + -0.2158208042383194, + -0.019044553861021996, + 0.20865434408187866, + -0.05956367030739784, + 0.019014110788702965, + -0.2074572890996933, + 2.441727638244629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/162.png", + [ + 0.19489146769046783, + 0.015307690016925335, + -0.09343922138214111, + 1.0681657791137695, + 8.551774226361886e-05, + -0.21385261416435242, + -0.034856054931879044, + 0.39451247453689575, + -0.09468476474285126, + 0.03131495788693428, + -0.19235920906066895, + 2.277233600616455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/22.png", + [ + 0.19547605514526367, + 0.01145641878247261, + -0.09276723116636276, + 1.0676517486572266, + 0.0020110723562538624, + -0.21550673246383667, + -0.022376637905836105, + 0.24896177649497986, + -0.09345033019781113, + 0.01932637393474579, + -0.194528728723526, + 2.2819910049438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/171.png", + [ + 0.19296030700206757, + 0.009735455736517906, + -0.09807872772216797, + 1.1287723779678345, + -0.006830277387052774, + -0.21377581357955933, + -0.03465763479471207, + 0.38932546973228455, + -0.0983237698674202, + 0.03395622596144676, + -0.19007183611392975, + 2.235567569732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/138.png", + [ + 0.19051918387413025, + 0.022761616855859756, + -0.10065903514623642, + 1.1205074787139893, + 0.00022285501472651958, + -0.21142905950546265, + -0.04738779366016388, + 0.5180909633636475, + -0.10320021212100983, + 0.041563939303159714, + -0.18593022227287292, + 2.123641014099121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/109.png", + [ + 0.18262551724910736, + 0.052063629031181335, + -0.10433211922645569, + 1.1575173139572144, + 0.023203378543257713, + -0.20622538030147552, + -0.06229444965720177, + 0.6813071966171265, + -0.11426904797554016, + 0.04133248329162598, + -0.1793937087059021, + 2.0367746353149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/26.png", + [ + 0.1956218183040619, + 0.011840859428048134, + -0.09241100400686264, + 1.0688236951828003, + 0.0032215758692473173, + -0.21564874053001404, + -0.020811982452869415, + 0.23331516981124878, + -0.09311080724000931, + 0.017415830865502357, + -0.1948716640472412, + 2.2944765090942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/43.png", + [ + 0.20189104974269867, + 0.007232534699141979, + -0.07832999527454376, + 0.8973149657249451, + 0.0007763372850604355, + -0.2159295529127121, + -0.01793671026825905, + 0.19627594947814941, + -0.07865935564041138, + 0.016432246193289757, + -0.2012227177619934, + 2.3488006591796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/205.png", + [ + 0.1742846518754959, + 0.0364430733025074, + -0.1234692633152008, + 1.383723258972168, + 0.01506137102842331, + -0.21215656399726868, + -0.04135986045002937, + 0.45127561688423157, + -0.12785114347934723, + 0.024685736745595932, + -0.17318370938301086, + 1.9873265027999878, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/246.png", + [ + 0.19782836735248566, + 0.02239552140235901, + -0.08550020307302475, + 0.9796126484870911, + 0.005332110915333033, + -0.21224577724933624, + -0.04325734078884125, + 0.4823174774646759, + -0.0882236510515213, + 0.03739077225327492, + -0.19433581829071045, + 2.243605136871338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/244.png", + [ + 0.19689913094043732, + 0.01950240135192871, + -0.08830784261226654, + 1.000432014465332, + 0.0027626119554042816, + -0.21277481317520142, + -0.04083062708377838, + 0.45327213406562805, + -0.09039349853992462, + 0.03597816824913025, + -0.19360393285751343, + 2.2322468757629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/84.png", + [ + 0.16087552905082703, + 0.011662442237138748, + -0.14467531442642212, + 1.626355528831482, + -0.00633831974118948, + -0.21520353853702545, + -0.024395864456892014, + 0.2659126818180084, + -0.14500615000724792, + 0.022345472127199173, + -0.15944211184978485, + 1.84444260597229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/216.png", + [ + 0.1751897782087326, + 0.04109372943639755, + -0.12069690227508545, + 1.3503552675247192, + 0.01662369817495346, + -0.21072319149971008, + -0.04761597141623497, + 0.5246269702911377, + -0.12641237676143646, + 0.029239248484373093, + -0.17353059351444244, + 1.9955278635025024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/136.png", + [ + 0.18977777659893036, + 0.030979933217167854, + -0.09986254572868347, + 1.0979866981506348, + 0.00626075966283679, + -0.2099408060312271, + -0.05323116108775139, + 0.5806818008422852, + -0.10436994582414627, + 0.04373782500624657, + -0.18477502465248108, + 2.0974879264831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/89.png", + [ + 0.16857536137104034, + 0.02142745442688465, + -0.13442878425121307, + 1.5045793056488037, + 0.002293142257258296, + -0.2143900841474533, + -0.031297359615564346, + 0.34426242113113403, + -0.136106476187706, + 0.022927002981305122, + -0.16702474653720856, + 1.9212855100631714, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/63.png", + [ + 0.19534562528133392, + 0.005074677988886833, + -0.09360676258802414, + 1.0665607452392578, + -0.007115145679563284, + -0.2149302065372467, + -0.02650037594139576, + 0.2958025634288788, + -0.09347380697727203, + 0.026965586468577385, + -0.19360628724098206, + 2.248368263244629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/88.png", + [ + 0.17009256780147552, + 0.02084839902818203, + -0.1325962245464325, + 1.4832227230072021, + 0.00012743000115733594, + -0.21406996250152588, + -0.033495232462882996, + 0.36667680740356445, + -0.13422517478466034, + 0.026216235011816025, + -0.16806010901927948, + 1.9354573488235474, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/62.png", + [ + 0.1965826153755188, + 0.003331296145915985, + -0.09106079488992691, + 1.0421286821365356, + -0.008754433132708073, + -0.2148377001285553, + -0.026758581399917603, + 0.29750415682792664, + -0.09070020169019699, + 0.027956468984484673, + -0.19478143751621246, + 2.2750449180603027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/65.png", + [ + 0.19339421391487122, + 0.006185354199260473, + -0.09751054644584656, + 1.1010152101516724, + -0.004130509216338396, + -0.21552912890911102, + -0.021863695234060287, + 0.23989686369895935, + -0.09761917591094971, + 0.021373432129621506, + -0.19225388765335083, + 2.2224764823913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/248.png", + [ + 0.20391744375228882, + 0.018849344924092293, + -0.07078330963850021, + 0.8143234252929688, + 0.004483911208808422, + -0.21219734847545624, + -0.043589845299720764, + 0.4856003224849701, + -0.07311271876096725, + 0.039558589458465576, + -0.2000938355922699, + 2.320174217224121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/80.png", + [ + 0.16658522188663483, + 0.006759848911315203, + -0.13838915526866913, + 1.5582112073898315, + -0.008597173728048801, + -0.2154952883720398, + -0.020875029265880585, + 0.22408568859100342, + -0.13828718662261963, + 0.021540258079767227, + -0.16541029512882233, + 1.9085062742233276, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/146.png", + [ + 0.19391721487045288, + 0.018897870555520058, + -0.09479914605617523, + 1.08301842212677, + -0.0012494402471929789, + -0.21198585629463196, + -0.04481442645192146, + 0.5014230608940125, + -0.09665633738040924, + 0.04065420478582382, + -0.18961192667484283, + 2.21246337890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/119.png", + [ + 0.18183213472366333, + 0.05080889165401459, + -0.10631752759218216, + 1.171981692314148, + 0.019996395334601402, + -0.2059668004512787, + -0.06423172354698181, + 0.7046060562133789, + -0.11612538248300552, + 0.0440911129117012, + -0.17753523588180542, + 2.01676607131958, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/180.png", + [ + 0.18053188920021057, + 0.03179759159684181, + -0.11552077531814575, + 1.3029508590698242, + 0.006611664779484272, + -0.21123071014881134, + -0.04780968651175499, + 0.5299260020256042, + -0.11963453143835068, + 0.03630968555808067, + -0.1769663244485855, + 2.0545358657836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/145.png", + [ + 0.19532284140586853, + 0.016252119094133377, + -0.09237287938594818, + 1.052146553993225, + -0.0032734002452343702, + -0.21208570897579193, + -0.04423604905605316, + 0.49387410283088684, + -0.09373455494642258, + 0.04127240926027298, + -0.19094061851501465, + 2.227072238922119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/204.png", + [ + 0.17548726499080658, + 0.03663846477866173, + -0.12169526517391205, + 1.360097885131836, + 0.015561344102025032, + -0.21210889518260956, + -0.041419245302677155, + 0.4501270055770874, + -0.1261346936225891, + 0.02480589598417282, + -0.1744207739830017, + 1.9977656602859497, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/207.png", + [ + 0.1735411286354065, + 0.03810660541057587, + -0.12401315569877625, + 1.391707420349121, + 0.014417275786399841, + -0.21149884164333344, + -0.04481389746069908, + 0.494391530752182, + -0.12893223762512207, + 0.027641084045171738, + -0.1719312220811844, + 1.9806069135665894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/250.png", + [ + 0.21056297421455383, + 0.013251916505396366, + -0.04935091361403465, + 0.570685088634491, + 0.002347164787352085, + -0.21154890954494476, + -0.046791478991508484, + 0.527542233467102, + -0.051045242697000504, + 0.044937051832675934, + -0.20572538673877716, + 2.410550117492676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/167.png", + [ + 0.19260096549987793, + 0.010632477700710297, + -0.0986899808049202, + 1.1396538019180298, + -0.006561504676938057, + -0.2135930359363556, + -0.03581696376204491, + 0.4027097523212433, + -0.09904396533966064, + 0.034826118499040604, + -0.18953979015350342, + 2.2394933700561523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/243.png", + [ + 0.19650714099407196, + 0.018829243257641792, + -0.0893213078379631, + 1.0059754848480225, + 0.0023742257617413998, + -0.21299757063388824, + -0.03967732936143875, + 0.4390139579772949, + -0.09125349670648575, + 0.03500552475452423, + -0.19337865710258484, + 2.227299213409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/189.png", + [ + 0.1765766441822052, + 0.038115497678518295, + -0.11964864283800125, + 1.3467155694961548, + 0.016610372811555862, + -0.21172761917114258, + -0.04293488711118698, + 0.4704383909702301, + -0.12446962296962738, + 0.025816993787884712, + -0.17546707391738892, + 2.026423454284668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/230.png", + [ + 0.18351586163043976, + 0.03672458603978157, + -0.10918395221233368, + 1.220192790031433, + 0.014199846424162388, + -0.2110142856836319, + -0.0471087247133255, + 0.5167694091796875, + -0.1143161952495575, + 0.03274403512477875, + -0.18112848699092865, + 2.0709919929504395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/79.png", + [ + 0.1664080023765564, + 0.006286633666604757, + -0.13862448930740356, + 1.5629976987838745, + -0.008565838448703289, + -0.2155740112066269, + -0.020058931782841682, + 0.21906152367591858, + -0.1385023146867752, + 0.020885702222585678, + -0.1653141975402832, + 1.9059017896652222, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/176.png", + [ + 0.1777729094028473, + 0.021578282117843628, + -0.12197976559400558, + 1.3992722034454346, + -0.00017115626542363316, + -0.21331891417503357, + -0.0379856638610363, + 0.4286413788795471, + -0.12387353926897049, + 0.03126208484172821, + -0.17500263452529907, + 2.0451998710632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/225.png", + [ + 0.18009193241596222, + 0.03785547614097595, + -0.11437547206878662, + 1.2746479511260986, + 0.013903884217143059, + -0.21085673570632935, + -0.04789579287171364, + 0.5271801352500916, + -0.11967233568429947, + 0.03246980905532837, + -0.17768548429012299, + 2.0320935249328613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/185.png", + [ + 0.17917652428150177, + 0.04077916592359543, + -0.11480730772018433, + 1.2870768308639526, + 0.014773952774703503, + -0.2099427729845047, + -0.0515136644244194, + 0.5736608505249023, + -0.12093547731637955, + 0.03477049246430397, + -0.17639023065567017, + 2.0365819931030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/165.png", + [ + 0.19422166049480438, + 0.012830490246415138, + -0.09519043564796448, + 1.0971091985702515, + -0.0033071287907660007, + -0.21371221542358398, + -0.0355534590780735, + 0.4031510651111603, + -0.09599427878856659, + 0.03332212567329407, + -0.1913703978061676, + 2.2655282020568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/116.png", + [ + 0.18157747387886047, + 0.05289311707019806, + -0.10573473572731018, + 1.1641589403152466, + 0.023822268471121788, + -0.20617489516735077, + -0.06222786009311676, + 0.677509069442749, + -0.1158016249537468, + 0.04052314534783363, + -0.17859381437301636, + 2.020634651184082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/19.png", + [ + 0.1986882984638214, + 0.008950344286859035, + -0.08596944808959961, + 0.9907300472259521, + 5.843719918630086e-05, + -0.21552367508411407, + -0.022303272038698196, + 0.2475973665714264, + -0.08643408864736557, + 0.020428672432899475, + -0.19763529300689697, + 2.314065456390381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/77.png", + [ + 0.1712139993906021, + 0.006042639724910259, + -0.13265421986579895, + 1.4941227436065674, + -0.008206850849092007, + -0.21555490791797638, + -0.020411327481269836, + 0.22463971376419067, + -0.13253793120384216, + 0.021153278648853302, + -0.1701003462076187, + 1.966051697731018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/254.png", + [ + 0.21645572781562805, + 0.009610528126358986, + -0.0015664038946852088, + 0.012987194582819939, + 0.009066132828593254, + -0.21162717044353485, + -0.04560308903455734, + 0.5249440670013428, + -0.003552624024450779, + 0.045491475611925125, + -0.2118154764175415, + 2.5150256156921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/247.png", + [ + 0.20014476776123047, + 0.02216554433107376, + -0.07999160140752792, + 0.9191892743110657, + 0.006038684397935867, + -0.21214133501052856, + -0.04367480054497719, + 0.48551568388938904, + -0.08278588205575943, + 0.0381135493516922, + -0.19657504558563232, + 2.2721877098083496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/68.png", + [ + 0.19187253713607788, + 0.008903982117772102, + -0.10026738047599792, + 1.1299750804901123, + -0.001324653741903603, + -0.21558329463005066, + -0.02167918160557747, + 0.23607760667800903, + -0.10065323114395142, + 0.019810620695352554, + -0.19085168838500977, + 2.207395076751709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/143.png", + [ + 0.19579993188381195, + 0.01613626815378666, + -0.09137780219316483, + 1.0347213745117188, + -0.002342654624953866, + -0.2124456763267517, + -0.042535193264484406, + 0.47316405177116394, + -0.09276202321052551, + 0.03942526504397392, + -0.1918039470911026, + 2.233513355255127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/218.png", + [ + 0.17478923499584198, + 0.04145810753107071, + -0.1211521252989769, + 1.358845829963684, + 0.017351558431982994, + -0.21078144013881683, + -0.04709561914205551, + 0.5202436447143555, + -0.12686817348003387, + 0.028289562091231346, + -0.17335529625415802, + 1.996935486793518, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/183.png", + [ + 0.18084093928337097, + 0.03646976128220558, + -0.11364157497882843, + 1.27297842502594, + 0.01104458887130022, + -0.21053944528102875, + -0.04999058321118355, + 0.5568740367889404, + -0.11883799731731415, + 0.035930462181568146, + -0.1775793582201004, + 2.054741859436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/86.png", + [ + 0.16813309490680695, + 0.015821080654859543, + -0.13575288653373718, + 1.5216416120529175, + -0.00386848789639771, + -0.21458084881305695, + -0.029799161478877068, + 0.327009379863739, + -0.13661693036556244, + 0.02554699033498764, + -0.16622592508792877, + 1.915033221244812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/239.png", + [ + 0.1878499686717987, + 0.027741210535168648, + -0.10435853898525238, + 1.1768959760665894, + 0.008783476427197456, + -0.21263395249843597, + -0.040712978690862656, + 0.4489554762840271, + -0.10762495547533035, + 0.0310664065182209, + -0.18547140061855316, + 2.134798049926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/1.png", + [ + 0.21472634375095367, + 0.002093046670779586, + -0.028915563598275185, + 0.3460026979446411, + -0.003203818341717124, + -0.21307238936424255, + -0.039214685559272766, + 0.455424964427948, + -0.028813645243644714, + 0.03928963094949722, + -0.21112553775310516, + 2.523649215698242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/81.png", + [ + 0.16785678267478943, + 0.0053759305737912655, + -0.13690541684627533, + 1.5387953519821167, + -0.008283911272883415, + -0.21571345627307892, + -0.018627246841788292, + 0.1953379511833191, + -0.13676027953624725, + 0.019664613530039787, + -0.16690662503242493, + 1.9252675771713257, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/95.png", + [ + 0.1806841939687729, + 0.03811304271221161, + -0.11335128545761108, + 1.2565845251083374, + 0.013162849470973015, + -0.21046635508537292, + -0.04978500306606293, + 0.5468156933784485, + -0.11886066943407059, + 0.034629516303539276, + -0.17782247066497803, + 2.0281195640563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/200.png", + [ + 0.17914190888404846, + 0.0330391600728035, + -0.11732213199138641, + 1.2980480194091797, + 0.014118210412561893, + -0.21278327703475952, + -0.038364604115486145, + 0.413895845413208, + -0.12106503546237946, + 0.024074485525488853, + -0.17807742953300476, + 2.02492094039917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/199.png", + [ + 0.17640355229377747, + 0.03154677525162697, + -0.1217968612909317, + 1.3569542169570923, + 0.010285637341439724, + -0.212666854262352, + -0.04018600285053253, + 0.4372321367263794, + -0.12539489567279816, + 0.02693530172109604, + -0.17463819682598114, + 1.9908429384231567, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/103.png", + [ + 0.1810770332813263, + 0.048437487334012985, + -0.10868676751852036, + 1.1994091272354126, + 0.01923382841050625, + -0.20722228288650513, + -0.06030654534697533, + 0.6590346097946167, + -0.11742682754993439, + 0.04075082018971443, + -0.17747731506824493, + 2.0135903358459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/196.png", + [ + 0.17354312539100647, + 0.039609674364328384, + -0.12353845685720444, + 1.381974458694458, + 0.015899937599897385, + -0.21126700937747955, + -0.04540200158953667, + 0.49659666419029236, + -0.12875506281852722, + 0.02729877643287182, + -0.17211855947971344, + 1.9739011526107788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/150.png", + [ + 0.20339760184288025, + 0.006615217309445143, + -0.07438777387142181, + 0.8458707332611084, + -0.008329045958817005, + -0.21246708929538727, + -0.04166845604777336, + 0.47335734963417053, + -0.07421542704105377, + 0.041974663734436035, + -0.19919361174106598, + 2.332082748413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/83.png", + [ + 0.1638438105583191, + 0.007603891659528017, + -0.14158138632774353, + 1.5900468826293945, + -0.007672408130019903, + -0.21557031571865082, + -0.020456431433558464, + 0.21985217928886414, + -0.14157767593860626, + 0.020481998100876808, + -0.16273948550224304, + 1.8827601671218872, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/142.png", + [ + 0.19509772956371307, + 0.016386661678552628, + -0.09282375127077103, + 1.047895073890686, + -0.0025284416042268276, + -0.21238864958286285, + -0.04280838370323181, + 0.4733002483844757, + -0.09422513842582703, + 0.03962862119078636, + -0.19104734063148499, + 2.2148447036743164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/186.png", + [ + 0.17785871028900146, + 0.03862948343157768, + -0.11756671220064163, + 1.3228713274002075, + 0.014447713270783424, + -0.2109217345714569, + -0.047446638345718384, + 0.5260872840881348, + -0.12290416657924652, + 0.031107600778341293, + -0.1757121980190277, + 2.03391170501709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/195.png", + [ + 0.1765979528427124, + 0.039796505123376846, + -0.119068443775177, + 1.3306870460510254, + 0.016652993857860565, + -0.21110987663269043, + -0.04586060345172882, + 0.49868103861808777, + -0.12443365156650543, + 0.028226858004927635, + -0.17512111365795135, + 2.0056653022766113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/51.png", + [ + 0.20042112469673157, + 0.006236336659640074, + -0.0820997878909111, + 0.9373008012771606, + -0.004063758999109268, + -0.2150396704673767, + -0.026254912838339806, + 0.2901304364204407, + -0.08223596215248108, + 0.02582523413002491, + -0.19879184663295746, + 2.315850257873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/233.png", + [ + 0.1868254691362381, + 0.031912416219711304, + -0.1050034612417221, + 1.1768701076507568, + 0.012758937664330006, + -0.2122218757867813, + -0.04179688170552254, + 0.45977669954299927, + -0.10900155454874039, + 0.02985578030347824, + -0.1848653256893158, + 2.1296496391296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/128.png", + [ + 0.18382282555103302, + 0.04882219806313515, + -0.10379522293806076, + 1.1533021926879883, + 0.01861525885760784, + -0.20616623759269714, + -0.06400660425424576, + 0.6978595852851868, + -0.11318358778953552, + 0.045384641736745834, + -0.17910221219062805, + 2.0310821533203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/168.png", + [ + 0.19213607907295227, + 0.01071847602725029, + -0.09958282113075256, + 1.1514450311660767, + -0.007544788997620344, + -0.21326936781406403, + -0.037511978298425674, + 0.42178621888160706, + -0.09987342357635498, + 0.03673127666115761, + -0.1887432336807251, + 2.2269229888916016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/215.png", + [ + 0.17526309192180634, + 0.040827177464962006, + -0.12068092823028564, + 1.3511576652526855, + 0.016617905348539352, + -0.21081992983818054, + -0.047187887132167816, + 0.5182593464851379, + -0.12631146609783173, + 0.02891354076564312, + -0.1736585944890976, + 1.997172236442566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/93.png", + [ + 0.17470507323741913, + 0.028346512466669083, + -0.12499003857374191, + 1.3973028659820557, + 0.00749228848144412, + -0.21320602297782898, + -0.03788067400455475, + 0.4115913510322571, + -0.12794490158557892, + 0.026221271604299545, + -0.17288850247859955, + 1.9782499074935913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/242.png", + [ + 0.19504132866859436, + 0.020289339125156403, + -0.09216896444559097, + 1.0363210439682007, + 0.0031856733839958906, + -0.21290302276611328, + -0.04012547433376312, + 0.44343486428260803, + -0.09432192891836166, + 0.034764133393764496, + -0.19194458425045013, + 2.2106051445007324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/76.png", + [ + 0.2146698385477066, + -0.027480250224471092, + -0.010468174703419209, + 0.12367130070924759, + -0.025697724893689156, + -0.21280381083488464, + 0.03165541961789131, + -0.3824678659439087, + -0.014295934699475765, + -0.03012099303305149, + -0.21409402787685394, + 2.5548348426818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/48.png", + [ + 0.21570265293121338, + -0.016988538205623627, + -0.01147403847426176, + 0.13571013510227203, + -0.016786912456154823, + -0.21598245203495026, + 0.004204656463116407, + -0.06657715886831284, + -0.011767053045332432, + -0.003296839538961649, + -0.21632975339889526, + 2.598522186279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/35.png", + [ + 0.21556825935840607, + -0.021100228652358055, + -0.005743829067796469, + 0.06773938238620758, + -0.021242402493953705, + -0.21556444466114044, + -0.005349950399249792, + 0.04741203412413597, + -0.005193409975618124, + 0.005885748192667961, + -0.2165324091911316, + 2.5443124771118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/124.png", + [ + 0.21403127908706665, + -0.028965439647436142, + -0.017306355759501457, + 0.21670794486999512, + -0.026599841192364693, + -0.21321861445903778, + 0.027895677834749222, + -0.3548268675804138, + -0.020759455859661102, + -0.025430763140320778, + -0.2141733318567276, + 2.6875381469726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/97.png", + [ + 0.214392751455307, + -0.029958831146359444, + -0.009280091151595116, + 0.11073625087738037, + -0.028727630153298378, + -0.21330836415290833, + 0.024943122640252113, + -0.3099495768547058, + -0.01258471142500639, + -0.023450041189789772, + -0.21503399312496185, + 2.590885639190674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/13.png", + [ + 0.2156137228012085, + -0.02138669230043888, + -0.0011072491761296988, + 0.013231396675109863, + -0.021390628069639206, + -0.21561488509178162, + -0.0007438432076014578, + -0.011910241097211838, + -0.0010284133022651076, + 0.0008495116489939392, + -0.21667051315307617, + 2.570876121520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/32.png", + [ + 0.21568351984024048, + -0.02004896104335785, + -0.005153656471520662, + 0.05997859314084053, + -0.02017042227089405, + -0.21567288041114807, + -0.005124744027853012, + 0.04581310972571373, + -0.004655635915696621, + 0.005581060890108347, + -0.2165527045726776, + 2.5546493530273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/38.png", + [ + 0.21581555902957916, + -0.01834719069302082, + -0.005909273400902748, + 0.06775711476802826, + -0.01844162493944168, + -0.2158631533384323, + -0.0033010400366038084, + 0.02198893576860428, + -0.005607623141258955, + 0.003790902206674218, + -0.21656888723373413, + 2.549750804901123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/111.png", + [ + 0.21458959579467773, + -0.028531312942504883, + -0.009228166192770004, + 0.10937214642763138, + -0.027224717661738396, + -0.21332213282585144, + 0.026464594528079033, + -0.32809558510780334, + -0.012570190243422985, + -0.02505042776465416, + -0.21485428512096405, + 2.5788826942443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/11.png", + [ + 0.21558701992034912, + -0.021659327670931816, + -0.001001305878162384, + 0.012271289713680744, + -0.021648384630680084, + -0.2155793458223343, + 0.002189482329413295, + -0.04500942677259445, + -0.0012151103001087904, + -0.0020784505177289248, + -0.2166612446308136, + 2.590364456176758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/59.png", + [ + 0.21517114341259003, + -0.023249199613928795, + -0.01042815949767828, + 0.12330429255962372, + -0.022294070571660995, + -0.21471302211284637, + 0.018686484545469284, + -0.22486728429794312, + -0.01233881339430809, + -0.017483847215771675, + -0.21561533212661743, + 2.560070514678955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/105.png", + [ + 0.21436980366706848, + -0.02983187511563301, + -0.010175297036767006, + 0.12042540311813354, + -0.028227904811501503, + -0.2128254622220993, + 0.029264256358146667, + -0.361316978931427, + -0.014023653231561184, + -0.02762734889984131, + -0.21444804966449738, + 2.5891175270080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/121.png", + [ + 0.21466046571731567, + -0.027876578271389008, + -0.00957475695759058, + 0.1126338467001915, + -0.026579944416880608, + -0.21349847316741943, + 0.025686664506793022, + -0.3239580988883972, + -0.012739158235490322, + -0.024273328483104706, + -0.21493351459503174, + 2.636190891265869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/24.png", + [ + 0.2156275510787964, + -0.021097222343087196, + -0.0027502956800162792, + 0.033734750002622604, + -0.02116611786186695, + -0.2155562937259674, + -0.005947898142039776, + 0.05196276679635048, + -0.002156964037567377, + 0.006187820807099342, + -0.2165755182504654, + 2.5568742752075195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/74.png", + [ + 0.21453560888767242, + -0.029703987762331963, + -0.00632756482809782, + 0.07551649212837219, + -0.02862044982612133, + -0.21283966302871704, + 0.028775809332728386, + -0.35002729296684265, + -0.010160455480217934, + -0.027655931189656258, + -0.2146620899438858, + 2.575437068939209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/98.png", + [ + 0.21423275768756866, + -0.03099093958735466, + -0.00958020705729723, + 0.11309691518545151, + -0.02974572964012623, + -0.21321430802345276, + 0.02455080859363079, + -0.3050340414047241, + -0.012938708066940308, + -0.02295892871916294, + -0.21506597101688385, + 2.591381549835205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/0.png", + [ + 0.2149839699268341, + -0.02234630659222603, + -0.015179748646914959, + 0.17866355180740356, + -0.022030631080269814, + -0.21548868715763092, + 0.005213723052293062, + -0.07544846832752228, + -0.015634367242455482, + -0.003629623679444194, + -0.21607935428619385, + 2.5887765884399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/96.png", + [ + 0.21441805362701416, + -0.029853126034140587, + -0.009032540023326874, + 0.10714636743068695, + -0.028599657118320465, + -0.2132229506969452, + 0.025805538520216942, + -0.32018688321113586, + -0.012444098480045795, + -0.024344542995095253, + -0.21494275331497192, + 2.5939879417419434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/100.png", + [ + 0.21420694887638092, + -0.03094492293894291, + -0.010280375368893147, + 0.12216208875179291, + -0.029616782441735268, + -0.21321606636047363, + 0.024691082537174225, + -0.3069930970668793, + -0.013642597012221813, + -0.023004675284028053, + -0.21501757204532623, + 2.5950727462768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/40.png", + [ + 0.21580946445465088, + -0.018221303820610046, + -0.006492758635431528, + 0.0742841437458992, + -0.018287140876054764, + -0.2158927172422409, + -0.001954731997102499, + 0.003926347941160202, + -0.006304943934082985, + 0.002494910964742303, + -0.21656851470470428, + 2.562516689300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/52.png", + [ + 0.21558363735675812, + -0.018378254026174545, + -0.011568623594939709, + 0.1356557458639145, + -0.017694678157567978, + -0.21557562053203583, + 0.012725822627544403, + -0.1620389223098755, + -0.012589345686137676, + -0.011716999113559723, + -0.21599100530147552, + 2.5850772857666016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/3.png", + [ + 0.21507133543491364, + -0.02419576235115528, + -0.01033309381455183, + 0.11938701570034027, + -0.02397654578089714, + -0.21528445184230804, + 0.005061733070760965, + -0.07534186542034149, + -0.010832034051418304, + -0.0038808502722531557, + -0.2163688987493515, + 2.590498924255371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/47.png", + [ + 0.21570248901844025, + -0.017156323418021202, + -0.011224479414522648, + 0.13403622806072235, + -0.017204323783516884, + -0.21598997712135315, + -0.00048302157665602863, + -0.013227971270680428, + -0.011150767095386982, + 0.0013720967108383775, + -0.216383159160614, + 2.5967397689819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/104.png", + [ + 0.21444670855998993, + -0.029278021305799484, + -0.010163645260035992, + 0.12107957154512405, + -0.027704520151019096, + -0.2129468321800232, + 0.02887921780347824, + -0.3571626543998718, + -0.013891068287193775, + -0.027282726019620895, + -0.2145007699728012, + 2.5943055152893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/21.png", + [ + 0.21569521725177765, + -0.020365318283438683, + -0.0029542590491473675, + 0.03725583106279373, + -0.02039480023086071, + -0.21570241451263428, + -0.002102661645039916, + 0.004491213709115982, + -0.002743373392149806, + 0.00237123086117208, + -0.2166443020105362, + 2.556699275970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/82.png", + [ + 0.21449095010757446, + -0.029461508616805077, + -0.008575992658734322, + 0.10320168733596802, + -0.02786283567547798, + -0.21237215399742126, + 0.032705068588256836, + -0.4042312204837799, + -0.012852647341787815, + -0.03127264603972435, + -0.21402038633823395, + 2.581563949584961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/106.png", + [ + 0.21441833674907684, + -0.029844196513295174, + -0.009054645895957947, + 0.10676021873950958, + -0.028417862951755524, + -0.21287739276885986, + 0.028697272762656212, + -0.35344749689102173, + -0.01284864917397499, + -0.027210885658860207, + -0.2145748734474182, + 2.5868749618530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/14.png", + [ + 0.21561817824840546, + -0.02135641872882843, + -0.0007705363095737994, + 0.008896278217434883, + -0.02136244811117649, + -0.21561062335968018, + -0.0018968816148117185, + 0.0024366676807403564, + -0.0005797874764539301, + 0.001963601913303137, + -0.21666496992111206, + 2.5568747520446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/67.png", + [ + 0.21445922553539276, + -0.0274678785353899, + -0.014165068976581097, + 0.16988320648670197, + -0.025334730744361877, + -0.21312716603279114, + 0.029712842777371407, + -0.36074551939964294, + -0.01769985631108284, + -0.027752790600061417, + -0.21415972709655762, + 2.560786724090576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/78.png", + [ + 0.2144528180360794, + -0.02968759275972843, + -0.008748496882617474, + 0.10327146202325821, + -0.02817367948591709, + -0.21260836720466614, + 0.030851708725094795, + -0.37486791610717773, + -0.012811452150344849, + -0.029397808015346527, + -0.21428842842578888, + 2.5567612648010254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/31.png", + [ + 0.21563370525836945, + -0.020582592114806175, + -0.005134183447808027, + 0.06125451624393463, + -0.02072317712008953, + -0.21559636294841766, + -0.006054095923900604, + 0.05457110330462456, + -0.004533536732196808, + 0.00651605473831296, + -0.21652917563915253, + 2.5585927963256836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/39.png", + [ + 0.21575666964054108, + -0.018513843417167664, + -0.007360978052020073, + 0.08678193390369415, + -0.018612023442983627, + -0.2158578336238861, + -0.0026233401149511337, + 0.014691386371850967, + -0.007109077647328377, + 0.0032445231918245554, + -0.21653366088867188, + 2.553847312927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/92.png", + [ + 0.21450351178646088, + -0.029555363580584526, + -0.007912949658930302, + 0.09565867483615875, + -0.028285739943385124, + -0.21292078495025635, + 0.02850526198744774, + -0.35649412870407104, + -0.011664099991321564, + -0.02718663588166237, + -0.21464557945728302, + 2.6218223571777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/53.png", + [ + 0.21557052433490753, + -0.018900280818343163, + -0.01095589529722929, + 0.12987738847732544, + -0.01822931505739689, + -0.21550890803337097, + 0.013095849193632603, + -0.16567738354206085, + -0.012039287015795708, + -0.012107371352612972, + -0.21600084006786346, + 2.581915855407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/75.png", + [ + 0.21459347009658813, + -0.029075173661112785, + -0.007223024964332581, + 0.08722081780433655, + -0.027821356430649757, + -0.21278226375579834, + 0.029959658160805702, + -0.3654434382915497, + -0.011113500222563744, + -0.028744442388415337, + -0.21447178721427917, + 2.5690131187438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/87.png", + [ + 0.21461766958236694, + -0.027549460530281067, + -0.011321485973894596, + 0.13762055337429047, + -0.025796327739953995, + -0.21309682726860046, + 0.029532797634601593, + -0.37257468700408936, + -0.014889538288116455, + -0.02790454588830471, + -0.2143537551164627, + 2.62436580657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/107.png", + [ + 0.2144610732793808, + -0.029502898454666138, + -0.009160746820271015, + 0.10845110565423965, + -0.02801164612174034, + -0.21280890703201294, + 0.029590630903840065, + -0.36394405364990234, + -0.013026434928178787, + -0.028104033321142197, + -0.21444900333881378, + 2.5785088539123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/112.png", + [ + 0.21465353667736053, + -0.02828863635659218, + -0.008456235751509666, + 0.09894843399524689, + -0.027297912165522575, + -0.2137918323278427, + 0.022265948355197906, + -0.279545396566391, + -0.01125072780996561, + -0.020992886275053024, + -0.2153615951538086, + 2.5831942558288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/69.png", + [ + 0.21444469690322876, + -0.02748951129615307, + -0.014341887086629868, + 0.1717109978199005, + -0.024903643876314163, + -0.21241198480129242, + 0.03476857393980026, + -0.421758770942688, + -0.018470829352736473, + -0.03276235610246658, + -0.2133854627609253, + 2.560743808746338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/45.png", + [ + 0.2158137410879135, + -0.016449490562081337, + -0.010086317546665668, + 0.11961536109447479, + -0.016514670103788376, + -0.2160419076681137, + -0.0010225081350654364, + -0.006630349904298782, + -0.009979238733649254, + 0.0017872125608846545, + -0.21643732488155365, + 2.587879180908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/50.png", + [ + 0.21563193202018738, + -0.017459122464060783, + -0.012080926448106766, + 0.1423182338476181, + -0.01698293723165989, + -0.21582934260368347, + 0.008784722536802292, + -0.11861690878868103, + -0.012741648592054844, + -0.007795545272529125, + -0.2161591500043869, + 2.5901927947998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/101.png", + [ + 0.21441200375556946, + -0.0293063186109066, + -0.010795045644044876, + 0.12838809192180634, + -0.027850598096847534, + -0.21330849826335907, + 0.025917764753103256, + -0.3232221007347107, + -0.014132846146821976, + -0.02425955981016159, + -0.21484792232513428, + 2.594583034515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/85.png", + [ + 0.21439649164676666, + -0.029556341469287872, + -0.010414473712444305, + 0.127847358584404, + -0.027810784056782722, + -0.21264132857322693, + 0.030953554436564445, + -0.3888401985168457, + -0.01444295234978199, + -0.02929137833416462, + -0.2141992151737213, + 2.6131482124328613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/71.png", + [ + 0.21454671025276184, + -0.027879860252141953, + -0.011845632456243038, + 0.14171956479549408, + -0.025914674624800682, + -0.21280238032341003, + 0.031487755477428436, + -0.38258522748947144, + -0.015685513615608215, + -0.02976175770163536, + -0.21404697000980377, + 2.571749210357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/115.png", + [ + 0.21476168930530548, + -0.02744060754776001, + -0.008504052646458149, + 0.10053716599941254, + -0.026369880884885788, + -0.21374686062335968, + 0.023765524849295616, + -0.2959281802177429, + -0.011398911476135254, + -0.022520745173096657, + -0.21519938111305237, + 2.5860633850097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/54.png", + [ + 0.21554963290691376, + -0.02030479721724987, + -0.008600299246609211, + 0.09990228712558746, + -0.019792256876826286, + -0.21540600061416626, + 0.012506723403930664, + -0.15618817508220673, + -0.009721961803734303, + -0.01165618747472763, + -0.21614234149456024, + 2.5757813453674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/33.png", + [ + 0.21560125052928925, + -0.020704835653305054, + -0.005941553972661495, + 0.07066963613033295, + -0.020828228443861008, + -0.2156265676021576, + -0.004389340989291668, + 0.036485444754362106, + -0.005493381060659885, + 0.004938738886266947, + -0.21654866635799408, + 2.5517334938049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/49.png", + [ + 0.21566316485404968, + -0.0170353502035141, + -0.012128190137445927, + 0.14493685960769653, + -0.01661887764930725, + -0.2158978283405304, + 0.007735374383628368, + -0.10802935063838959, + -0.012692878022789955, + -0.006769034545868635, + -0.21619659662246704, + 2.597170352935791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/118.png", + [ + 0.21446563303470612, + -0.030022671446204185, + -0.007143165450543165, + 0.08272214978933334, + -0.029337899759411812, + -0.21390584111213684, + 0.01820661500096321, + -0.23340296745300293, + -0.009574614465236664, + -0.017053809016942978, + -0.21579015254974365, + 2.618166446685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/110.png", + [ + 0.21451814472675323, + -0.029335688799619675, + -0.00832310039550066, + 0.09779071807861328, + -0.028145940974354744, + -0.21324017643928528, + 0.02615983411669731, + -0.3248685300350189, + -0.011732964776456356, + -0.024818306788802147, + -0.2149285525083542, + 2.58109712600708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/18.png", + [ + 0.21561472117900848, + -0.021306389942765236, + -0.0020560012198984623, + 0.024267779663205147, + -0.02133917063474655, + -0.21558956801891327, + -0.0036984498146921396, + 0.022985238581895828, + -0.0016820234013721347, + 0.003882843069732189, + -0.21663331985473633, + 2.544285774230957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/66.png", + [ + 0.21446840465068817, + -0.027983104810118675, + -0.012967116199433804, + 0.15364494919776917, + -0.026063494384288788, + -0.21315039694309235, + 0.028904972597956657, + -0.34964242577552795, + -0.01648922637104988, + -0.027050858363509178, + -0.21434609591960907, + 2.559365749359131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/16.png", + [ + 0.21569162607192993, + -0.020587431266903877, + -0.0010821992764249444, + 0.012328429147601128, + -0.020601971074938774, + -0.2156665325164795, + -0.0033750783186405897, + 0.01882973685860634, + -0.0007564797415398061, + 0.003462664783000946, + -0.21664564311504364, + 2.5458383560180664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/94.png", + [ + 0.2144002467393875, + -0.03020576760172844, + -0.00824908260256052, + 0.09902743250131607, + -0.028985220938920975, + -0.21305052936077118, + 0.02678084187209606, + -0.33329570293426514, + -0.011844523251056671, + -0.025396225973963737, + -0.2148549109697342, + 2.6092066764831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/28.png", + [ + 0.21559476852416992, + -0.021309690549969673, + -0.0035623374860733747, + 0.042644940316677094, + -0.021386271342635155, + -0.2155625820159912, + -0.004827399738132954, + 0.04073719307780266, + -0.0030692853033542633, + 0.0051549519412219524, + -0.21659155189990997, + 2.563173294067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/61.png", + [ + 0.2150958925485611, + -0.023580312728881836, + -0.01120795588940382, + 0.13472746312618256, + -0.02243601158261299, + -0.21451064944267273, + 0.020729366689920425, + -0.2494364082813263, + -0.013351958245038986, + -0.01941777765750885, + -0.21538934111595154, + 2.5566611289978027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/58.png", + [ + 0.21530240774154663, + -0.021646561101078987, + -0.011144120246171951, + 0.13121254742145538, + -0.020583901554346085, + -0.2148055136203766, + 0.019565163180232048, + -0.23700055480003357, + -0.013002613559365273, + -0.018382571637630463, + -0.21550153195858002, + 2.556440830230713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/123.png", + [ + 0.21458588540554047, + -0.027577713131904602, + -0.011843662708997726, + 0.14313454926013947, + -0.025617247447371483, + -0.2128424197435379, + 0.03146049752831459, + -0.3974432647228241, + -0.015638388693332672, + -0.029756946489214897, + -0.21405108273029327, + 2.675032138824463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/64.png", + [ + 0.21473076939582825, + -0.025982653722167015, + -0.012786171399056911, + 0.15158036351203918, + -0.024291664361953735, + -0.21369668841362, + 0.026297088712453842, + -0.31848523020744324, + -0.015763869509100914, + -0.024627698585391045, + -0.21469248831272125, + 2.552096366882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/10.png", + [ + 0.2157030701637268, + -0.020369194447994232, + -0.0022743886802345514, + 0.02910943143069744, + -0.020353693515062332, + -0.21571102738380432, + 0.001541352947242558, + -0.0361536480486393, + -0.0024091736413538456, + -0.0013207931770011783, + -0.21665720641613007, + 2.595181941986084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/41.png", + [ + 0.21575763821601868, + -0.01870466023683548, + -0.006831867154687643, + 0.08051951974630356, + -0.01870253123342991, + -0.21586565673351288, + 0.0003628850099630654, + -0.021129000931978226, + -0.006837685592472553, + 0.00022835192794445902, + -0.21656657755374908, + 2.5718297958374023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/91.png", + [ + 0.21444474160671234, + -0.02991204895079136, + -0.008161833509802818, + 0.09898151457309723, + -0.028581243008375168, + -0.2128153145313263, + 0.028993982821702957, + -0.3636798858642578, + -0.01201909314841032, + -0.027618981897830963, + -0.2145708054304123, + 2.624934673309326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/23.png", + [ + 0.2156098335981369, + -0.02117900550365448, + -0.0034269155003130436, + 0.04327930882573128, + -0.021237801760435104, + -0.21559831500053406, + -0.0037705060094594955, + 0.024813149124383926, + -0.003041342133656144, + 0.004087872337549925, + -0.2166147232055664, + 2.5616726875305176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/37.png", + [ + 0.21563869714736938, + -0.020280329510569572, + -0.006046806927770376, + 0.0713844895362854, + -0.020438984036445618, + -0.2156338393688202, + -0.0056741195730865, + 0.050699714571237564, + -0.005486675072461367, + 0.006217387970536947, + -0.21651591360569, + 2.543705940246582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/36.png", + [ + 0.21574002504348755, + -0.01921670138835907, + -0.005903926212340593, + 0.06747554242610931, + -0.019363362342119217, + -0.21574121713638306, + -0.005355382338166237, + 0.04594213888049126, + -0.005403528455644846, + 0.0058598932810127735, + -0.21652796864509583, + 2.5455164909362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/8.png", + [ + 0.21546593308448792, + -0.022777628153562546, + -0.001873174449428916, + 0.024242987856268883, + -0.02278619445860386, + -0.21547119319438934, + -0.0009211658034473658, + -0.006023593246936798, + -0.001765934401191771, + 0.0011130156926810741, + -0.21666456758975983, + 2.5910634994506836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/6.png", + [ + 0.21555057168006897, + -0.02141919732093811, + -0.005202567670494318, + 0.06311137974262238, + -0.021398033946752548, + -0.2156124860048294, + 0.0011316940654069185, + -0.031760506331920624, + -0.0052889371290802956, + -0.0006120348116382957, + -0.21660920977592468, + 2.5961856842041016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/20.png", + [ + 0.21573831140995026, + -0.019829651340842247, + -0.0034147680271416903, + 0.041787900030612946, + -0.019859403371810913, + -0.21575523912906647, + -0.0017814841121435165, + 0.001706201583147049, + -0.003237240482121706, + 0.0020867676939815283, + -0.2166403830051422, + 2.5518107414245605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/2.png", + [ + 0.2151050865650177, + -0.023753134533762932, + -0.010652528144419193, + 0.1223917081952095, + -0.023519832640886307, + -0.21533116698265076, + 0.005215145647525787, + -0.07691477239131927, + -0.01115819439291954, + -0.004021044820547104, + -0.2163497656583786, + 2.5881948471069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/117.png", + [ + 0.21448254585266113, + -0.029461614787578583, + -0.008782840333878994, + 0.1054067611694336, + -0.028491774573922157, + -0.21374380588531494, + 0.021206064149737358, + -0.26830950379371643, + -0.011547465808689594, + -0.01983661949634552, + -0.21545545756816864, + 2.6109085083007812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/5.png", + [ + 0.21523764729499817, + -0.024347295984625816, + -0.005277927033603191, + 0.0612168163061142, + -0.02429790422320366, + -0.21529583632946014, + 0.002282639965415001, + -0.04384743794798851, + -0.00550083676353097, + -0.0016756342956796288, + -0.21659831702709198, + 2.595409870147705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/108.png", + [ + 0.21441121399402618, + -0.029860466718673706, + -0.009169375523924828, + 0.10906311869621277, + -0.02847985178232193, + -0.21300195157527924, + 0.02769417315721512, + -0.3431614339351654, + -0.012830555438995361, + -0.026199650019407272, + -0.21470177173614502, + 2.5853524208068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/60.png", + [ + 0.21499547362327576, + -0.02395494468510151, + -0.012288442812860012, + 0.1469191610813141, + -0.022507192566990852, + -0.21418896317481995, + 0.023757336661219597, + -0.28786805272102356, + -0.014774016104638577, + -0.022296760231256485, + -0.2150173783302307, + 2.5554380416870117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/56.png", + [ + 0.21541772782802582, + -0.021913299337029457, + -0.007931920699775219, + 0.09190156310796738, + -0.021272147074341774, + -0.21501165628433228, + 0.01629074476659298, + -0.1988232433795929, + -0.009518600068986416, + -0.015417521819472313, + -0.215915709733963, + 2.5659780502319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/30.png", + [ + 0.21564726531505585, + -0.020583976060152054, + -0.004522059112787247, + 0.052934348583221436, + -0.020688006654381752, + -0.2156253457069397, + -0.005060822702944279, + 0.04462869092822075, + -0.0040193842723965645, + 0.005468592047691345, + -0.21656832098960876, + 2.5623087882995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/17.png", + [ + 0.215586319565773, + -0.021661624312400818, + -0.0010991293238475919, + 0.013589027337729931, + -0.02167343907058239, + -0.21557234227657318, + -0.0025928583927452564, + 0.009494002908468246, + -0.0008343217778019607, + 0.0026897781062871218, + -0.21665632724761963, + 2.5456786155700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/12.png", + [ + 0.2156863659620285, + -0.020592521876096725, + -0.0017980292905122042, + 0.022580789402127266, + -0.020588314160704613, + -0.21569347381591797, + 0.0005862961406819522, + -0.026569493114948273, + -0.0018456081161275506, + -0.00041277363197878003, + -0.21666637063026428, + 2.5799670219421387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/114.png", + [ + 0.2146652787923813, + -0.028030836954712868, + -0.00899919867515564, + 0.10607235878705978, + -0.026912549510598183, + -0.2136925309896469, + 0.023645509034395218, + -0.2950514554977417, + -0.011934323236346245, + -0.0223084669560194, + -0.21519248187541962, + 2.585887908935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/27.png", + [ + 0.21560753881931305, + -0.021248919889330864, + -0.0031250687316060066, + 0.03866426274180412, + -0.021312622353434563, + -0.21557439863681793, + -0.004620470106601715, + 0.0373440720140934, + -0.0026560784317553043, + 0.004905104171484709, + -0.21660281717777252, + 2.5593771934509277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/42.png", + [ + 0.21584948897361755, + -0.017405588179826736, + -0.007344192825257778, + 0.08487354964017868, + -0.017456015571951866, + -0.21596698462963104, + -0.0012035308172926307, + -0.004537548869848251, + -0.007223525550216436, + 0.001790620037354529, + -0.21654677391052246, + 2.5782079696655273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/7.png", + [ + 0.21552494168281555, + -0.02199983224272728, + -0.003591916523873806, + 0.04314400255680084, + -0.022013334557414055, + -0.21555253863334656, + -0.0006411943468265235, + -0.01047992892563343, + -0.0035082120448350906, + 0.0010027181124314666, + -0.21664388477802277, + 2.5979018211364746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/73.png", + [ + 0.21454814076423645, + -0.028971632942557335, + -0.008810684084892273, + 0.10626616328954697, + -0.02747681923210621, + -0.2127513885498047, + 0.030491948127746582, + -0.3719455897808075, + -0.012728242203593254, + -0.02907540090382099, + -0.21433736383914948, + 2.5759482383728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/120.png", + [ + 0.21470876038074493, + -0.02778000570833683, + -0.008735650219023228, + 0.10213875770568848, + -0.026707231998443604, + -0.21375316381454468, + 0.023328177630901337, + -0.29479897022247314, + -0.011608786880970001, + -0.02203976921737194, + -0.21523794531822205, + 2.6310601234436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/46.png", + [ + 0.21579454839229584, + -0.016608137637376785, + -0.010235710069537163, + 0.12041006982326508, + -0.016657251864671707, + -0.21603240072727203, + -0.0006495947600342333, + -0.010659020394086838, + -0.010155580937862396, + 0.0014338456094264984, + -0.21643175184726715, + 2.5921459197998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/57.png", + [ + 0.2154425084590912, + -0.021025674417614937, + -0.009505202993750572, + 0.1116124838590622, + -0.0202740840613842, + -0.2151077389717102, + 0.016294891014695168, + -0.19780170917510986, + -0.011017689481377602, + -0.015312832780182362, + -0.21585185825824738, + 2.564952850341797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/44.png", + [ + 0.21579638123512268, + -0.01734272763133049, + -0.008891026489436626, + 0.10421396791934967, + -0.017397454008460045, + -0.21597282588481903, + -0.0009840248385444283, + -0.007113466039299965, + -0.00878346711397171, + 0.0016939243068918586, + -0.21648989617824554, + 2.58437442779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/113.png", + [ + 0.21462668478488922, + -0.02807885780930519, + -0.00973967369645834, + 0.11661997437477112, + -0.027008578181266785, + -0.2139061540365219, + 0.021507857367396355, + -0.2718186378479004, + -0.012402432039380074, + -0.020090512931346893, + -0.21538442373275757, + 2.5895800590515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/29.png", + [ + 0.21557793021202087, + -0.02136431634426117, + -0.00419676024466753, + 0.050318844616413116, + -0.021468209102749825, + -0.2155371755361557, + -0.005544152110815048, + 0.04818488284945488, + -0.0036280706990510225, + 0.005931907799094915, + -0.21656301617622375, + 2.5619282722473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/4.png", + [ + 0.21517087519168854, + -0.0245178434997797, + -0.0069472575560212135, + 0.0806669294834137, + -0.02440747804939747, + -0.2152629941701889, + 0.00374339846894145, + -0.06099782511591911, + -0.007325580809265375, + -0.002934839576482773, + -0.21653087437152863, + 2.5922837257385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/55.png", + [ + 0.21551449596881866, + -0.020409155637025833, + -0.009212556295096874, + 0.10854361206293106, + -0.019796602427959442, + -0.21532022953033447, + 0.013899486511945724, + -0.1722419410943985, + -0.010464198887348175, + -0.01298335287719965, + -0.2160320281982422, + 2.5759963989257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/9.png", + [ + 0.21546795964241028, + -0.022768720984458923, + -0.0017433293396607041, + 0.022299623116850853, + -0.02278014086186886, + -0.21546928584575653, + -0.0013937827898189425, + -0.0015884004533290863, + -0.0015871692448854446, + 0.0015693055465817451, + -0.21666313707828522, + 2.5952515602111816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/25.png", + [ + 0.21563105285167694, + -0.020986806601285934, + -0.003270526649430394, + 0.04086189344525337, + -0.021062640473246574, + -0.21558314561843872, + -0.005307144485414028, + 0.044591907411813736, + -0.0027400089893490076, + 0.005599506665021181, + -0.2165849506855011, + 2.5614585876464844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/99.png", + [ + 0.2142803817987442, + -0.03043539635837078, + -0.010271603241562843, + 0.12143553048372269, + -0.029117271304130554, + -0.21329714357852936, + 0.024584738537669182, + -0.30544304847717285, + -0.013564810156822205, + -0.0229327529668808, + -0.21503017842769623, + 2.589672088623047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/34.png", + [ + 0.21569210290908813, + -0.019753511995077133, + -0.00588308647274971, + 0.0677974671125412, + -0.019906310364603996, + -0.2156849056482315, + -0.005626254715025425, + 0.05117478594183922, + -0.005343286786228418, + 0.006141232792288065, + -0.21652165055274963, + 2.553436279296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/72.png", + [ + 0.2145155817270279, + -0.02911105751991272, + -0.009138008579611778, + 0.10817492008209229, + -0.027663161978125572, + -0.21293988823890686, + 0.028969768434762955, + -0.3498397171497345, + -0.012872698716819286, + -0.027514437213540077, + -0.2145347148180008, + 2.573159694671631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/102.png", + [ + 0.21420951187610626, + -0.031173883005976677, + -0.009506515227258205, + 0.11219083517789841, + -0.02980448119342327, + -0.21294596791267395, + 0.026713315397500992, + -0.3321852684020996, + -0.013186277821660042, + -0.025101736187934875, + -0.21481135487556458, + 2.595104217529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/70.png", + [ + 0.21445827186107635, + -0.028933856636285782, + -0.010880645364522934, + 0.12801264226436615, + -0.02708468586206436, + -0.21263866126537323, + 0.031608697026968, + -0.38091975450515747, + -0.014898871071636677, + -0.02992526814341545, + -0.21408036351203918, + 2.5682435035705566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/90.png", + [ + 0.2144864797592163, + -0.02986624278128147, + -0.007173033896833658, + 0.08708382397890091, + -0.028610944747924805, + -0.212673619389534, + 0.02998741716146469, + -0.3765692412853241, + -0.011174019426107407, + -0.028737414628267288, + -0.2144695669412613, + 2.630250930786133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/122.png", + [ + 0.21459314227104187, + -0.027684815227985382, + -0.011455550789833069, + 0.13758935034275055, + -0.025930529460310936, + -0.21311423182487488, + 0.02928847074508667, + -0.367757648229599, + -0.015009541995823383, + -0.02763616479933262, + -0.2143801599740982, + 2.6582541465759277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/15.png", + [ + 0.21576471626758575, + -0.019743259996175766, + -0.0019168514991179109, + 0.0227223951369524, + -0.019759422168135643, + -0.21576404571533203, + -0.0018264253158122301, + 8.340924978256226e-05, + -0.0017423731042072177, + 0.0019935613963752985, + -0.21665844321250916, + 2.551664352416992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/22.png", + [ + 0.21572458744049072, + -0.020084841176867485, + -0.0027202730998396873, + 0.03430754318833351, + -0.020124083384871483, + -0.21571454405784607, + -0.0031860321760177612, + 0.01936524733901024, + -0.002412887755781412, + 0.0034247131552547216, + -0.2166341245174408, + 2.5614099502563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/109.png", + [ + 0.2145068645477295, + -0.029208187013864517, + -0.009031876921653748, + 0.10762108117341995, + -0.02793205715715885, + -0.21325571835041046, + 0.02626189775764942, + -0.3262750208377838, + -0.012429521419107914, + -0.024834835901856422, + -0.21488748490810394, + 2.586376190185547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/26.png", + [ + 0.2156429886817932, + -0.020906977355480194, + -0.0029810310807079077, + 0.036734919995069504, + -0.020973114296793938, + -0.21559666097164154, + -0.005109539721161127, + 0.04371919855475426, + -0.0024731799494475126, + 0.005373763386160135, + -0.21659384667873383, + 2.561537265777588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/43.png", + [ + 0.21577514708042145, + -0.018475519493222237, + -0.00690188305452466, + 0.08189624547958374, + -0.018528399989008904, + -0.2158765345811844, + -0.0013818168081343174, + -0.0009030438959598541, + -0.006758635398000479, + 0.001966278301551938, + -0.2165602594614029, + 2.579587936401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/84.png", + [ + 0.21460847556591034, + -0.028178224340081215, + -0.009853098541498184, + 0.12055826932191849, + -0.02645941823720932, + -0.21267342567443848, + 0.031903062015771866, + -0.39884063601493835, + -0.01382009219378233, + -0.030395619571208954, + -0.21408644318580627, + 2.606081962585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/89.png", + [ + 0.21450914442539215, + -0.029188046231865883, + -0.009043575264513493, + 0.11130816489458084, + -0.027655601501464844, + -0.21271754801273346, + 0.030566487461328506, + -0.3844003677368164, + -0.012995997443795204, + -0.029106704518198967, + -0.21431705355644226, + 2.6294355392456055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/63.png", + [ + 0.21489514410495758, + -0.02434682659804821, + -0.01323646679520607, + 0.15887510776519775, + -0.02264111116528511, + -0.21392527222633362, + 0.025908492505550385, + -0.31212958693504333, + -0.015979740768671036, + -0.024312587454915047, + -0.214712455868721, + 2.554239273071289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/88.png", + [ + 0.21436160802841187, + -0.030116869136691093, + -0.009485642425715923, + 0.11489973962306976, + -0.02854517474770546, + -0.21266300976276398, + 0.03012496419250965, + -0.37940746545791626, + -0.013497265055775642, + -0.028553718701004982, + -0.21436046063899994, + 2.6318607330322266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/62.png", + [ + 0.21489408612251282, + -0.025620171800255775, + -0.010584916919469833, + 0.12664301693439484, + -0.02438504248857498, + -0.21405993402004242, + 0.023056576028466225, + -0.2807476222515106, + -0.013183454982936382, + -0.021675853058695793, + -0.21518422663211823, + 2.555877685546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/65.png", + [ + 0.21463331580162048, + -0.026695553213357925, + -0.012953276745975018, + 0.15552806854248047, + -0.024960972368717194, + -0.2135845124721527, + 0.0265802014619112, + -0.3210654556751251, + -0.016043374314904213, + -0.024837562814354897, + -0.21464763581752777, + 2.5541586875915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/80.png", + [ + 0.21432141959667206, + -0.030944030731916428, + -0.007528943940997124, + 0.08942721039056778, + -0.029536204412579536, + -0.21229276061058044, + 0.031737878918647766, + -0.3899593651294708, + -0.01190927904099226, + -0.03036687523126602, + -0.2142053097486496, + 2.5663833618164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/119.png", + [ + 0.21451060473918915, + -0.029733920469880104, + -0.006999665405601263, + 0.08252692222595215, + -0.029069704934954643, + -0.21395891904830933, + 0.018011949956417084, + -0.23129796981811523, + -0.00938368495553732, + -0.01689295656979084, + -0.21581119298934937, + 2.6258349418640137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/79.png", + [ + 0.21441850066184998, + -0.030214102938771248, + -0.007726874202489853, + 0.09303242713212967, + -0.028767796233296394, + -0.2123512327671051, + 0.032050929963588715, + -0.39232155680656433, + -0.012042025104165077, + -0.03069130703806877, + -0.21415163576602936, + 2.5613884925842285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/116.png", + [ + 0.21451516449451447, + -0.029295019805431366, + -0.008540455251932144, + 0.10174795985221863, + -0.028347769752144814, + -0.21376249194145203, + 0.021210787817835808, + -0.2664524018764496, + -0.011293427087366581, + -0.01988203451037407, + -0.2154647409915924, + 2.5984549522399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/19.png", + [ + 0.21572072803974152, + -0.02020687609910965, + -0.0020352459978312254, + 0.02550155110657215, + -0.020230695605278015, + -0.21571232378482819, + -0.0026079972740262747, + 0.00963309034705162, + -0.0017829877324402332, + 0.0027865443844348192, + -0.2166493684053421, + 2.543393611907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/77.png", + [ + 0.2145874947309494, + -0.02877771109342575, + -0.008482499979436398, + 0.10248551517724991, + -0.027353888377547264, + -0.21282941102981567, + 0.030054928734898567, + -0.36424246430397034, + -0.012323719449341297, + -0.028694555163383484, + -0.21441233158111572, + 2.554084300994873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/68.png", + [ + 0.21446573734283447, + -0.027165770530700684, + -0.014640823006629944, + 0.17307427525520325, + -0.024739857763051987, + -0.21279872953891754, + 0.032442837953567505, + -0.39161354303359985, + -0.01844647526741028, + -0.03044041432440281, + -0.21373113989830017, + 2.5598340034484863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/86.png", + [ + 0.21457143127918243, + -0.02787633240222931, + -0.011397816240787506, + 0.1390082985162735, + -0.026079237461090088, + -0.2129991054534912, + 0.029985971748828888, + -0.3776193857192993, + -0.015062323771417141, + -0.02832304872572422, + -0.21428678929805756, + 2.6229724884033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/1.png", + [ + 0.21492688357830048, + -0.022731848061084747, + -0.015414120629429817, + 0.1811835914850235, + -0.022420601919293404, + -0.21545086801052094, + 0.005112587474286556, + -0.07391737401485443, + -0.015863437205553055, + -0.00347635755315423, + -0.2160651832818985, + 2.5873188972473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/81.png", + [ + 0.21450811624526978, + -0.029579633846879005, + -0.007694562431424856, + 0.09320621192455292, + -0.028107130900025368, + -0.21233896911144257, + 0.032711565494537354, + -0.40213561058044434, + -0.012006258592009544, + -0.03138634189963341, + -0.21405288577079773, + 2.5723133087158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/95.png", + [ + 0.21430863440036774, + -0.0308932326734066, + -0.008081234060227871, + 0.09655527025461197, + -0.02970297634601593, + -0.2129858434200287, + 0.026507830247282982, + -0.33036008477211, + -0.011723113246262074, + -0.02511056326329708, + -0.21489514410495758, + 2.6024374961853027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/103.png", + [ + 0.21432194113731384, + -0.030387843027710915, + -0.009517641738057137, + 0.11284854263067245, + -0.028934497386217117, + -0.2128830850124359, + 0.028133181855082512, + -0.34903350472450256, + -0.013296673074364662, + -0.026556726545095444, + -0.21462951600551605, + 2.592741012573242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/83.png", + [ + 0.21431328356266022, + -0.03035835362970829, + -0.009802007116377354, + 0.1201525330543518, + -0.028606709092855453, + -0.21234847605228424, + 0.03221302106976509, + -0.4014100432395935, + -0.014119676314294338, + -0.030567839741706848, + -0.21404239535331726, + 2.5950307846069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/51.png", + [ + 0.21551711857318878, + -0.018696993589401245, + -0.012275434099137783, + 0.1454693078994751, + -0.018151680007576942, + -0.2156888246536255, + 0.009835504926741123, + -0.1311187446117401, + -0.013068296015262604, + -0.008754602633416653, + -0.21610289812088013, + 2.58931303024292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/93.png", + [ + 0.21446402370929718, + -0.029789531603455544, + -0.00810304656624794, + 0.09852626174688339, + -0.028500301763415337, + -0.21290667355060577, + 0.02839677222073078, + -0.35448354482650757, + -0.011866268701851368, + -0.027041224762797356, + -0.214652881026268, + 2.613494396209717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/76.png", + [ + 0.17885956168174744, + 0.03564431890845299, + -0.11698990315198898, + 1.321616530418396, + 0.0041309078224003315, + -0.20891033113002777, + -0.057334981858730316, + 0.65782630443573, + -0.1222296729683876, + 0.0450981967151165, + -0.1731298863887787, + 2.012847900390625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/48.png", + [ + 0.18242685496807098, + 0.04165012016892433, + -0.10924100875854492, + 1.2698822021484375, + 0.018156757578253746, + -0.21009524166584015, + -0.04978176951408386, + 0.565345823764801, + -0.11549312621355057, + 0.03275911882519722, + -0.18037758767604828, + 2.1476993560791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/137.png", + [ + 0.18774454295635223, + 0.028866883367300034, + -0.10424291342496872, + 1.2407488822937012, + -0.0030059008859097958, + -0.20734301209449768, + -0.06283100694417953, + 0.7406327128410339, + -0.10812421888113022, + 0.05588804557919502, + -0.17925840616226196, + 2.1912145614624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/173.png", + [ + 0.18091872334480286, + 0.014990233816206455, + -0.11828610301017761, + 1.4127782583236694, + -0.023810142651200294, + -0.20608356595039368, + -0.06253432482481003, + 0.7314783334732056, + -0.11683058738708496, + 0.0652131736278534, + -0.17042814195156097, + 2.086933135986328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/35.png", + [ + 0.17981788516044617, + 0.005621919874101877, + -0.12075521051883698, + 1.3942099809646606, + -0.0162923913449049, + -0.21333838999271393, + -0.034193430095911026, + 0.40030401945114136, + -0.11978307366371155, + 0.037457000464200974, + -0.17662638425827026, + 2.0945472717285156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/124.png", + [ + 0.17916621267795563, + -0.0032472212333232164, + -0.12180650234222412, + 1.4433058500289917, + -0.039036985486745834, + -0.2067110389471054, + -0.051909152418375015, + 0.6114138960838318, + -0.11542738229036331, + 0.06486834585666656, + -0.1715124249458313, + 2.078403949737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/97.png", + [ + 0.1841994673013687, + 0.04643472284078598, + -0.10422217100858688, + 1.188429832458496, + 0.013430831953883171, + -0.20536771416664124, + -0.06776140630245209, + 0.7577894330024719, + -0.11330514401197433, + 0.05114501714706421, + -0.177465558052063, + 2.057405471801758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/155.png", + [ + 0.18218894302845, + 0.022814413532614708, + -0.11504168063402176, + 1.3684296607971191, + -0.016144944354891777, + -0.20563346147537231, + -0.06634844839572906, + 0.7760119438171387, + -0.11616551876068115, + 0.06436052173376083, + -0.17120511829853058, + 2.08056640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/13.png", + [ + 0.17937952280044556, + 0.01923326589167118, + -0.12000401318073273, + 1.4063000679016113, + -0.00691751716658473, + -0.21198168396949768, + -0.04431485757231712, + 0.5157879590988159, + -0.12133849412202835, + 0.0405183881521225, + -0.17488031089305878, + 2.0936803817749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/32.png", + [ + 0.17556196451187134, + 0.01856124773621559, + -0.1256239414215088, + 1.4509201049804688, + 0.0013121626107022166, + -0.2146012783050537, + -0.02987409383058548, + 0.3398168385028839, + -0.1269809752702713, + 0.023444902151823044, + -0.17399442195892334, + 2.061703681945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/158.png", + [ + 0.18382924795150757, + 0.02415332943201065, + -0.11212190240621567, + 1.335922122001648, + -0.014155085198581219, + -0.20541854202747345, + -0.06745924800634384, + 0.7861312627792358, + -0.11381713300943375, + 0.0645579844713211, + -0.17270153760910034, + 2.100924015045166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/38.png", + [ + 0.17828410863876343, + 0.01932399533689022, + -0.12161105126142502, + 1.4108256101608276, + -0.003529743757098913, + -0.21310000121593475, + -0.039036259055137634, + 0.44841593503952026, + -0.12308617681264877, + 0.034100908786058426, + -0.17502804100513458, + 2.0820398330688477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/148.png", + [ + 0.1781506985425949, + 0.01785746030509472, + -0.12203004956245422, + 1.447414517402649, + -0.02333974838256836, + -0.2056354582309723, + -0.06416549533605576, + 0.7514449954032898, + -0.12110111862421036, + 0.06590195000171661, + -0.16715066134929657, + 2.029837131500244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/111.png", + [ + 0.1730497181415558, + -0.01498372945934534, + -0.12952671945095062, + 1.5279254913330078, + -0.06413394212722778, + -0.19718429446220398, + -0.06287354975938797, + 0.7396746277809143, + -0.11352761834859848, + 0.08855357021093369, + -0.16191861033439636, + 1.96170175075531, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/164.png", + [ + 0.18511326611042023, + 0.01986808143556118, + -0.11084327846765518, + 1.329890251159668, + -0.01981576345860958, + -0.20420044660568237, + -0.06969508528709412, + 0.8232181072235107, + -0.11085265129804611, + 0.06968018412590027, + -0.17263908684253693, + 2.1172637939453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/11.png", + [ + 0.18576617538928986, + 0.01150356326252222, + -0.11093465238809586, + 1.3003276586532593, + -0.012785078957676888, + -0.21190179884433746, + -0.04338284581899643, + 0.5087205767631531, + -0.11079426854848862, + 0.04374011605978012, + -0.180995374917984, + 2.169501304626465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/125.png", + [ + 0.17789340019226074, + 0.012082697823643684, + -0.12310905754566193, + 1.4645761251449585, + -0.02584381215274334, + -0.20724961161613464, + -0.05768527090549469, + 0.6801115870475769, + -0.12097075581550598, + 0.06204434484243393, + -0.16871416568756104, + 2.051274299621582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/59.png", + [ + 0.17621417343616486, + 0.031258273869752884, + -0.1221449226140976, + 1.4396157264709473, + 0.009454486891627312, + -0.21259504556655884, + -0.04076584056019783, + 0.47532978653907776, + -0.12572617828845978, + 0.02782374806702137, + -0.17426031827926636, + 2.106689929962158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/105.png", + [ + 0.18108244240283966, + 0.005295710638165474, + -0.11886543780565262, + 1.375728726387024, + -0.02857149951159954, + -0.20819111168384552, + -0.052801866084337234, + 0.606300950050354, + -0.11550198495388031, + 0.05980236828327179, + -0.17329414188861847, + 2.0687828063964844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/121.png", + [ + 0.16849610209465027, + -0.0014369281707331538, + -0.13621634244918823, + 1.619001030921936, + -0.043946798890829086, + -0.20565165579319, + -0.05219167098402977, + 0.6050910353660583, + -0.1289404332637787, + 0.06821456551551819, + -0.1602155715227127, + 1.9476569890975952, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/175.png", + [ + 0.18164223432540894, + 0.00902955699712038, + -0.11778140813112259, + 1.3979136943817139, + -0.031036416068673134, + -0.20480260252952576, + -0.0635652169585228, + 0.7452746033668518, + -0.11397689580917358, + 0.07015884667634964, + -0.17039628326892853, + 2.0709638595581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/24.png", + [ + 0.17677202820777893, + 0.005895304959267378, + -0.12515908479690552, + 1.4463270902633667, + -0.012701349332928658, + -0.21447668969631195, + -0.028041500598192215, + 0.3184606432914734, + -0.1246524304151535, + 0.030214160680770874, + -0.17463326454162598, + 2.067652702331543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/74.png", + [ + 0.17652566730976105, + 0.04153589904308319, + -0.11858053505420685, + 1.3471256494522095, + 0.01492256298661232, + -0.20997604727745056, + -0.05133495852351189, + 0.5744943022727966, + -0.12475533038377762, + 0.033656056970357895, + -0.17392893135547638, + 2.0303988456726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/129.png", + [ + 0.1818828135728836, + 0.021792680025100708, + -0.11572212725877762, + 1.3682849407196045, + -0.01397060789167881, + -0.20743447542190552, + -0.061021748930215836, + 0.7122670412063599, + -0.11692455410957336, + 0.05868484079837799, + -0.1727212369441986, + 2.0976028442382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/172.png", + [ + 0.18142488598823547, + 0.017849178984761238, + -0.11710812151432037, + 1.4035868644714355, + -0.02079015225172043, + -0.2060786634683609, + -0.0636180117726326, + 0.7466060519218445, + -0.11662193387746811, + 0.0645049512386322, + -0.1708400696516037, + 2.0965981483459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/153.png", + [ + 0.1801224946975708, + 0.023153912276029587, + -0.11818493157625198, + 1.4045950174331665, + -0.014713366515934467, + -0.20680880546569824, + -0.06294067949056625, + 0.7344455718994141, + -0.11952949315309525, + 0.060348235070705414, + -0.17034870386123657, + 2.0701451301574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/144.png", + [ + 0.18351313471794128, + 0.011120550334453583, + -0.11466105282306671, + 1.357399821281433, + -0.02454274892807007, + -0.20693740248680115, + -0.059350356459617615, + 0.7020076513290405, + -0.11255432665348053, + 0.06325458735227585, + -0.17400652170181274, + 2.1208114624023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/98.png", + [ + 0.1857793629169464, + 0.04480384662747383, + -0.10211043059825897, + 1.1619328260421753, + 0.01164163090288639, + -0.20512373745441437, + -0.06882311403751373, + 0.7665098905563354, + -0.11089814454317093, + 0.053523484617471695, + -0.1782827228307724, + 2.061309814453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/0.png", + [ + 0.1840524971485138, + 0.023575715720653534, + -0.11187831312417984, + 1.3077419996261597, + 0.0026587238535284996, + -0.21284355223178864, + -0.040477853268384933, + 0.4592057466506958, + -0.11430443823337555, + 0.03301077336072922, + -0.18108749389648438, + 2.1779165267944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/163.png", + [ + 0.18418103456497192, + 0.02017924003303051, + -0.11233003437519073, + 1.347133994102478, + -0.01964665949344635, + -0.20447120070457458, + -0.06894519925117493, + 0.8154340386390686, + -0.11242439597845078, + 0.06879119575023651, + -0.1719779521226883, + 2.1099939346313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/96.png", + [ + 0.1839427947998047, + 0.04677092656493187, + -0.10452474653720856, + 1.1925333738327026, + 0.012730473652482033, + -0.20490384101867676, + -0.06928373873233795, + 0.7741761803627014, + -0.11380191892385483, + 0.05267619714140892, + -0.17669814825057983, + 2.0492916107177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/100.png", + [ + 0.18458400666713715, + 0.04618651792407036, + -0.10365059971809387, + 1.1817455291748047, + 0.012953776866197586, + -0.2051975131034851, + -0.06836717575788498, + 0.7661923766136169, + -0.11273349076509476, + 0.05204494670033455, + -0.17756794393062592, + 2.0621113777160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/40.png", + [ + 0.17903971672058105, + 0.021611329168081284, + -0.12010672688484192, + 1.3969987630844116, + -0.0032297989819198847, + -0.21233615279197693, + -0.043021149933338165, + 0.49345919489860535, + -0.1219927966594696, + 0.03733900561928749, + -0.1751326620578766, + 2.091083526611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/141.png", + [ + 0.18728870153427124, + 0.029748577624559402, + -0.10481341928243637, + 1.2483296394348145, + -0.0014893031911924481, + -0.20772311091423035, + -0.06161803379654884, + 0.7234305143356323, + -0.1089431643486023, + 0.053981684148311615, + -0.1793467402458191, + 2.1918997764587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/52.png", + [ + 0.18102119863033295, + 0.040120676159858704, + -0.11211401224136353, + 1.3041011095046997, + 0.01940133422613144, + -0.21121689677238464, + -0.04425952211022377, + 0.49856337904930115, + -0.11748535186052322, + 0.026937855407595634, + -0.1800539791584015, + 2.1460561752319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/3.png", + [ + 0.18253788352012634, + 0.024991167709231377, + -0.11403181403875351, + 1.332680106163025, + -0.0002669078530743718, + -0.2115614414215088, + -0.046792980283498764, + 0.5376670956611633, + -0.11673793196678162, + 0.03956129029393196, + -0.17819948494434357, + 2.136101722717285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/47.png", + [ + 0.18239223957061768, + 0.0401318334043026, + -0.10986536741256714, + 1.2745674848556519, + 0.014801837503910065, + -0.20980483293533325, + -0.052064742892980576, + 0.5965080857276917, + -0.11602529883384705, + 0.0363217294216156, + -0.17935092747211456, + 2.1337366104125977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/104.png", + [ + 0.1849798858165741, + 0.01824703812599182, + -0.11134351044893265, + 1.2792181968688965, + -0.014772810973227024, + -0.20806477963924408, + -0.0586404912173748, + 0.6698569655418396, + -0.11185749620199203, + 0.057654041796922684, + -0.17638538777828217, + 2.0881190299987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/21.png", + [ + 0.17784380912780762, + 0.014636438339948654, + -0.12290340662002563, + 1.4217642545700073, + -0.011045299470424652, + -0.21241915225982666, + -0.04127955436706543, + 0.4727309048175812, + -0.12327804416418076, + 0.040146924555301666, + -0.17360486090183258, + 2.0588583946228027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/82.png", + [ + 0.17905345559120178, + 0.046856172382831573, + -0.11265990883111954, + 1.2961487770080566, + 0.014492296613752842, + -0.20681190490722656, + -0.06298176199197769, + 0.7174850702285767, + -0.12115167826414108, + 0.044510986655950546, + -0.1740371733903885, + 2.0590810775756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/106.png", + [ + 0.18373672664165497, + 0.0022419195156544447, + -0.1148202195763588, + 1.3354387283325195, + -0.03293575346469879, + -0.20650453865528107, + -0.0567363016307354, + 0.650952935218811, + -0.11001792550086975, + 0.06556481868028641, + -0.17477186024188995, + 2.087507724761963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/14.png", + [ + 0.17952942848205566, + 0.017921878024935722, + -0.11998284608125687, + 1.405121088027954, + -0.008124534972012043, + -0.21203984320163727, + -0.04382913559675217, + 0.5098921656608582, + -0.12104162573814392, + 0.04081430658698082, + -0.17501719295978546, + 2.0944361686706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/67.png", + [ + 0.1750521957874298, + 0.04032686725258827, + -0.12115428596735, + 1.3844045400619507, + 0.00896791648119688, + -0.20896019041538239, + -0.0565960668027401, + 0.6538289785385132, + -0.12737423181533813, + 0.040709737688302994, + -0.17048874497413635, + 2.006030559539795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/78.png", + [ + 0.17427152395248413, + 0.044567834585905075, + -0.12079337984323502, + 1.3758251667022705, + 0.01200744416564703, + -0.20801950991153717, + -0.05942729860544205, + 0.6742854714393616, + -0.12819184362888336, + 0.04110340029001236, + -0.16978000104427338, + 1.986218810081482, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/31.png", + [ + 0.17550039291381836, + 0.019080577418208122, + -0.1256321370601654, + 1.451600193977356, + 0.0032004346139729023, + -0.21481382846832275, + -0.028154373168945312, + 0.3182613253593445, + -0.12703251838684082, + 0.020948583260178566, + -0.17427502572536469, + 2.066448211669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/152.png", + [ + 0.17918483912944794, + 0.01969173736870289, + -0.12022028863430023, + 1.4272618293762207, + -0.015452103689312935, + -0.20842431485652924, + -0.05717020854353905, + 0.6620775461196899, + -0.12083838880062103, + 0.055851906538009644, + -0.17095771431922913, + 2.0757007598876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/39.png", + [ + 0.179189532995224, + 0.020087892189621925, + -0.12014773488044739, + 1.394280195236206, + -0.003362488467246294, + -0.2128111869096756, + -0.040595438331365585, + 0.4644552767276764, + -0.121769018471241, + 0.03543688729405403, + -0.17568272352218628, + 2.093214511871338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/92.png", + [ + 0.18637186288833618, + 0.0433163046836853, + -0.10167164355516434, + 1.1713358163833618, + 0.012190807610750198, + -0.20617905259132385, + -0.06549408286809921, + 0.7373467087745667, + -0.10983991622924805, + 0.050614118576049805, + -0.1797812432050705, + 2.1040616035461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/53.png", + [ + 0.18087078630924225, + 0.04059956595301628, + -0.11218433082103729, + 1.3050791025161743, + 0.018270444124937057, + -0.21076534688472748, + -0.0468192994594574, + 0.5320054888725281, + -0.11789757758378983, + 0.029623158276081085, + -0.17936141788959503, + 2.1408262252807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/75.png", + [ + 0.1776987910270691, + 0.03950002044439316, + -0.117519311606884, + 1.3271559476852417, + 0.009343697689473629, + -0.20906618237495422, + -0.05614188313484192, + 0.6362866759300232, + -0.12362740188837051, + 0.040975168347358704, + -0.1731623262166977, + 2.014468193054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/151.png", + [ + 0.1821310669183731, + 0.009755526669323444, + -0.11696579307317734, + 1.3862931728363037, + -0.022785639390349388, + -0.20887823402881622, + -0.052901700139045715, + 0.6123576760292053, + -0.11513897776603699, + 0.05676799267530441, + -0.17455174028873444, + 2.1178364753723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/87.png", + [ + 0.18294334411621094, + 0.04485194385051727, + -0.10708840936422348, + 1.2451800107955933, + 0.01127155777066946, + -0.20577062666416168, + -0.0669274777173996, + 0.7766849994659424, + -0.1155533492565155, + 0.05093759298324585, + -0.17607009410858154, + 2.100161552429199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/139.png", + [ + 0.18825651705265045, + 0.029603101313114166, + -0.10310690104961395, + 1.2297197580337524, + -0.0018048136262223125, + -0.20735731720924377, + -0.06282981485128403, + 0.7407624125480652, + -0.10725725442171097, + 0.05544817075133324, + -0.17991462349891663, + 2.201324939727783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/107.png", + [ + 0.18057583272457123, + -0.002581460867077112, + -0.11972300708293915, + 1.3997093439102173, + -0.04197455942630768, + -0.20424538850784302, + -0.0589054673910141, + 0.6817517876625061, + -0.11215345561504364, + 0.07228453457355499, + -0.17071743309497833, + 2.050163745880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/112.png", + [ + 0.1723046451807022, + -0.013324250467121601, + -0.13069608807563782, + 1.5463061332702637, + -0.061996426433324814, + -0.19829238951206207, + -0.061518095433712006, + 0.720097005367279, + -0.11582507938146591, + 0.08631626516580582, + -0.16149908304214478, + 1.9635528326034546, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/69.png", + [ + 0.17935238778591156, + 0.03031105361878872, + -0.11773636937141418, + 1.3347598314285278, + 0.002166053978726268, + -0.2105957716703415, + -0.05091793090105057, + 0.5905570387840271, + -0.12155624479055405, + 0.0409703254699707, + -0.17462362349033356, + 2.039459705352783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/157.png", + [ + 0.18290504813194275, + 0.02387257292866707, + -0.11368261277675629, + 1.355505347251892, + -0.014137242920696735, + -0.20589876174926758, + -0.0659828707575798, + 0.7699254751205444, + -0.11529863625764847, + 0.06311657279729843, + -0.17225104570388794, + 2.097507953643799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/45.png", + [ + 0.18040981888771057, + 0.03761957585811615, + -0.11395158618688583, + 1.3239294290542603, + 0.009446324780583382, + -0.20956572890281677, + -0.054229736328125, + 0.6299086213111877, + -0.1196284219622612, + 0.04018538445234299, + -0.17613081634044647, + 2.1020994186401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/50.png", + [ + 0.18322530388832092, + 0.04032224044203758, + -0.10839971899986267, + 1.260549783706665, + 0.01976276934146881, + -0.21100851893424988, + -0.04508587345480919, + 0.5066510438919067, + -0.11395532637834549, + 0.028238626196980476, + -0.18211166560649872, + 2.1683616638183594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/101.png", + [ + 0.18479055166244507, + 0.04314697906374931, + -0.10458812862634659, + 1.195866346359253, + 0.010487469844520092, + -0.20596955716609955, + -0.0664413794875145, + 0.7488110065460205, + -0.11265145987272263, + 0.051602136343717575, + -0.1777491569519043, + 2.0751953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/85.png", + [ + 0.18408188223838806, + 0.04546365514397621, + -0.10485613346099854, + 1.2166574001312256, + 0.011545074172317982, + -0.20517340302467346, + -0.0686912089586258, + 0.7940880060195923, + -0.1137033998966217, + 0.05277146026492119, + -0.176733136177063, + 2.1060543060302734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/156.png", + [ + 0.18294426798820496, + 0.023498356342315674, + -0.11369749158620834, + 1.3520381450653076, + -0.014539290219545364, + -0.20588284730911255, + -0.06594507396221161, + 0.7688559293746948, + -0.11518637090921402, + 0.06330854445695877, + -0.17225569486618042, + 2.091888427734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/131.png", + [ + 0.1843521147966385, + 0.030692074447870255, + -0.1096365824341774, + 1.2998573780059814, + -0.0043922970071434975, + -0.2065802812576294, + -0.06521642953157425, + 0.7621219754219055, + -0.11376682668924332, + 0.05771024525165558, + -0.17514145374298096, + 2.1344895362854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/71.png", + [ + 0.17619629204273224, + 0.0392758809030056, + -0.11983389407396317, + 1.3559379577636719, + 0.01422357652336359, + -0.21077339351177216, + -0.04816807806491852, + 0.5409119725227356, + -0.12530143558979034, + 0.03130302205681801, + -0.17397575080394745, + 2.0255589485168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/160.png", + [ + 0.18300901353359222, + 0.02320299670100212, + -0.11365391314029694, + 1.3551820516586304, + -0.017245588824152946, + -0.204493910074234, + -0.06951779127120972, + 0.8146345615386963, + -0.11470910906791687, + 0.06776249408721924, + -0.17087408900260925, + 2.0819482803344727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/115.png", + [ + 0.17339317500591278, + -0.012499372474849224, + -0.1293308287858963, + 1.5336501598358154, + -0.05743907764554024, + -0.2008257508277893, + -0.05759916827082634, + 0.6655111908912659, + -0.1165480688214302, + 0.08037834614515305, + -0.16402366757392883, + 1.9957958459854126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/54.png", + [ + 0.18070560693740845, + 0.04432734474539757, + -0.11103358119726181, + 1.2981353998184204, + 0.020829854533076286, + -0.20982666313648224, + -0.049867674708366394, + 0.5733780264854431, + -0.11772632598876953, + 0.03091527707874775, + -0.17925581336021423, + 2.149404525756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/33.png", + [ + 0.1786108911037445, + 0.01574951410293579, + -0.12164698541164398, + 1.402978539466858, + -0.004164822865277529, + -0.2139786183834076, + -0.03381869196891785, + 0.38747426867485046, + -0.12259156256914139, + 0.030215930193662643, + -0.17608578503131866, + 2.0836567878723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/159.png", + [ + 0.1836184710264206, + 0.023633873090147972, + -0.11257702112197876, + 1.3409391641616821, + -0.01600898988544941, + -0.20473821461200714, + -0.06909318268299103, + 0.8077850341796875, + -0.11391160637140274, + 0.06686999648809433, + -0.17175690829753876, + 2.090244770050049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/177.png", + [ + 0.17376306653022766, + -0.001417210791260004, + -0.1294306069612503, + 1.531389594078064, + -0.04945957288146019, + -0.20094773173332214, + -0.06420012563467026, + 0.7626209259033203, + -0.11961621791124344, + 0.0810302197933197, + -0.1614743173122406, + 1.9477835893630981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/49.png", + [ + 0.18187540769577026, + 0.040124326944351196, + -0.11072157323360443, + 1.287735939025879, + 0.017538845539093018, + -0.21066758036613464, + -0.04753373563289642, + 0.5366964936256409, + -0.1164543554186821, + 0.030937116593122482, + -0.18008100986480713, + 2.1469883918762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/118.png", + [ + 0.17152024805545807, + -0.006933074910193682, + -0.13221433758735657, + 1.5689971446990967, + -0.05649011582136154, + -0.19952505826950073, + -0.06282130628824234, + 0.7381566762924194, + -0.11973955482244492, + 0.08419965952634811, + -0.15975214540958405, + 1.9429179430007935, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/110.png", + [ + 0.17298582196235657, + -0.011628287844359875, + -0.12995608150959015, + 1.5356686115264893, + -0.060512885451316833, + -0.19834837317466736, + -0.06280136853456497, + 0.738353431224823, + -0.11559406667947769, + 0.08643266558647156, + -0.16160230338573456, + 1.9597550630569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/18.png", + [ + 0.17790910601615906, + 0.01869025267660618, + -0.12225760519504547, + 1.422156572341919, + -0.008298230357468128, + -0.21189963817596436, + -0.04446994140744209, + 0.5120610594749451, + -0.12339930236339569, + 0.041196007281541824, + -0.17327260971069336, + 2.0593485832214355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/66.png", + [ + 0.1788148283958435, + 0.03973071277141571, + -0.11573513597249985, + 1.3240000009536743, + 0.010769172571599483, + -0.20924979448318481, + -0.055194612592458725, + 0.6298669576644897, + -0.12189000844955444, + 0.03979812562465668, + -0.1746620237827301, + 2.05454158782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/16.png", + [ + 0.17995300889015198, + 0.020185459405183792, + -0.118984654545784, + 1.3864459991455078, + -0.005563151091337204, + -0.21200785040855408, + -0.04438035935163498, + 0.5102346539497375, + -0.12055642902851105, + 0.039913810789585114, + -0.1755588948726654, + 2.0860233306884766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/94.png", + [ + 0.1843540221452713, + 0.047496892511844635, + -0.10346757620573044, + 1.1827101707458496, + 0.013926160521805286, + -0.20484690368175507, + -0.06922215223312378, + 0.775787889957428, + -0.11299359798431396, + 0.05224642902612686, + -0.17734332382678986, + 2.0597238540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/28.png", + [ + 0.17319820821285248, + 0.014485531486570835, + -0.129384845495224, + 1.4979327917099, + 0.0025150985457003117, + -0.21566142141819, + -0.020778005942702293, + 0.2279725968837738, + -0.13016891479492188, + 0.01510697603225708, + -0.17255645990371704, + 2.0520358085632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/61.png", + [ + 0.17983019351959229, + 0.0356481559574604, + -0.11549113690853119, + 1.3534066677093506, + 0.016302919015288353, + -0.21229827404022217, + -0.04014408215880394, + 0.4539926052093506, + -0.11976314336061478, + 0.024628058075904846, + -0.1788802444934845, + 2.1419758796691895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/132.png", + [ + 0.18593764305114746, + 0.029964538291096687, + -0.10713177174329758, + 1.268625259399414, + -0.004796607885509729, + -0.2063126415014267, + -0.06603019684553146, + 0.7734930515289307, + -0.1111399233341217, + 0.059034910053014755, + -0.17638222873210907, + 2.1491456031799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/58.png", + [ + 0.18011757731437683, + 0.031467802822589874, + -0.11625543981790543, + 1.3702858686447144, + 0.008685845881700516, + -0.21199756860733032, + -0.043925900012254715, + 0.5196219086647034, + -0.12012536823749542, + 0.03185444697737694, + -0.17749106884002686, + 2.144845485687256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/123.png", + [ + 0.17831097543239594, + 0.0011897360673174262, + -0.1230921670794487, + 1.461384654045105, + -0.03726731613278389, + -0.20597504079341888, + -0.055976152420043945, + 0.6544000506401062, + -0.11732112616300583, + 0.06723664700984955, + -0.16930116713047028, + 2.0524072647094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/64.png", + [ + 0.17879952490329742, + 0.03898073732852936, + -0.11601345986127853, + 1.3374234437942505, + 0.014766927808523178, + -0.21076129376888275, + -0.0480574332177639, + 0.5391197800636292, + -0.12149305641651154, + 0.03175030276179314, + -0.17657648026943207, + 2.088521957397461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/10.png", + [ + 0.1837320625782013, + 0.015672365203499794, + -0.11377523094415665, + 1.3380719423294067, + -0.008777608163654804, + -0.21210378408432007, + -0.04339165240526199, + 0.5081364512443542, + -0.11451367288827896, + 0.04140361770987511, + -0.1792212426662445, + 2.1570358276367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/170.png", + [ + 0.18375316262245178, + 0.018907394260168076, + -0.1132483035326004, + 1.3599270582199097, + -0.019737040624022484, + -0.20533347129821777, + -0.0663062036037445, + 0.7805697917938232, + -0.11310666054487228, + 0.06654752790927887, + -0.17241288721561432, + 2.1157126426696777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/41.png", + [ + 0.18087917566299438, + 0.018767865374684334, + -0.11780654639005661, + 1.3689100742340088, + -0.006901223678141832, + -0.21197162568569183, + -0.044365476816892624, + 0.5134586095809937, + -0.11909233778715134, + 0.040788352489471436, + -0.17635537683963776, + 2.108238697052002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/166.png", + [ + 0.18363481760025024, + 0.012672343291342258, + -0.11430468410253525, + 1.3691157102584839, + -0.02716894820332527, + -0.20447920262813568, + -0.06631745398044586, + 0.7873153686523438, + -0.11174970865249634, + 0.07053770869970322, + -0.17171001434326172, + 2.1100568771362305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/91.png", + [ + 0.1847177892923355, + 0.04581170901656151, + -0.1035785973072052, + 1.1999506950378418, + 0.014734657481312752, + -0.20619440078735352, + -0.06492041051387787, + 0.7379700541496277, + -0.11229483038187027, + 0.04830171912908554, + -0.1788986176252365, + 2.1080098152160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/140.png", + [ + 0.18720132112503052, + 0.02836259827017784, + -0.10535240173339844, + 1.2555981874465942, + -0.0026015073526650667, + -0.20800530910491943, + -0.06062108650803566, + 0.7126149535179138, + -0.10907243192195892, + 0.0536399744451046, + -0.17937071621418, + 2.193615436553955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/23.png", + [ + 0.17274555563926697, + 0.00513198459520936, + -0.1306924968957901, + 1.5192872285842896, + -0.016956230625510216, + -0.21380192041397095, + -0.030807754024863243, + 0.3624306321144104, + -0.12968944013118744, + 0.03478928282856941, + -0.17005367577075958, + 2.0291361808776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/37.png", + [ + 0.1783812791109085, + 0.011660578660666943, + -0.12244198471307755, + 1.4153739213943481, + -0.0099073126912117, + -0.2136356085538864, + -0.03477887436747551, + 0.40061408281326294, + -0.12259630858898163, + 0.03423091769218445, + -0.17534618079662323, + 2.0811543464660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/36.png", + [ + 0.18003880977630615, + 0.009729481302201748, + -0.12016347050666809, + 1.3862918615341187, + -0.011978400871157646, + -0.21345548331737518, + -0.03523024171590805, + 0.40808093547821045, + -0.11996015906333923, + 0.035916417837142944, + -0.1768261045217514, + 2.093474864959717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/8.png", + [ + 0.18349631130695343, + 0.024243956431746483, + -0.11264648288488388, + 1.3256632089614868, + 0.0002475099463481456, + -0.21190673112869263, + -0.04520371928811073, + 0.5276035666465759, + -0.11522559821605682, + 0.03815321624279022, + -0.17948617041110992, + 2.158513069152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/6.png", + [ + 0.18342916667461395, + 0.024128681048750877, + -0.11278047412633896, + 1.3189488649368286, + -0.00028936302987858653, + -0.21178284287452698, + -0.04578026011586189, + 0.5333759784698486, + -0.11533231288194656, + 0.038906585425138474, + -0.17925573885440826, + 2.149564743041992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/169.png", + [ + 0.18421097099781036, + 0.018578223884105682, + -0.11255691945552826, + 1.3518579006195068, + -0.0194403063505888, + -0.20554301142692566, + -0.06574222445487976, + 0.7751286625862122, + -0.11241122335195541, + 0.06599102169275284, + -0.17308031022548676, + 2.1237430572509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/154.png", + [ + 0.18139928579330444, + 0.022222913801670074, + -0.11639731377363205, + 1.3835870027542114, + -0.01738087832927704, + -0.20553886890411377, + -0.06632929295301437, + 0.775317370891571, + -0.11721817404031754, + 0.06486764550209045, + -0.17029382288455963, + 2.070344924926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/20.png", + [ + 0.177061527967453, + 0.015444437973201275, + -0.12392972409725189, + 1.4341050386428833, + -0.01094744447618723, + -0.21226435899734497, + -0.04209380969405174, + 0.48303183913230896, + -0.12440766394138336, + 0.040659625083208084, + -0.17267723381519318, + 2.0467262268066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/2.png", + [ + 0.180963397026062, + 0.0245781559497118, + -0.11660216003656387, + 1.3666146993637085, + 0.0011991375358775258, + -0.21238064765930176, + -0.042905934154987335, + 0.48943158984184265, + -0.11915834993124008, + 0.035189077258110046, + -0.17751312255859375, + 2.1333136558532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/117.png", + [ + 0.1721763163805008, + -0.008589494042098522, + -0.1312609165906906, + 1.5532145500183105, + -0.05686354264616966, + -0.19982662796974182, + -0.06151219829916954, + 0.7171327471733093, + -0.11861594766378403, + 0.0833272710442543, + -0.16104258596897125, + 1.9578620195388794, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/149.png", + [ + 0.18085414171218872, + 0.019308989867568016, + -0.11775750666856766, + 1.3965928554534912, + -0.01954815536737442, + -0.2061367630958557, + -0.0638231709599495, + 0.7442358732223511, + -0.11771804839372635, + 0.06389594078063965, + -0.17031635344028473, + 2.0648932456970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/161.png", + [ + 0.18339481949806213, + 0.02211252599954605, + -0.11324871331453323, + 1.3511139154434204, + -0.018914980813860893, + -0.20402079820632935, + -0.07046724855899811, + 0.8285998106002808, + -0.1138264462351799, + 0.0695301741361618, + -0.17075417935848236, + 2.084115982055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/5.png", + [ + 0.18351097404956818, + 0.025463160127401352, + -0.11235319823026657, + 1.3155078887939453, + 0.00026553578209131956, + -0.2114085555076599, + -0.04747884348034859, + 0.5514815449714661, + -0.11520218849182129, + 0.040074169635772705, + -0.17908212542533875, + 2.1500983238220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/108.png", + [ + 0.1767124980688095, + -0.009558592922985554, + -0.12501686811447144, + 1.4641908407211304, + -0.05310742184519768, + -0.20141303539276123, + -0.059668105095624924, + 0.6928027272224426, + -0.11357899010181427, + 0.07930520176887512, + -0.16660849750041962, + 2.005296230316162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/60.png", + [ + 0.17612844705581665, + 0.03867195174098015, + -0.12012969702482224, + 1.4131687879562378, + 0.01840101182460785, + -0.21191620826721191, + -0.04124102368950844, + 0.4725722372531891, + -0.12485217303037643, + 0.02332165092229843, + -0.17554466426372528, + 2.113126277923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/56.png", + [ + 0.17902061343193054, + 0.049010418355464935, + -0.1117921844124794, + 1.3274141550064087, + 0.0224299356341362, + -0.20827114582061768, + -0.05538880452513695, + 0.6517188549041748, + -0.11998505145311356, + 0.03419065102934837, + -0.17715102434158325, + 2.155348300933838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/147.png", + [ + 0.17753957211971283, + 0.01835840940475464, + -0.1228436529636383, + 1.4549763202667236, + -0.024118928238749504, + -0.20512031018733978, + -0.06551209837198257, + 0.77131587266922, + -0.12184363603591919, + 0.0673537403345108, + -0.16602860391139984, + 2.017477512359619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/30.png", + [ + 0.17590723931789398, + 0.02012494206428528, + -0.12489805370569229, + 1.445287823677063, + 0.0053942338563501835, + -0.21491409838199615, + -0.02703203447163105, + 0.3036057651042938, + -0.12639398872852325, + 0.01883654110133648, + -0.17497897148132324, + 2.0781025886535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/17.png", + [ + 0.17830508947372437, + 0.021004321053624153, + -0.1213013082742691, + 1.411364197731018, + -0.005979078821837902, + -0.2117680311203003, + -0.04545823484659195, + 0.5218302011489868, + -0.1229611411690712, + 0.04075560346245766, + -0.17368775606155396, + 2.0640740394592285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/12.png", + [ + 0.1798046976327896, + 0.015529029071331024, + -0.11990418285131454, + 1.4056756496429443, + -0.0096398014575243, + -0.2123546600341797, + -0.041958022862672806, + 0.4904899299144745, + -0.1205207109451294, + 0.04015284404158592, + -0.17552891373634338, + 2.107337474822998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/114.png", + [ + 0.17228347063064575, + -0.012223726138472557, + -0.13083148002624512, + 1.5496150255203247, + -0.05888598784804344, + -0.20004163682460785, + -0.05885302647948265, + 0.6815105080604553, + -0.11746803671121597, + 0.08235179632902145, + -0.16238021850585938, + 1.9738811254501343, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/27.png", + [ + 0.1748608499765396, + 0.017258688807487488, + -0.1267821341753006, + 1.46902334690094, + 0.004721073899418116, + -0.21541857719421387, + -0.022813238203525543, + 0.2506600618362427, + -0.12786433100700378, + 0.01564832217991352, + -0.17422322928905487, + 2.0691299438476562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/42.png", + [ + 0.18139499425888062, + 0.021936360746622086, + -0.11645833402872086, + 1.3548494577407837, + -0.003681528614833951, + -0.211784228682518, + -0.045626502484083176, + 0.5287768840789795, + -0.11844910681247711, + 0.04017620161175728, + -0.17692816257476807, + 2.116572856903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/174.png", + [ + 0.1823808252811432, + 0.011973707936704159, + -0.1163690835237503, + 1.3842651844024658, + -0.027097009122371674, + -0.20535090565681458, + -0.06359754502773285, + 0.7422624230384827, + -0.11380196362733841, + 0.06808469444513321, + -0.17135193943977356, + 2.089569091796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/7.png", + [ + 0.1816631406545639, + 0.025233915075659752, + -0.11536741256713867, + 1.3543354272842407, + 0.000247842661337927, + -0.21175147593021393, + -0.04592541232705116, + 0.5363768339157104, + -0.1180945634841919, + 0.038372572511434555, + -0.17756438255310059, + 2.1347122192382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/73.png", + [ + 0.17659343779087067, + 0.0437345914542675, + -0.11768575012683868, + 1.33668851852417, + 0.018994107842445374, + -0.21007223427295685, + -0.04956580325961113, + 0.5510339736938477, + -0.12410429865121841, + 0.03008040226995945, + -0.17504623532295227, + 2.042747974395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/120.png", + [ + 0.1723487824201584, + -0.01093291211873293, + -0.13085970282554626, + 1.5500596761703491, + -0.05460774526000023, + -0.20233400166034698, + -0.05501677468419075, + 0.6407064199447632, + -0.11942271143198013, + 0.07674192637205124, + -0.1636972278356552, + 1.9779950380325317, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/46.png", + [ + 0.1819821000099182, + 0.0390000194311142, + -0.11094778031110764, + 1.2874122858047485, + 0.012299583293497562, + -0.20960400998592377, + -0.053504958748817444, + 0.619082510471344, + -0.11695782095193863, + 0.03864011541008949, + -0.17825740575790405, + 2.1250991821289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/127.png", + [ + 0.18170464038848877, + 0.019361231476068497, + -0.11643219739198685, + 1.3837769031524658, + -0.01653522253036499, + -0.20745627582073212, + -0.06030236557126045, + 0.7096381187438965, + -0.11686701327562332, + 0.05945528298616409, + -0.17249655723571777, + 2.098029136657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/133.png", + [ + 0.18611733615398407, + 0.03235107287764549, + -0.10612084716558456, + 1.2592079639434814, + -0.001039733411744237, + -0.20674015581607819, + -0.06484850496053696, + 0.7606152296066284, + -0.11093756556510925, + 0.056212253868579865, + -0.17742867767810822, + 2.1639208793640137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/57.png", + [ + 0.1783246397972107, + 0.03740489110350609, + -0.1172565147280693, + 1.388225793838501, + 0.011212911456823349, + -0.21050488948822021, + -0.0500984825193882, + 0.5932656526565552, + -0.12256626039743423, + 0.035163357853889465, + -0.17518259584903717, + 2.1305413246154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/44.png", + [ + 0.18031096458435059, + 0.033954840153455734, + -0.11525154113769531, + 1.3403085470199585, + 0.006448975298553705, + -0.21027766168117523, + -0.05186153203248978, + 0.601639986038208, + -0.11997608840465546, + 0.03972753509879112, + -0.17599818110466003, + 2.102254867553711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/113.png", + [ + 0.1748969703912735, + -0.013041386380791664, + -0.12723548710346222, + 1.505549430847168, + -0.06012438237667084, + -0.19862833619117737, + -0.062287505716085434, + 0.7254940271377563, + -0.1128893792629242, + 0.08558385819196701, + -0.16394905745983124, + 1.9899004697799683, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/126.png", + [ + 0.17901922762393951, + 0.015328583307564259, + -0.1210993155837059, + 1.4407947063446045, + -0.022091403603553772, + -0.20734120905399323, + -0.05890234559774399, + 0.6955856084823608, + -0.12004988640546799, + 0.061012718826532364, + -0.16974499821662903, + 2.066253185272217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/29.png", + [ + 0.17640967667102814, + 0.01603265292942524, + -0.12478170543909073, + 1.4397358894348145, + 0.0029217435512691736, + -0.21537213027477264, + -0.023541608825325966, + 0.26012760400772095, + -0.12577353417873383, + 0.01748422347009182, + -0.17556540668010712, + 2.0785908699035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/4.png", + [ + 0.1816190928220749, + 0.02649787627160549, + -0.11515319347381592, + 1.3483465909957886, + 0.00023665270418860018, + -0.21123746037483215, + -0.04823456332087517, + 0.5589462518692017, + -0.11816234141588211, + 0.04030498117208481, + -0.17709054052829742, + 2.126894950866699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/55.png", + [ + 0.18035149574279785, + 0.04731280356645584, + -0.11037538200616837, + 1.303017020225525, + 0.023065920919179916, + -0.20908932387828827, + -0.051937561482191086, + 0.6040438413619995, + -0.11785239726305008, + 0.031480878591537476, + -0.1790744513273239, + 2.1639208793640137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/9.png", + [ + 0.18278975784778595, + 0.02401909977197647, + -0.11383706331253052, + 1.3434042930603027, + 0.00037476886063814163, + -0.21212731301784515, + -0.04415611922740936, + 0.5152232646942139, + -0.11634283512830734, + 0.03705383092164993, + -0.17899511754512787, + 2.157914638519287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/25.png", + [ + 0.17366087436676025, + 0.012339458800852299, + -0.12898658215999603, + 1.4933209419250488, + -0.003688245080411434, + -0.21513178944587708, + -0.025546176359057426, + 0.2856477200984955, + -0.12952294945716858, + 0.02267042174935341, + -0.17221426963806152, + 2.043259620666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/99.png", + [ + 0.18543246388435364, + 0.0461168996989727, + -0.1021563783288002, + 1.163312315940857, + 0.012904726900160313, + -0.20495520532131195, + -0.06909938156604767, + 0.7714119553565979, + -0.1113380640745163, + 0.05305175110697746, + -0.1781495064496994, + 2.0613889694213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/34.png", + [ + 0.1768498718738556, + 0.012097042053937912, + -0.1246020570397377, + 1.4388071298599243, + -0.00916195847094059, + -0.21383161842823029, + -0.03376366198062897, + 0.38934609293937683, + -0.12485218793153763, + 0.032826632261276245, + -0.17401792109012604, + 2.0616207122802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/72.png", + [ + 0.17696399986743927, + 0.04287712648510933, + -0.11744438856840134, + 1.3335765600204468, + 0.019241945818066597, + -0.21044982969760895, + -0.04783841595053673, + 0.5314459800720215, + -0.12353697419166565, + 0.028641190379858017, + -0.175687775015831, + 2.0474300384521484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/102.png", + [ + 0.18144388496875763, + 0.041103001683950424, + -0.11107003688812256, + 1.2725510597229004, + 0.0057387566193938255, + -0.2060193419456482, + -0.0668654814362526, + 0.754115641117096, + -0.11829233914613724, + 0.05305156856775284, + -0.17360974848270416, + 2.0348525047302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/134.png", + [ + 0.1859275996685028, + 0.03114989586174488, + -0.1068105697631836, + 1.2681301832199097, + -0.001581626245751977, + -0.2072482854127884, + -0.06319441646337509, + 0.7434258460998535, + -0.11124886572360992, + 0.055006545037031174, + -0.1776115447282791, + 2.1685633659362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/70.png", + [ + 0.17875061929225922, + 0.03331198915839195, + -0.11784065514802933, + 1.3350268602371216, + 0.006967210676521063, + -0.21093252301216125, + -0.04905937612056732, + 0.5605344772338867, + -0.12226024270057678, + 0.03668345510959625, + -0.1750846952199936, + 2.0411009788513184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/135.png", + [ + 0.18579056859016418, + 0.03147366642951965, + -0.10695404559373856, + 1.2713602781295776, + -0.0006088384543545544, + -0.20757190883159637, + -0.06214037910103798, + 0.7309494614601135, + -0.11148715019226074, + 0.05358364060521126, + -0.1778968721628189, + 2.1730360984802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/130.png", + [ + 0.1825244128704071, + 0.023125754669308662, + -0.1144462302327156, + 1.3532278537750244, + -0.012231088243424892, + -0.20742659270763397, + -0.06142071634531021, + 0.7165089845657349, + -0.11611691862344742, + 0.05820054933428764, + -0.17342853546142578, + 2.1088242530822754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/90.png", + [ + 0.1854129135608673, + 0.04143724590539932, + -0.10417728126049042, + 1.2077163457870483, + 0.010348644107580185, + -0.2067984640598297, + -0.06383723020553589, + 0.7341543436050415, + -0.11163715273141861, + 0.04965118691325188, + -0.1789407581090927, + 2.1192269325256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/122.png", + [ + 0.1734546422958374, + 0.0029205831233412027, + -0.12981852889060974, + 1.5449215173721313, + -0.037148088216781616, + -0.20645014941692352, + -0.05427933856844902, + 0.6288548707962036, + -0.12442425638437271, + 0.065709188580513, + -0.16476891934871674, + 2.0016322135925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/15.png", + [ + 0.18008650839328766, + 0.018357282504439354, + -0.11907874047756195, + 1.3895586729049683, + -0.007941380143165588, + -0.21187077462673187, + -0.04467217996716499, + 0.5166966319084167, + -0.12022342532873154, + 0.04149312898516655, + -0.17542104423046112, + 2.089414596557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/162.png", + [ + 0.18341761827468872, + 0.02264263480901718, + -0.11310692876577377, + 1.3553978204727173, + -0.017185501754283905, + -0.20472414791584015, + -0.06885182857513428, + 0.8131864070892334, + -0.11406368017196655, + 0.0672549456357956, + -0.17150551080703735, + 2.0980567932128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/22.png", + [ + 0.17661666870117188, + 0.00578979030251503, + -0.12538310885429382, + 1.4523513317108154, + -0.018477706238627434, + -0.21288645267486572, + -0.035858411341905594, + 0.41954055428504944, + -0.12414918094873428, + 0.03992154449224472, + -0.17303508520126343, + 2.0559744834899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/171.png", + [ + 0.18356890976428986, + 0.019310198724269867, + -0.1134788990020752, + 1.3629333972930908, + -0.019183950498700142, + -0.20548470318317413, + -0.06599929183721542, + 0.7760889530181885, + -0.11350031942129135, + 0.06596247106790543, + -0.1723790168762207, + 2.1138038635253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/138.png", + [ + 0.18721982836723328, + 0.028178531676530838, + -0.10536888241767883, + 1.2557687759399414, + -0.0037501826882362366, + -0.2075321078300476, + -0.06216311827301979, + 0.733643651008606, + -0.10900717973709106, + 0.05553636699914932, + -0.17883242666721344, + 2.1895995140075684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/109.png", + [ + 0.1745026409626007, + -0.009350907988846302, + -0.12809871137142181, + 1.509264588356018, + -0.05628494173288345, + -0.19981224834918976, + -0.06208840385079384, + 0.7263159155845642, + -0.11545009911060333, + 0.0832798033952713, + -0.16335126757621765, + 1.9749947786331177, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/26.png", + [ + 0.174204021692276, + 0.015598808415234089, + -0.12789657711982727, + 1.4812257289886475, + 0.0015833994839340448, + -0.2153237909078598, + -0.02410510741174221, + 0.2657706141471863, + -0.1288345903158188, + 0.018445609137415886, + -0.17323195934295654, + 2.056647777557373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/43.png", + [ + 0.17945803701877594, + 0.02696966379880905, + -0.11838642507791519, + 1.3783093690872192, + 0.0008389641297981143, + -0.2115323543548584, + -0.046917516738176346, + 0.5430086851119995, + -0.12141666561365128, + 0.038400448858737946, + -0.17530342936515808, + 2.100447177886963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/84.png", + [ + 0.1833568811416626, + 0.045994631946086884, + -0.10588975995779037, + 1.225094199180603, + 0.012150042690336704, + -0.2053205668926239, + -0.06814492493867874, + 0.7852202653884888, + -0.11480645835399628, + 0.05172859877347946, + -0.1763278841972351, + 2.09700345993042, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/136.png", + [ + 0.18776105344295502, + 0.028610022738575935, + -0.10428398102521896, + 1.2395893335342407, + -0.0030462255235761404, + -0.20747138559818268, + -0.06240386515855789, + 0.7362220287322998, + -0.10809442400932312, + 0.05554267391562462, + -0.17938368022441864, + 2.1920785903930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/89.png", + [ + 0.18780174851417542, + 0.03925870731472969, + -0.10068339109420776, + 1.1681526899337769, + 0.009290099143981934, + -0.20698896050453186, + -0.06338107585906982, + 0.7366986274719238, + -0.10766654461622238, + 0.050618384033441544, + -0.18108999729156494, + 2.152400016784668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/63.png", + [ + 0.17714478075504303, + 0.04088132083415985, + -0.11788275092840195, + 1.3666889667510986, + 0.01953303813934326, + -0.21127620339393616, + -0.043917153030633926, + 0.4895605146884918, + -0.12323182076215744, + 0.025277933105826378, + -0.17641663551330566, + 2.096198558807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/88.png", + [ + 0.186954528093338, + 0.04083936661481857, + -0.10162699222564697, + 1.178574562072754, + 0.009314212948083878, + -0.2062484174966812, + -0.06574749946594238, + 0.7647645473480225, + -0.10912903398275375, + 0.052360620349645615, + -0.17971396446228027, + 2.1384005546569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/62.png", + [ + 0.1793680489063263, + 0.035995300859212875, + -0.11610051244497299, + 1.3524682521820068, + 0.016333332285284996, + -0.21221673488616943, + -0.04056078568100929, + 0.4537133276462555, + -0.12045004218816757, + 0.02482525072991848, + -0.17839111387729645, + 2.1276111602783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/65.png", + [ + 0.17848265171051025, + 0.040815405547618866, + -0.11587037891149521, + 1.3332146406173706, + 0.01400689221918583, + -0.20979472994804382, + -0.05232459306716919, + 0.5924031138420105, + -0.12204772979021072, + 0.035611219704151154, + -0.17545393109321594, + 2.0738048553466797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/80.png", + [ + 0.17617662250995636, + 0.044420644640922546, + -0.11805292963981628, + 1.3520973920822144, + 0.01284101977944374, + -0.2080562561750412, + -0.059123534709215164, + 0.6659844517707825, + -0.12547826766967773, + 0.04107663780450821, + -0.17180165648460388, + 2.022326946258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/146.png", + [ + 0.18309541046619415, + 0.01715661957859993, + -0.1145845353603363, + 1.3538475036621094, + -0.021820751950144768, + -0.20534507930278778, + -0.06561363488435745, + 0.7706894278526306, + -0.11378849297761917, + 0.06698465347290039, + -0.1717938631772995, + 2.0797805786132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/119.png", + [ + 0.17833735048770905, + -0.016242418438196182, + -0.12198308855295181, + 1.4408892393112183, + -0.05967524275183678, + -0.19925017654895782, + -0.060713499784469604, + 0.7095908522605896, + -0.10762228071689606, + 0.08356701582670212, + -0.16846926510334015, + 2.02506685256958, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/145.png", + [ + 0.18305212259292603, + 0.014328318648040295, + -0.11504138261079788, + 1.360135555267334, + -0.022314956411719322, + -0.20663771033287048, + -0.06124379113316536, + 0.7195954918861389, + -0.11376231163740158, + 0.06358819454908371, + -0.17309701442718506, + 2.1023473739624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/167.png", + [ + 0.1819709986448288, + 0.011877045966684818, + -0.11701872199773788, + 1.40316903591156, + -0.026820426806807518, + -0.20569801330566406, + -0.06258507072925568, + 0.7451035976409912, + -0.11452122777700424, + 0.06704597175121307, + -0.17128229141235352, + 2.1057310104370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/79.png", + [ + 0.17682673037052155, + 0.045993126928806305, + -0.11646811664104462, + 1.3298289775848389, + 0.014299745671451092, + -0.20762832462787628, + -0.06028173863887787, + 0.6780190467834473, + -0.12440139055252075, + 0.04150906205177307, + -0.172479510307312, + 2.0213208198547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/176.png", + [ + 0.17970602214336395, + 0.0024611386470496655, + -0.12102719396352768, + 1.433009386062622, + -0.040901485830545425, + -0.20265494287014008, + -0.064853236079216, + 0.7632616758346558, + -0.11393289268016815, + 0.07663431018590927, + -0.16761374473571777, + 2.028904438018799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/165.png", + [ + 0.1851028949022293, + 0.02100329101085663, + -0.11065112799406052, + 1.3276678323745728, + -0.018669767305254936, + -0.2042064368724823, + -0.0699932873249054, + 0.825700581073761, + -0.11106866598129272, + 0.06932879984378815, + -0.17264170944690704, + 2.1166014671325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/116.png", + [ + 0.1692696213722229, + -0.009507660754024982, + -0.13492700457572937, + 1.5994009971618652, + -0.05779242888092995, + -0.20050041377544403, + -0.05837388336658478, + 0.6782498359680176, + -0.12229360640048981, + 0.081590935587883, + -0.159170001745224, + 1.9430240392684937, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/19.png", + [ + 0.178575336933136, + 0.018779359757900238, + -0.12126860022544861, + 1.4069182872772217, + -0.0073657711036503315, + -0.21209599077701569, + -0.04369121417403221, + 0.5014556050300598, + -0.12249279022216797, + 0.040131185203790665, + -0.17416341602802277, + 2.0655899047851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/77.png", + [ + 0.17596477270126343, + 0.04601484164595604, + -0.1177578717470169, + 1.3354368209838867, + 0.014297829940915108, + -0.20776207745075226, + -0.05981956794857979, + 0.6813818216323853, + -0.1256178915500641, + 0.040809836238622665, + -0.17176318168640137, + 2.000649929046631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/68.png", + [ + 0.17524757981300354, + 0.039469558745622635, + -0.12115413695573807, + 1.3825232982635498, + 0.009170970879495144, + -0.20939041674137115, + -0.054949477314949036, + 0.6352237462997437, + -0.12709076702594757, + 0.03931546211242676, + -0.17102666199207306, + 2.007673740386963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/143.png", + [ + 0.18507474660873413, + 0.028127368539571762, + -0.10910581052303314, + 1.296744704246521, + -0.006271936930716038, + -0.20691747963428497, + -0.06398212909698486, + 0.7466800212860107, + -0.11249838024377823, + 0.05780918151140213, + -0.17592641711235046, + 2.144822597503662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/86.png", + [ + 0.18490324914455414, + 0.045153748244047165, + -0.10353657603263855, + 1.2029619216918945, + 0.012152209877967834, + -0.2054084688425064, + -0.06787917762994766, + 0.7846412658691406, + -0.11229874193668365, + 0.05211908370256424, + -0.17782151699066162, + 2.1180877685546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/1.png", + [ + 0.1823914796113968, + 0.023894265294075012, + -0.11450023204088211, + 1.3421180248260498, + 0.0011775036109611392, + -0.21246975660324097, + -0.04246315732598305, + 0.4831492006778717, + -0.11696089804172516, + 0.03512222319841385, + -0.178981751203537, + 2.152590751647949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/81.png", + [ + 0.17705273628234863, + 0.045735664665699005, + -0.11622592806816101, + 1.3340446949005127, + 0.013117687776684761, + -0.20731958746910095, + -0.06159878894686699, + 0.6961885690689087, + -0.12421007454395294, + 0.04329819604754448, + -0.1721772998571396, + 2.0317554473876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/95.png", + [ + 0.184234157204628, + 0.0470983050763607, + -0.10386247932910919, + 1.1856846809387207, + 0.013600816950201988, + -0.2049991339445114, + -0.06883503496646881, + 0.7700164318084717, + -0.11322843283414841, + 0.05200955271720886, + -0.17726314067840576, + 2.0560526847839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/103.png", + [ + 0.1826075166463852, + 0.03144489973783493, + -0.11231032013893127, + 1.2875052690505981, + -0.003221178660169244, + -0.2072114497423172, + -0.06325292587280273, + 0.7166077494621277, + -0.11658477783203125, + 0.05497750639915466, + -0.17416472733020782, + 2.050849437713623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/150.png", + [ + 0.1829100251197815, + 0.008025980554521084, + -0.11587665975093842, + 1.3729525804519653, + -0.026976825669407845, + -0.20731087028980255, + -0.05694161728024483, + 0.6610848903656006, + -0.11297817528247833, + 0.06249544769525528, + -0.1740061640739441, + 2.1102261543273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/83.png", + [ + 0.18152372539043427, + 0.04735517129302025, + -0.10841827094554901, + 1.2520312070846558, + 0.014006425626575947, + -0.20576581358909607, + -0.06642401218414307, + 0.7620047330856323, + -0.11747702956199646, + 0.04863967001438141, + -0.1754457950592041, + 2.0822572708129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/142.png", + [ + 0.18592727184295654, + 0.02533850632607937, + -0.10833700746297836, + 1.2877004146575928, + -0.007741759996861219, + -0.2075231522321701, + -0.06182311847805977, + 0.722493588924408, + -0.11099104583263397, + 0.05692093446850777, + -0.1771690994501114, + 2.1628212928771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/51.png", + [ + 0.18285317718982697, + 0.0398017056286335, + -0.10921739041805267, + 1.2706655263900757, + 0.019429225474596024, + -0.2111784666776657, + -0.04443035274744034, + 0.49970659613609314, + -0.11460855603218079, + 0.027701538056135178, + -0.18178394436836243, + 2.164224147796631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/128.png", + [ + 0.18130391836166382, + 0.022303061559796333, + -0.11653048545122147, + 1.382425308227539, + -0.012510811910033226, + -0.20803168416023254, + -0.0592806451022625, + 0.6946874856948853, + -0.11798416078090668, + 0.056331947445869446, + -0.17278410494327545, + 2.0998125076293945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/168.png", + [ + 0.18137340247631073, + 0.01847740076482296, + -0.11709039658308029, + 1.4053053855895996, + -0.020298834890127182, + -0.20602351427078247, + -0.06395440548658371, + 0.757460355758667, + -0.11678840965032578, + 0.0645042285323143, + -0.17072655260562897, + 2.097982406616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/93.png", + [ + 0.1854972243309021, + 0.04571768641471863, + -0.10221823304891586, + 1.1731137037277222, + 0.01359846256673336, + -0.2055262327194214, + -0.06724540144205093, + 0.756178617477417, + -0.11114746332168579, + 0.051154233515262604, + -0.17882220447063446, + 2.085015296936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/76.png", + [ + 0.17577345669269562, + 0.015364744700491428, + 0.12575975060462952, + -1.4492416381835938, + 0.033564355224370956, + -0.21303792297840118, + -0.02088465541601181, + 0.22467884421348572, + 0.12216801196336746, + 0.03642333298921585, + -0.1752033531665802, + 2.0647950172424316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/48.png", + [ + 0.18921685218811035, + 0.028932716697454453, + 0.10152722895145416, + -1.14934241771698, + 0.04542827606201172, + -0.21041378378868103, + -0.024702265858650208, + 0.27666038274765015, + 0.09529507160186768, + 0.04285823553800583, + -0.1898154765367508, + 2.1978344917297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/35.png", + [ + 0.18549638986587524, + 0.02817424014210701, + 0.10837524384260178, + -1.2358660697937012, + 0.043239813297986984, + -0.2114611715078354, + -0.019036374986171722, + 0.20486705005168915, + 0.1032923012971878, + 0.0379246324300766, + -0.18665561079978943, + 2.181044101715088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/97.png", + [ + 0.17333973944187164, + 0.011295178905129433, + 0.12951309978961945, + -1.4632456302642822, + 0.03191850334405899, + -0.21294595301151276, + -0.024147994816303253, + 0.26314595341682434, + 0.12602552771568298, + 0.03839707374572754, + -0.17202070355415344, + 1.9817265272140503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/13.png", + [ + 0.18180803954601288, + 0.034495409578084946, + 0.11271113157272339, + -1.2805911302566528, + 0.054899297654628754, + -0.2081250697374344, + -0.024858010932803154, + 0.27389422059059143, + 0.10430626571178436, + 0.049415793269872665, + -0.18337440490722656, + 2.1365060806274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/32.png", + [ + 0.17975783348083496, + 0.025555679574608803, + 0.1182451844215393, + -1.3586876392364502, + 0.0431978777050972, + -0.211382195353508, + -0.019985100254416466, + 0.2160528600215912, + 0.1129998043179512, + 0.04015430063009262, + -0.1804620921611786, + 2.118196487426758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/38.png", + [ + 0.18988564610481262, + 0.029669109731912613, + 0.10005537420511246, + -1.129898190498352, + 0.043137189000844955, + -0.2114710509777069, + -0.019159138202667236, + 0.20681141316890717, + 0.09502903372049332, + 0.03671012446284294, + -0.19123217463493347, + 2.21287202835083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/11.png", + [ + 0.1839730143547058, + 0.035499345511198044, + 0.10881920903921127, + -1.238592267036438, + 0.054849423468112946, + -0.20814162492752075, + -0.024829460307955742, + 0.27407369017601013, + 0.10046574473381042, + 0.048628777265548706, + -0.1857142299413681, + 2.1655116081237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/59.png", + [ + 0.1943722814321518, + 0.022104892879724503, + 0.09315947443246841, + -1.0687084197998047, + 0.03321032226085663, + -0.21329796314239502, + -0.018680192530155182, + 0.208368718624115, + 0.08980193734169006, + 0.031036250293254852, + -0.1947312355041504, + 2.2899608612060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/24.png", + [ + 0.18563611805438995, + 0.030144456773996353, + 0.10760315507650375, + -1.2286946773529053, + 0.04757826775312424, + -0.21010705828666687, + -0.023221256211400032, + 0.2600383758544922, + 0.10111100971698761, + 0.043522752821445465, + -0.1866285800933838, + 2.182436943054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/74.png", + [ + 0.17794369161128998, + 0.018152471631765366, + 0.12228827178478241, + -1.4036771059036255, + 0.03513552248477936, + -0.2129138559103012, + -0.019521353766322136, + 0.21397484838962555, + 0.1185302734375, + 0.03586190566420555, + -0.17779871821403503, + 2.0923471450805664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/98.png", + [ + 0.17494690418243408, + 0.009642262943089008, + 0.12746964395046234, + -1.4398785829544067, + 0.030520247295498848, + -0.21295978128910065, + -0.02577875554561615, + 0.28081753849983215, + 0.12413698434829712, + 0.038769274950027466, + -0.17330563068389893, + 1.9934877157211304, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/0.png", + [ + 0.18793857097625732, + 0.04631136357784271, + 0.09737682342529297, + -1.1386266946792603, + 0.056280121207237244, + -0.20903511345386505, + -0.009206554852426052, + 0.10674279928207397, + 0.09197572618722916, + 0.033278688788414, + -0.19334138929843903, + 2.2923574447631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/96.png", + [ + 0.17263400554656982, + 0.011126176454126835, + 0.13046687841415405, + -1.474833369255066, + 0.03166451305150986, + -0.21303069591522217, + -0.02373134158551693, + 0.2603762745857239, + 0.1270541399717331, + 0.03797401860356331, + -0.171356663107872, + 1.9778324365615845, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/100.png", + [ + 0.18778522312641144, + 0.01069636084139347, + 0.10756484419107437, + -1.2008774280548096, + 0.027258655056357384, + -0.2133290022611618, + -0.02637411653995514, + 0.2856545150279999, + 0.10460198670625687, + 0.0363897830247879, + -0.1862313151359558, + 2.1270222663879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/40.png", + [ + 0.1856270283460617, + 0.0269862562417984, + 0.10845387727022171, + -1.2222710847854614, + 0.043860115110874176, + -0.21098515391349792, + -0.022571103647351265, + 0.24270087480545044, + 0.10279490053653717, + 0.04129050672054291, + -0.18621544539928436, + 2.1492323875427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/52.png", + [ + 0.19054801762104034, + 0.027713507413864136, + 0.09935445338487625, + -1.1282024383544922, + 0.04227260872721672, + -0.21135684847831726, + -0.02211800031363964, + 0.24579933285713196, + 0.09408705681562424, + 0.03883478417992592, + -0.19127829372882843, + 2.2180981636047363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/3.png", + [ + 0.19037854671478271, + 0.037496168166399, + 0.096425861120224, + -1.1087825298309326, + 0.04627545550465584, + -0.21147848665714264, + -0.009128454141318798, + 0.10325673222541809, + 0.09253372997045517, + 0.028614388778805733, + -0.19382110238075256, + 2.278534412384033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/47.png", + [ + 0.1895746886730194, + 0.029612261801958084, + 0.10066007822751999, + -1.1366519927978516, + 0.046197596937417984, + -0.21019066870212555, + -0.025170594453811646, + 0.2798832654953003, + 0.09420785307884216, + 0.04348438233137131, + -0.19021537899971008, + 2.198270797729492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/21.png", + [ + 0.18500176072120667, + 0.03019598312675953, + 0.10867588967084885, + -1.2283391952514648, + 0.0482514388859272, + -0.20988619327545166, + -0.023822031915187836, + 0.26439979672431946, + 0.10195119678974152, + 0.04454091563820839, + -0.18592996895313263, + 2.1603808403015137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/82.png", + [ + 0.17623229324817657, + 0.0194746945053339, + 0.12454241514205933, + -1.429800033569336, + 0.03833341225981712, + -0.212214395403862, + -0.02105928584933281, + 0.2291509211063385, + 0.12008589506149292, + 0.039162229746580124, + -0.17604996263980865, + 2.0728578567504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/14.png", + [ + 0.18123546242713928, + 0.033329788595438004, + 0.11397688090801239, + -1.295109510421753, + 0.054365355521440506, + -0.20817899703979492, + -0.025569817051291466, + 0.28224942088127136, + 0.10557468235492706, + 0.04998532310128212, + -0.18249204754829407, + 2.12393856048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/67.png", + [ + 0.1895933598279953, + 0.02515207976102829, + 0.1018313392996788, + -1.1692426204681396, + 0.035564858466386795, + -0.2133072465658188, + -0.013529622927308083, + 0.14626158773899078, + 0.09867821633815765, + 0.028553154319524765, + -0.1907753050327301, + 2.250613212585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/78.png", + [ + 0.1761842519044876, + 0.015732668340206146, + 0.12513786554336548, + -1.4392317533493042, + 0.03514328598976135, + -0.21259166300296783, + -0.022751377895474434, + 0.2473525106906891, + 0.12112784385681152, + 0.03879637271165848, + -0.1754160225391388, + 2.069693088531494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/31.png", + [ + 0.17829081416130066, + 0.02651207335293293, + 0.12023888528347015, + -1.3826261758804321, + 0.0445580892264843, + -0.21114365756511688, + -0.01951482519507408, + 0.2110704481601715, + 0.11478178948163986, + 0.0407843254506588, + -0.1791917234659195, + 2.103666305541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/39.png", + [ + 0.1879943311214447, + 0.02960697002708912, + 0.10358306020498276, + -1.1682175397872925, + 0.0445767343044281, + -0.21103835105895996, + -0.020582202821969986, + 0.2206171751022339, + 0.09807617217302322, + 0.0391680933535099, + -0.1891951858997345, + 2.1848878860473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/92.png", + [ + 0.1683494597673416, + 0.010878387838602066, + 0.13597062230110168, + -1.5409495830535889, + 0.03305315971374512, + -0.21280090510845184, + -0.02389892190694809, + 0.2602425217628479, + 0.13233985006809235, + 0.03931069374084473, + -0.16699917614459991, + 1.932369351387024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/53.png", + [ + 0.19220788776874542, + 0.02787989377975464, + 0.09605591744184494, + -1.0893372297286987, + 0.041271988302469254, + -0.21165312826633453, + -0.021153677254915237, + 0.23482868075370789, + 0.09110790491104126, + 0.0370616689324379, + -0.19306392967700958, + 2.2416110038757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/75.png", + [ + 0.1766381412744522, + 0.016063284128904343, + 0.12445415556430817, + -1.4319859743118286, + 0.03327485918998718, + -0.21319520473480225, + -0.01971002109348774, + 0.2123984694480896, + 0.12099441885948181, + 0.03518056869506836, + -0.17626845836639404, + 2.0769400596618652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/87.png", + [ + 0.17498865723609924, + 0.015274561941623688, + 0.1268603801727295, + -1.4438914060592651, + 0.03584654629230499, + -0.21235057711601257, + -0.023878036066889763, + 0.25789013504981995, + 0.12264539301395416, + 0.04027186334133148, + -0.17402350902557373, + 2.041138172149658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/69.png", + [ + 0.18340125679969788, + 0.022532813251018524, + 0.11315541714429855, + -1.303544521331787, + 0.0353301577270031, + -0.21326220035552979, + -0.014795557595789433, + 0.15394918620586395, + 0.109834685921669, + 0.030974196270108223, + -0.18418696522712708, + 2.1713380813598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/45.png", + [ + 0.1879321038722992, + 0.02853267267346382, + 0.10399667173624039, + -1.1710445880889893, + 0.046245671808719635, + -0.21008771657943726, + -0.025930460542440414, + 0.2889626622200012, + 0.09742052853107452, + 0.04468710348010063, + -0.18830879032611847, + 2.174485683441162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/50.png", + [ + 0.18857644498348236, + 0.027878496795892715, + 0.10300294309854507, + -1.1697837114334106, + 0.044214848428964615, + -0.21076427400112152, + -0.023903073742985725, + 0.26726141571998596, + 0.09711778908967972, + 0.04182222858071327, + -0.18912148475646973, + 2.1912288665771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/101.png", + [ + 0.19280152022838593, + 0.009261426515877247, + 0.09843621402978897, + -1.0895659923553467, + 0.023367416113615036, + -0.21387885510921478, + -0.0256455410271883, + 0.278290718793869, + 0.09606990218162537, + 0.033435847610235214, + -0.19131259620189667, + 2.1894454956054688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/85.png", + [ + 0.1757136434316635, + 0.018067384138703346, + 0.12548378109931946, + -1.4359732866287231, + 0.03803372383117676, + -0.2120969593524933, + -0.022720124572515488, + 0.2438635528087616, + 0.12093818187713623, + 0.04045167192816734, + -0.1751728057861328, + 2.0571184158325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/71.png", + [ + 0.17843814194202423, + 0.01881358213722706, + 0.12146514654159546, + -1.3992186784744263, + 0.03539366275072098, + -0.2129167914390564, + -0.019016578793525696, + 0.2057037651538849, + 0.11770735681056976, + 0.035501983016729355, + -0.17841660976409912, + 2.1035408973693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/54.png", + [ + 0.19247737526893616, + 0.027230314910411835, + 0.09570196270942688, + -1.0854463577270508, + 0.03962920233607292, + -0.21213982999324799, + -0.01934223063290119, + 0.21408464014530182, + 0.09126819670200348, + 0.034685805439949036, + -0.19342933595180511, + 2.250722885131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/33.png", + [ + 0.18025155365467072, + 0.026333529502153397, + 0.11731929332017899, + -1.3462387323379517, + 0.04351477324962616, + -0.2113705426454544, + -0.019412605091929436, + 0.2081250697374344, + 0.11208807677030563, + 0.03971058502793312, + -0.181127667427063, + 2.1251473426818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/49.png", + [ + 0.18866266310214996, + 0.028203541412949562, + 0.10275629162788391, + -1.165725827217102, + 0.04462358355522156, + -0.2106543779373169, + -0.024111462756991386, + 0.2702410817146301, + 0.0967627465724945, + 0.04215669631958008, + -0.18922916054725647, + 2.1938424110412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/18.png", + [ + 0.1843189299106598, + 0.03095090761780739, + 0.1096196323633194, + -1.23330819606781, + 0.0511469691991806, + -0.2088073194026947, + -0.02704423852264881, + 0.30111855268478394, + 0.10177628695964813, + 0.04888194426894188, + -0.18493252992630005, + 2.144611358642578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/66.png", + [ + 0.19345605373382568, + 0.025200333446264267, + 0.09427403658628464, + -1.0776861906051636, + 0.035708941519260406, + -0.21308809518814087, + -0.016316471621394157, + 0.18181796371936798, + 0.09081587195396423, + 0.030104799196124077, + -0.19440697133541107, + 2.28641939163208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/16.png", + [ + 0.18143214285373688, + 0.030550621449947357, + 0.11444183439016342, + -1.294628381729126, + 0.05221857875585556, + -0.2085324376821518, + -0.02711712010204792, + 0.30091917514801025, + 0.10631789267063141, + 0.050286952406167984, + -0.18197698891162872, + 2.112419605255127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/94.png", + [ + 0.17095568776130676, + 0.01114160567522049, + 0.13265712559223175, + -1.5015687942504883, + 0.030435916036367416, + -0.21346688270568848, + -0.021294211968779564, + 0.232624351978302, + 0.1295982450246811, + 0.03543519601225853, + -0.16998982429504395, + 1.9679900407791138, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/28.png", + [ + 0.18291188776493073, + 0.026417262852191925, + 0.11310730129480362, + -1.2975322008132935, + 0.04442248493432999, + -0.21086560189723969, + -0.022588346153497696, + 0.25269994139671326, + 0.10732091963291168, + 0.04225775972008705, + -0.18342410027980804, + 2.15478515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/61.png", + [ + 0.19517599046230316, + 0.020927784964442253, + 0.09174011647701263, + -1.055710792541504, + 0.03010478802025318, + -0.21403242647647858, + -0.015222432091832161, + 0.16535179316997528, + 0.08915112912654877, + 0.026458431035280228, + -0.1957036703824997, + 2.308152675628662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/58.png", + [ + 0.19336920976638794, + 0.023114671930670738, + 0.09498398005962372, + -1.0850650072097778, + 0.03533056750893593, + -0.21282441914081573, + -0.02013474330306053, + 0.22530049085617065, + 0.09114819020032883, + 0.03345697373151779, + -0.19370217621326447, + 2.272826671600342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/64.png", + [ + 0.19443444907665253, + 0.02174568548798561, + 0.09311428666114807, + -1.0691920518875122, + 0.03189132362604141, + -0.21366357803344727, + -0.016694651916623116, + 0.18572640419006348, + 0.0901448130607605, + 0.02868610993027687, + -0.19493310153484344, + 2.303215980529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/10.png", + [ + 0.18150098621845245, + 0.03285310044884682, + 0.11369241029024124, + -1.2991992235183716, + 0.05324886739253998, + -0.20856758952140808, + -0.024738946929574013, + 0.27583834528923035, + 0.10568750649690628, + 0.04866345226764679, + -0.1827837973833084, + 2.136497974395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/41.png", + [ + 0.18410781025886536, + 0.026011772453784943, + 0.11124566197395325, + -1.2530310153961182, + 0.04422081634402275, + -0.210763081908226, + -0.023902738466858864, + 0.2597026824951172, + 0.10534102469682693, + 0.043014056980609894, + -0.1843934804201126, + 2.1243834495544434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/91.png", + [ + 0.1707945168018341, + 0.013036285527050495, + 0.13269208371639252, + -1.5009812116622925, + 0.035192668437957764, + -0.2123969942331314, + -0.02443135902285576, + 0.2648693323135376, + 0.1286025196313858, + 0.040810178965330124, + -0.16954001784324646, + 1.9601701498031616, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/23.png", + [ + 0.18274910748004913, + 0.0285099595785141, + 0.11286206543445587, + -1.2881590127944946, + 0.04737314209342003, + -0.21010752022266388, + -0.023632749915122986, + 0.26416119933128357, + 0.10633178055286407, + 0.04460833594202995, + -0.1834435611963272, + 2.142550468444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/37.png", + [ + 0.18962280452251434, + 0.028832856565713882, + 0.10079559683799744, + -1.1421319246292114, + 0.04194541275501251, + -0.21178416907787323, + -0.01832881011068821, + 0.19740264117717743, + 0.09608156979084015, + 0.035553183406591415, + -0.19092458486557007, + 2.218353748321533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/36.png", + [ + 0.18904463946819305, + 0.028741678223013878, + 0.1019015833735466, + -1.1560643911361694, + 0.041954122483730316, + -0.21180275082588196, + -0.018092313781380653, + 0.1946437805891037, + 0.09721042960882187, + 0.03551613911986351, + -0.1903592050075531, + 2.2137866020202637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/8.png", + [ + 0.17792674899101257, + 0.03158969804644585, + 0.11954938620328903, + -1.381318211555481, + 0.05160346254706383, + -0.20934022963047028, + -0.021486029028892517, + 0.24402278661727905, + 0.11237014085054398, + 0.0461156964302063, + -0.1794274002313614, + 2.1049551963806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/6.png", + [ + 0.18218055367469788, + 0.034134674817323685, + 0.11221837252378464, + -1.296539306640625, + 0.04941447451710701, + -0.21033863723278046, + -0.016240788623690605, + 0.1860794574022293, + 0.10637832432985306, + 0.03924763947725296, + -0.18463793396949768, + 2.169093608856201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/20.png", + [ + 0.1854379028081894, + 0.030600611120462418, + 0.10781598091125488, + -1.2166372537612915, + 0.04889947175979614, + -0.2096460610628128, + -0.024602264165878296, + 0.2726321518421173, + 0.10084406286478043, + 0.045387573540210724, + -0.18632858991622925, + 2.1648197174072266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/2.png", + [ + 0.1887168139219284, + 0.03966442868113518, + 0.09879568964242935, + -1.1417807340621948, + 0.048591531813144684, + -0.21100012958049774, + -0.008106027729809284, + 0.09234955906867981, + 0.09472444653511047, + 0.029216058552265167, + -0.19266965985298157, + 2.2737045288085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/5.png", + [ + 0.18448807299137115, + 0.03515194356441498, + 0.10805732756853104, + -1.2460280656814575, + 0.04708408936858177, + -0.2111736536026001, + -0.01169090997427702, + 0.13340876996517181, + 0.10341726988554001, + 0.03343544900417328, + -0.1874428689479828, + 2.2079896926879883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/60.png", + [ + 0.1946897953748703, + 0.02269027754664421, + 0.09235222637653351, + -1.062164306640625, + 0.0328582227230072, + -0.21350783109664917, + -0.01681181602180004, + 0.18531319499015808, + 0.08924190700054169, + 0.029111018404364586, + -0.19528523087501526, + 2.3003268241882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/56.png", + [ + 0.1936880499124527, + 0.02640647627413273, + 0.09346407651901245, + -1.0616034269332886, + 0.038478247821331024, + -0.2123136669397354, + -0.019754335284233093, + 0.22040048241615295, + 0.08917544782161713, + 0.03425648808479309, + -0.19447912275791168, + 2.2715725898742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/30.png", + [ + 0.18272997438907623, + 0.028419310227036476, + 0.11291585862636566, + -1.292911410331726, + 0.04495321214199066, + -0.21104928851127625, + -0.019628986716270447, + 0.21301986277103424, + 0.1074097529053688, + 0.03998038172721863, + -0.18388204276561737, + 2.151711940765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/17.png", + [ + 0.18315669894218445, + 0.032059479504823685, + 0.11123716086149216, + -1.253745436668396, + 0.05290002003312111, + -0.20836956799030304, + -0.027048269286751747, + 0.3002239465713501, + 0.1029713824391365, + 0.05002209544181824, + -0.18396353721618652, + 2.1310954093933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/12.png", + [ + 0.18306121230125427, + 0.033927589654922485, + 0.11083952337503433, + -1.2607128620147705, + 0.05421101301908493, + -0.20818983018398285, + -0.02580808661878109, + 0.28537505865097046, + 0.10245802998542786, + 0.049535948783159256, + -0.18438121676445007, + 2.150174140930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/27.png", + [ + 0.18513573706150055, + 0.02833401970565319, + 0.10894879698753357, + -1.2476242780685425, + 0.04541601613163948, + -0.21067555248737335, + -0.022385217249393463, + 0.25161999464035034, + 0.1030050590634346, + 0.04196302965283394, + -0.18594880402088165, + 2.1821675300598145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/42.png", + [ + 0.18516495823860168, + 0.026625607162714005, + 0.10932939499616623, + -1.2304385900497437, + 0.044721223413944244, + -0.21059410274028778, + -0.02445460669696331, + 0.267557829618454, + 0.10325624793767929, + 0.04346369579434395, + -0.18546414375305176, + 2.1378173828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/7.png", + [ + 0.17673923075199127, + 0.02949419990181923, + 0.12182456254959106, + -1.411799669265747, + 0.048702172935009, + -0.2102031111717224, + -0.019764592871069908, + 0.22713443636894226, + 0.11549557745456696, + 0.04350440204143524, + -0.1780899316072464, + 2.0950889587402344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/73.png", + [ + 0.17917756736278534, + 0.01886487379670143, + 0.12036366760730743, + -1.3814852237701416, + 0.03615860641002655, + -0.2126506268978119, + -0.020497750490903854, + 0.2286730408668518, + 0.1163436770439148, + 0.03703673183917999, + -0.17899811267852783, + 2.108898162841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/46.png", + [ + 0.18867728114128113, + 0.029456406831741333, + 0.10237721353769302, + -1.1537834405899048, + 0.046496689319610596, + -0.21011686325073242, + -0.02523590251803398, + 0.2815626263618469, + 0.0958479568362236, + 0.043944429606199265, + -0.18928799033164978, + 2.186051845550537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/57.png", + [ + 0.19392085075378418, + 0.024552760645747185, + 0.09348665922880173, + -1.065049171447754, + 0.03694889321923256, + -0.2124815732240677, + -0.020838813856244087, + 0.2327105700969696, + 0.08931614458560944, + 0.034592460840940475, + -0.1943550407886505, + 2.274552822113037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/44.png", + [ + 0.186122328042984, + 0.027471663430333138, + 0.10747874528169632, + -1.2104291915893555, + 0.04615475982427597, + -0.2100701779127121, + -0.02623266912996769, + 0.2920151650905609, + 0.10087670385837555, + 0.045428209006786346, + -0.18630099296569824, + 2.1511526107788086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/29.png", + [ + 0.1838681399822235, + 0.02881251648068428, + 0.1109515130519867, + -1.2699737548828125, + 0.04504181072115898, + -0.21101003885269165, + -0.0198467206209898, + 0.2175266444683075, + 0.10541172325611115, + 0.0399060882627964, + -0.18505071103572845, + 2.1687393188476562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/4.png", + [ + 0.18796834349632263, + 0.03682265430688858, + 0.10129109770059586, + -1.1650030612945557, + 0.04644389450550079, + -0.2114330232143402, + -0.009324190206825733, + 0.10562510788440704, + 0.09725616127252579, + 0.029800474643707275, + -0.19131404161453247, + 2.2515621185302734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/55.png", + [ + 0.19365426898002625, + 0.02661832980811596, + 0.09347394853830338, + -1.0605442523956299, + 0.03821897879242897, + -0.21245776116847992, + -0.018678991124033928, + 0.20782947540283203, + 0.08936009556055069, + 0.03318222239613533, + -0.19458059966564178, + 2.2675046920776367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/9.png", + [ + 0.17973078787326813, + 0.03264707326889038, + 0.11652857810258865, + -1.3393821716308594, + 0.052533723413944244, + -0.20900514721870422, + -0.022471051663160324, + 0.2524578869342804, + 0.10901812463998795, + 0.046892520040273666, + -0.18128439784049988, + 2.122756004333496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/25.png", + [ + 0.18501202762126923, + 0.028831522911787033, + 0.10902836173772812, + -1.2469651699066162, + 0.046137403696775436, + -0.21049273014068604, + -0.022628508508205414, + 0.25441086292266846, + 0.10290665924549103, + 0.04253765940666199, + -0.18587270379066467, + 2.180121898651123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/99.png", + [ + 0.1773800253868103, + 0.009514069184660912, + 0.12407137453556061, + -1.4020494222640991, + 0.030150361359119415, + -0.2128889262676239, + -0.02677999623119831, + 0.2914015054702759, + 0.12072772532701492, + 0.039187945425510406, + -0.1756047159433365, + 2.021042823791504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/34.png", + [ + 0.18278872966766357, + 0.026718972250819206, + 0.11323549598455429, + -1.2947760820388794, + 0.043019019067287445, + -0.21145963668823242, + -0.019546935334801674, + 0.20971834659576416, + 0.10809971392154694, + 0.038971979171037674, + -0.18369413912296295, + 2.151360511779785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/72.png", + [ + 0.1780482530593872, + 0.019179433584213257, + 0.12197894603013992, + -1.4023628234863281, + 0.03693950176239014, + -0.21251575648784637, + -0.02050420269370079, + 0.22602728009223938, + 0.11782271414995193, + 0.037644363939762115, + -0.1779005527496338, + 2.0970325469970703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/102.png", + [ + 0.19964510202407837, + 0.005666990298777819, + 0.0840095728635788, + -0.9104043841362, + 0.016614900901913643, + -0.21458417177200317, + -0.02500949427485466, + 0.27172571420669556, + 0.08254494518041611, + 0.02948584221303463, + -0.19815349578857422, + 2.274750232696533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/70.png", + [ + 0.18007934093475342, + 0.019897574558854103, + 0.11884195357561111, + -1.3722666501998901, + 0.0344688817858696, + -0.21327641606330872, + -0.0165215153247118, + 0.1748257726430893, + 0.11546092480421066, + 0.03263664245605469, + -0.1804203987121582, + 2.129770278930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/90.png", + [ + 0.17269018292427063, + 0.012617206200957298, + 0.13025665283203125, + -1.4732228517532349, + 0.03494584932923317, + -0.2122797667980194, + -0.025767803192138672, + 0.27907896041870117, + 0.126114159822464, + 0.041545137763023376, + -0.17122240364551544, + 1.9831777811050415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/15.png", + [ + 0.18109175562858582, + 0.03292196989059448, + 0.11432326585054398, + -1.295964002609253, + 0.05403648316860199, + -0.20825806260108948, + -0.02562292478978634, + 0.28285151720046997, + 0.10598927736282349, + 0.049926143139600754, + -0.18226781487464905, + 2.1176300048828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/22.png", + [ + 0.18331696093082428, + 0.02881137654185295, + 0.11186013370752335, + -1.2724483013153076, + 0.04768836125731468, + -0.20998694002628326, + -0.024066423997282982, + 0.2674499750137329, + 0.1052074208855629, + 0.04498085752129555, + -0.18400003015995026, + 2.1427040100097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/26.png", + [ + 0.18521159887313843, + 0.028972724452614784, + 0.10865142941474915, + -1.2415852546691895, + 0.04568646848201752, + -0.21068903803825378, + -0.021697167307138443, + 0.2433595359325409, + 0.10274872183799744, + 0.04145601764321327, + -0.18620416522026062, + 2.1859006881713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/43.png", + [ + 0.18625031411647797, + 0.02748101018369198, + 0.10725443810224533, + -1.2065770626068115, + 0.04601461812853813, + -0.21012145280838013, + -0.02606780081987381, + 0.28792643547058105, + 0.10070439428091049, + 0.04518483579158783, + -0.18645335733890533, + 2.1489768028259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/84.png", + [ + 0.17399320006370544, + 0.01743733137845993, + 0.12794610857963562, + -1.4684525728225708, + 0.03773282840847969, + -0.21218529343605042, + -0.022394666448235512, + 0.2413683831691742, + 0.12349289655685425, + 0.040264468640089035, + -0.1734248250722885, + 2.0407052040100098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/89.png", + [ + 0.1750355064868927, + 0.013653966598212719, + 0.12698043882846832, + -1.4357064962387085, + 0.035796746611595154, + -0.21204230189323425, + -0.026543326675891876, + 0.28798341751098633, + 0.12259303033351898, + 0.042420800775289536, + -0.17354917526245117, + 2.017807960510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/63.png", + [ + 0.19481529295444489, + 0.020284848287701607, + 0.0926467701792717, + -1.065123438835144, + 0.029858451336622238, + -0.2140156328678131, + -0.015927251428365707, + 0.17601840198040009, + 0.09001873433589935, + 0.027087442576885223, + -0.19521984457969666, + 2.3074684143066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/88.png", + [ + 0.17371656000614166, + 0.01526412833482027, + 0.12859803438186646, + -1.4617925882339478, + 0.03677606210112572, + -0.21212053298950195, + -0.024500973522663116, + 0.26519882678985596, + 0.12416911870241165, + 0.04147026687860489, + -0.1726561337709427, + 2.021489143371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/62.png", + [ + 0.1952313780784607, + 0.020112251862883568, + 0.09180471301078796, + -1.056153655052185, + 0.02904980629682541, + -0.2142043113708496, + -0.01485002227127552, + 0.1620965600013733, + 0.08937962353229523, + 0.025688745081424713, + -0.1957019865512848, + 2.3101654052734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/65.png", + [ + 0.19399063289165497, + 0.023206381127238274, + 0.09368562698364258, + -1.0732808113098145, + 0.03422397002577782, + -0.21319133043289185, + -0.01805751770734787, + 0.20196115970611572, + 0.09024551510810852, + 0.030964788049459457, + -0.1945374608039856, + 2.2930173873901367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/80.png", + [ + 0.17861081659793854, + 0.019395314157009125, + 0.12111932784318924, + -1.3887869119644165, + 0.03735627233982086, + -0.21238675713539124, + -0.021077774465084076, + 0.22973600029945374, + 0.11683569848537445, + 0.03825683519244194, + -0.1784200817346573, + 2.1050667762756348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/79.png", + [ + 0.17777958512306213, + 0.01742491126060486, + 0.12263232469558716, + -1.406742811203003, + 0.036025431007146835, + -0.21252010762691498, + -0.02202879823744297, + 0.24122419953346252, + 0.11850941181182861, + 0.038463909178972244, + -0.17726798355579376, + 2.0915918350219727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/19.png", + [ + 0.18542374670505524, + 0.02994384802877903, + 0.10802450776100159, + -1.2171344757080078, + 0.0491173192858696, + -0.2093929946422577, + -0.02626705728471279, + 0.2914876639842987, + 0.10076417028903961, + 0.046966325491666794, + -0.18598021566867828, + 2.1577200889587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/77.png", + [ + 0.17411206662654877, + 0.014315993525087833, + 0.12817153334617615, + -1.477710247039795, + 0.0333796963095665, + -0.2130003720521927, + -0.021553119644522667, + 0.2322269082069397, + 0.12457401305437088, + 0.03706471994519234, + -0.17336498200893402, + 2.048144817352295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/68.png", + [ + 0.18692289292812347, + 0.023442037403583527, + 0.10704294592142105, + -1.2319931983947754, + 0.03434329107403755, + -0.2135273516178131, + -0.013209947384893894, + 0.1384267807006836, + 0.10405891388654709, + 0.028362568467855453, + -0.1879233866930008, + 2.216808795928955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/86.png", + [ + 0.1758405715227127, + 0.015545062720775604, + 0.12564370036125183, + -1.4335178136825562, + 0.036088164895772934, + -0.21226820349693298, + -0.024243485182523727, + 0.2612364590167999, + 0.12134922295808792, + 0.04060114920139313, + -0.17485366761684418, + 2.0512523651123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/1.png", + [ + 0.18761149048805237, + 0.04264979436993599, + 0.09965349733829498, + -1.1591823101043701, + 0.05193129926919937, + -0.21021464467048645, + -0.007799992337822914, + 0.0887255072593689, + 0.09514706581830978, + 0.03063812293112278, + -0.19224004447460175, + 2.273970603942871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/81.png", + [ + 0.1790998876094818, + 0.02076861448585987, + 0.12016567587852478, + -1.3763697147369385, + 0.03797429800033569, + -0.2123916894197464, + -0.019890135154128075, + 0.21620216965675354, + 0.11588389426469803, + 0.03750106319785118, + -0.17919957637786865, + 2.1103711128234863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/95.png", + [ + 0.17099642753601074, + 0.011089573614299297, + 0.13260896503925323, + -1.5005799531936646, + 0.02980111725628376, + -0.21362808346748352, + -0.02056300826370716, + 0.22491472959518433, + 0.1296919882297516, + 0.03446687012910843, + -0.1701173484325409, + 1.9693554639816284, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/83.png", + [ + 0.1737813651561737, + 0.017679352313280106, + 0.12820051610469818, + -1.4749938249588013, + 0.037925783544778824, + -0.21217657625675201, + -0.022150062024593353, + 0.24051997065544128, + 0.12373185157775879, + 0.04020485654473305, + -0.17326827347278595, + 2.0413856506347656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/51.png", + [ + 0.18947356939315796, + 0.02828945219516754, + 0.10122930258512497, + -1.1489877700805664, + 0.044114407151937485, + -0.21081314980983734, + -0.02365645207464695, + 0.26477402448654175, + 0.09540221840143204, + 0.04129667952656746, + -0.1901075839996338, + 2.2019577026367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/93.png", + [ + 0.16888181865215302, + 0.011511269025504589, + 0.13525648415088654, + -1.5314743518829346, + 0.03167246654629707, + -0.21327681839466095, + -0.021395033225417137, + 0.23313531279563904, + 0.13199880719184875, + 0.03644699603319168, + -0.16791613399982452, + 1.9445523023605347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/76.png", + [ + 0.19248300790786743, + 0.01776716113090515, + -0.09789030998945236, + 1.1320595741271973, + 0.011485783383250237, + -0.21573448181152344, + -0.01657131500542164, + 0.17776215076446533, + -0.0988244116306305, + 0.009532030671834946, + -0.1925896406173706, + 2.2965335845947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/48.png", + [ + 0.18338926136493683, + -0.001544385333545506, + -0.11538583785295486, + 1.3057810068130493, + -0.01129847764968872, + -0.21585455536842346, + -0.01506819948554039, + 0.1537581980228424, + -0.11484171450138092, + 0.018770217895507812, + -0.18277569115161896, + 2.1261343955993652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/137.png", + [ + 0.18603980541229248, + 0.0064009143970906734, + -0.11088784784078598, + 1.271078109741211, + -0.002831940772011876, + -0.21597087383270264, + -0.017217976972460747, + 0.18151915073394775, + -0.11103633046150208, + 0.016232898458838463, + -0.1853518784046173, + 2.186549186706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/173.png", + [ + 0.18796443939208984, + 0.01289493590593338, + -0.10700928419828415, + 1.2252994775772095, + 0.002486088080331683, + -0.2155798375606537, + -0.021611135452985764, + 0.2301182746887207, + -0.10775474458932877, + 0.01751977577805519, + -0.18716266751289368, + 2.197951316833496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/35.png", + [ + 0.18159286677837372, + 0.007174047641456127, + -0.11798498034477234, + 1.3704885244369507, + 0.0027954047545790672, + -0.21647533774375916, + -0.008860268630087376, + 0.08102703094482422, + -0.11816982179880142, + 0.005903532728552818, + -0.18151842057704926, + 2.172928810119629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/124.png", + [ + 0.18668301403522491, + 0.008250965736806393, + -0.10967802256345749, + 1.2668691873550415, + -0.001791807939298451, + -0.21580727398395538, + -0.019284799695014954, + 0.20760372281074524, + -0.10997334122657776, + 0.017522431910037994, + -0.18586748838424683, + 2.204000473022461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/97.png", + [ + 0.1859745979309082, + 0.009187673218548298, + -0.1108013316988945, + 1.288820505142212, + 0.004991851281374693, + -0.21640580892562866, + -0.009565846994519234, + 0.09334239363670349, + -0.11106950044631958, + 0.00565779535099864, + -0.18595552444458008, + 2.2205491065979004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/155.png", + [ + 0.18771500885486603, + 0.01572752185165882, + -0.10706827044487, + 1.2333424091339111, + 0.0038657570257782936, + -0.215211883187294, + -0.024835458025336266, + 0.26825493574142456, + -0.10814815759658813, + 0.019605841487646103, + -0.1867283582687378, + 2.206681251525879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/13.png", + [ + 0.1811419129371643, + -0.009672977030277252, + -0.11849869787693024, + 1.3529516458511353, + -0.014351950027048588, + -0.21615613996982574, + -0.004294275771826506, + 0.028714142739772797, + -0.11802341789007187, + 0.011439090594649315, + -0.18134914338588715, + 2.1197128295898438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/32.png", + [ + 0.18123307824134827, + 0.008227883838117123, + -0.11846842616796494, + 1.371899962425232, + 0.003513593226671219, + -0.21643081307411194, + -0.009656482376158237, + 0.08771668374538422, + -0.11870183050632477, + 0.006155884359031916, + -0.18116258084774017, + 2.1681113243103027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/158.png", + [ + 0.19008281826972961, + 0.024604884907603264, + -0.10104957222938538, + 1.1663422584533691, + 0.012726434506475925, + -0.2144443839788437, + -0.028276249766349792, + 0.3120349645614624, + -0.10322041809558868, + 0.018870826810598373, + -0.18957144021987915, + 2.253662109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/38.png", + [ + 0.1838124692440033, + 0.004592713434249163, + -0.1146288812160492, + 1.3282995223999023, + 7.235457451315597e-05, + -0.21650555729866028, + -0.00855847354978323, + 0.08170445263385773, + -0.11472082138061523, + 0.007222166750580072, + -0.1836705356836319, + 2.1870713233947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/148.png", + [ + 0.1830555945634842, + 0.009695974178612232, + -0.11551851779222488, + 1.3410170078277588, + -0.0034965318627655506, + -0.21535535156726837, + -0.023616474121809006, + 0.2546809911727905, + -0.11587196588516235, + 0.02181631699204445, + -0.18178457021713257, + 2.15969181060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/111.png", + [ + 0.1848146915435791, + 0.00859018974006176, + -0.11277249455451965, + 1.32306969165802, + 0.0023839257191866636, + -0.21629662811756134, + -0.01256906520575285, + 0.12875431776046753, + -0.11307406425476074, + 0.009480142034590244, + -0.1845867782831192, + 2.220062732696533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/164.png", + [ + 0.1899879276752472, + 0.019132178276777267, + -0.10240329802036285, + 1.210997223854065, + 0.009931160137057304, + -0.21534545719623566, + -0.021808156743645668, + 0.2391866147518158, + -0.10370075702667236, + 0.014428561553359032, + -0.18969941139221191, + 2.301239013671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/11.png", + [ + 0.18315505981445312, + -0.008203172124922276, + -0.11547648906707764, + 1.3060606718063354, + -0.013383999466896057, + -0.21618115901947021, + -0.005871118046343327, + 0.048784371465444565, + -0.11499122530221939, + 0.012095843441784382, + -0.18324466049671173, + 2.1232118606567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/125.png", + [ + 0.18699327111244202, + 0.007501359097659588, + -0.1092022955417633, + 1.2598141431808472, + -0.0028217327781021595, + -0.21576304733753204, + -0.0196530744433403, + 0.21144632995128632, + -0.10942326486110687, + 0.01838301122188568, + -0.18610885739326477, + 2.206206798553467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/59.png", + [ + 0.18364578485488892, + 0.0028212349861860275, + -0.11495288461446762, + 1.3155219554901123, + -0.0069465781562030315, + -0.21594159305095673, + -0.01639742963016033, + 0.17227713763713837, + -0.11477746814489365, + 0.017583265900611877, + -0.1829340159893036, + 2.1533408164978027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/105.png", + [ + 0.18597406148910522, + 0.007678433787077665, + -0.11091700941324234, + 1.2955812215805054, + 0.001244767103344202, + -0.2162875533103943, + -0.012885808013379574, + 0.1340077519416809, + -0.11117549240589142, + 0.010422819294035435, + -0.18568594753742218, + 2.2262606620788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/121.png", + [ + 0.18802817165851593, + 0.009262158535420895, + -0.10727310180664062, + 1.2425304651260376, + -0.00042958385893143713, + -0.21580521762371063, + -0.01938599906861782, + 0.20869576930999756, + -0.107671357691288, + 0.01703566499054432, + -0.18725533783435822, + 2.22537899017334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/175.png", + [ + 0.18545638024806976, + 0.012994361110031605, + -0.11128777265548706, + 1.2633827924728394, + 0.001407475327141583, + -0.2154657244682312, + -0.02281305566430092, + 0.24141329526901245, + -0.11203501373529434, + 0.018803272396326065, + -0.18450607359409332, + 2.147677421569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/24.png", + [ + 0.17801301181316376, + 0.01131325401365757, + -0.12300920486450195, + 1.4324249029159546, + 0.0037336295936256647, + -0.2161582112312317, + -0.014477112330496311, + 0.14590515196323395, + -0.12347191572189331, + 0.009774304926395416, + -0.17778369784355164, + 2.12532901763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/74.png", + [ + 0.18770509958267212, + 0.013362911529839039, + -0.10740634053945541, + 1.2641311883926392, + 0.0057973479852080345, + -0.21594953536987305, + -0.016735723242163658, + 0.1811821460723877, + -0.10807903856039047, + 0.011624381877481937, + -0.18743449449539185, + 2.2684478759765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/129.png", + [ + 0.18541774153709412, + 0.007266834378242493, + -0.11187200248241425, + 1.2888619899749756, + -0.0027004159055650234, + -0.21586672961711884, + -0.018497681245207787, + 0.19652408361434937, + -0.11207523196935654, + 0.017223520204424858, + -0.18463581800460815, + 2.1852192878723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/172.png", + [ + 0.18818436563014984, + 0.012275062501430511, + -0.10669519752264023, + 1.2267813682556152, + 0.002143708523362875, + -0.21564120054244995, + -0.02102808840572834, + 0.22514557838439941, + -0.10737760365009308, + 0.017207523807883263, + -0.18740825355052948, + 2.212282657623291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/153.png", + [ + 0.18541620671749115, + 0.013447212986648083, + -0.11130091547966003, + 1.287017583847046, + 0.00018976107821799815, + -0.21514767408370972, + -0.025677697733044624, + 0.2775416374206543, + -0.11211015284061432, + 0.02187584899365902, + -0.1841212958097458, + 2.1828622817993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/144.png", + [ + 0.18617293238639832, + 0.005614164285361767, + -0.1107068806886673, + 1.26969313621521, + -0.002726913196966052, + -0.2160991132259369, + -0.015544591471552849, + 0.1663871854543686, + -0.1108156144618988, + 0.014749628491699696, + -0.18560777604579926, + 2.1863741874694824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/98.png", + [ + 0.18649108707904816, + 0.009959942661225796, + -0.10986252129077911, + 1.277928113937378, + 0.005433013662695885, + -0.21635708212852478, + -0.010392040014266968, + 0.1019025444984436, + -0.11017920076847076, + 0.006189641077071428, + -0.1864674985408783, + 2.2263593673706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/0.png", + [ + 0.1880437582731247, + 0.002289361087605357, + -0.10762058943510056, + 1.174111247062683, + -0.002738953335210681, + -0.21645371615886688, + -0.00939024705439806, + 0.09018377959728241, + -0.10761008411645889, + 0.009509860537946224, + -0.1878231167793274, + 2.1262593269348145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/163.png", + [ + 0.1898144632577896, + 0.0212237685918808, + -0.10231281816959381, + 1.2061679363250732, + 0.011221461929380894, + -0.215071439743042, + -0.023795951157808304, + 0.26126933097839355, + -0.1038866713643074, + 0.015547349117696285, + -0.18950918316841125, + 2.294107437133789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/96.png", + [ + 0.1860998421907425, + 0.00991892721503973, + -0.11052762717008591, + 1.2854636907577515, + 0.005011934787034988, + -0.2163384109735489, + -0.010975758545100689, + 0.1086772084236145, + -0.11085856705904007, + 0.006870347075164318, + -0.1860405057668686, + 2.2218527793884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/100.png", + [ + 0.18780779838562012, + 0.010427105240523815, + -0.10755186527967453, + 1.2503435611724854, + 0.0058102174662053585, + -0.21632595360279083, + -0.010826864279806614, + 0.10705214738845825, + -0.10789982229471207, + 0.006500391289591789, + -0.18778516352176666, + 2.241715431213379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/40.png", + [ + 0.18539610505104065, + 0.0027122399769723415, + -0.11211075633764267, + 1.2950879335403442, + -0.002149770502001047, + -0.21648548543453217, + -0.008792374283075333, + 0.08642756938934326, + -0.11212295293807983, + 0.008635456673800945, + -0.18520736694335938, + 2.1932711601257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/141.png", + [ + 0.18371999263763428, + 0.006123756989836693, + -0.11470553278923035, + 1.3275104761123657, + -0.00545115303248167, + -0.21565796434879303, + -0.020244210958480835, + 0.21738608181476593, + -0.11473945528268814, + 0.020051004365086555, + -0.1827038824558258, + 2.171332359313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/52.png", + [ + 0.18337196111679077, + -0.0016043992945924401, + -0.11541248857975006, + 1.3060051202774048, + -0.010998768731951714, + -0.21591068804264069, + -0.014473815448582172, + 0.14308522641658783, + -0.11489839851856232, + 0.018107738345861435, + -0.18280689418315887, + 2.117236614227295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/184.png", + [ + 0.18861854076385498, + 0.01048571802675724, + -0.10611781477928162, + 1.1726469993591309, + -0.0035561206750571728, + -0.21488606929779053, + -0.027554135769605637, + 0.2953653037548065, + -0.10657531768083572, + 0.025727925822138786, + -0.18688946962356567, + 2.1305794715881348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/3.png", + [ + 0.18522198498249054, + 0.0035111247561872005, + -0.11237606406211853, + 1.2344328165054321, + -0.003018782241269946, + -0.21633556485176086, + -0.011734938248991966, + 0.11689336597919464, + -0.11239035427570343, + 0.011597147211432457, + -0.1848832219839096, + 2.1005020141601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/47.png", + [ + 0.1827831268310547, + 3.8621481508016586e-05, + -0.11635385453701019, + 1.3239939212799072, + -0.009722593240439892, + -0.21591177582740784, + -0.015345129184424877, + 0.15800733864307404, + -0.1159469410777092, + 0.018165908753871918, + -0.1821378618478775, + 2.1295571327209473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/104.png", + [ + 0.18618234992027283, + 0.007466713432222605, + -0.11058150231838226, + 1.2911001443862915, + 0.0016973790479823947, + -0.21634912490844727, + -0.01175056304782629, + 0.12118439376354218, + -0.11082031577825546, + 0.009230655618011951, + -0.18596114218235016, + 2.228217124938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/21.png", + [ + 0.17550303041934967, + 0.005434531252831221, + -0.12695293128490448, + 1.4737911224365234, + 0.0004877702158410102, + -0.21650360524654388, + -0.008593663573265076, + 0.08073656260967255, + -0.12706826627254486, + 0.0066749402321875095, + -0.17537672817707062, + 2.0923824310302734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/82.png", + [ + 0.1861390918493271, + 0.019148359075188637, + -0.10924042761325836, + 1.241726040840149, + 0.011247945949435234, + -0.21557965874671936, + -0.01862235739827156, + 0.19425396621227264, + -0.11033409833908081, + 0.010327091440558434, + -0.18619245290756226, + 2.1727681159973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/106.png", + [ + 0.18675640225410461, + 0.007342210505157709, + -0.10961765795946121, + 1.281347632408142, + 0.0009993936400860548, + -0.2162947952747345, + -0.01278479304164648, + 0.1340157389640808, + -0.10985872894525528, + 0.010513879358768463, + -0.1864628940820694, + 2.2365474700927734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/14.png", + [ + 0.18062810599803925, + -0.008632793091237545, + -0.11936018615961075, + 1.3676007986068726, + -0.012082090601325035, + -0.2163214236497879, + -0.0026382929645478725, + 0.007648635655641556, + -0.11906048655509949, + 0.008855077438056469, + -0.18081504106521606, + 2.1207237243652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/67.png", + [ + 0.18156595528125763, + 0.010357953608036041, + -0.11778968572616577, + 1.37455415725708, + 0.006060692947357893, + -0.21637322008609772, + -0.009684788063168526, + 0.09539687633514404, + -0.11808881908655167, + 0.0048207794316112995, + -0.1816031038761139, + 2.180542469024658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/78.png", + [ + 0.19208212196826935, + 0.018191006034612656, + -0.09859734773635864, + 1.1165016889572144, + 0.01638924889266491, + -0.2159091979265213, + -0.007906126789748669, + 0.07420705258846283, + -0.0989127978682518, + -0.00044911130680702627, + -0.192779541015625, + 2.253549575805664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/31.png", + [ + 0.1802326738834381, + 0.008983572013676167, + -0.1199306920170784, + 1.3904204368591309, + 0.003302286146208644, + -0.2163574993610382, + -0.011243854649364948, + 0.1074981540441513, + -0.1202213391661644, + 0.007524945307523012, + -0.1801057904958725, + 2.155163288116455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/152.png", + [ + 0.18557202816009521, + 0.011619688011705875, + -0.11124701052904129, + 1.2881391048431396, + -0.0010582520626485348, + -0.2153102606534958, + -0.024254314601421356, + 0.26036664843559265, + -0.11184719204902649, + 0.02131606452167034, + -0.1843467503786087, + 2.1872568130493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/39.png", + [ + 0.18367019295692444, + 0.00329130282625556, + -0.11490131169557571, + 1.330481767654419, + -0.0012437603436410427, + -0.21651621162891388, + -0.008190177381038666, + 0.07838544249534607, + -0.11494171619415283, + 0.007602188736200333, + -0.18351703882217407, + 2.181422233581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/92.png", + [ + 0.1884613186120987, + 0.010052294470369816, + -0.10643859207630157, + 1.2302242517471313, + 0.004373425152152777, + -0.21625903248786926, + -0.012680345214903355, + 0.13030070066452026, + -0.10682272166013718, + 0.00888084340840578, + -0.18830275535583496, + 2.2349915504455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/53.png", + [ + 0.18528077006340027, + -0.0021638290490955114, + -0.1123131737112999, + 1.2701858282089233, + -0.011049365624785423, + -0.21593496203422546, + -0.014067702926695347, + 0.13949905335903168, + -0.1117892861366272, + 0.017756875604391098, + -0.18475860357284546, + 2.139331817626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/75.png", + [ + 0.18966470658779144, + 0.016552334651350975, + -0.10344671458005905, + 1.2093342542648315, + 0.008964648470282555, + -0.21573257446289062, + -0.018082741647958755, + 0.1965370774269104, + -0.104378342628479, + 0.01154862530529499, + -0.18952488899230957, + 2.279448986053467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/151.png", + [ + 0.1848728507757187, + 0.011730839498341084, + -0.11239354312419891, + 1.3032376766204834, + -0.001293789129704237, + -0.21527016162872314, + -0.02459648810327053, + 0.26433926820755005, + -0.1129966676235199, + 0.02165752649307251, + -0.18360446393489838, + 2.1808700561523438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/87.png", + [ + 0.18665485084056854, + 0.014050823636353016, + -0.10913494229316711, + 1.2543936967849731, + 0.007021286059170961, + -0.2159837931394577, + -0.015798725187778473, + 0.16394779086112976, + -0.10981148481369019, + 0.010073358193039894, + -0.18651504814624786, + 2.2008423805236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/139.png", + [ + 0.1847900003194809, + 0.006533212028443813, + -0.11295071244239807, + 1.2967557907104492, + -0.003911328036338091, + -0.21581490337848663, + -0.018882030621170998, + 0.20091071724891663, + -0.11307186633348465, + 0.018142402172088623, + -0.18393884599208832, + 2.175692081451416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/107.png", + [ + 0.1844411939382553, + 0.005831667687743902, + -0.1135576069355011, + 1.3298671245574951, + -0.00021166967053432018, + -0.21637150645256042, + -0.011455397121608257, + 0.11840540170669556, + -0.1137070506811142, + 0.00986217800527811, + -0.1841774731874466, + 2.2130393981933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/112.png", + [ + 0.1854223757982254, + 0.008798990398645401, + -0.11175423115491867, + 1.3082536458969116, + 0.0014870043378323317, + -0.21618019044399261, + -0.014553755521774292, + 0.15172116458415985, + -0.11209022253751755, + 0.011687632650136948, + -0.18505965173244476, + 2.221902370452881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/69.png", + [ + 0.18251845240592957, + 0.010468835942447186, + -0.1162983700633049, + 1.3636029958724976, + 0.005147275049239397, + -0.21631361544132233, + -0.01139378733932972, + 0.11523754894733429, + -0.11665509641170502, + 0.006834934465587139, + -0.18246304988861084, + 2.202474594116211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/157.png", + [ + 0.188807874917984, + 0.021440019831061363, + -0.10411438345909119, + 1.2009105682373047, + 0.010038431733846664, + -0.2148694396018982, + -0.026043180376291275, + 0.2838118076324463, + -0.10582394897937775, + 0.01787017099559307, + -0.18822816014289856, + 2.2308974266052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/45.png", + [ + 0.1848311871290207, + 0.002175429603084922, + -0.11305127292871475, + 1.294036626815796, + -0.005977713968604803, + -0.21614359319210052, + -0.013932378962635994, + 0.14199784398078918, + -0.112914077937603, + 0.01500372402369976, + -0.1843181848526001, + 2.1677536964416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/50.png", + [ + 0.18400569260120392, + -0.001069271587766707, + -0.11440570652484894, + 1.291410207748413, + -0.011524955742061138, + -0.2157362997531891, + -0.016519948840141296, + 0.16826413571834564, + -0.11382874101400375, + 0.020114421844482422, + -0.18326571583747864, + 2.1212711334228516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/101.png", + [ + 0.18547186255455017, + 0.009700131602585316, + -0.1115974485874176, + 1.299737572669983, + 0.004338740836828947, + -0.21632082760334015, + -0.011591898277401924, + 0.11693021655082703, + -0.11193417012691498, + 0.007687926758080721, + -0.18536324799060822, + 2.2161874771118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/85.png", + [ + 0.18835480511188507, + 0.013900477439165115, + -0.10619384795427322, + 1.21449875831604, + 0.006887864787131548, + -0.21596932411193848, + -0.016052858904004097, + 0.16662278771400452, + -0.10687802731990814, + 0.010578923858702183, + -0.18818359076976776, + 2.2080235481262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/156.png", + [ + 0.18846306204795837, + 0.018431151285767555, + -0.1053084135055542, + 1.2128771543502808, + 0.007530814968049526, + -0.2151889055967331, + -0.024185141548514366, + 0.26227468252182007, + -0.10664359480142593, + 0.017376048490405083, + -0.18781137466430664, + 2.219357490539551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/181.png", + [ + 0.18613940477371216, + 0.012111331336200237, + -0.11024215817451477, + 1.2247271537780762, + -0.0007511410512961447, + -0.21523615717887878, + -0.024914363399147987, + 0.26500651240348816, + -0.11090290546417236, + 0.021785439923405647, + -0.1848616600036621, + 2.111818790435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/131.png", + [ + 0.18634949624538422, + 0.008860671892762184, + -0.11019638925790787, + 1.266152262687683, + -0.001071913749910891, + -0.21582259237766266, + -0.01916654221713543, + 0.2034941464662552, + -0.11054686456918716, + 0.017029203474521637, + -0.18557287752628326, + 2.192534923553467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/71.png", + [ + 0.18425385653972626, + 0.011852489784359932, + -0.11339277029037476, + 1.3391292095184326, + 0.005690982565283775, + -0.21618807315826416, + -0.013349892571568489, + 0.13994200527668, + -0.11386842280626297, + 0.008374092169106007, + -0.18415144085884094, + 2.2365942001342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/160.png", + [ + 0.1894335299730301, + 0.026335792616009712, + -0.10182955861091614, + 1.1877150535583496, + 0.014935056678950787, + -0.2143821269273758, + -0.027661152184009552, + 0.30624908208847046, + -0.10411424189805984, + 0.01716453768312931, + -0.18924455344676971, + 2.273247718811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/115.png", + [ + 0.1871991753578186, + 0.007966184988617897, + -0.10881594568490982, + 1.266697645187378, + 0.0006887839990667999, + -0.216178297996521, + -0.014641019515693188, + 0.15346157550811768, + -0.10910498350858688, + 0.012303406372666359, + -0.1867956668138504, + 2.231971263885498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/54.png", + [ + 0.1848408728837967, + -0.0023558535613119602, + -0.11303180456161499, + 1.2792993783950806, + -0.01144731417298317, + -0.21590426564216614, + -0.014219828881323338, + 0.14209376275539398, + -0.11247532069683075, + 0.018102334812283516, + -0.18430817127227783, + 2.1328020095825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/33.png", + [ + 0.18091417849063873, + 0.009593214839696884, + -0.11885253340005875, + 1.3806012868881226, + 0.006529056467115879, + -0.21644523739814758, + -0.007532078307121992, + 0.06210099533200264, + -0.11906018853187561, + 0.0027075849939137697, + -0.18101170659065247, + 2.1702628135681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/159.png", + [ + 0.18979232013225555, + 0.02587852068245411, + -0.10127721726894379, + 1.1751854419708252, + 0.014721271581947803, + -0.21445460617542267, + -0.027210306376218796, + 0.3006399869918823, + -0.10348939895629883, + 0.016953427344560623, + -0.1896059513092041, + 2.2685933113098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/177.png", + [ + 0.18427249789237976, + 0.01234398502856493, + -0.11331009119749069, + 1.2755537033081055, + 0.0003474207187537104, + -0.21546006202697754, + -0.02290719375014305, + 0.24117687344551086, + -0.11397994309663773, + 0.019299902021884918, + -0.18325933814048767, + 2.11575984954834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/49.png", + [ + 0.18346019089221954, + -0.00045864368439652026, + -0.11528243869543076, + 1.3035016059875488, + -0.010324876755475998, + -0.2158675491809845, + -0.015572169795632362, + 0.15891307592391968, + -0.11482004821300507, + 0.018678469583392143, + -0.18279868364334106, + 2.1209330558776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/118.png", + [ + 0.18815156817436218, + 0.010536745190620422, + -0.10693857818841934, + 1.2434289455413818, + 0.0035307672806084156, + -0.21612024307250977, + -0.0150823425501585, + 0.1580253541469574, + -0.10739839822053909, + 0.011354312300682068, + -0.18784183263778687, + 2.240356922149658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/179.png", + [ + 0.18480746448040009, + 0.01238449290394783, + -0.11243095248937607, + 1.2580198049545288, + -0.001399233122356236, + -0.21510517597198486, + -0.02599423937499523, + 0.2759421765804291, + -0.11310232430696487, + 0.02289722114801407, + -0.1833888590335846, + 2.106806755065918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/110.png", + [ + 0.1849401742219925, + 0.00758123816922307, + -0.11263900250196457, + 1.3215773105621338, + 0.001806782092899084, + -0.2163565754890442, + -0.011595488525927067, + 0.11822167038917542, + -0.11287938803434372, + 0.00895793829113245, + -0.18473194539546967, + 2.223881244659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/18.png", + [ + 0.17909453809261322, + -0.0007179439999163151, + -0.12195294350385666, + 1.4098197221755981, + -0.0037983155343681574, + -0.21659860014915466, + -0.00430290587246418, + 0.026366285979747772, + -0.12189588695764542, + 0.005694450810551643, + -0.17904429137706757, + 2.124631881713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/66.png", + [ + 0.1823841780424118, + 0.009127337485551834, + -0.11662159860134125, + 1.3549538850784302, + 0.00429578498005867, + -0.2163909524679184, + -0.01021757535636425, + 0.10106150805950165, + -0.11689932644367218, + 0.006288429256528616, + -0.18232636153697968, + 2.180899143218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/16.png", + [ + 0.17795835435390472, + -0.005863557104021311, + -0.12346794456243515, + 1.4267526865005493, + -0.008080048486590385, + -0.21651963889598846, + -0.001363405492156744, + -0.008747627958655357, + -0.12334273010492325, + 0.00572405057027936, + -0.178049698472023, + 2.1067872047424316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/94.png", + [ + 0.18737415969371796, + 0.009262972511351109, + -0.10841132700443268, + 1.2573261260986328, + 0.0037989048287272453, + -0.21631333231925964, + -0.011916538700461388, + 0.12139488756656647, + -0.10873999446630478, + 0.008404339663684368, + -0.1872241348028183, + 2.229912281036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/28.png", + [ + 0.18146376311779022, + 0.011685599572956562, + -0.11782293766736984, + 1.36762535572052, + 0.0032369461841881275, + -0.21602578461170197, + -0.01643994264304638, + 0.1684824377298355, + -0.11835675686597824, + 0.012008177116513252, + -0.1810949444770813, + 2.163090229034424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/61.png", + [ + 0.18515107035636902, + 0.004504114389419556, + -0.1124575138092041, + 1.2914257049560547, + -0.004586197901517153, + -0.21601928770542145, + -0.016202697530388832, + 0.17033615708351135, + -0.11245418339967728, + 0.01622570864856243, + -0.1844957321882248, + 2.179429531097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/132.png", + [ + 0.18569013476371765, + 0.00767260929569602, + -0.111392080783844, + 1.2812609672546387, + -0.002149697160348296, + -0.2158767282962799, + -0.018452977761626244, + 0.19676120579242706, + -0.11163529753684998, + 0.01691935770213604, + -0.184930220246315, + 2.1869101524353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/58.png", + [ + 0.18476952612400055, + 0.0021240964997559786, + -0.11315298080444336, + 1.291271686553955, + -0.00826594140380621, + -0.2158045768737793, + -0.01754866912961006, + 0.18454962968826294, + -0.11287064105272293, + 0.019281333312392235, + -0.18394656479358673, + 2.1554713249206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/123.png", + [ + 0.18775081634521484, + 0.009947090409696102, + -0.10769673436880112, + 1.2437304258346558, + 0.0003198941994924098, + -0.21580643951892853, + -0.01937464252114296, + 0.2076999992132187, + -0.10815466940402985, + 0.016629327088594437, + -0.1870131939649582, + 2.21803617477417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/64.png", + [ + 0.18125325441360474, + 0.007431000005453825, + -0.11849021166563034, + 1.3686631917953491, + 0.002550553996115923, + -0.21644359827041626, + -0.009672497399151325, + 0.0942198783159256, + -0.11869559437036514, + 0.006696475204080343, + -0.1811474710702896, + 2.1536784172058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/10.png", + [ + 0.18483206629753113, + -0.005205291323363781, + -0.112950898706913, + 1.2702099084854126, + -0.011055572889745235, + -0.2162397801876068, + -0.008125949651002884, + 0.07399675250053406, + -0.11252900958061218, + 0.01269494742155075, + -0.18472671508789062, + 2.1307287216186523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/170.png", + [ + 0.19008609652519226, + 0.013969711028039455, + -0.10305347293615341, + 1.1948328018188477, + 0.003524906700477004, + -0.21545296907424927, + -0.02270451746881008, + 0.24758031964302063, + -0.10393626987934113, + 0.01824191026389599, + -0.18924158811569214, + 2.2524843215942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/41.png", + [ + 0.18445642292499542, + 0.0017147897742688656, + -0.11366961151361465, + 1.311848521232605, + -0.005114658735692501, + -0.21630540490150452, + -0.011562895961105824, + 0.11796346306800842, + -0.11356741935014725, + 0.01252676360309124, + -0.1841016411781311, + 2.17919921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/166.png", + [ + 0.18871071934700012, + 0.016384528949856758, + -0.10520313680171967, + 1.2421329021453857, + 0.005898734554648399, + -0.21537375450134277, + -0.022961704060435295, + 0.25180119276046753, + -0.10630784928798676, + 0.01713423803448677, + -0.18802380561828613, + 2.276796817779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/91.png", + [ + 0.18650488555431366, + 0.009966091252863407, + -0.10983855277299881, + 1.273438572883606, + 0.004217799287289381, + -0.21627485752105713, + -0.01246169675141573, + 0.1289423555135727, + -0.11020907759666443, + 0.008588407188653946, + -0.18635477125644684, + 2.213852882385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/140.png", + [ + 0.184070885181427, + 0.006862889509648085, + -0.11409951001405716, + 1.3153809309005737, + -0.004150817170739174, + -0.21573977172374725, + -0.01967267505824566, + 0.20992563664913177, + -0.11423033475875854, + 0.01889825612306595, + -0.18314525485038757, + 2.171351909637451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/23.png", + [ + 0.1778096854686737, + 0.010637698695063591, + -0.12336308509111404, + 1.4343253374099731, + 0.004135582130402327, + -0.2162633091211319, + -0.012687726877629757, + 0.12781305611133575, + -0.12375181168317795, + 0.008057346567511559, + -0.17767515778541565, + 2.1236844062805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/37.png", + [ + 0.1835096925497055, + 0.00576945673674345, + -0.1150599867105484, + 1.3345434665679932, + 0.0007207354647107422, + -0.21645599603652954, + -0.009704259224236012, + 0.09385612607002258, + -0.11520229279994965, + 0.007836163975298405, + -0.18334373831748962, + 2.1881470680236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/178.png", + [ + 0.18459169566631317, + 0.013602333143353462, + -0.11264446377754211, + 1.2648258209228516, + 4.500688737607561e-05, + -0.21512071788311005, + -0.025903059169650078, + 0.27433207631111145, + -0.11346273869276047, + 0.02204420603811741, + -0.18327069282531738, + 2.1102514266967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/36.png", + [ + 0.18325218558311462, + 0.005861912854015827, + -0.11546501517295837, + 1.3404501676559448, + 0.0014470930909737945, + -0.21649527549743652, + -0.00869434978812933, + 0.08008843660354614, + -0.11560466140508652, + 0.006582080852240324, + -0.1831396520137787, + 2.188784122467041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/182.png", + [ + 0.18582312762737274, + 0.01276877336204052, + -0.1107005700469017, + 1.226286768913269, + -0.0011304626241326332, + -0.21502040326595306, + -0.026699168607592583, + 0.2852742671966553, + -0.11142881214618683, + 0.02347513660788536, + -0.1843378096818924, + 2.103332042694092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/8.png", + [ + 0.18369007110595703, + 0.0003276743518654257, + -0.11491622775793076, + 1.287084937095642, + -0.007088528014719486, + -0.21622881293296814, + -0.011947354301810265, + 0.11916141211986542, + -0.11469786614179611, + 0.013888094574213028, + -0.1833014190196991, + 2.1086864471435547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/6.png", + [ + 0.18380773067474365, + 0.004302891902625561, + -0.11464772373437881, + 1.2759418487548828, + -0.006162464153021574, + -0.21583934128284454, + -0.017980659380555153, + 0.18797555565834045, + -0.11456282436847687, + 0.01851392164826393, + -0.18297676742076874, + 2.09952449798584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/169.png", + [ + 0.18937605619430542, + 0.013738540932536125, + -0.1043832078576088, + 1.2170981168746948, + 0.0033397749066352844, + -0.21549774706363678, + -0.022303884848952293, + 0.24207189679145813, + -0.10523045063018799, + 0.017884908244013786, + -0.18855920433998108, + 2.258965015411377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/154.png", + [ + 0.1879585236310959, + 0.01384898740798235, + -0.10690039396286011, + 1.2321560382843018, + 0.0018933891551569104, + -0.21526996791362762, + -0.02455923520028591, + 0.2647075057029724, + -0.10777711123228073, + 0.020370235666632652, + -0.1868610382080078, + 2.2074875831604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/20.png", + [ + 0.17626072466373444, + 0.0033138603903353214, + -0.12597250938415527, + 1.460011601448059, + -0.0015935498522594571, + -0.21652376651763916, + -0.007925618439912796, + 0.07189831137657166, + -0.12600602209568024, + 0.007373814936727285, + -0.17611365020275116, + 2.095709800720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/2.png", + [ + 0.1874774545431137, + 0.0029995960649102926, + -0.10858680307865143, + 1.1852715015411377, + -0.0016277733957394958, + -0.21649011969566345, + -0.008790697902441025, + 0.08435648679733276, + -0.10861603170633316, + 0.008421902544796467, + -0.18729528784751892, + 2.1183390617370605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/117.png", + [ + 0.18888287246227264, + 0.009101267904043198, + -0.1057748794555664, + 1.2308436632156372, + 0.001764024025760591, + -0.21611623466014862, + -0.015445422381162643, + 0.16207991540431976, + -0.10615105926990509, + 0.01260316651314497, + -0.18847018480300903, + 2.2475099563598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/149.png", + [ + 0.18346327543258667, + 0.011634071357548237, + -0.1146899163722992, + 1.3308299779891968, + -0.001955093815922737, + -0.21522337198257446, + -0.02495957911014557, + 0.26958492398262024, + -0.11526188999414444, + 0.022168701514601707, + -0.18212945759296417, + 2.1638588905334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/161.png", + [ + 0.1907980591058731, + 0.024375319480895996, + -0.09974890202283859, + 1.1667746305465698, + 0.01364037673920393, + -0.21463245153427124, + -0.02635796181857586, + 0.2908692955970764, + -0.10177396237850189, + 0.01693061739206314, + -0.19053427875041962, + 2.292628765106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/5.png", + [ + 0.18350011110305786, + 0.00394422048702836, + -0.1151522547006607, + 1.2773562669754028, + -0.005722595378756523, + -0.21596841514110565, + -0.01651660166680813, + 0.17250165343284607, + -0.11507758498191833, + 0.01702907495200634, + -0.18279783427715302, + 2.0926027297973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/108.png", + [ + 0.18473243713378906, + 0.006521113682538271, + -0.11304555833339691, + 1.3244624137878418, + 0.0003558358584996313, + -0.21634739637374878, + -0.011898668482899666, + 0.12199971079826355, + -0.11323293298482895, + 0.009958915412425995, + -0.18446414172649384, + 2.21710205078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/60.png", + [ + 0.18449075520038605, + 0.003677603555843234, + -0.1135672777891159, + 1.3015540838241577, + -0.0054537225514650345, + -0.21602492034435272, + -0.015855057165026665, + 0.16569094359874725, + -0.113495834171772, + 0.016358518972992897, + -0.18384499847888947, + 2.167522430419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/56.png", + [ + 0.18515394628047943, + -0.0008378587663173676, + -0.11253980547189713, + 1.277282476425171, + -0.010734997689723969, + -0.21581217646598816, + -0.016054825857281685, + 0.16660639643669128, + -0.1120297759771347, + 0.019294962286949158, + -0.18445847928524017, + 2.1455278396606445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/147.png", + [ + 0.1823921948671341, + 0.008998256176710129, + -0.11661910265684128, + 1.3534443378448486, + -0.004600993357598782, + -0.21531334519386292, + -0.023809388279914856, + 0.25808024406433105, + -0.11687520891427994, + 0.02251860685646534, + -0.1810552179813385, + 2.148256301879883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/30.png", + [ + 0.18161050975322723, + 0.009273933246731758, + -0.11781135201454163, + 1.3641259670257568, + 0.002421723213046789, + -0.2162531167268753, + -0.013289947994053364, + 0.13239657878875732, + -0.1181509867310524, + 0.009822506457567215, + -0.1813608556985855, + 2.167837142944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/17.png", + [ + 0.17864812910556793, + -0.004095893353223801, + -0.12253963947296143, + 1.4173661470413208, + -0.006638778373599052, + -0.21655914187431335, + -0.0024400444235652685, + 0.0039732977747917175, + -0.12242820113897324, + 0.005766355432569981, + -0.17867842316627502, + 2.1180992126464844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/12.png", + [ + 0.18336611986160278, + -0.008202111348509789, + -0.1151411384344101, + 1.306587815284729, + -0.013145692646503448, + -0.2162046879529953, + -0.005533555056899786, + 0.04454922303557396, + -0.11468193680047989, + 0.01166854053735733, + -0.18346604704856873, + 2.1319804191589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/114.png", + [ + 0.18717636168003082, + 0.007664631120860577, + -0.10887683928012848, + 1.2684167623519897, + 0.00010111464507644996, + -0.21615183353424072, + -0.015042664483189583, + 0.15839724242687225, + -0.10914625227451324, + 0.012943933717906475, + -0.18672826886177063, + 2.233063220977783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/27.png", + [ + 0.1811022162437439, + 0.012515074573457241, + -0.11829306185245514, + 1.375330924987793, + 0.005190036725252867, + -0.21609823405742645, + -0.014916842803359032, + 0.1500954031944275, + -0.11883997917175293, + 0.009634393267333508, + -0.18092022836208344, + 2.162956714630127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/42.png", + [ + 0.18365617096424103, + 0.0018509920919314027, + -0.11495596170425415, + 1.325071096420288, + -0.005374914035201073, + -0.21627143025398254, + -0.012069428339600563, + 0.1234632134437561, + -0.1148451641201973, + 0.013081843964755535, + -0.18326851725578308, + 2.1672778129577637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/174.png", + [ + 0.1876467615365982, + 0.01238593365997076, + -0.10762515664100647, + 1.2238500118255615, + 0.0022752159275114536, + -0.21565696597099304, + -0.020851779729127884, + 0.2196793258190155, + -0.10831163078546524, + 0.016928141936659813, + -0.1868954747915268, + 2.180860996246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/7.png", + [ + 0.18358024954795837, + 0.0026786080561578274, + -0.11506088823080063, + 1.286387324333191, + -0.005950674414634705, + -0.21610532701015472, + -0.014525247737765312, + 0.14897991716861725, + -0.11493813246488571, + 0.015466687269508839, + -0.1830243170261383, + 2.1037135124206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/73.png", + [ + 0.18764589726924896, + 0.012564601376652718, + -0.1076059490442276, + 1.2687076330184937, + 0.00572586664929986, + -0.21606189012527466, + -0.01524354424327612, + 0.16436423361301422, + -0.10818561166524887, + 0.010357702150940895, + -0.18744727969169617, + 2.2726998329162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/120.png", + [ + 0.18798239529132843, + 0.009417549706995487, + -0.10733974725008011, + 1.2447540760040283, + 0.00048126172623597085, + -0.2159167230129242, + -0.01810082234442234, + 0.19300056993961334, + -0.10775101184844971, + 0.01546548306941986, + -0.18734575808048248, + 2.230048179626465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/46.png", + [ + 0.1835009902715683, + 0.0037747621536254883, + -0.11515657603740692, + 1.3148874044418335, + -0.0052565159276127815, + -0.21605853736400604, + -0.015458477661013603, + 0.15814881026744843, + -0.11509846150875092, + 0.015885422006249428, + -0.18288764357566833, + 2.1444411277770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/127.png", + [ + 0.18635603785514832, + 0.007886286824941635, + -0.11025936901569366, + 1.2711542844772339, + -0.002452009590342641, + -0.21577443182468414, + -0.019577525556087494, + 0.20932918787002563, + -0.1105138435959816, + 0.018085861578583717, + -0.18549256026744843, + 2.196335792541504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/133.png", + [ + 0.18849937617778778, + 0.007412097882479429, + -0.106587715446949, + 1.2213579416275024, + -0.0017348284600302577, + -0.21591180562973022, + -0.0180825088173151, + 0.19125933945178986, + -0.10683102905750275, + 0.01658456027507782, + -0.18777640163898468, + 2.213067054748535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/57.png", + [ + 0.18415246903896332, + 3.872016168315895e-05, + -0.1141742691397667, + 1.2986174821853638, + -0.010269388556480408, + -0.2157907485961914, + -0.016636747866868973, + 0.17386221885681152, + -0.11371148377656937, + 0.01955096423625946, + -0.18339942395687103, + 2.1403117179870605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/44.png", + [ + 0.18283972144126892, + 0.000802071182988584, + -0.11626214534044266, + 1.3361907005310059, + -0.005838656798005104, + -0.21633276343345642, + -0.010674607940018177, + 0.10497765243053436, + -0.11611821502447128, + 0.012140586972236633, + -0.18252962827682495, + 2.1572561264038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/113.png", + [ + 0.18630683422088623, + 0.008600804954767227, + -0.11028911918401718, + 1.2879127264022827, + 0.0004267954209353775, + -0.21607305109500885, + -0.016129309311509132, + 0.17156969010829926, + -0.11062315106391907, + 0.01365148089826107, + -0.1858064830303192, + 2.2266087532043457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/126.png", + [ + 0.18740518391132355, + 0.007909885607659817, + -0.10846483707427979, + 1.2489243745803833, + -0.002643800340592861, + -0.21570554375648499, + -0.02029844932258129, + 0.2188037931919098, + -0.10872072726488113, + 0.01887989602982998, + -0.18647049367427826, + 2.206773281097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/29.png", + [ + 0.18096420168876648, + 0.01025571022182703, + -0.11872100830078125, + 1.3754507303237915, + 0.0019792886450886726, + -0.2160995900630951, + -0.015650762245059013, + 0.15914995968341827, + -0.11914671212434769, + 0.011986840516328812, + -0.1805776059627533, + 2.1558966636657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/4.png", + [ + 0.18407955765724182, + 0.003624760778620839, + -0.11423427611589432, + 1.2607539892196655, + -0.004285973962396383, + -0.21619437634944916, + -0.013766559772193432, + 0.1404218226671219, + -0.11421140283346176, + 0.013955245725810528, + -0.18359985947608948, + 2.093669891357422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/55.png", + [ + 0.18600882589817047, + -0.0013168317964300513, + -0.11111650615930557, + 1.2576963901519775, + -0.01132961269468069, + -0.2157551646232605, + -0.016408858820796013, + 0.16841644048690796, + -0.11054523289203644, + 0.019896652549505234, + -0.18528832495212555, + 2.1480584144592285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/9.png", + [ + 0.18421728909015656, + -0.00360620254650712, + -0.11401263624429703, + 1.2788978815078735, + -0.009797055274248123, + -0.21626628935337067, + -0.008989240974187851, + 0.08441761136054993, + -0.11364815384149551, + 0.01279781386256218, + -0.18403317034244537, + 2.1181387901306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/25.png", + [ + 0.17937417328357697, + 0.011301683261990547, + -0.12101682275533676, + 1.410309076309204, + 0.003977919463068247, + -0.21616621315479279, + -0.014291447587311268, + 0.14159658551216125, + -0.12147829681634903, + 0.009609437547624111, + -0.17916077375411987, + 2.1445279121398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/99.png", + [ + 0.18655729293823242, + 0.009172488935291767, + -0.10981865972280502, + 1.2785505056381226, + 0.004819161258637905, + -0.21639525890350342, + -0.00988751370459795, + 0.09676411747932434, + -0.11009562015533447, + 0.00607064226642251, + -0.1865207701921463, + 2.230642318725586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/34.png", + [ + 0.18195216357707977, + 0.008305099792778492, + -0.117355577647686, + 1.361353874206543, + 0.004101694095879793, + -0.216450497508049, + -0.008958510123193264, + 0.08129885792732239, + -0.11757755279541016, + 0.005301329772919416, + -0.18192116916179657, + 2.1774377822875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/72.png", + [ + 0.185945525765419, + 0.012420409359037876, + -0.11053457856178284, + 1.306193470954895, + 0.005251459311693907, + -0.21605971455574036, + -0.015443718060851097, + 0.16522863507270813, + -0.11110617965459824, + 0.010574485175311565, + -0.185718834400177, + 2.2561116218566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/102.png", + [ + 0.1864331215620041, + 0.009271323680877686, + -0.11002100259065628, + 1.2823898792266846, + 0.003721017623320222, + -0.21631433069705963, + -0.0119231678545475, + 0.12115128338336945, + -0.11034823209047318, + 0.00836961716413498, + -0.18628235161304474, + 2.228487014770508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/134.png", + [ + 0.18742775917053223, + 0.007009079679846764, + -0.1084877997636795, + 1.2430951595306396, + -0.0021735173650085926, + -0.2159390151500702, + -0.017706241458654404, + 0.1873244345188141, + -0.10869225114583969, + 0.016404513269662857, + -0.18672113120555878, + 2.200202465057373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/70.png", + [ + 0.1832769364118576, + 0.011211086995899677, + -0.11502943187952042, + 1.3548837900161743, + 0.005439938046038151, + -0.21625059843063354, + -0.012408902868628502, + 0.12816990911960602, + -0.11544636636972427, + 0.007608239538967609, + -0.18319973349571228, + 2.2201457023620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/135.png", + [ + 0.1872003972530365, + 0.007174219936132431, + -0.10886889696121216, + 1.2461000680923462, + -0.0024244042579084635, + -0.21587879955768585, + -0.01839470863342285, + 0.19574101269245148, + -0.10907807946205139, + 0.017110630869865417, + -0.18643254041671753, + 2.196211338043213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/130.png", + [ + 0.18544961512088776, + 0.007698494475334883, + -0.11179029941558838, + 1.2884776592254639, + -0.002439660020172596, + -0.21583403646945953, + -0.018910685554146767, + 0.20095951855182648, + -0.11202849447727203, + 0.017444174736738205, + -0.1846434623003006, + 2.1871509552001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/90.png", + [ + 0.18654079735279083, + 0.010420207865536213, + -0.10973533242940903, + 1.270086407661438, + 0.004354773089289665, + -0.21623258292675018, + -0.0131301861256361, + 0.13543716073036194, + -0.11014290899038315, + 0.00909863319247961, + -0.1863696575164795, + 2.2102761268615723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/122.png", + [ + 0.1878064125776291, + 0.009346652776002884, + -0.10765354335308075, + 1.2467377185821533, + -1.982010689971503e-05, + -0.21585959196090698, + -0.018775852397084236, + 0.20162124931812286, + -0.10805852711200714, + 0.016284137964248657, + -0.1870991289615631, + 2.223367691040039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/15.png", + [ + 0.17942969501018524, + -0.007021788507699966, + -0.12125829607248306, + 1.3958313465118408, + -0.009716270491480827, + -0.2164488136768341, + -0.0018434170633554459, + -0.0026712026447057724, + -0.1210721880197525, + 0.00696409260854125, + -0.17955757677555084, + 2.115062713623047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/162.png", + [ + 0.19077420234680176, + 0.022741666063666344, + -0.10017938166856766, + 1.1770695447921753, + 0.012346744537353516, + -0.2148427963256836, + -0.025259124115109444, + 0.27950066328048706, + -0.10198357701301575, + 0.016531240195035934, + -0.19045725464820862, + 2.297928810119629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/22.png", + [ + 0.17643572390079498, + 0.007610332686454058, + -0.12554046511650085, + 1.4578795433044434, + 0.0018568984232842922, + -0.21641166508197784, + -0.010509289801120758, + 0.10349485278129578, + -0.12575723230838776, + 0.007481719367206097, + -0.17628678679466248, + 2.1061439514160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/171.png", + [ + 0.18824630975723267, + 0.012814834713935852, + -0.10652228444814682, + 1.231152057647705, + 0.002665764419361949, + -0.21561574935913086, + -0.021228045225143433, + 0.22824102640151978, + -0.10725720971822739, + 0.017132315784692764, + -0.1874840408563614, + 2.224307060241699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/138.png", + [ + 0.18525968492031097, + 0.006260583642870188, + -0.11219421774148941, + 1.284846544265747, + -0.0037589045241475105, + -0.21587173640727997, + -0.01825278252363205, + 0.19399097561836243, + -0.11230587959289551, + 0.017552737146615982, + -0.18446458876132965, + 2.177285671234131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/109.png", + [ + 0.18463648855686188, + 0.006989376153796911, + -0.11317422240972519, + 1.3287584781646729, + -3.5382425267016515e-05, + -0.21625903248786926, + -0.013413378968834877, + 0.13949455320835114, + -0.11338984966278076, + 0.011448519304394722, + -0.18428121507167816, + 2.219390392303467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/26.png", + [ + 0.18010859191417694, + 0.011131949722766876, + -0.11993693560361862, + 1.3971508741378784, + 0.004569551907479763, + -0.21622349321842194, + -0.013206721283495426, + 0.12960952520370483, + -0.12036570906639099, + 0.008448549546301365, + -0.17996835708618164, + 2.1537084579467773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/43.png", + [ + 0.184622660279274, + 0.0018429233459755778, + -0.11339735984802246, + 1.304099678993225, + -0.004628847353160381, + -0.21634307503700256, + -0.01105223223567009, + 0.11073625087738037, + -0.11331783980131149, + 0.011839834973216057, + -0.18430078029632568, + 2.1768269538879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/84.png", + [ + 0.18692220747470856, + 0.015735290944576263, + -0.10844530165195465, + 1.237366795539856, + 0.00871940515935421, + -0.2158849835395813, + -0.016295431181788445, + 0.17045360803604126, + -0.10923349857330322, + 0.009693796746432781, + -0.18687421083450317, + 2.1887030601501465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/136.png", + [ + 0.18704883754253387, + 0.007067146711051464, + -0.10913605242967606, + 1.2469573020935059, + -0.0018174125580117106, + -0.2159910500049591, + -0.017101455479860306, + 0.1807716339826584, + -0.10934953391551971, + 0.015678590163588524, + -0.1863994598388672, + 2.194972515106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/89.png", + [ + 0.18810614943504333, + 0.012456104159355164, + -0.10681208223104477, + 1.2321118116378784, + 0.00626288540661335, + -0.21611982583999634, + -0.014173712581396103, + 0.14657893776893616, + -0.10735340416431427, + 0.00921755749732256, + -0.18798451125621796, + 2.2255892753601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/63.png", + [ + 0.18342503905296326, + 0.00537897227331996, + -0.11521376669406891, + 1.3274774551391602, + -0.001072829240001738, + -0.21634992957115173, + -0.011808697134256363, + 0.11806896328926086, + -0.11533425748348236, + 0.010567068122327328, + -0.18312355875968933, + 2.171172618865967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/88.png", + [ + 0.18782097101211548, + 0.013391641899943352, + -0.1072000116109848, + 1.234214186668396, + 0.006738589610904455, + -0.2160370647907257, + -0.015181363560259342, + 0.15768711268901825, + -0.10782287269830704, + 0.00982580054551363, + -0.1876847892999649, + 2.2168526649475098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/62.png", + [ + 0.18532435595989227, + 0.004904179368168116, + -0.11215491592884064, + 1.288657546043396, + -0.0030124043114483356, + -0.21617257595062256, + -0.014430229552090168, + 0.14875951409339905, + -0.11222165822982788, + 0.013901623897254467, + -0.1848267763853073, + 2.187901020050049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/65.png", + [ + 0.18220244348049164, + 0.00809094775468111, + -0.1169816330075264, + 1.3547016382217407, + 0.003863709280267358, + -0.21645508706569672, + -0.008953111246228218, + 0.08546110987663269, + -0.1171974465250969, + 0.0054427022114396095, + -0.1821621060371399, + 2.171359062194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/80.png", + [ + 0.18828725814819336, + 0.019916055724024773, + -0.10535251349210739, + 1.1954011917114258, + 0.013831336982548237, + -0.21563661098480225, + -0.016044864431023598, + 0.16524596512317657, + -0.10632259398698807, + 0.00721763027831912, + -0.18865658342838287, + 2.2027058601379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/146.png", + [ + 0.17995059490203857, + 0.007932636886835098, + -0.12042736262083054, + 1.396540641784668, + -0.0033491498325020075, + -0.21579459309577942, + -0.01921907067298889, + 0.2046915739774704, + -0.12064186483621597, + 0.017823096364736557, + -0.17909710109233856, + 2.122422218322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/119.png", + [ + 0.18831709027290344, + 0.009297377429902554, + -0.10676199942827225, + 1.2390190362930298, + 0.0009228334529325366, + -0.2159903645515442, + -0.0171817559748888, + 0.1817791610956192, + -0.10716209560632706, + 0.014478368684649467, + -0.18776196241378784, + 2.2345032691955566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/180.png", + [ + 0.18617288768291473, + 0.013159557245671749, + -0.11006531864404678, + 1.2263225317001343, + -0.000702841323800385, + -0.21499791741371155, + -0.02689427323639393, + 0.2860477566719055, + -0.11084700375795364, + 0.023465335369110107, + -0.1846895068883896, + 2.1149282455444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/145.png", + [ + 0.1807214468717575, + 0.006988046690821648, + -0.11932653933763504, + 1.378004550933838, + -0.003194450866430998, + -0.21594442427158356, + -0.017484255135059357, + 0.18539054691791534, + -0.11948828399181366, + 0.01634230464696884, + -0.1800093650817871, + 2.1294684410095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/167.png", + [ + 0.18908195197582245, + 0.015472867526113987, + -0.10467328876256943, + 1.2309269905090332, + 0.005157844629138708, + -0.21543845534324646, + -0.022529106587171555, + 0.24675163626670837, + -0.10568492859601974, + 0.017168410122394562, + -0.18837152421474457, + 2.2734761238098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/79.png", + [ + 0.18846085667610168, + 0.019666137173771858, + -0.10508876293897629, + 1.1927621364593506, + 0.015211599878966808, + -0.2157430201768875, + -0.013094079680740833, + 0.13266301155090332, + -0.10582538694143295, + 0.00401133019477129, + -0.1890311986207962, + 2.211519718170166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/176.png", + [ + 0.18567098677158356, + 0.013068891130387783, + -0.11092063039541245, + 1.2521419525146484, + 0.002184114418923855, + -0.2155698835849762, + -0.021742869168519974, + 0.2284875512123108, + -0.11166651546955109, + 0.017513617873191833, + -0.18485605716705322, + 2.1389880180358887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/165.png", + [ + 0.18972282111644745, + 0.01892029494047165, + -0.10293285548686981, + 1.2177454233169556, + 0.008757864125072956, + -0.2152271717786789, + -0.023419104516506195, + 0.25808119773864746, + -0.10429022461175919, + 0.01634555123746395, + -0.18922016024589539, + 2.29530668258667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/116.png", + [ + 0.18848556280136108, + 0.008233048021793365, + -0.10655190050601959, + 1.2403584718704224, + 0.0010852557606995106, + -0.21616701781749725, + -0.014783014543354511, + 0.15558657050132751, + -0.10686399787664413, + 0.012326079420745373, + -0.18808522820472717, + 2.244157314300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/19.png", + [ + 0.17634759843349457, + 0.0006268341094255447, + -0.12589292228221893, + 1.4559986591339111, + -0.004541670437902212, + -0.2164992392063141, + -0.00743982894346118, + 0.06515267491340637, + -0.12581254541873932, + 0.008693958632647991, + -0.17619168758392334, + 2.0947718620300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/77.png", + [ + 0.19510570168495178, + 0.017915120348334312, + -0.09252411872148514, + 1.0550501346588135, + 0.013984168879687786, + -0.2158721685409546, + -0.012310141697525978, + 0.13021951913833618, + -0.09319928288459778, + 0.005113223101943731, + -0.19553935527801514, + 2.3020596504211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/68.png", + [ + 0.1819685399532318, + 0.010180686600506306, + -0.11718229204416275, + 1.3730498552322388, + 0.00559060275554657, + -0.21636612713336945, + -0.010116219520568848, + 0.10028809309005737, + -0.11749076098203659, + 0.005472327116876841, + -0.18197214603424072, + 2.192347526550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/143.png", + [ + 0.1877584308385849, + 0.005333858076483011, + -0.10801027715206146, + 1.243537187576294, + -0.003817796939983964, + -0.21594905853271484, + -0.017300806939601898, + 0.1858493685722351, + -0.10807449370622635, + 0.016895070672035217, + -0.1870356947183609, + 2.213151454925537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/183.png", + [ + 0.18667764961719513, + 0.012603404931724072, + -0.10927259176969528, + 1.207387089729309, + -0.0016604940174147487, + -0.21490022540092468, + -0.027623137459158897, + 0.2955564856529236, + -0.10998449474573135, + 0.024636337533593178, + -0.1850523054599762, + 2.1085400581359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/86.png", + [ + 0.18798261880874634, + 0.013898171484470367, + -0.10685162991285324, + 1.2271603345870972, + 0.0072737266309559345, + -0.21601134538650513, + -0.015299991704523563, + 0.15899716317653656, + -0.1075059249997139, + 0.009686981327831745, + -0.1878737211227417, + 2.2122573852539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/1.png", + [ + 0.18742819130420685, + 0.002206479897722602, + -0.10869086533784866, + 1.184419870376587, + -0.002539788605645299, + -0.2164819985628128, + -0.0087743466719985, + 0.0843467116355896, + -0.10868357867002487, + 0.00886403676122427, + -0.18723568320274353, + 2.1159286499023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/81.png", + [ + 0.1867058426141739, + 0.019826525822281837, + -0.1081468015909195, + 1.2277369499206543, + 0.013025986962020397, + -0.21561047434806824, + -0.017039598897099495, + 0.17576509714126587, + -0.10917484760284424, + 0.008181271143257618, + -0.18698079884052277, + 2.182152271270752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/95.png", + [ + 0.18656553328037262, + 0.009565609507262707, + -0.10977111011743546, + 1.2744415998458862, + 0.00441767368465662, + -0.21633240580558777, + -0.011343290098011494, + 0.11466139554977417, + -0.11009850353002548, + 0.0075289588421583176, + -0.18646588921546936, + 2.2252392768859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/103.png", + [ + 0.18741856515407562, + 0.009211501106619835, + -0.10833889245986938, + 1.2626177072525024, + 0.003524082712829113, + -0.21629686653614044, + -0.01229419931769371, + 0.1262061595916748, + -0.10867265611886978, + 0.008872134611010551, + -0.18724162876605988, + 2.240598201751709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/150.png", + [ + 0.1842874139547348, + 0.011411584913730621, + -0.11338348686695099, + 1.3160102367401123, + -0.002003107685595751, + -0.21522778272628784, + -0.024917541071772575, + 0.26820141077041626, + -0.11393868923187256, + 0.022241223603487015, + -0.18295134603977203, + 2.1742944717407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/83.png", + [ + 0.18689097464084625, + 0.017019327729940414, + -0.10830508917570114, + 1.2319544553756714, + 0.00931562576442957, + -0.21573902666568756, + -0.017826737836003304, + 0.1878969371318817, + -0.1092376783490181, + 0.010719885118305683, + -0.18681570887565613, + 2.181797981262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/142.png", + [ + 0.18590815365314484, + 0.005492175463587046, + -0.11115707457065582, + 1.2834314107894897, + -0.0051079909317195415, + -0.21576151251792908, + -0.019203610718250275, + 0.20600199699401855, + -0.11117537319660187, + 0.019097285345196724, + -0.18499518930912018, + 2.195733070373535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/51.png", + [ + 0.1845722794532776, + -0.002414785325527191, + -0.11346867680549622, + 1.2790642976760864, + -0.012013059109449387, + -0.21582435071468353, + -0.014947808347642422, + 0.1493425816297531, + -0.11285682767629623, + 0.019024180248379707, + -0.18398185074329376, + 2.124807834625244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/128.png", + [ + 0.18595869839191437, + 0.007030093111097813, + -0.11098572611808777, + 1.2789523601531982, + -0.0032072572503238916, + -0.21581228077411652, + -0.019043870270252228, + 0.20300622284412384, + -0.11116190254688263, + 0.017987031489610672, + -0.1851145327091217, + 2.192702293395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/168.png", + [ + 0.18843920528888702, + 0.014613434672355652, + -0.10594815015792847, + 1.2409316301345825, + 0.004251508973538876, + -0.21549637615680695, + -0.0221616979688406, + 0.24129027128219604, + -0.10686668753623962, + 0.017194874584674835, + -0.18770121037960052, + 2.25766658782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/93.png", + [ + 0.18826884031295776, + 0.010543093085289001, + -0.10673133283853531, + 1.2357715368270874, + 0.004915469326078892, + -0.2162468135356903, + -0.012690559029579163, + 0.13021041452884674, + -0.10713809728622437, + 0.008605541661381721, + -0.18813630938529968, + 2.235018253326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/76.png", + [ + 0.17652419209480286, + -0.013312796130776405, + -0.1249394565820694, + 1.4213862419128418, + -0.006992705632001162, + -0.21616196632385254, + 0.013153077103197575, + -0.1595473736524582, + -0.1254519820213318, + -0.006683624815195799, + -0.1765361875295639, + 2.0547561645507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/48.png", + [ + 0.18282674252986908, + -0.011749573051929474, + -0.115690216422081, + 1.3151607513427734, + -0.006368726026266813, + -0.21625395119190216, + 0.011898309923708439, + -0.14379596710205078, + -0.11611081659793854, + -0.006639123894274235, + -0.18281711637973785, + 2.1242146492004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/35.png", + [ + 0.18345680832862854, + -0.014501738362014294, + -0.11437302827835083, + 1.3235955238342285, + -0.005514319986104965, + -0.21581141650676727, + 0.01851835660636425, + -0.22213105857372284, + -0.11515677720308304, + -0.012768588960170746, + -0.18309499323368073, + 2.157839775085449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/124.png", + [ + 0.17920680344104767, + -0.01769077032804489, + -0.12049835920333862, + 1.342378854751587, + -0.008414763025939465, + -0.21566283702850342, + 0.019147638231515884, + -0.2222885638475418, + -0.12149902433156967, + -0.01115692313760519, + -0.17905698716640472, + 2.0537776947021484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/97.png", + [ + 0.17741522192955017, + -0.0036631841212511063, + -0.12433145940303802, + 1.4060460329055786, + 0.0033596165012568235, + -0.21636049449443817, + 0.011168657802045345, + -0.12757378816604614, + -0.12434004247188568, + -0.011072805151343346, + -0.1771012246608734, + 2.0398716926574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/13.png", + [ + 0.1799398958683014, + -0.02310386300086975, + -0.11847250908613205, + 1.3392459154129028, + -0.028319938108325005, + -0.2148129791021347, + -0.0011215860722586513, + 0.004662379622459412, + -0.1173350065946579, + 0.016416098922491074, + -0.18141362071037292, + 2.095550060272217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/32.png", + [ + 0.18196895718574524, + -0.016305986791849136, + -0.11648736894130707, + 1.337423324584961, + -0.00476043438538909, + -0.21542763710021973, + 0.022719282656908035, + -0.2693518102169037, + -0.11752671748399734, + -0.016520965844392776, + -0.1812799572944641, + 2.1144633293151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/38.png", + [ + 0.18503788113594055, + -0.012922748923301697, + -0.11199049651622772, + 1.301436185836792, + -0.006750643718987703, + -0.21613022685050964, + 0.013785740360617638, + -0.16845998167991638, + -0.11253131181001663, + -0.00828374084085226, + -0.18497560918331146, + 2.1947293281555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/111.png", + [ + 0.1755305677652359, + -0.007502878550440073, + -0.12680937349796295, + 1.417175054550171, + -0.0015388698084279895, + -0.21640609204769135, + 0.010673892684280872, + -0.1261879801750183, + -0.12702181935310364, + -0.007746415212750435, + -0.17536631226539612, + 2.003751277923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/11.png", + [ + 0.1799750179052353, + -0.019766023382544518, + -0.11902183294296265, + 1.3482331037521362, + -0.026001015678048134, + -0.21507881581783295, + -0.0035983354318886995, + 0.03411942347884178, + -0.1178169772028923, + 0.017271514981985092, + -0.18102140724658966, + 2.092280864715576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/125.png", + [ + 0.18070699274539948, + -0.015590027906000614, + -0.1185319721698761, + 1.3169769048690796, + -0.006692034658044577, + -0.21580667793750763, + 0.01818188838660717, + -0.21093256771564484, + -0.1193653792142868, + -0.011502844281494617, + -0.18046462535858154, + 2.068657875061035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/59.png", + [ + 0.18052078783512115, + -0.011271215975284576, + -0.11930253356695175, + 1.34798264503479, + -0.0029602956492453814, + -0.21606768667697906, + 0.015933865681290627, + -0.18983761966228485, + -0.11979721486568451, + -0.011645219288766384, + -0.18016913533210754, + 2.0810647010803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/105.png", + [ + 0.17386047542095184, + 0.0002169261424569413, + -0.1293073445558548, + 1.461483120918274, + 0.007392605300992727, + -0.21633660793304443, + 0.009576816111803055, + -0.10869935154914856, + -0.12909601628780365, + -0.012096237391233444, + -0.17359665036201477, + 1.9947670698165894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/121.png", + [ + 0.17740407586097717, + -0.015751000493764877, + -0.12340013682842255, + 1.3755654096603394, + -0.006561804097145796, + -0.2158164083957672, + 0.01811370439827442, + -0.21226397156715393, + -0.12422813475131989, + -0.011093675158917904, + -0.17717842757701874, + 2.0281333923339844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/24.png", + [ + 0.18096402287483215, + -0.025026798248291016, + -0.1165057122707367, + 1.3093022108078003, + -0.01851346716284752, + -0.2151745706796646, + 0.017465749755501747, + -0.20523996651172638, + -0.11771649867296219, + -0.004632510710507631, + -0.18184955418109894, + 2.091195583343506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/74.png", + [ + 0.17782828211784363, + -0.01282967533916235, + -0.1231275275349617, + 1.402547001838684, + -0.006126010324805975, + -0.21615584194660187, + 0.013675507158041, + -0.1644475907087326, + -0.1236424669623375, + -0.007742538116872311, + -0.17776525020599365, + 2.069423198699951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/98.png", + [ + 0.1765831708908081, + -0.002130327047780156, + -0.12554576992988586, + 1.4173133373260498, + 0.005773941986262798, + -0.21627652645111084, + 0.011791083961725235, + -0.13559353351593018, + -0.12543101608753204, + -0.012954913079738617, + -0.1762019544839859, + 2.0289978981018066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/0.png", + [ + 0.17180286347866058, + -0.021687278524041176, + -0.1302357017993927, + 1.492621898651123, + -0.027899326756596565, + -0.21486850082874298, + -0.0010233051143586636, + 0.011121869087219238, + -0.12904766201972961, + 0.01758071407675743, + -0.1731632649898529, + 2.018162727355957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/96.png", + [ + 0.1761084645986557, + -0.0032373364083468914, + -0.12618723511695862, + 1.430964469909668, + 0.003778078593313694, + -0.21637113392353058, + 0.010823736898601055, + -0.1250009536743164, + -0.12617221474647522, + -0.010997581295669079, + -0.17580534517765045, + 2.028902530670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/100.png", + [ + 0.1761053204536438, + -0.0004872579884249717, + -0.12623222172260284, + 1.419641375541687, + 0.007235363125801086, + -0.2162778377532959, + 0.010928820818662643, + -0.1262442022562027, + -0.12602563202381134, + -0.013097792863845825, + -0.17576655745506287, + 2.0172781944274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/40.png", + [ + 0.18520143628120422, + -0.01126859150826931, + -0.11189883202314377, + 1.293129801750183, + -0.00646225456148386, + -0.2162943333387375, + 0.011086028069257736, + -0.13537660241127014, + -0.11227897554636002, + -0.006138370838016272, + -0.18521243333816528, + 2.1914758682250977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/52.png", + [ + 0.1807764768600464, + -0.007297953125089407, + -0.11922457814216614, + 1.343889832496643, + -0.0037334098014980555, + -0.2165094017982483, + 0.0075920820236206055, + -0.09719531238079071, + -0.1193893775343895, + -0.004279944580048323, + -0.1807643473148346, + 2.088268756866455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/3.png", + [ + 0.1759497970342636, + -0.02007666975259781, + -0.12484583258628845, + 1.427382469177246, + -0.02395840734243393, + -0.21534425020217896, + 0.0008644090848974884, + -0.0154072605073452, + -0.12415936589241028, + 0.01310266274958849, + -0.17708942294120789, + 2.066275119781494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/47.png", + [ + 0.18365870416164398, + -0.01176819670945406, + -0.11436296254396439, + 1.3000520467758179, + -0.006753061432391405, + -0.2162686139345169, + 0.0114095788449049, + -0.13754285871982574, + -0.11476831883192062, + -0.006106704939156771, + -0.18368130922317505, + 2.1339197158813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/104.png", + [ + 0.17278479039669037, + 0.000784145959187299, + -0.1307390183210373, + 1.4741098880767822, + 0.006410364992916584, + -0.2164609432220459, + 0.007173654157668352, + -0.0797332152724266, + -0.13058415055274963, + -0.009588493034243584, + -0.17263758182525635, + 1.9803591966629028, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/21.png", + [ + 0.18078123033046722, + -0.020814213901758194, + -0.11761297285556793, + 1.3230353593826294, + -0.021013040095567703, + -0.21557387709617615, + 0.005851714871823788, + -0.07239584624767303, + -0.11757759749889374, + 0.006523724179714918, + -0.1818813979625702, + 2.0945229530334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/82.png", + [ + 0.17437033355236053, + -0.009886476211249828, + -0.12823860347270966, + 1.4470014572143555, + -0.00686523737385869, + -0.21644103527069092, + 0.007351494859904051, + -0.09090062230825424, + -0.12843579053878784, + -0.0018529818626120687, + -0.17449557781219482, + 2.0177226066589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/106.png", + [ + 0.1761557012796402, + -0.002220328664407134, + -0.12614332139492035, + 1.4291998147964478, + 0.006947988178580999, + -0.21614156663417816, + 0.013507121242582798, + -0.15520918369293213, + -0.12597139179706573, + -0.015026211738586426, + -0.17565111815929413, + 2.0214362144470215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/14.png", + [ + 0.18053719401359558, + -0.023949703201651573, + -0.11739092320203781, + 1.3277771472930908, + -0.02903306484222412, + -0.2147190421819687, + -0.0008441109675914049, + 0.002086728811264038, + -0.11623810231685638, + 0.0164329893887043, + -0.18211686611175537, + 2.1039772033691406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/67.png", + [ + 0.17950433492660522, + -0.01195987407118082, + -0.12076029926538467, + 1.3853825330734253, + -0.00487586110830307, + -0.2161564826965332, + 0.01416000071913004, + -0.16808032989501953, + -0.1212531253695488, + -0.00901337806135416, + -0.17934417724609375, + 2.0951762199401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/78.png", + [ + 0.17526084184646606, + -0.011594678275287151, + -0.12687431275844574, + 1.437643051147461, + -0.006020609755069017, + -0.21628814935684204, + 0.01144923735409975, + -0.14043620228767395, + -0.12726067006587982, + -0.005735521670430899, + -0.17527039349079132, + 2.0341930389404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/31.png", + [ + 0.1817261427640915, + -0.01604539342224598, + -0.11690186709165573, + 1.3355003595352173, + -0.004362865816801786, + -0.21542894840240479, + 0.022786594927310944, + -0.26890841126441956, + -0.11791719496250153, + -0.016757354140281677, + -0.18100446462631226, + 2.104248523712158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/39.png", + [ + 0.18525157868862152, + -0.011680862866342068, + -0.11177343875169754, + 1.294873595237732, + -0.006120131816715002, + -0.21622984111309052, + 0.012453648261725903, + -0.152000293135643, + -0.11221538484096527, + -0.007490446325391531, + -0.1852012574672699, + 2.1948647499084473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/92.png", + [ + 0.17313846945762634, + -0.009347057901322842, + -0.12993688881397247, + 1.4778327941894531, + -0.0020484442356973886, + -0.21628479659557343, + 0.012829011306166649, + -0.1550063043832779, + -0.1302565485239029, + -0.00902287196367979, + -0.17291532456874847, + 2.0077967643737793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/53.png", + [ + 0.18083029985427856, + -0.008107776753604412, + -0.11909054219722748, + 1.3418819904327393, + -0.0048647369258105755, + -0.21649520099163055, + 0.007352412212640047, + -0.09685026109218597, + -0.11926703155040741, + -0.0034623113460838795, + -0.18086260557174683, + 2.0912060737609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/75.png", + [ + 0.1773144006729126, + -0.012810434214770794, + -0.1238684356212616, + 1.4103432893753052, + -0.006227660458534956, + -0.216167613863945, + 0.013441253453493118, + -0.16273947060108185, + -0.12437327206134796, + -0.00743934465572238, + -0.17726770043373108, + 2.063086986541748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/87.png", + [ + 0.1711921989917755, + -0.010033374652266502, + -0.13244040310382843, + 1.49504816532135, + -0.007380104158073664, + -0.2164403200149536, + 0.0068575008772313595, + -0.0863606333732605, + -0.13261471688747406, + -0.0009070121450349689, + -0.17134879529476166, + 1.9847036600112915, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/107.png", + [ + 0.1770971715450287, + -0.005008903332054615, + -0.12473733723163605, + 1.413346290588379, + 0.004518535919487476, + -0.21610110998153687, + 0.015092909336090088, + -0.1741381287574768, + -0.12475607544183731, + -0.014937334693968296, + -0.17652393877506256, + 2.0334696769714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/112.png", + [ + 0.17449548840522766, + -0.006955242250114679, + -0.12826082110404968, + 1.4263437986373901, + -0.0017642818856984377, + -0.21646612882614136, + 0.009338119998574257, + -0.11023260653018951, + -0.12843716144561768, + -0.006475938484072685, + -0.1743842214345932, + 1.9862936735153198, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/69.png", + [ + 0.17883016169071198, + -0.012383547611534595, + -0.12171406298875809, + 1.3929928541183472, + -0.005168134346604347, + -0.21613402664661407, + 0.014396755024790764, + -0.17043600976467133, + -0.12223319709300995, + -0.00897908490151167, + -0.17867936193943024, + 2.084348201751709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/45.png", + [ + 0.1833532750606537, + -0.010084341280162334, + -0.11501208692789078, + 1.309343934059143, + -0.004106315318495035, + -0.2162795513868332, + 0.012417221441864967, + -0.15043361485004425, + -0.11538029462099075, + -0.008327977731823921, + -0.18321006000041962, + 2.1343674659729004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/50.png", + [ + 0.18149827420711517, + -0.00906071625649929, + -0.11800073087215424, + 1.3356263637542725, + -0.004105717409402132, + -0.2163907140493393, + 0.010300561785697937, + -0.1256657987833023, + -0.11827684193849564, + -0.006392333656549454, + -0.18143214285373688, + 2.102227210998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/101.png", + [ + 0.17544154822826385, + -0.00032381058554165065, + -0.1271536648273468, + 1.4284087419509888, + 0.006527692545205355, + -0.2163652926683426, + 0.009557646699249744, + -0.1102159172296524, + -0.12698639929294586, + -0.0115695521235466, + -0.1751813143491745, + 2.0077261924743652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/85.png", + [ + 0.17432644963264465, + -0.008790175430476665, + -0.1283780336380005, + 1.447527527809143, + -0.0072665950283408165, + -0.21649602055549622, + 0.004956287331879139, + -0.0647883489727974, + -0.12847328186035156, + 0.0003178014885634184, + -0.17447754740715027, + 2.016201972961426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/71.png", + [ + 0.1773008406162262, + -0.01216923352330923, + -0.1239524781703949, + 1.4150456190109253, + -0.00475049065425992, + -0.2161417305469513, + 0.014424990862607956, + -0.17164932191371918, + -0.12445777654647827, + -0.009086104109883308, + -0.17713159322738647, + 2.06465482711792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/115.png", + [ + 0.1742536872625351, + -0.009605241939425468, + -0.12841841578483582, + 1.4221159219741821, + -0.003284820821136236, + -0.21633228659629822, + 0.011723646894097328, + -0.13730865716934204, + -0.1287352293729782, + -0.007481526583433151, + -0.17412397265434265, + 1.979843258857727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/54.png", + [ + 0.1810259371995926, + -0.010065681301057339, + -0.11864311993122101, + 1.3323699235916138, + -0.0072759343311190605, + -0.2164306938648224, + 0.0072603411972522736, + -0.09333373606204987, + -0.1188468262553215, + -0.0020817879121750593, + -0.18116013705730438, + 2.0922045707702637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/33.png", + [ + 0.18120186030864716, + -0.01475935336202383, + -0.11788107454776764, + 1.3579511642456055, + -0.00436612730845809, + -0.2156781107187271, + 0.020292649045586586, + -0.2421606332063675, + -0.11872119456529617, + -0.014595068991184235, + -0.18066586554050446, + 2.115701198577881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/49.png", + [ + 0.18210376799106598, + -0.01029445044696331, + -0.11696211993694305, + 1.3277184963226318, + -0.004625391215085983, + -0.21630163490772247, + 0.011836358346045017, + -0.14304853975772858, + -0.1173231452703476, + -0.007451033219695091, + -0.18201003968715668, + 2.1122779846191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/118.png", + [ + 0.17484883964061737, + -0.018037496134638786, + -0.12669028341770172, + 1.4116110801696777, + -0.009777174331247807, + -0.21576738357543945, + 0.017226072028279305, + -0.2049216479063034, + -0.12759381532669067, + -0.008184095844626427, + -0.1749306470155716, + 2.0007829666137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/110.png", + [ + 0.17506100237369537, + -0.00777074508368969, + -0.12744081020355225, + 1.4329956769943237, + -0.0006227368139661849, + -0.21632234752178192, + 0.012334897182881832, + -0.14481139183044434, + -0.12767596542835236, + -0.009599635377526283, + -0.17479869723320007, + 2.0059170722961426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/18.png", + [ + 0.18070420622825623, + -0.022740017622709274, + -0.11737450957298279, + 1.3274030685424805, + -0.02285640686750412, + -0.21536657214164734, + 0.006536260712891817, + -0.08117686212062836, + -0.11735189706087112, + 0.006930343806743622, + -0.18201208114624023, + 2.1024575233459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/66.png", + [ + 0.17877762019634247, + -0.011849585920572281, + -0.1218443289399147, + 1.3956102132797241, + -0.005125755909830332, + -0.21619261801242828, + 0.013504299335181713, + -0.15905021131038666, + -0.1223118007183075, + -0.008259955793619156, + -0.17866025865077972, + 2.086183547973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/16.png", + [ + 0.18024426698684692, + -0.02388910949230194, + -0.11785247921943665, + 1.3339122533798218, + -0.026462478563189507, + -0.21503005921840668, + 0.003115480998530984, + -0.04312501102685928, + -0.11730147898197174, + 0.011801664717495441, + -0.18179377913475037, + 2.100984573364258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/94.png", + [ + 0.1747412383556366, + -0.007117409259080887, + -0.12791691720485687, + 1.4522383213043213, + -0.0005157338455319405, + -0.21637733280658722, + 0.011334903538227081, + -0.13199681043624878, + -0.1281137317419052, + -0.008836770430207253, + -0.1745184063911438, + 2.019303798675537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/28.png", + [ + 0.18122293055057526, + -0.018313823267817497, + -0.117348812520504, + 1.3272281885147095, + -0.00817786157131195, + -0.21549922227859497, + 0.021002329885959625, + -0.24400198459625244, + -0.1184874027967453, + -0.013136940076947212, + -0.18093106150627136, + 2.0876240730285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/61.png", + [ + 0.1800263673067093, + -0.01091037318110466, + -0.12008065730333328, + 1.3621162176132202, + -0.0028414810076355934, + -0.2161097377538681, + 0.0153754698112607, + -0.18047454953193665, + -0.12054181098937988, + -0.011200126260519028, + -0.1797001212835312, + 2.0799484252929688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/58.png", + [ + 0.18190722167491913, + -0.011484988033771515, + -0.1171569675207138, + 1.3197637796401978, + -0.0034890526439994574, + -0.21607224643230438, + 0.015764348208904266, + -0.1883804351091385, + -0.11766684800386429, + -0.011348268948495388, + -0.18158641457557678, + 2.0944814682006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/123.png", + [ + 0.17883647978305817, + -0.01583290658891201, + -0.12130431085824966, + 1.3526067733764648, + -0.0057775662280619144, + -0.21570564806461334, + 0.01963663101196289, + -0.22937308251857758, + -0.12219671159982681, + -0.012972916476428509, + -0.17845885455608368, + 2.044581413269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/64.png", + [ + 0.17780980467796326, + -0.01041872426867485, + -0.1233815923333168, + 1.4091182947158813, + -0.004008895717561245, + -0.21627743542194366, + 0.012485768646001816, + -0.14446328580379486, + -0.1237558051943779, + -0.007963406853377819, + -0.17767663300037384, + 2.068143367767334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/10.png", + [ + 0.179258793592453, + -0.018974775448441505, + -0.12022538483142853, + 1.3631430864334106, + -0.025158023461699486, + -0.21517984569072723, + -0.003550061257556081, + 0.03445809707045555, + -0.11908508837223053, + 0.016896361485123634, + -0.18022526800632477, + 2.086829662322998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/41.png", + [ + 0.18534182012081146, + -0.010800301097333431, + -0.11171237379312515, + 1.2857019901275635, + -0.006005994044244289, + -0.21631446480751038, + 0.010948646813631058, + -0.13238127529621124, + -0.1120724231004715, + -0.006268840283155441, + -0.18533311784267426, + 2.186741352081299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/91.png", + [ + 0.17346063256263733, + -0.009938702918589115, + -0.12946243584156036, + 1.4720287322998047, + -0.002651296090334654, + -0.216265007853508, + 0.01305010449141264, + -0.1578804850578308, + -0.12981627881526947, + -0.008863224647939205, + -0.1732543259859085, + 2.011873245239258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/23.png", + [ + 0.18106937408447266, + -0.021782495081424713, + -0.11699272692203522, + 1.3155282735824585, + -0.017214573919773102, + -0.21556785702705383, + 0.013492920435965061, + -0.1609494537115097, + -0.1177515834569931, + -0.0019807335920631886, + -0.1818750649690628, + 2.0920543670654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/37.png", + [ + 0.18439868092536926, + -0.014069783501327038, + -0.11290289461612701, + 1.3129804134368896, + -0.006670245435088873, + -0.21597857773303986, + 0.016020730137825012, + -0.19568009674549103, + -0.11358049511909485, + -0.010158604010939598, + -0.1842394322156906, + 2.184093475341797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/36.png", + [ + 0.18380193412303925, + -0.014234130270779133, + -0.11385135352611542, + 1.3207125663757324, + -0.006192625500261784, + -0.21591809391975403, + 0.01699751242995262, + -0.20656421780586243, + -0.11457046866416931, + -0.011164838448166847, + -0.18356700241565704, + 2.169656276702881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/8.png", + [ + 0.17990396916866302, + -0.018712375313043594, + -0.11929918080568314, + 1.358734369277954, + -0.024179095402359962, + -0.21530450880527496, + -0.002691192552447319, + 0.026347629725933075, + -0.11831238865852356, + 0.015547286719083786, + -0.18085451424121857, + 2.101297378540039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/6.png", + [ + 0.17987202107906342, + -0.01879529282450676, + -0.11933435499668121, + 1.3622311353683472, + -0.022882893681526184, + -0.21546220779418945, + -0.0005557270487770438, + 0.0023594871163368225, + -0.11861839890480042, + 0.013064173981547356, + -0.18085049092769623, + 2.1033682823181152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/20.png", + [ + 0.1805032640695572, + -0.021014420315623283, + -0.11800362169742584, + 1.3301039934158325, + -0.021393518894910812, + -0.21554158627986908, + 0.005659836810082197, + -0.07077498733997345, + -0.11793546378612518, + 0.006936177611351013, + -0.18163424730300903, + 2.0950093269348145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/2.png", + [ + 0.17527157068252563, + -0.020822817459702492, + -0.12567487359046936, + 1.437211036682129, + -0.02560432255268097, + -0.21515648066997528, + -6.0043497796868905e-05, + -0.0037209447473287582, + -0.1247885525226593, + 0.014899502508342266, + -0.17650413513183594, + 2.060439109802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/117.png", + [ + 0.17435196042060852, + -0.015210370533168316, + -0.12774167954921722, + 1.4230643510818481, + -0.007815595716238022, + -0.216009721159935, + 0.015053221955895424, + -0.179059699177742, + -0.12840642035007477, + -0.007505177054554224, + -0.1743655800819397, + 1.99240243434906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/5.png", + [ + 0.1796514093875885, + -0.019969016313552856, + -0.11947595328092575, + 1.363932490348816, + -0.023974591866135597, + -0.21534417569637299, + -5.740225242334418e-05, + -0.00306120328605175, + -0.11873704940080643, + 0.013267355971038342, + -0.1807578206062317, + 2.1023693084716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/108.png", + [ + 0.17707139253616333, + -0.0070672123692929745, + -0.12467429786920547, + 1.409864902496338, + 0.002379240468144417, + -0.2160971462726593, + 0.015628721565008163, + -0.18016737699508667, + -0.1248517706990242, + -0.01414115447551012, + -0.17652183771133423, + 2.0333175659179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/60.png", + [ + 0.1809249371290207, + -0.010965612716972828, + -0.11871741712093353, + 1.3433197736740112, + -0.0028197811916470528, + -0.2160894274711609, + 0.015662267804145813, + -0.18506820499897003, + -0.11918941140174866, + -0.011533133685588837, + -0.18057896196842194, + 2.0861692428588867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/56.png", + [ + 0.1830030381679535, + -0.011962288059294224, + -0.11538927257061005, + 1.2932478189468384, + -0.006139046512544155, + -0.21621625125408173, + 0.012678618542850018, + -0.1515422761440277, + -0.11584513634443283, + -0.0074390145018696785, + -0.182954803109169, + 2.1068010330200195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/30.png", + [ + 0.18073101341724396, + -0.01597125642001629, + -0.1184445470571518, + 1.3481453657150269, + -0.004768436308950186, + -0.2155238837003708, + 0.02178557589650154, + -0.2568221092224121, + -0.1194213256239891, + -0.015564970672130585, + -0.18012267351150513, + 2.088791847229004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/17.png", + [ + 0.1806132048368454, + -0.023738522082567215, + -0.11731687188148499, + 1.3277055025100708, + -0.0252557210624218, + -0.21514740586280823, + 0.004652057308703661, + -0.06039172410964966, + -0.11699961870908737, + 0.009796714410185814, + -0.1821071207523346, + 2.10444974899292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/12.png", + [ + 0.18003840744495392, + -0.02088945172727108, + -0.1187337189912796, + 1.3436062335968018, + -0.026527240872383118, + -0.21503132581710815, + -0.0023922009859234095, + 0.019418299198150635, + -0.11760259419679642, + 0.01652415841817856, + -0.18123044073581696, + 2.0936012268066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/114.png", + [ + 0.17168684303760529, + -0.010629584081470966, + -0.13175180554389954, + 1.46180260181427, + -0.0052942330949008465, + -0.21635256707668304, + 0.010556118562817574, + -0.12339642643928528, + -0.13207381963729858, + -0.0051451437175273895, + -0.17169137299060822, + 1.9592093229293823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/27.png", + [ + 0.18107984960079193, + -0.019651463255286217, + -0.11735332012176514, + 1.3256676197052002, + -0.010350554250180721, + -0.21549059450626373, + 0.02011386677622795, + -0.23490825295448303, + -0.11853627860546112, + -0.011203641071915627, + -0.1810290813446045, + 2.088348388671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/42.png", + [ + 0.18632736802101135, + -0.011627111583948135, + -0.10997644811868668, + 1.2603336572647095, + -0.006453840993344784, + -0.21624977886676788, + 0.011928308755159378, + -0.1431477665901184, + -0.11040089279413223, + -0.006981894839555025, + -0.18630832433700562, + 2.1864194869995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/7.png", + [ + 0.18028928339481354, + -0.01921292580664158, + -0.1186361238360405, + 1.353717565536499, + -0.02358400449156761, + -0.21538516879081726, + -0.0009589303517714143, + 0.007058687508106232, + -0.1178450658917427, + 0.013710880652070045, + -0.1813076138496399, + 2.1086130142211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/73.png", + [ + 0.1774984449148178, + -0.012547032907605171, + -0.12363158166408539, + 1.4094384908676147, + -0.005207690875977278, + -0.21612901985645294, + 0.01445764023810625, + -0.1734783947467804, + -0.12415745109319687, + -0.008872169069945812, + -0.17735305428504944, + 2.066286563873291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/120.png", + [ + 0.17737911641597748, + -0.0168361347168684, + -0.12329268455505371, + 1.374404788017273, + -0.007838956080377102, + -0.21576771140098572, + 0.018186217173933983, + -0.21456922590732574, + -0.12418974190950394, + -0.010427474975585938, + -0.17724578082561493, + 2.0273513793945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/46.png", + [ + 0.18336068093776703, + -0.010831697843968868, + -0.11493226885795593, + 1.307116150856018, + -0.005493755452334881, + -0.2162930965423584, + 0.011619734577834606, + -0.1404084414243698, + -0.11531075090169907, + -0.006919096689671278, + -0.18331244587898254, + 2.1307339668273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/57.png", + [ + 0.1822962611913681, + -0.01009173970669508, + -0.11667956411838531, + 1.3117340803146362, + -0.0026670037768781185, + -0.21617044508457184, + 0.014529972337186337, + -0.1740456074476242, + -0.117084801197052, + -0.010788408108055592, + -0.18199630081653595, + 2.0980000495910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/44.png", + [ + 0.1850287765264511, + -0.011348497122526169, + -0.11217600852251053, + 1.2781113386154175, + -0.005764365196228027, + -0.21624450385570526, + 0.012368745170533657, + -0.14851129055023193, + -0.1126011312007904, + -0.007577955722808838, + -0.1849633753299713, + 2.1583924293518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/113.png", + [ + 0.17101222276687622, + -0.008342727087438107, + -0.1327897161245346, + 1.4758132696151733, + -0.003907840233296156, + -0.2164699137210846, + 0.0085673863068223, + -0.10050436854362488, + -0.1329941302537918, + -0.004366948269307613, + -0.1710011214017868, + 1.9516252279281616, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/29.png", + [ + 0.18049176037311554, + -0.01624724082648754, + -0.11877141892910004, + 1.3461036682128906, + -0.005950732622295618, + -0.21562503278255463, + 0.020453181117773056, + -0.23840416967868805, + -0.11972974985837936, + -0.013775741681456566, + -0.1800636202096939, + 2.0815272331237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/4.png", + [ + 0.17752918601036072, + -0.020721634849905968, + -0.12248222529888153, + 1.4003844261169434, + -0.025117583572864532, + -0.2152138501405716, + 3.909723091055639e-06, + -0.004204202443361282, + -0.12165684998035431, + 0.014195309020578861, + -0.1787344366312027, + 2.0825462341308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/55.png", + [ + 0.18135344982147217, + -0.011721081100404263, + -0.11798913031816483, + 1.3218777179718018, + -0.007087590638548136, + -0.2162994146347046, + 0.010593382641673088, + -0.12943941354751587, + -0.11835785210132599, + -0.0050069899298250675, + -0.18142279982566833, + 2.0940237045288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/9.png", + [ + 0.17947445809841156, + -0.01844303123652935, + -0.11998610198497772, + 1.3626625537872314, + -0.025015413761138916, + -0.21518194675445557, + -0.004342341795563698, + 0.044922877103090286, + -0.1187899112701416, + 0.0174493957310915, + -0.1803673356771469, + 2.0924859046936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/25.png", + [ + 0.1807273030281067, + -0.02318960800766945, + -0.11725091189146042, + 1.3184430599212646, + -0.014947821386158466, + -0.21527376770973206, + 0.019536178559064865, + -0.22831286489963531, + -0.11858370900154114, + -0.008206196129322052, + -0.181158646941185, + 2.0842337608337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/99.png", + [ + 0.17635414004325867, + -0.0008190579828806221, + -0.12588262557983398, + 1.4184203147888184, + 0.006935698911547661, + -0.21627774834632874, + 0.011123716831207275, + -0.12740002572536469, + -0.12569409608840942, + -0.013083202764391899, + -0.17600487172603607, + 2.0245776176452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/34.png", + [ + 0.18327756226062775, + -0.014137406833469868, + -0.11470553278923035, + 1.3250064849853516, + -0.003930707927793264, + -0.21568554639816284, + 0.020302629098296165, + -0.24173332750797272, + -0.1155065968632698, + -0.015092410147190094, + -0.18269741535186768, + 2.1456685066223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/72.png", + [ + 0.17771680653095245, + -0.0132658826187253, + -0.12324222922325134, + 1.406299114227295, + -0.00539614912122488, + -0.21605394780635834, + 0.015474888496100903, + -0.184431254863739, + -0.12383662909269333, + -0.009623249992728233, + -0.17753809690475464, + 2.069525718688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/102.png", + [ + 0.17400899529457092, + -0.000668563530780375, + -0.1291058212518692, + 1.4512627124786377, + 0.004958420060575008, + -0.21647725999355316, + 0.007803973276168108, + -0.0876418799161911, + -0.1290123015642166, + -0.009221765212714672, + -0.17383520305156708, + 1.9911264181137085, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/70.png", + [ + 0.1777704507112503, + -0.012409872375428677, + -0.12325403094291687, + 1.4090607166290283, + -0.005898868199437857, + -0.21618811786174774, + 0.013258976861834526, + -0.1574859321117401, + -0.1237366795539856, + -0.00752277672290802, + -0.17770913243293762, + 2.0721983909606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/90.png", + [ + 0.1727539747953415, + -0.008716585114598274, + -0.13049131631851196, + 1.4823240041732788, + -0.0017820335924625397, + -0.2163296639919281, + 0.012091247364878654, + -0.14640381932258606, + -0.13076995313167572, + -0.008567088283598423, + -0.17255060374736786, + 2.0042190551757812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/122.png", + [ + 0.177970290184021, + -0.015920547768473625, + -0.12256020307540894, + 1.366041660308838, + -0.0064591215923428535, + -0.21577388048171997, + 0.018649665638804436, + -0.2166159749031067, + -0.12342101335525513, + -0.01166474912315607, + -0.17770503461360931, + 2.034691333770752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/15.png", + [ + 0.1803598254919052, + -0.02401614934206009, + -0.11764970421791077, + 1.3312467336654663, + -0.027748437598347664, + -0.2148863971233368, + 0.0013263100991025567, + -0.02158237248659134, + -0.11682573705911636, + 0.013962789438664913, + -0.18194693326950073, + 2.102320671081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/22.png", + [ + 0.17982548475265503, + -0.021441899240016937, + -0.11895770579576492, + 1.338797926902771, + -0.01913929358124733, + -0.2155991792678833, + 0.009928926825523376, + -0.1195472925901413, + -0.11934980750083923, + 0.00226741936057806, + -0.18082691729068756, + 2.083238124847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/109.png", + [ + 0.17715942859649658, + -0.00705680763348937, + -0.12454968690872192, + 1.4043803215026855, + 0.0018915595719590783, + -0.21615086495876312, + 0.014937353320419788, + -0.17311060428619385, + -0.12473510950803757, + -0.013300524093210697, + -0.17666956782341003, + 2.0296082496643066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/26.png", + [ + 0.18138264119625092, + -0.02081485092639923, + -0.11668320000171661, + 1.3161767721176147, + -0.01109420508146286, + -0.21535232663154602, + 0.02117040380835533, + -0.24738019704818726, + -0.11800486594438553, + -0.011747741140425205, + -0.1813414990901947, + 2.0904054641723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/43.png", + [ + 0.1859496533870697, + -0.011700451374053955, + -0.11060615628957748, + 1.2637720108032227, + -0.005994807463139296, + -0.21621350944042206, + 0.012793710455298424, + -0.15444426238536835, + -0.11106162518262863, + -0.007919355295598507, + -0.18587763607501984, + 2.175217628479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/84.png", + [ + 0.1730111986398697, + -0.00809126440435648, + -0.1301904320716858, + 1.4675341844558716, + -0.005948182195425034, + -0.21652178466320038, + 0.005552119575440884, + -0.07107815891504288, + -0.1303059309720993, + -0.0008592717931605875, + -0.17311127483844757, + 2.001873016357422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/89.png", + [ + 0.17250463366508484, + -0.008965750224888325, + -0.1308038979768753, + 1.4818737506866455, + -0.0030562852043658495, + -0.2163836658000946, + 0.0108010433614254, + -0.13055087625980377, + -0.1310751736164093, + -0.006754164583981037, + -0.17239944636821747, + 2.0007410049438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/63.png", + [ + 0.17840702831745148, + -0.011469568125903606, + -0.12242255359888077, + 1.3964699506759644, + -0.0044384244829416275, + -0.21619004011154175, + 0.01378635223954916, + -0.1608692705631256, + -0.12287852168083191, + -0.008843760937452316, + -0.17824296653270721, + 2.072518825531006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/88.png", + [ + 0.170014888048172, + -0.011903473176062107, + -0.1337951272726059, + 1.513843059539795, + -0.008237282745540142, + -0.21633990108966827, + 0.008780104108154774, + -0.10543203353881836, + -0.13407078385353088, + -0.001802887418307364, + -0.1702047884464264, + 1.9770656824111938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/62.png", + [ + 0.17961503565311432, + -0.010256313718855381, + -0.12075241655111313, + 1.3741432428359985, + -0.002915701363235712, + -0.21620050072669983, + 0.014026356860995293, + -0.16528432071208954, + -0.1211521178483963, + -0.01000240072607994, + -0.17936000227928162, + 2.078319549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/65.png", + [ + 0.1778326779603958, + -0.009995800442993641, + -0.12338362634181976, + 1.4104454517364502, + -0.0039213853888213634, + -0.21631357073783875, + 0.011872535571455956, + -0.13811397552490234, + -0.12372574210166931, + -0.007511216215789318, + -0.17771723866462708, + 2.0706605911254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/80.png", + [ + 0.174970805644989, + -0.010168414562940598, + -0.1273958832025528, + 1.4383621215820312, + -0.006219374481588602, + -0.21640928089618683, + 0.008731289766728878, + -0.10827024281024933, + -0.12764963507652283, + -0.0033940195571631193, + -0.17504839599132538, + 2.025040626525879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/119.png", + [ + 0.17621788382530212, + -0.019453808665275574, + -0.12456606328487396, + 1.3887373208999634, + -0.010235803201794624, + -0.2155805230140686, + 0.01918765716254711, + -0.22774271667003632, + -0.1256597936153412, + -0.009720447473227978, + -0.17624707520008087, + 2.0165348052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/79.png", + [ + 0.17506416141986847, + -0.011107727885246277, + -0.1271890103816986, + 1.438454031944275, + -0.006576396059244871, + -0.21635101735591888, + 0.009842650964856148, + -0.12167303264141083, + -0.1275036334991455, + -0.004092083312571049, + -0.17513984441757202, + 2.028496265411377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/116.png", + [ + 0.1725633144378662, + -0.01097660418599844, + -0.13057298958301544, + 1.4504790306091309, + -0.004159087315201759, + -0.216263085603714, + 0.012683545239269733, + -0.15018722414970398, + -0.13096751272678375, + -0.007595030590891838, + -0.17244626581668854, + 1.9669286012649536, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/19.png", + [ + 0.18015506863594055, + -0.022589758038520813, + -0.11824445426464081, + 1.3353809118270874, + -0.022560037672519684, + -0.2153903841972351, + 0.006776736583560705, + -0.08393102884292603, + -0.11825012415647507, + 0.0066769965924322605, + -0.18143931031227112, + 2.0954480171203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/77.png", + [ + 0.17653821408748627, + -0.013080406002700329, + -0.12494421750307083, + 1.418894648551941, + -0.0071802763268351555, + -0.2161952406167984, + 0.01248820312321186, + -0.15200357139110565, + -0.1254216730594635, + -0.006034444086253643, + -0.17658108472824097, + 2.052313804626465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/68.png", + [ + 0.17820043861865997, + -0.012139158323407173, + -0.1226586252450943, + 1.4079242944717407, + -0.004905454348772764, + -0.21614889800548553, + 0.014264889992773533, + -0.17065227031707764, + -0.12316019833087921, + -0.008954961784183979, + -0.17804288864135742, + 2.081331729888916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/86.png", + [ + 0.17296390235424042, + -0.007408281322568655, + -0.13029389083385468, + 1.469007134437561, + -0.005818804260343313, + -0.2165478765964508, + 0.004588123876601458, + -0.06295478343963623, + -0.13037453591823578, + -0.00016349463840015233, + -0.17306166887283325, + 1.9979537725448608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/1.png", + [ + 0.1735745668411255, + -0.021290691569447517, + -0.12793149054050446, + 1.4636073112487793, + -0.02669673040509224, + -0.2150232195854187, + -0.00043680111411958933, + 0.003362230956554413, + -0.12691354751586914, + 0.01611250266432762, + -0.1748749166727066, + 2.040677547454834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/81.png", + [ + 0.17427636682987213, + -0.009446777403354645, + -0.12839937210083008, + 1.449692964553833, + -0.006015365943312645, + -0.21645204722881317, + 0.007760457694530487, + -0.09594237804412842, + -0.12860582768917084, + -0.0026772641576826572, + -0.17435958981513977, + 2.016158103942871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/95.png", + [ + 0.17566223442554474, + -0.005039566662162542, + -0.12674887478351593, + 1.4380089044570923, + 0.001715252990834415, + -0.21638941764831543, + 0.01098087802529335, + -0.12732025980949402, + -0.12683743238449097, + -0.009905783459544182, + -0.17539110779762268, + 2.026479721069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/103.png", + [ + 0.17320990562438965, + -0.00025798831484280527, + -0.13017739355564117, + 1.4645297527313232, + 0.004335079807788134, + -0.216542586684227, + 0.006197268608957529, + -0.06799231469631195, + -0.13010545074939728, + -0.007558603771030903, + -0.17309918999671936, + 1.983890414237976, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/83.png", + [ + 0.1731349527835846, + -0.00835395883768797, + -0.1300092190504074, + 1.4671435356140137, + -0.005686814896762371, + -0.2165071964263916, + 0.006338827777653933, + -0.07967597246170044, + -0.13015314936637878, + -0.0016528678825125098, + -0.1732204258441925, + 2.004685401916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/51.png", + [ + 0.18043199181556702, + -0.009101180359721184, + -0.11962173134088516, + 1.3510240316390991, + -0.004328365903347731, + -0.21640339493751526, + 0.009935909882187843, + -0.1218494176864624, + -0.11988934129476547, + -0.005884349346160889, + -0.180387943983078, + 2.0878829956054688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/93.png", + [ + 0.172583669424057, + -0.008701552636921406, + -0.1307174563407898, + 1.4865162372589111, + -0.0020867236889898777, + -0.21635131537914276, + 0.011646938510239124, + -0.1389523595571518, + -0.13099011778831482, + -0.008018014021217823, + -0.17240995168685913, + 1.9997833967208862, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/76.png", + [ + 0.18505966663360596, + -0.03361796587705612, + 0.1075669527053833, + -1.1651008129119873, + -0.021676579490303993, + -0.21356621384620667, + -0.02945329248905182, + 0.31455838680267334, + 0.11059360951185226, + 0.014394544996321201, + -0.1857680082321167, + 2.058375835418701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/48.png", + [ + 0.17599935829639435, + -0.034715984016656876, + 0.12151921540498734, + -1.337777853012085, + -0.01889665424823761, + -0.21322624385356903, + -0.033546630293130875, + 0.3611499071121216, + 0.12496013939380646, + 0.01665113866329193, + -0.17622597515583038, + 1.9951194524765015, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/35.png", + [ + 0.17451359331607819, + -0.0382336787879467, + 0.12260132282972336, + -1.367875576019287, + -0.025751905515789986, + -0.21306642889976501, + -0.029789693653583527, + 0.32362717390060425, + 0.12581628561019897, + 0.009421913884580135, + -0.1761515885591507, + 2.020369529724121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/124.png", + [ + 0.18632002174854279, + -0.02976449579000473, + 0.10652142763137817, + -1.183814287185669, + -0.014569218270480633, + -0.21346765756607056, + -0.03416420519351959, + 0.37106722593307495, + 0.10963794589042664, + 0.022215532138943672, + -0.18556368350982666, + 2.1003684997558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/97.png", + [ + 0.19807402789592743, + 0.006120509002357721, + 0.08761914074420929, + -0.9593510627746582, + 0.010762669146060944, + -0.21621036529541016, + -0.009227298200130463, + 0.09985484182834625, + 0.08717074245214462, + 0.012787394225597382, + -0.19795362651348114, + 2.2136306762695312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/13.png", + [ + 0.1629588007926941, + -0.03775188326835632, + 0.13772115111351013, + -1.5462861061096191, + -0.025241540744900703, + -0.21329043805599213, + -0.02859971486032009, + 0.3184430003166199, + 0.14055313169956207, + 0.00546571658924222, + -0.16481152176856995, + 1.921211838722229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/32.png", + [ + 0.17664982378482819, + -0.038754042237997055, + 0.11933506280183792, + -1.3379894495010376, + -0.024940378963947296, + -0.2128133624792099, + -0.032192256301641464, + 0.35595405101776123, + 0.12296630442142487, + 0.012509515509009361, + -0.17796260118484497, + 2.048088550567627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/38.png", + [ + 0.17455752193927765, + -0.037566449493169785, + 0.12274497747421265, + -1.3711967468261719, + -0.02459273301064968, + -0.2131374329328537, + -0.03025762178003788, + 0.3305228352546692, + 0.12598715722560883, + 0.010444511659443378, + -0.17597171664237976, + 2.0198779106140137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/111.png", + [ + 0.18940940499305725, + -0.020897455513477325, + 0.10312744975090027, + -1.159648060798645, + -0.006564061623066664, + -0.21429160237312317, + -0.03136754035949707, + 0.3490426540374756, + 0.10501851886510849, + 0.024296211078763008, + -0.18795929849147797, + 2.159125328063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/11.png", + [ + 0.16158945858478546, + -0.03786404803395271, + 0.13929483294487, + -1.5549206733703613, + -0.026915663853287697, + -0.21332405507564545, + -0.02676355093717575, + 0.2937263250350952, + 0.14181777834892273, + 0.0026560311671346426, + -0.16379423439502716, + 1.8980101346969604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/59.png", + [ + 0.17465081810951233, + -0.03675442561507225, + 0.12285804003477097, + -1.3618576526641846, + -0.019169563427567482, + -0.21273478865623474, + -0.036391306668519974, + 0.39853277802467346, + 0.1267971247434616, + 0.018463801592588425, + -0.17472682893276215, + 1.9778860807418823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/105.png", + [ + 0.198482483625412, + 0.00047120804083533585, + 0.08690442889928818, + -0.945918083190918, + 0.004233033861964941, + -0.21646668016910553, + -0.008494185283780098, + 0.08668731153011322, + 0.08680254966020584, + 0.009478804655373096, + -0.19830118119716644, + 2.218827724456787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/121.png", + [ + 0.18558484315872192, + -0.02894122339785099, + 0.10802114754915237, + -1.2014403343200684, + -0.014113372191786766, + -0.2136809527873993, + -0.033002424985170364, + 0.3590127229690552, + 0.11093680560588837, + 0.021230947226285934, + -0.18490582704544067, + 2.0980753898620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/24.png", + [ + 0.17913228273391724, + -0.0414368100464344, + 0.11464079469442368, + -1.2953754663467407, + -0.031116904690861702, + -0.21256494522094727, + -0.028209593147039413, + 0.31323397159576416, + 0.11786120384931564, + 0.006858125329017639, + -0.1816854327917099, + 2.1233620643615723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/74.png", + [ + 0.18387314677238464, + -0.03498230129480362, + 0.10915490984916687, + -1.1842621564865112, + -0.022127533331513405, + -0.2132890671491623, + -0.031081348657608032, + 0.3297148644924164, + 0.1124674528837204, + 0.015228812582790852, + -0.18457260727882385, + 2.0499982833862305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/98.png", + [ + 0.19755315780639648, + 0.006286162417382002, + 0.08877573162317276, + -0.972342848777771, + 0.011506953276693821, + -0.21612344682216644, + -0.010302902199327946, + 0.11253324151039124, + 0.08825098723173141, + 0.014108293689787388, + -0.19738443195819855, + 2.20699405670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/0.png", + [ + 0.13085728883743286, + -0.04311345890164375, + 0.1672288477420807, + -1.8526087999343872, + -0.019429203122854233, + -0.2121572494506836, + -0.03949306160211563, + 0.42999985814094543, + 0.1716005951166153, + 0.008855828084051609, + -0.1319950670003891, + 1.5167102813720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/96.png", + [ + 0.19787319004535675, + 0.007680430542677641, + 0.08794942498207092, + -0.963058352470398, + 0.012761381454765797, + -0.21607448160648346, + -0.009841909632086754, + 0.10825379192829132, + 0.08735695481300354, + 0.014167816378176212, + -0.19777747988700867, + 2.2126617431640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/100.png", + [ + 0.1987755447626114, + 0.005238362587988377, + 0.08607396483421326, + -0.940648078918457, + 0.01160427089780569, + -0.2159322202205658, + -0.013657025061547756, + 0.1496303826570511, + 0.08544887602329254, + 0.017138641327619553, + -0.19837503135204315, + 2.214684009552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/40.png", + [ + 0.1735217571258545, + -0.03745841979980469, + 0.12423751503229141, + -1.3889089822769165, + -0.021995771676301956, + -0.21293915808200836, + -0.03348120301961899, + 0.36927613615989685, + 0.12788383662700653, + 0.014201096259057522, + -0.17433284223079681, + 2.003187656402588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/52.png", + [ + 0.17379848659038544, + -0.0323747843503952, + 0.12527507543563843, + -1.3780564069747925, + -0.018238002434372902, + -0.21381767094135284, + -0.029954584315419197, + 0.32411810755729675, + 0.1280989944934845, + 0.01348239928483963, + -0.17423194646835327, + 1.9713927507400513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/3.png", + [ + 0.13209477066993713, + -0.04131392762064934, + 0.16670939326286316, + -1.84768545627594, + -0.02418680489063263, + -0.21269147098064423, + -0.03354442119598389, + 0.37139010429382324, + 0.1700407713651657, + 0.001840896438807249, + -0.13427822291851044, + 1.5383787155151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/47.png", + [ + 0.17651353776454926, + -0.0334138423204422, + 0.121137835085392, + -1.3379969596862793, + -0.01741029880940914, + -0.2133626788854599, + -0.03348345309495926, + 0.35803717374801636, + 0.12444976717233658, + 0.017543522641062737, + -0.1765003651380539, + 2.0023064613342285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/104.png", + [ + 0.1988527476787567, + 0.00155019445810467, + 0.08604109287261963, + -0.9374475479125977, + 0.005311193875968456, + -0.21644756197929382, + -0.008375181816518307, + 0.08843033015727997, + 0.0858910009264946, + 0.009795374237000942, + -0.19868235290050507, + 2.230290412902832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/21.png", + [ + 0.17148567736148834, + -0.04098090901970863, + 0.12594091892242432, + -1.4229217767715454, + -0.02759457193315029, + -0.21257473528385162, + -0.031597621738910675, + 0.35090476274490356, + 0.12953412532806396, + 0.008968537673354149, + -0.173459991812706, + 2.0242137908935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/82.png", + [ + 0.19233617186546326, + -0.01626478135585785, + 0.0984385684132576, + -1.0818077325820923, + -0.007549470756202936, + -0.21553580462932587, + -0.020861811935901642, + 0.2260877788066864, + 0.09948719292879105, + 0.015088622458279133, + -0.19189198315143585, + 2.1487956047058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/106.png", + [ + 0.19484031200408936, + -0.0031729028560221195, + 0.09473692625761032, + -1.0391426086425781, + 0.001836290117353201, + -0.21638624370098114, + -0.011023745872080326, + 0.11069479584693909, + 0.09477226436138153, + 0.010715765878558159, + -0.19455407559871674, + 2.183284282684326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/14.png", + [ + 0.1657969057559967, + -0.03753086179494858, + 0.1343529373407364, + -1.5090011358261108, + -0.024210240691900253, + -0.21326006948947906, + -0.029696788638830185, + 0.33036279678344727, + 0.13737955689430237, + 0.00771165220066905, + -0.16737766563892365, + 1.9494174718856812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/67.png", + [ + 0.17151685059070587, + -0.03633960708975792, + 0.1273157298564911, + -1.4117358922958374, + -0.017356054857373238, + -0.2127266824245453, + -0.03733668103814125, + 0.41047051548957825, + 0.13125789165496826, + 0.019357001408934593, + -0.17130255699157715, + 1.9426370859146118, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/78.png", + [ + 0.18591241538524628, + -0.03206869214773178, + 0.10656484961509705, + -1.1646069288253784, + -0.022624772042036057, + -0.21404197812080383, + -0.02494087442755699, + 0.26197436451911926, + 0.10896141082048416, + 0.010272604413330555, + -0.18700209259986877, + 2.084657669067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/31.png", + [ + 0.17774492502212524, + -0.037860579788684845, + 0.11798816919326782, + -1.328635811805725, + -0.025111595168709755, + -0.21303793787956238, + -0.030530868098139763, + 0.3386579155921936, + 0.12134265154600143, + 0.011371133849024773, + -0.17914952337741852, + 2.071537971496582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/39.png", + [ + 0.1744990199804306, + -0.03595747426152229, + 0.12330873310565948, + -1.3772794008255005, + -0.021778736263513565, + -0.21328204870224, + -0.031374234706163406, + 0.3455527424812317, + 0.12658464908599854, + 0.012873057276010513, + -0.17538104951381683, + 2.0163278579711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/92.png", + [ + 0.19834579527378082, + 0.01124361902475357, + 0.08648940175771713, + -0.9495370388031006, + 0.015738338232040405, + -0.21595346927642822, + -0.008018730208277702, + 0.0853588879108429, + 0.08578542619943619, + 0.013622644357383251, + -0.1985023319721222, + 2.2315845489501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/53.png", + [ + 0.17264847457408905, + -0.0313662625849247, + 0.12710843980312347, + -1.400156021118164, + -0.017937026917934418, + -0.2140475958585739, + -0.02845660038292408, + 0.3074205219745636, + 0.12968677282333374, + 0.012152050621807575, + -0.17315183579921722, + 1.960394024848938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/75.png", + [ + 0.18506570160388947, + -0.03357727453112602, + 0.10756924748420715, + -1.1641067266464233, + -0.021131321787834167, + -0.213503897190094, + -0.030289288610219955, + 0.3228064179420471, + 0.1106889620423317, + 0.015379869379103184, + -0.18563218414783478, + 2.0564327239990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/87.png", + [ + 0.19793759286403656, + 0.009849964641034603, + 0.08758759498596191, + -0.96180659532547, + 0.015576871111989021, + -0.21583746373653412, + -0.010929139330983162, + 0.11476373672485352, + 0.08675234019756317, + 0.01628076285123825, + -0.19788092374801636, + 2.2225823402404785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/107.png", + [ + 0.1893966794013977, + -0.01022634468972683, + 0.10474830865859985, + -1.1658695936203003, + -0.001750786672346294, + -0.2159256637096405, + -0.017914721742272377, + 0.18840280175209045, + 0.10523176193237305, + 0.014812979847192764, + -0.18882466852664948, + 2.1366219520568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/112.png", + [ + 0.18912377953529358, + -0.022331174463033676, + 0.1033509150147438, + -1.1603559255599976, + -0.008493747562170029, + -0.21431134641170502, + -0.030763672664761543, + 0.34352487325668335, + 0.10539425909519196, + 0.022800570353865623, + -0.18793638050556183, + 2.160029411315918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/69.png", + [ + 0.1741175800561905, + -0.03966771811246872, + 0.12270873785018921, + -1.3550190925598145, + -0.021803371608257294, + -0.21225666999816895, + -0.037677738815546036, + 0.410370796918869, + 0.12710459530353546, + 0.017929615452885628, + -0.17455899715423584, + 1.9679330587387085, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/45.png", + [ + 0.1740095317363739, + -0.03279966488480568, + 0.12487096339464188, + -1.3903443813323975, + -0.016845133155584335, + -0.21354222297668457, + -0.032616857439279556, + 0.34998267889022827, + 0.12800319492816925, + 0.01648636721074581, + -0.17404389381408691, + 1.9872311353683472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/50.png", + [ + 0.1768644005060196, + -0.03598300740122795, + 0.1198837012052536, + -1.3185217380523682, + -0.019095512107014656, + -0.21285571157932281, + -0.035716891288757324, + 0.38636767864227295, + 0.12370222806930542, + 0.018589187413454056, + -0.17691834270954132, + 1.99791419506073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/101.png", + [ + 0.19779059290885925, + 0.004977263044565916, + 0.08832895010709763, + -0.9641385078430176, + 0.011174220591783524, + -0.21600441634655, + -0.01285020262002945, + 0.14162525534629822, + 0.0877605453133583, + 0.016285507008433342, + -0.19743548333644867, + 2.2065820693969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/85.png", + [ + 0.1961687058210373, + 0.0022618547081947327, + 0.09198164939880371, + -1.0098997354507446, + 0.009204531088471413, + -0.21600496768951416, + -0.014318827539682388, + 0.15356530249118805, + 0.0915478840470314, + 0.016871165484189987, + -0.19565849006175995, + 2.1977524757385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/71.png", + [ + 0.17862428724765778, + -0.03756637126207352, + 0.11674770712852478, + -1.2802406549453735, + -0.02207271195948124, + -0.21273884177207947, + -0.034682516008615494, + 0.3714632987976074, + 0.12064019590616226, + 0.01669877953827381, + -0.17920655012130737, + 2.009507656097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/115.png", + [ + 0.1877909004688263, + -0.027628706768155098, + 0.1044945940375328, + -1.1752345561981201, + -0.013908566907048225, + -0.21391168236732483, + -0.03156336024403572, + 0.3498191237449646, + 0.10718683898448944, + 0.020648207515478134, + -0.18716979026794434, + 2.14652681350708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/54.png", + [ + 0.1719004362821579, + -0.03027355670928955, + 0.1283808946609497, + -1.4164799451828003, + -0.017592934891581535, + -0.2142685502767563, + -0.026970036327838898, + 0.2891377806663513, + 0.1307234913110733, + 0.010972967371344566, + -0.17244958877563477, + 1.9485474824905396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/33.png", + [ + 0.17658650875091553, + -0.04038983955979347, + 0.11888549476861954, + -1.3287097215652466, + -0.02644001878798008, + -0.2125195562839508, + -0.032928161323070526, + 0.36177751421928406, + 0.12274373322725296, + 0.01232878491282463, + -0.17812880873680115, + 2.045689582824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/49.png", + [ + 0.17663568258285522, + -0.03557110205292702, + 0.12034294754266739, + -1.3240187168121338, + -0.019467351958155632, + -0.21303938329219818, + -0.034396834671497345, + 0.37094005942344666, + 0.12397076934576035, + 0.01722836121916771, + -0.17686811089515686, + 2.0000500679016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/118.png", + [ + 0.18668116629123688, + -0.03023131750524044, + 0.10575490444898605, + -1.181494116783142, + -0.01487433910369873, + -0.21335472166538239, + -0.034733474254608154, + 0.3862074315547943, + 0.10898067057132721, + 0.022665562108159065, + -0.1858961582183838, + 2.1245851516723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/110.png", + [ + 0.18744361400604248, + -0.02165069989860058, + 0.10650837421417236, + -1.2020810842514038, + -0.0071530514396727085, + -0.21432916820049286, + -0.030979564413428307, + 0.34364795684814453, + 0.1084510013461113, + 0.023284045979380608, + -0.18612931668758392, + 2.138050079345703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/18.png", + [ + 0.16567692160606384, + -0.0357319675385952, + 0.1349899172782898, + -1.5271821022033691, + -0.021495699882507324, + -0.21349024772644043, + -0.030128801241517067, + 0.33099356293678284, + 0.1379745900630951, + 0.009645543061196804, + -0.16678689420223236, + 1.9439512491226196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/66.png", + [ + 0.17255476117134094, + -0.03648190200328827, + 0.12586428225040436, + -1.394269347190857, + -0.017385801300406456, + -0.21264249086380005, + -0.03779943659901619, + 0.4144945740699768, + 0.1298864185810089, + 0.020003365352749825, + -0.17227095365524292, + 1.9485243558883667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/16.png", + [ + 0.16276076436042786, + -0.03675789758563042, + 0.1382232904434204, + -1.5584557056427002, + -0.022080566734075546, + -0.21334415674209595, + -0.03073456510901451, + 0.33804360032081604, + 0.14131268858909607, + 0.009001205675303936, + -0.1640048772096634, + 1.910983920097351, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/94.png", + [ + 0.19861367344856262, + 0.010451339185237885, + 0.08597248792648315, + -0.9417884945869446, + 0.015320634469389915, + -0.21593885123729706, + -0.009142895229160786, + 0.10166478157043457, + 0.08523952215909958, + 0.014459731988608837, + -0.19867821037769318, + 2.2258400917053223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/28.png", + [ + 0.17662979662418365, + -0.03596516326069832, + 0.1202344298362732, + -1.3665480613708496, + -0.026016470044851303, + -0.2135704755783081, + -0.02566496841609478, + 0.28224411606788635, + 0.12277195602655411, + 0.00648494204506278, + -0.17841772735118866, + 2.0785369873046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/61.png", + [ + 0.17317752540111542, + -0.036658983677625656, + 0.12495420128107071, + -1.3850064277648926, + -0.018336357548832893, + -0.21270494163036346, + -0.03699035942554474, + 0.4050489366054535, + 0.12892328202724457, + 0.018990200012922287, + -0.1731070578098297, + 1.9620448350906372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/58.png", + [ + 0.17391720414161682, + -0.03497135266661644, + 0.12440941482782364, + -1.379847764968872, + -0.017894482240080833, + -0.2130977362394333, + -0.034886084496974945, + 0.3824502229690552, + 0.12798626720905304, + 0.017727266997098923, + -0.17393432557582855, + 1.971917986869812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/123.png", + [ + 0.1880388706922531, + -0.028359925374388695, + 0.10385081171989441, + -1.152754783630371, + -0.013494051061570644, + -0.2135816365480423, + -0.033892400562763214, + 0.36693912744522095, + 0.10680443793535233, + 0.02294555865228176, + -0.18712085485458374, + 2.1160569190979004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/64.png", + [ + 0.17122894525527954, + -0.03558646887540817, + 0.12791462242603302, + -1.4147207736968994, + -0.017536083236336708, + -0.21297964453697205, + -0.03577783703804016, + 0.3912980854511261, + 0.13160939514636993, + 0.01792125403881073, + -0.17118903994560242, + 1.9401260614395142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/10.png", + [ + 0.16185185313224792, + -0.038044869899749756, + 0.1389404982328415, + -1.548714280128479, + -0.028715038672089577, + -0.21330831944942474, + -0.02495819516479969, + 0.2695333957672119, + 0.1411641389131546, + 0.00023006326227914542, + -0.16437920928001404, + 1.8987895250320435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/41.png", + [ + 0.17274624109268188, + -0.03690352663397789, + 0.1254781186580658, + -1.4037647247314453, + -0.021092968061566353, + -0.21301047503948212, + -0.033608291298151016, + 0.37099239230155945, + 0.12908026576042175, + 0.01457946840673685, + -0.17341746389865875, + 1.9928780794143677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/91.png", + [ + 0.19818085432052612, + 0.013160199858248234, + 0.08659704774618149, + -0.9527666568756104, + 0.017018331214785576, + -0.21591816842556, + -0.006133940536528826, + 0.0622296966612339, + 0.08592214435338974, + 0.012412006966769695, + -0.19852258265018463, + 2.2337393760681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/23.png", + [ + 0.17899896204471588, + -0.04190777614712715, + 0.114677794277668, + -1.291290283203125, + -0.030029529705643654, + -0.21237094700336456, + -0.03073602169752121, + 0.3422519564628601, + 0.11834477633237839, + 0.009498095139861107, + -0.18125173449516296, + 2.1173253059387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/37.png", + [ + 0.17362606525421143, + -0.03711802884936333, + 0.12419396638870239, + -1.3858668804168701, + -0.02438102662563324, + -0.2132473587989807, + -0.029648300260305405, + 0.3227786123752594, + 0.12730848789215088, + 0.009783062152564526, + -0.1750563681125641, + 2.00839900970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/36.png", + [ + 0.17552655935287476, + -0.03722134605050087, + 0.12146149575710297, + -1.3549058437347412, + -0.02487226389348507, + -0.21322521567344666, + -0.02939850464463234, + 0.31771114468574524, + 0.1245780661702156, + 0.009872850961983204, + -0.1770048886537552, + 2.0271968841552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/8.png", + [ + 0.1604223996400833, + -0.0358973890542984, + 0.14115214347839355, + -1.563742995262146, + -0.029460376128554344, + -0.21364735066890717, + -0.020851807668805122, + 0.22112411260604858, + 0.14263463020324707, + -0.0037535433657467365, + -0.16306185722351074, + 1.8741604089736938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/6.png", + [ + 0.15780173242092133, + -0.035447362810373306, + 0.14418736100196838, + -1.5831705331802368, + -0.024639621376991272, + -0.21374373137950897, + -0.02558114193379879, + 0.2760451138019562, + 0.14642196893692017, + 0.0022338831331580877, + -0.15969817340373993, + 1.8237258195877075, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/20.png", + [ + 0.16950754821300507, + -0.038059432059526443, + 0.12948580086231232, + -1.4664819240570068, + -0.02442629635334015, + -0.21309912204742432, + -0.030659662559628487, + 0.33842116594314575, + 0.1327345073223114, + 0.009388202801346779, + -0.1710008978843689, + 1.993618130683899, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/2.png", + [ + 0.1303420066833496, + -0.04487190395593643, + 0.16716869175434113, + -1.8522402048110962, + -0.02059357240796089, + -0.2118007242679596, + -0.04079528898000717, + 0.44745245575904846, + 0.17185679078102112, + 0.008652329444885254, + -0.1316748708486557, + 1.5056968927383423, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/117.png", + [ + 0.18522027134895325, + -0.029931535944342613, + 0.10837643593549728, + -1.2134952545166016, + -0.014359889551997185, + -0.21344280242919922, + -0.03440718725323677, + 0.38287317752838135, + 0.11151298880577087, + 0.02222980000078678, + -0.18444128334522247, + 2.109194278717041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/5.png", + [ + 0.15608741343021393, + -0.036317117512226105, + 0.14582756161689758, + -1.597632884979248, + -0.021428946405649185, + -0.21348272264003754, + -0.03022945672273636, + 0.32887351512908936, + 0.14874613285064697, + 0.007354374509304762, + -0.15737977623939514, + 1.7873048782348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/108.png", + [ + 0.18535619974136353, + -0.016014594584703445, + 0.11106085777282715, + -1.2493935823440552, + -0.0045019532553851604, + -0.21534523367881775, + -0.023538460955023766, + 0.25451526045799255, + 0.11211919784545898, + 0.01782861351966858, + -0.1845516711473465, + 2.106678009033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/60.png", + [ + 0.17204415798187256, + -0.035954732447862625, + 0.1267121434211731, + -1.4036552906036377, + -0.017539482563734055, + -0.21284301578998566, + -0.036580149084329605, + 0.4019600749015808, + 0.13054147362709045, + 0.018788238987326622, + -0.17191225290298462, + 1.9498902559280396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/56.png", + [ + 0.1740594506263733, + -0.03259122371673584, + 0.12485593557357788, + -1.383077621459961, + -0.016030961647629738, + -0.21348723769187927, + -0.033378228545188904, + 0.3617411255836487, + 0.12803985178470612, + 0.017575828358530998, + -0.17391027510166168, + 1.9696182012557983, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/30.png", + [ + 0.17827129364013672, + -0.0363328754901886, + 0.11767399311065674, + -1.3273564577102661, + -0.024952920153737068, + -0.21339286863803864, + -0.028084270656108856, + 0.31129294633865356, + 0.12060097604990005, + 0.009554924443364143, + -0.17975538969039917, + 2.0798816680908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/17.png", + [ + 0.16412688791751862, + -0.03624248877167702, + 0.13673600554466248, + -1.5456420183181763, + -0.022262834012508392, + -0.21345031261444092, + -0.029853440821170807, + 0.3273620903491974, + 0.13969475030899048, + 0.008564095944166183, + -0.16540835797786713, + 1.9300371408462524, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/12.png", + [ + 0.15992164611816406, + -0.038493119180202484, + 0.14103630185127258, + -1.5802505016326904, + -0.02649257332086563, + -0.21319875121116638, + -0.02814841829240322, + 0.31198662519454956, + 0.14377447962760925, + 0.003531223628669977, + -0.16206268966197968, + 1.8877063989639282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/114.png", + [ + 0.1885446310043335, + -0.02554965205490589, + 0.10366308689117432, + -1.1662192344665527, + -0.01223880983889103, + -0.21416433155536652, + -0.030524488538503647, + 0.3384346663951874, + 0.10606145113706589, + 0.020706230774521828, + -0.18780340254306793, + 2.1572747230529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/27.png", + [ + 0.1759902685880661, + -0.035274818539619446, + 0.12137134373188019, + -1.3811438083648682, + -0.024291709065437317, + -0.21362616121768951, + -0.02686399035155773, + 0.29590094089508057, + 0.12403719127178192, + 0.008212702348828316, + -0.1774689108133316, + 2.072017192840576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/42.png", + [ + 0.16995656490325928, + -0.035971060395240784, + 0.12949417531490326, + -1.44674551486969, + -0.01958148553967476, + -0.21316950023174286, + -0.033514492213726044, + 0.368834525346756, + 0.13296324014663696, + 0.014585557393729687, + -0.17045801877975464, + 1.9564937353134155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/7.png", + [ + 0.1592962145805359, + -0.035218071192502975, + 0.14259135723114014, + -1.571669578552246, + -0.026464808732271194, + -0.2137930542230606, + -0.02323867753148079, + 0.24862048029899597, + 0.14447222650051117, + -0.00033146562054753304, + -0.16147929430007935, + 1.8517318964004517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/73.png", + [ + 0.18254104256629944, + -0.0364382341504097, + 0.11090048402547836, + -1.2089046239852905, + -0.02404569461941719, + -0.21317076683044434, + -0.030461909249424934, + 0.32133960723876953, + 0.11422989517450333, + 0.013355830684304237, + -0.18363292515277863, + 2.04673433303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/120.png", + [ + 0.18600939214229584, + -0.030261175706982613, + 0.10692360252141953, + -1.1919828653335571, + -0.01517386082559824, + -0.21344973146915436, + -0.03401268646121025, + 0.3722072243690491, + 0.1100824624300003, + 0.021711058914661407, + -0.1853601187467575, + 2.106362819671631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/46.png", + [ + 0.17660227417945862, + -0.03204135224223137, + 0.12137909978628159, + -1.3481218814849854, + -0.016913585364818573, + -0.21366101503372192, + -0.03179304301738739, + 0.33978819847106934, + 0.12439239770174026, + 0.016438322141766548, + -0.1766471415758133, + 2.009723663330078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/57.png", + [ + 0.17385654151439667, + -0.03310321643948555, + 0.1250038743019104, + -1.38573157787323, + -0.015926366671919823, + -0.21334148943424225, + -0.03434603288769722, + 0.3751731812953949, + 0.12832827866077423, + 0.01837051287293434, + -0.17361529171466827, + 1.967570424079895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/44.png", + [ + 0.17152149975299835, + -0.0348416306078434, + 0.12772750854492188, + -1.4261343479156494, + -0.018318600952625275, + -0.21327191591262817, + -0.033577002584934235, + 0.36362168192863464, + 0.13112087547779083, + 0.0157812237739563, + -0.17177355289459229, + 1.9657646417617798, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/113.png", + [ + 0.18796692788600922, + -0.024647478014230728, + 0.10492297261953354, + -1.1786915063858032, + -0.011412245221436024, + -0.2142985761165619, + -0.029896162450313568, + 0.33174675703048706, + 0.10717317461967468, + 0.020408866927027702, + -0.18720385432243347, + 2.149773120880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/29.png", + [ + 0.18014752864837646, + -0.03396392986178398, + 0.11550416052341461, + -1.3052548170089722, + -0.023498235270380974, + -0.2137952297925949, + -0.026217032223939896, + 0.28863033652305603, + 0.11807875335216522, + 0.009271002374589443, + -0.18143689632415771, + 2.1024298667907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/4.png", + [ + 0.14113502204418182, + -0.03815736994147301, + 0.159915030002594, + -1.7617217302322388, + -0.02022351324558258, + -0.21318672597408295, + -0.033020034432411194, + 0.3638768196105957, + 0.16315577924251556, + 0.006582405883818865, + -0.1424245536327362, + 1.6288830041885376, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/55.png", + [ + 0.17419429123401642, + -0.0306173637509346, + 0.1251671463251114, + -1.382948875427246, + -0.016257064417004585, + -0.21400949358940125, + -0.029724400490522385, + 0.3189183473587036, + 0.12782779335975647, + 0.014505487866699696, + -0.17434890568256378, + 1.970716118812561, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/9.png", + [ + 0.16030468046665192, + -0.03609311580657959, + 0.14123591780662537, + -1.5697537660598755, + -0.027896596118807793, + -0.2136438637971878, + -0.02293410152196884, + 0.24466994404792786, + 0.1430806666612625, + -0.0012163687497377396, + -0.16270935535430908, + 1.8744210004806519, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/25.png", + [ + 0.17812111973762512, + -0.03917558491230011, + 0.11698731034994125, + -1.3257100582122803, + -0.029514914378523827, + -0.21302567422389984, + -0.026397524401545525, + 0.2921786606311798, + 0.11978992819786072, + 0.005764802917838097, + -0.18045784533023834, + 2.105419635772705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/99.png", + [ + 0.19803524017333984, + 0.006379248574376106, + 0.08768828958272934, + -0.9592249989509583, + 0.011979682371020317, + -0.21604593098163605, + -0.011337759904563427, + 0.12381158769130707, + 0.08710004389286041, + 0.01521061360836029, + -0.19781333208084106, + 2.2104640007019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/34.png", + [ + 0.1748810112476349, + -0.03940827026963234, + 0.12170255929231644, + -1.3596619367599487, + -0.026471411809325218, + -0.2128235101699829, + -0.030875757336616516, + 0.3371312916278839, + 0.12515506148338318, + 0.010051683522760868, + -0.1765872836112976, + 2.0269336700439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/72.png", + [ + 0.18064752221107483, + -0.037409257143735886, + 0.11364378035068512, + -1.2437764406204224, + -0.02375287190079689, + -0.2129276990890503, + -0.0323341004550457, + 0.3423723876476288, + 0.11726108938455582, + 0.014499664306640625, + -0.18162456154823303, + 2.0324769020080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/102.png", + [ + 0.19868317246437073, + 0.002029022201895714, + 0.08642207086086273, + -0.9417521953582764, + 0.008093947544693947, + -0.21609999239444733, + -0.01353426743298769, + 0.14979258179664612, + 0.08606613427400589, + 0.01563877984881401, + -0.19823205471038818, + 2.217080593109131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/70.png", + [ + 0.17368292808532715, + -0.037943173199892044, + 0.12386465817689896, + -1.3647476434707642, + -0.020785029977560043, + -0.2126503437757492, + -0.03599592670798302, + 0.38956767320632935, + 0.12786757946014404, + 0.01697174459695816, + -0.17409692704677582, + 1.9608508348464966, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/90.png", + [ + 0.19853869080543518, + 0.0130603713914752, + 0.0857887715101242, + -0.9448108077049255, + 0.017121657729148865, + -0.21589139103889465, + -0.006757175084203482, + 0.06759089231491089, + 0.08507136255502701, + 0.012970631942152977, + -0.1988530158996582, + 2.2374563217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/122.png", + [ + 0.1874760091304779, + -0.0293223075568676, + 0.1045984998345375, + -1.162947177886963, + -0.014862088486552238, + -0.2135934680700302, + -0.033239174634218216, + 0.3595488667488098, + 0.10760930925607681, + 0.021585339680314064, + -0.1868213266134262, + 2.116304397583008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/15.png", + [ + 0.16310544312000275, + -0.03758782893419266, + 0.1375923901796341, + -1.5506776571273804, + -0.0228214580565691, + -0.21320012211799622, + -0.031189415603876114, + 0.3459174931049347, + 0.14079663157463074, + 0.008986304514110088, + -0.16444891691207886, + 1.9176656007766724, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/22.png", + [ + 0.17684894800186157, + -0.04190409556031227, + 0.11796775460243225, + -1.3261148929595947, + -0.028990887105464935, + -0.21233408153057098, + -0.03196348249912262, + 0.3556045889854431, + 0.12178616970777512, + 0.010304475203156471, + -0.1789129227399826, + 2.0846939086914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/109.png", + [ + 0.18423663079738617, + -0.02057459019124508, + 0.11216707527637482, + -1.2682994604110718, + -0.006684854160994291, + -0.21470102667808533, + -0.028402188792824745, + 0.3122634291648865, + 0.11384235322475433, + 0.02068955823779106, + -0.18319323658943176, + 2.1025443077087402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/26.png", + [ + 0.1778545379638672, + -0.03888248652219772, + 0.11748964339494705, + -1.3349449634552002, + -0.028924282640218735, + -0.21306553483009338, + -0.026727493852376938, + 0.29378288984298706, + 0.12032891064882278, + 0.006255013402551413, + -0.1800825297832489, + 2.1003150939941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/43.png", + [ + 0.17111222445964813, + -0.037196867167949677, + 0.12761229276657104, + -1.4260892868041992, + -0.019765755161643028, + -0.21282552182674408, + -0.03553169593214989, + 0.38742589950561523, + 0.13144512474536896, + 0.016418877989053726, + -0.1714657098054886, + 1.9637647867202759, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/84.png", + [ + 0.1949928104877472, + -0.0036488373298197985, + 0.0944054052233696, + -1.0370659828186035, + 0.0039227623492479324, + -0.216013565659523, + -0.016451483592391014, + 0.17727726697921753, + 0.09439441561698914, + 0.016514400020241737, + -0.1943318396806717, + 2.178783416748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/89.png", + [ + 0.19854006171226501, + 0.014027990400791168, + 0.08563268929719925, + -0.9417148232460022, + 0.018218206241726875, + -0.21579748392105103, + -0.006888009607791901, + 0.06942984461784363, + 0.0848400816321373, + 0.013511596247553825, + -0.1989157795906067, + 2.2363996505737305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/63.png", + [ + 0.173884779214859, + -0.03729775547981262, + 0.12377744168043137, + -1.3698176145553589, + -0.018634362146258354, + -0.21252554655075073, + -0.03786225989460945, + 0.41328164935112, + 0.12792474031448364, + 0.019739996641874313, + -0.1737627238035202, + 1.9660743474960327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/88.png", + [ + 0.19809384644031525, + 0.012805413454771042, + 0.08684895932674408, + -0.9545934200286865, + 0.01763342134654522, + -0.21579238772392273, + -0.008402653969824314, + 0.08680418133735657, + 0.08599872142076492, + 0.014750034548342228, + -0.1983294039964676, + 2.22904109954834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/62.png", + [ + 0.17387744784355164, + -0.03698462247848511, + 0.12388169020414352, + -1.371955394744873, + -0.018484555184841156, + -0.21259820461273193, + -0.03752627968788147, + 0.41015538573265076, + 0.12795644998550415, + 0.01954578422009945, + -0.17376135289669037, + 1.9680596590042114, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/65.png", + [ + 0.17326664924621582, + -0.0365685373544693, + 0.12485714256763458, + -1.3798531293869019, + -0.018039364367723465, + -0.21268364787101746, + -0.037257857620716095, + 0.4073341488838196, + 0.12884540855884552, + 0.019398674368858337, + -0.17311972379684448, + 1.9560846090316772, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/80.png", + [ + 0.186964213848114, + -0.02708897553384304, + 0.10610587149858475, + -1.168266773223877, + -0.01805799826979637, + -0.21469317376613617, + -0.022992298007011414, + 0.24416446685791016, + 0.10801007598638535, + 0.010996570810675621, + -0.1875120997428894, + 2.099792957305908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/119.png", + [ + 0.18664094805717468, + -0.03040865994989872, + 0.10577507317066193, + -1.1820282936096191, + -0.015143180266022682, + -0.2133549153804779, + -0.034615904092788696, + 0.38280996680259705, + 0.10901255905628204, + 0.02242521196603775, + -0.18590661883354187, + 2.120589256286621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/79.png", + [ + 0.1858416050672531, + -0.03091392293572426, + 0.10702860355377197, + -1.1750946044921875, + -0.020927833393216133, + -0.21414689719676971, + -0.025515224784612656, + 0.26877763867378235, + 0.10942036658525467, + 0.011546868830919266, + -0.18665944039821625, + 2.0864768028259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/116.png", + [ + 0.18790921568870544, + -0.028836969286203384, + 0.10395408421754837, + -1.1659348011016846, + -0.01470948290079832, + -0.21368901431560516, + -0.032688435167074203, + 0.36248090863227844, + 0.10687213391065598, + 0.021291589364409447, + -0.18727761507034302, + 2.1443519592285156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/19.png", + [ + 0.16614560782909393, + -0.03682271018624306, + 0.13411793112754822, + -1.519000768661499, + -0.023141982033848763, + -0.21334917843341827, + -0.02990768663585186, + 0.32835152745246887, + 0.13714216649532318, + 0.008608652278780937, + -0.16752852499485016, + 1.9530776739120483, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/77.png", + [ + 0.18532417714595795, + -0.03400667756795883, + 0.10698778927326202, + -1.163554310798645, + -0.023547857999801636, + -0.21367600560188293, + -0.0271285530179739, + 0.2877638638019562, + 0.1097649335861206, + 0.01157608162611723, + -0.18645521998405457, + 2.073254108428955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/68.png", + [ + 0.17205028235912323, + -0.03803885355591774, + 0.12609373033046722, + -1.3963353633880615, + -0.018900590017437935, + -0.21242478489875793, + -0.03829327970743179, + 0.419064462184906, + 0.1303432285785675, + 0.01940755732357502, + -0.17199386656284332, + 1.945721983909607, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/86.png", + [ + 0.19664087891578674, + 0.007017924450337887, + 0.0907248929142952, + -0.9969045519828796, + 0.013727152720093727, + -0.21584482491016388, + -0.013056359253823757, + 0.1389428973197937, + 0.08995455503463745, + 0.017596930265426636, + -0.1963324248790741, + 2.205080032348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/1.png", + [ + 0.13106492161750793, + -0.044409044086933136, + 0.1667264699935913, + -1.8465447425842285, + -0.019094135612249374, + -0.2118218094110489, + -0.04141053557395935, + 0.45282670855522156, + 0.1714797168970108, + 0.01035640761256218, + -0.13204295933246613, + 1.5134917497634888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/81.png", + [ + 0.18969827890396118, + -0.022606533020734787, + 0.10223209857940674, + -1.1256459951400757, + -0.01356436312198639, + -0.21508711576461792, + -0.022392554208636284, + 0.240626722574234, + 0.10381938517093658, + 0.0132046639919281, + -0.1897236406803131, + 2.1242332458496094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/95.png", + [ + 0.1980123370885849, + 0.007971787825226784, + 0.08760972321033478, + -0.960224449634552, + 0.013067285530269146, + -0.21605469286441803, + -0.009874949231743813, + 0.11036518216133118, + 0.08699574321508408, + 0.014308011159300804, + -0.19792655110359192, + 2.217977523803711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/103.png", + [ + 0.19958437979221344, + 0.0021165059879422188, + 0.08431779593229294, + -0.9183433055877686, + 0.007552178576588631, + -0.2161847949028015, + -0.012449810281395912, + 0.13670867681503296, + 0.08400555700063705, + 0.01440672017633915, + -0.19920694828033447, + 2.230501174926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/83.png", + [ + 0.1928054392337799, + -0.009509536437690258, + 0.0984048843383789, + -1.0832867622375488, + -0.0008090215851552784, + -0.215814471244812, + -0.019270503893494606, + 0.21027353405952454, + 0.0988599956035614, + 0.01678021252155304, + -0.19207556545734406, + 2.157978057861328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/51.png", + [ + 0.17503081262111664, + -0.03575768321752548, + 0.1226111352443695, + -1.3505744934082031, + -0.01938544772565365, + -0.21303731203079224, + -0.03445583954453468, + 0.3720594048500061, + 0.1262390911579132, + 0.01686381921172142, + -0.1752917468547821, + 1.9824453592300415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/93.png", + [ + 0.19809246063232422, + 0.010373103432357311, + 0.08717607706785202, + -0.9560357928276062, + 0.015323781408369541, + -0.21593934297561646, + -0.009125948883593082, + 0.09976477921009064, + 0.08644334971904755, + 0.014508617110550404, + -0.19815382361412048, + 2.2226858139038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/76.png", + [ + 0.19254444539546967, + -0.002143614226952195, + -0.0993475392460823, + 1.0765445232391357, + -0.020016875118017197, + -0.2130204290151596, + -0.034198176115751266, + 0.3650154173374176, + -0.09733372926712036, + 0.03956760838627815, + -0.1894952356815338, + 2.1060619354248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/48.png", + [ + 0.19366642832756042, + 0.002178126946091652, + -0.09714143723249435, + 1.0541530847549438, + -0.0161643885076046, + -0.21287941932678223, + -0.036999430507421494, + 0.3969309628009796, + -0.0958118811249733, + 0.04031750187277794, + -0.19011175632476807, + 2.123427391052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/137.png", + [ + 0.1919173151254654, + -0.01464513223618269, + -0.09950456768274307, + 1.0714492797851562, + -0.03085198812186718, + -0.21260297298431396, + -0.028214106336236, + 0.29701507091522217, + -0.09572771191596985, + 0.039158664643764496, + -0.19039617478847504, + 2.1047401428222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/35.png", + [ + 0.19267025589942932, + 0.002474541077390313, + -0.09909561276435852, + 1.0751081705093384, + -0.015324035659432411, + -0.21325965225696564, + -0.0351196750998497, + 0.37741705775260925, + -0.09793487191200256, + 0.03823734074831009, + -0.18945860862731934, + 2.116464614868164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/124.png", + [ + 0.18880049884319305, + -0.004411105997860432, + -0.106220543384552, + 1.1517235040664673, + -0.02588680014014244, + -0.21187953650951385, + -0.03721330687403679, + 0.3962470591068268, + -0.10311225056648254, + 0.04511650279164314, + -0.18514929711818695, + 2.060149669647217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/97.png", + [ + 0.1910121589899063, + -0.010825727134943008, + -0.10171065479516983, + 1.0934038162231445, + -0.0259010661393404, + -0.21355466544628143, + -0.025912072509527206, + 0.27605390548706055, + -0.09895143657922745, + 0.035001490265131, + -0.1895557940006256, + 2.091212749481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/155.png", + [ + 0.1895494908094406, + -0.01878003403544426, + -0.1032772958278656, + 1.1017014980316162, + -0.037715326994657516, + -0.21112798154354095, + -0.030828947201371193, + 0.3203577995300293, + -0.0979614406824112, + 0.04494641721248627, + -0.18796615302562714, + 2.0627493858337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/13.png", + [ + 0.19269613921642303, + 0.007799581158906221, + -0.09876871109008789, + 1.073917269706726, + -0.010151085443794727, + -0.21331124007701874, + -0.03664938732981682, + 0.3900408446788788, + -0.09855480492115021, + 0.03722080960869789, + -0.1893395334482193, + 2.111030101776123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/32.png", + [ + 0.19303444027900696, + 0.002778903115540743, + -0.09837619960308075, + 1.0639774799346924, + -0.01330690085887909, + -0.21386227011680603, + -0.03215201571583748, + 0.3438204526901245, + -0.0975116640329361, + 0.034685779362916946, + -0.1903582662343979, + 2.1174092292785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/158.png", + [ + 0.18823160231113434, + -0.017475269734859467, + -0.10588379204273224, + 1.12945556640625, + -0.03802989050745964, + -0.21077106893062592, + -0.03282037377357483, + 0.3429889976978302, + -0.10035183280706406, + 0.047096334397792816, + -0.18617020547389984, + 2.0416979789733887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/38.png", + [ + 0.19272910058498383, + 0.003037835704162717, + -0.09896545857191086, + 1.0796701908111572, + -0.015117183327674866, + -0.2131306231021881, + -0.03598202019929886, + 0.38756996393203735, + -0.0978512167930603, + 0.038910236209630966, + -0.18936480581760406, + 2.128347873687744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/148.png", + [ + 0.19227376580238342, + -0.021088819950819016, + -0.0976419597864151, + 1.047505259513855, + -0.036512020975351334, + -0.2119733840227127, + -0.026116183027625084, + 0.2693402171134949, + -0.09298153221607208, + 0.039628833532333374, + -0.19165565073490143, + 2.112269401550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/111.png", + [ + 0.1870938092470169, + -0.006520913913846016, + -0.10909297317266464, + 1.1733378171920776, + -0.028422070667147636, + -0.21174946427345276, + -0.036086589097976685, + 0.37864169478416443, + -0.10552718490362167, + 0.045470140874385834, + -0.1836964190006256, + 2.0361123085021973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/164.png", + [ + 0.18720915913581848, + -0.016762692481279373, + -0.10779445618391037, + 1.1560484170913696, + -0.03783831000328064, + -0.21078751981258392, + -0.03293592855334282, + 0.3448619842529297, + -0.10231763124465942, + 0.04728133603930473, + -0.18504992127418518, + 2.0376696586608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/11.png", + [ + 0.19469480216503143, + 0.007758582942187786, + -0.09477147459983826, + 1.0304348468780518, + -0.01001284085214138, + -0.2130788117647171, + -0.038013946264982224, + 0.4030303955078125, + -0.09455987811088562, + 0.038537271320819855, + -0.1911052167415619, + 2.1317458152770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/125.png", + [ + 0.1897246390581131, + -0.0036715178284794092, + -0.1045895367860794, + 1.1354440450668335, + -0.025331668555736542, + -0.21171313524246216, + -0.038519468158483505, + 0.4117254614830017, + -0.1015418991446495, + 0.045956097543239594, + -0.18580950796604156, + 2.0713891983032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/59.png", + [ + 0.1934104859828949, + 0.003704906441271305, + -0.09760405123233795, + 1.0525459051132202, + -0.014101154170930386, + -0.21319128572940826, + -0.03603503480553627, + 0.3783586025238037, + -0.096651092171669, + 0.03851804882287979, + -0.19006004929542542, + 2.106853485107422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/105.png", + [ + 0.18700283765792847, + -0.006306329742074013, + -0.10926146805286407, + 1.16829514503479, + -0.026336198672652245, + -0.21255120635032654, + -0.03280686214566231, + 0.3395218849182129, + -0.1062273159623146, + 0.04159466177225113, + -0.18421056866645813, + 2.0286011695861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/121.png", + [ + 0.1870041936635971, + -0.007723110727965832, + -0.10916813462972641, + 1.1824727058410645, + -0.030648840591311455, + -0.21118170022964478, + -0.03756116330623627, + 0.39945879578590393, + -0.10506176948547363, + 0.04785964637994766, + -0.18335585296154022, + 2.0402450561523438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/24.png", + [ + 0.19174708425998688, + 0.005642117001116276, + -0.10074280947446823, + 1.0942093133926392, + -0.011442232877016068, + -0.21372419595718384, + -0.03374803438782692, + 0.3603765666484833, + -0.10024979710578918, + 0.035185523331165314, + -0.1888381540775299, + 2.111732006072998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/74.png", + [ + 0.1921805441379547, + -0.0016848009545356035, + -0.10005849599838257, + 1.0801390409469604, + -0.020257916301488876, + -0.21281355619430542, + -0.03532562032341957, + 0.37600213289260864, + -0.09800080209970474, + 0.04068714752793312, + -0.18891344964504242, + 2.093717575073242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/129.png", + [ + 0.19114826619625092, + -0.0038048229180276394, + -0.10195960104465485, + 1.1117039918899536, + -0.02313923090696335, + -0.21249879896640778, + -0.035450346767902374, + 0.3808899223804474, + -0.09937209635972977, + 0.04216247797012329, + -0.18787071108818054, + 2.107168197631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/153.png", + [ + 0.19079555571079254, + -0.01860702782869339, + -0.10098876804113388, + 1.0751863718032837, + -0.036562081426382065, + -0.21143299341201782, + -0.030119607225060463, + 0.31222400069236755, + -0.09595920145511627, + 0.043563228100538254, + -0.18931975960731506, + 2.072618007659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/144.png", + [ + 0.19113068282604218, + -0.018559429794549942, + -0.10036186128854752, + 1.082180380821228, + -0.035569678992033005, + -0.21181713044643402, + -0.028569141402840614, + 0.29755184054374695, + -0.09566479921340942, + 0.041676681488752365, + -0.18989259004592896, + 2.10231351852417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/98.png", + [ + 0.19217322766780853, + -0.012124680913984776, + -0.09934958815574646, + 1.0619208812713623, + -0.02724073827266693, + -0.213295578956604, + -0.026661401614546776, + 0.2802995443344116, + -0.09630830585956573, + 0.03613696247339249, + -0.19070062041282654, + 2.096649169921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/0.png", + [ + 0.19754654169082642, + 0.02432708814740181, + -0.08562389016151428, + 0.9206051826477051, + 0.00905697699636221, + -0.21283726394176483, + -0.039574671536684036, + 0.4214574992656708, + -0.08855071663856506, + 0.032501935958862305, + -0.19506484270095825, + 2.1766233444213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/163.png", + [ + 0.1871013194322586, + -0.016758019104599953, + -0.10798219591379166, + 1.1590158939361572, + -0.03790506348013878, + -0.21077048778533936, + -0.03296832740306854, + 0.34573543071746826, + -0.10248997062444687, + 0.04735898599028587, + -0.18493466079235077, + 2.0374903678894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/96.png", + [ + 0.1907140612602234, + -0.013485589064657688, + -0.10195184499025345, + 1.0988965034484863, + -0.028797654435038567, + -0.2132129967212677, + -0.025667164474725723, + 0.2728901505470276, + -0.09872555732727051, + 0.03614204004406929, + -0.18945951759815216, + 2.0950675010681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/100.png", + [ + 0.191120445728302, + -0.010576236993074417, + -0.10153332352638245, + 1.078917145729065, + -0.0278665479272604, + -0.21272879838943481, + -0.030295439064502716, + 0.3153284788131714, + -0.09820554405450821, + 0.039780665189027786, + -0.1890001744031906, + 2.0677995681762695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/40.png", + [ + 0.19283930957317352, + 0.002215112093836069, + -0.09877244383096695, + 1.07954740524292, + -0.01571611501276493, + -0.21317407488822937, + -0.03546423092484474, + 0.3824708163738251, + -0.0975392535328865, + 0.03872726857662201, + -0.18956315517425537, + 2.1333069801330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/141.png", + [ + 0.18891732394695282, + -0.017239803448319435, + -0.10469447076320648, + 1.1320476531982422, + -0.03461665287613869, + -0.21211156249046326, + -0.027536539360880852, + 0.287757009267807, + -0.1002986952662468, + 0.04073527827858925, + -0.18769310414791107, + 2.0800347328186035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/52.png", + [ + 0.19380012154579163, + 0.003503314917907119, + -0.09683557599782944, + 1.0529804229736328, + -0.013996044173836708, + -0.2132502645254135, + -0.03572569042444229, + 0.38240912556648254, + -0.09588281065225601, + 0.03820917382836342, + -0.19051098823547363, + 2.1307058334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/3.png", + [ + 0.1965155303478241, + 0.02038179524242878, + -0.0889613926410675, + 0.9626402258872986, + 0.0017889343434944749, + -0.2120220810174942, + -0.044624269008636475, + 0.4763001501560211, + -0.09124882519245148, + 0.0397379994392395, + -0.19246411323547363, + 2.1518893241882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/47.png", + [ + 0.1940760314464569, + 0.002123843180015683, + -0.09632176160812378, + 1.0462698936462402, + -0.016333768144249916, + -0.21276094019412994, + -0.037601713091135025, + 0.4032992720603943, + -0.09495052695274353, + 0.04094105586409569, + -0.19041040539741516, + 2.1277222633361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/104.png", + [ + 0.18683482706546783, + -0.009623154997825623, + -0.10930709540843964, + 1.1695998907089233, + -0.027859581634402275, + -0.21292732656002045, + -0.028873762115836143, + 0.29471635818481445, + -0.1061343103647232, + 0.03895183280110359, + -0.18484090268611908, + 2.0365543365478516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/21.png", + [ + 0.19230599701404572, + 0.008856767788529396, + -0.09943768382072449, + 1.0877376794815063, + -0.009047522209584713, + -0.2133859246969223, + -0.03650328889489174, + 0.3923359215259552, + -0.09942051023244858, + 0.036550045013427734, + -0.18901734054088593, + 2.124087333679199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/82.png", + [ + 0.1941525936126709, + -0.005293597932904959, + -0.09604501724243164, + 1.0439984798431396, + -0.023179790005087852, + -0.2125454694032669, + -0.035142749547958374, + 0.3774418532848358, + -0.09335612505674362, + 0.04176473990082741, + -0.1910189539194107, + 2.1284608840942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/106.png", + [ + 0.18634216487407684, + -0.007266562897711992, + -0.11032533645629883, + 1.1806142330169678, + -0.027926255017518997, + -0.2122892439365387, + -0.033185724169015884, + 0.34552592039108276, + -0.10697947442531586, + 0.04275938868522644, + -0.1835072636604309, + 2.024714946746826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/14.png", + [ + 0.19135373830795288, + 0.008934774436056614, + -0.10125120729207993, + 1.1036572456359863, + -0.009536504745483398, + -0.21330572664737701, + -0.03684583306312561, + 0.3924793303012848, + -0.1011962965130806, + 0.036996353417634964, + -0.18798530101776123, + 2.097529888153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/67.png", + [ + 0.19297191500663757, + 0.000592556141782552, + -0.0985361784696579, + 1.061935305595398, + -0.017882773652672768, + -0.21286217868328094, + -0.03630145266652107, + 0.38604703545570374, + -0.09690167754888535, + 0.04046279564499855, + -0.18952763080596924, + 2.103330612182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/78.png", + [ + 0.19204720854759216, + -0.0039104679599404335, + -0.10025203227996826, + 1.0883307456970215, + -0.02144487574696541, + -0.2131062000989914, + -0.03276824578642845, + 0.35104048252105713, + -0.09800958633422852, + 0.03896600380539894, + -0.18927140533924103, + 2.107051372528076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/31.png", + [ + 0.1943580061197281, + 0.004116643685847521, + -0.09568654000759125, + 1.0342448949813843, + -0.011714918538928032, + -0.21382704377174377, + -0.0329945869743824, + 0.35313868522644043, + -0.09505590051412582, + 0.03476974740624428, + -0.1915811449289322, + 2.1275720596313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/152.png", + [ + 0.19026720523834229, + -0.01799195632338524, + -0.1020909771323204, + 1.0889005661010742, + -0.03589364513754845, + -0.21162082254886627, + -0.029600191861391068, + 0.3067273497581482, + -0.09725185483694077, + 0.042904723435640335, + -0.1888098418712616, + 2.0684995651245117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/39.png", + [ + 0.19256609678268433, + 0.0018135277787223458, + -0.09931214153766632, + 1.0853275060653687, + -0.01640998385846615, + -0.2130807489156723, + -0.03570998087525368, + 0.3851253092288971, + -0.09796377271413803, + 0.039258141070604324, + -0.18923474848270416, + 2.1284594535827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/92.png", + [ + 0.1932549625635147, + -0.014430135488510132, + -0.09691329300403595, + 1.0511301755905151, + -0.030489947646856308, + -0.21252821385860443, + -0.02915516495704651, + 0.3081333041191101, + -0.09311701357364655, + 0.03964128717780113, + -0.19158728420734406, + 2.125020980834961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/53.png", + [ + 0.19414477050304413, + 0.003764885710552335, + -0.09613289684057236, + 1.0459944009780884, + -0.013508247211575508, + -0.21329708397388458, + -0.03563394024968147, + 0.38106289505958557, + -0.09525353461503983, + 0.037921976298093796, + -0.19088369607925415, + 2.137260913848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/75.png", + [ + 0.1925048530101776, + -0.0019180455710738897, + -0.09942884743213654, + 1.0749346017837524, + -0.01979576051235199, + -0.21303807199001312, + -0.03421706333756447, + 0.36433085799217224, + -0.09745718538761139, + 0.039484184235334396, + -0.18944917619228363, + 2.101315498352051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/151.png", + [ + 0.19046129286289215, + -0.019683703780174255, + -0.10141468048095703, + 1.0823829174041748, + -0.03719261288642883, + -0.21150721609592438, + -0.02879769541323185, + 0.2982361614704132, + -0.09637993574142456, + 0.04272177070379257, + -0.18929778039455414, + 2.0760717391967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/87.png", + [ + 0.19608215987682343, + -0.01051310170441866, + -0.09159232676029205, + 0.9943559765815735, + -0.026178840547800064, + -0.21274977922439575, + -0.03162430599331856, + 0.33701324462890625, + -0.08839879930019379, + 0.039685048162937164, + -0.19380052387714386, + 2.1567606925964355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/139.png", + [ + 0.18916292488574982, + -0.016882967203855515, + -0.10430844873189926, + 1.1243990659713745, + -0.034114208072423935, + -0.2121949940919876, + -0.02752089686691761, + 0.2883028984069824, + -0.10000753402709961, + 0.04044928029179573, + -0.18791019916534424, + 2.0788040161132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/107.png", + [ + 0.18587490916252136, + -0.0074211545288562775, + -0.11110056191682816, + 1.1907846927642822, + -0.028301477432250977, + -0.21224166452884674, + -0.03317226096987724, + 0.3459055423736572, + -0.10769138485193253, + 0.04296858236193657, + -0.18304142355918884, + 2.025500774383545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/112.png", + [ + 0.18654334545135498, + -0.008280327543616295, + -0.109913170337677, + 1.184734582901001, + -0.03025079146027565, + -0.2116120606660843, + -0.03539946302771568, + 0.370119571685791, + -0.10599226504564285, + 0.0458221398293972, + -0.1833408623933792, + 2.0371360778808594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/69.png", + [ + 0.1934073567390442, + -0.002784943673759699, + -0.09764084219932556, + 1.0519646406173706, + -0.020603997632861137, + -0.21287661790847778, + -0.034740742295980453, + 0.3680696189403534, + -0.09548278898000717, + 0.040295008569955826, + -0.19028201699256897, + 2.1123228073120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/157.png", + [ + 0.18823030591011047, + -0.01776125468313694, + -0.10583846271038055, + 1.1311626434326172, + -0.038203705102205276, + -0.2107781171798706, + -0.032572392374277115, + 0.3403611481189728, + -0.10028817504644394, + 0.04695766046643257, + -0.18623949587345123, + 2.04628849029541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/45.png", + [ + 0.19356703758239746, + 0.003698194632306695, + -0.09729347378015518, + 1.0581586360931396, + -0.015446068719029427, + -0.2126099020242691, + -0.03881167992949486, + 0.41764846444129944, + -0.09613070636987686, + 0.0416083037853241, + -0.18967217206954956, + 2.1235928535461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/50.png", + [ + 0.19429145753383636, + 0.002908725757151842, + -0.09586583822965622, + 1.0405207872390747, + -0.015113982371985912, + -0.21294039487838745, + -0.03709249570965767, + 0.3968935012817383, + -0.09471160918474197, + 0.03994777798652649, + -0.19074009358882904, + 2.12786865234375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/101.png", + [ + 0.18955211341381073, + -0.010138873010873795, + -0.10447534173727036, + 1.110036849975586, + -0.02744053676724434, + -0.21294817328453064, + -0.02912033721804619, + 0.2995489835739136, + -0.10131589323282242, + 0.03870633617043495, + -0.18757614493370056, + 2.052358627319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/85.png", + [ + 0.19422972202301025, + -0.008420764468610287, + -0.09566505253314972, + 1.0396918058395386, + -0.02528231032192707, + -0.21270979940891266, + -0.032607488334178925, + 0.3504670262336731, + -0.0926472619175911, + 0.040392257273197174, + -0.1916581392288208, + 2.1363744735717773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/156.png", + [ + 0.1905195116996765, + -0.017190812155604362, + -0.10175798088312149, + 1.085995078086853, + -0.035908959805965424, + -0.2113395631313324, + -0.03152832016348839, + 0.3278900384902954, + -0.09675101190805435, + 0.04458659142255783, + -0.18867743015289307, + 2.0679521560668945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/131.png", + [ + 0.19223804771900177, + -0.0046136463060975075, + -0.09985560923814774, + 1.088747501373291, + -0.023227762430906296, + -0.21258099377155304, + -0.03489524498581886, + 0.3740328252315521, + -0.09722600877285004, + 0.04166439548134804, + -0.18910068273544312, + 2.1213955879211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/71.png", + [ + 0.19261357188224792, + -0.0032532461918890476, + -0.09918327629566193, + 1.0682834386825562, + -0.02109191194176674, + -0.21295233070850372, + -0.0339755155146122, + 0.3599129915237427, + -0.09696925431489944, + 0.03985749930143356, + -0.18962129950523376, + 2.102372169494629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/160.png", + [ + 0.18761089444160461, + -0.016178302466869354, + -0.1071835458278656, + 1.1459439992904663, + -0.037665605545043945, + -0.21062736213207245, + -0.034136634320020676, + 0.3575517237186432, + -0.10164324939250946, + 0.04818993806838989, + -0.18518711626529694, + 2.033407211303711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/115.png", + [ + 0.18785856664180756, + -0.008439267054200172, + -0.10763749480247498, + 1.1582415103912354, + -0.031176049262285233, + -0.21105040609836578, + -0.03786391764879227, + 0.3971867263317108, + -0.10336878895759583, + 0.04831564426422119, + -0.1841966062784195, + 2.043323040008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/54.png", + [ + 0.19367197155952454, + 0.003964025527238846, + -0.09707392007112503, + 1.0568313598632812, + -0.013086849823594093, + -0.21345670521259308, + -0.03482608124613762, + 0.3709774613380432, + -0.09626937657594681, + 0.03699199855327606, + -0.19055627286434174, + 2.1344761848449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/33.png", + [ + 0.1919596791267395, + 0.0005396138876676559, + -0.10049422830343246, + 1.0875098705291748, + -0.016433315351605415, + -0.2135864794254303, + -0.0325370728969574, + 0.34903931617736816, + -0.09914296120405197, + 0.03644754737615585, + -0.189182847738266, + 2.1089587211608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/159.png", + [ + 0.18763573467731476, + -0.015673456713557243, + -0.1072150245308876, + 1.1443337202072144, + -0.03726750984787941, + -0.21065092086791992, + -0.0344269759953022, + 0.3600101172924042, + -0.10174406319856644, + 0.048253778368234634, + -0.18511512875556946, + 2.030050277709961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/49.png", + [ + 0.19441770017147064, + 0.0034541215281933546, + -0.09559140354394913, + 1.0362675189971924, + -0.014177066273987293, + -0.21310128271579742, + -0.0365341491997242, + 0.3908187747001648, + -0.09459733963012695, + 0.03903590887784958, + -0.19098542630672455, + 2.1294450759887695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/118.png", + [ + 0.1868811696767807, + -0.007018139585852623, + -0.10942606627941132, + 1.1823620796203613, + -0.030575795099139214, + -0.2109890729188919, + -0.03868630528450012, + 0.4075009226799011, + -0.10530165582895279, + 0.048808351159095764, + -0.18296776711940765, + 2.032768726348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/110.png", + [ + 0.18664784729480743, + -0.005271814297884703, + -0.10992124676704407, + 1.181839942932129, + -0.026915377005934715, + -0.21203970909118652, + -0.03553329035639763, + 0.371812641620636, + -0.10670536011457443, + 0.04426352679729462, + -0.1833101063966751, + 2.0307044982910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/18.png", + [ + 0.1916479915380478, + 0.007363514043390751, + -0.10082022845745087, + 1.1018379926681519, + -0.010595593601465225, + -0.2134454846382141, + -0.0357302650809288, + 0.38236597180366516, + -0.1005319356918335, + 0.03653351217508316, + -0.1884317398071289, + 2.1132874488830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/66.png", + [ + 0.1938992440700531, + 0.0021184226498007774, + -0.09667723625898361, + 1.0409919023513794, + -0.015660766512155533, + -0.21307501196861267, + -0.03607875108718872, + 0.3815130889415741, + -0.0954238697886467, + 0.03927401825785637, + -0.1905248910188675, + 2.110579013824463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/16.png", + [ + 0.19184757769107819, + 0.0069408477284014225, + -0.10047002136707306, + 1.094399094581604, + -0.010754779912531376, + -0.21351134777069092, + -0.03528642654418945, + 0.3761153817176819, + -0.10013359040021896, + 0.036230120807886124, + -0.18870224058628082, + 2.107271194458008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/94.png", + [ + 0.19166013598442078, + -0.013328367844223976, + -0.10018300265073776, + 1.0826890468597412, + -0.029735947027802467, + -0.21271193027496338, + -0.02858862280845642, + 0.3011520504951477, + -0.09659218788146973, + 0.03903703764081001, + -0.18998408317565918, + 2.0997443199157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/28.png", + [ + 0.19304105639457703, + 0.0033760361839085817, + -0.09834455698728561, + 1.0656541585922241, + -0.012313632294535637, + -0.21401618421077728, + -0.03151737526059151, + 0.34100276231765747, + -0.09762901812791824, + 0.03366857394576073, + -0.19048069417476654, + 2.122282028198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/61.png", + [ + 0.19226856529712677, + 0.003457052167505026, + -0.09984362870454788, + 1.0735136270523071, + -0.015358746983110905, + -0.21294774115085602, + -0.036949533969163895, + 0.3908958435058594, + -0.09871580451726913, + 0.03986486792564392, + -0.18871641159057617, + 2.087883949279785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/132.png", + [ + 0.19278237223625183, + -0.006126122083514929, + -0.09871840476989746, + 1.0751885175704956, + -0.0241033174097538, + -0.21264873445034027, + -0.03387395665049553, + 0.3626716732978821, + -0.0959264412522316, + 0.04112037643790245, + -0.18988187611103058, + 2.1257987022399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/58.png", + [ + 0.19395864009857178, + 0.0028874350246042013, + -0.09653809666633606, + 1.0423381328582764, + -0.014897088520228863, + -0.21309150755405426, + -0.03630387410521507, + 0.38363268971443176, + -0.09542545676231384, + 0.03913511335849762, + -0.19055266678333282, + 2.1201252937316895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/123.png", + [ + 0.18944406509399414, + -0.005671209655702114, + -0.10500797629356384, + 1.1363680362701416, + -0.026854464784264565, + -0.21179479360580444, + -0.03700944408774376, + 0.39362064003944397, + -0.10167435556650162, + 0.04537288472056389, + -0.1858803927898407, + 2.065829277038574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/64.png", + [ + 0.19426248967647552, + -0.0007626593578606844, + -0.09596559405326843, + 1.0325757265090942, + -0.017564501613378525, + -0.2132905125617981, + -0.03386063128709793, + 0.35764744877815247, + -0.09434757381677628, + 0.03813754394650459, + -0.1912902444601059, + 2.1175994873046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/10.png", + [ + 0.1942640095949173, + 0.008954763412475586, + -0.09554685652256012, + 1.0388249158859253, + -0.009473185986280441, + -0.21288618445396423, + -0.03921264410018921, + 0.4167686402797699, + -0.09549684822559357, + 0.03933427110314369, + -0.19047588109970093, + 2.125354290008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/41.png", + [ + 0.19445940852165222, + 0.004968690685927868, + -0.09543979167938232, + 1.041317343711853, + -0.013458490371704102, + -0.2128015011548996, + -0.03850044682621956, + 0.4148210883140564, + -0.09461664408445358, + 0.04048120230436325, + -0.19067475199699402, + 2.139185905456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/91.png", + [ + 0.19344621896743774, + -0.01343507319688797, + -0.09667448699474335, + 1.0510739088058472, + -0.029849980026483536, + -0.2124728411436081, + -0.03020215407013893, + 0.3198843002319336, + -0.09292704612016678, + 0.040282633155584335, + -0.19154572486877441, + 2.1298294067382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/140.png", + [ + 0.1900792121887207, + -0.017780816182494164, + -0.10247744619846344, + 1.1072865724563599, + -0.03456510975956917, + -0.2121502310037613, + -0.027302643284201622, + 0.28532207012176514, + -0.09809708595275879, + 0.040299177169799805, + -0.1889466494321823, + 2.093205451965332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/23.png", + [ + 0.19167226552963257, + 0.0069909850135445595, + -0.10080058127641678, + 1.098514437675476, + -0.010451625101268291, + -0.21362419426441193, + -0.034689582884311676, + 0.37095654010772705, + -0.10050072520971298, + 0.03554897755384445, + -0.18863660097122192, + 2.1144165992736816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/37.png", + [ + 0.19209696352481842, + 0.0023076850920915604, + -0.10020644217729568, + 1.0931161642074585, + -0.015410907566547394, + -0.21336154639720917, + -0.034456461668014526, + 0.37053319811820984, + -0.09904121607542038, + 0.0376751683652401, + -0.18899554014205933, + 2.1224923133850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/36.png", + [ + 0.19248579442501068, + 0.002602068707346916, + -0.09945019334554672, + 1.0815494060516357, + -0.015051590278744698, + -0.21334539353847504, + -0.03471442684531212, + 0.3728923201560974, + -0.0983390212059021, + 0.03774746507406235, + -0.18934746086597443, + 2.120854377746582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/8.png", + [ + 0.19323769211769104, + 0.011762093752622604, + -0.0973074808716774, + 1.0616742372512817, + -0.00680592330172658, + -0.2129794806241989, + -0.03925952687859535, + 0.41747647523880005, + -0.09777919948101044, + 0.0380694642663002, + -0.1895727813243866, + 2.122889518737793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/6.png", + [ + 0.19432030618190765, + 0.014727531932294369, + -0.09471333771944046, + 1.028451681137085, + -0.004420940298587084, + -0.21249675750732422, + -0.04211266711354256, + 0.4486359655857086, + -0.09574952721595764, + 0.03970039263367653, + -0.1902729719877243, + 2.12959623336792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/154.png", + [ + 0.19002872705459595, + -0.01900751329958439, + -0.10235082358121872, + 1.0906307697296143, + -0.03753798082470894, + -0.21121160686016083, + -0.03047057054936886, + 0.31689733266830444, + -0.09709726274013519, + 0.04445526376366615, + -0.18853048980236053, + 2.067382335662842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/20.png", + [ + 0.19097287952899933, + 0.0075324904173612595, + -0.10208094120025635, + 1.1188287734985352, + -0.011024226434528828, + -0.21331661939620972, + -0.036364611238241196, + 0.39028221368789673, + -0.10176307708024979, + 0.03724487125873566, + -0.18762992322444916, + 2.1106371879577637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/2.png", + [ + 0.19641388952732086, + 0.0248470026999712, + -0.08804602921009064, + 0.9499530792236328, + 0.006941033992916346, + -0.21197639405727386, + -0.04433659836649895, + 0.47270384430885315, + -0.0912211537361145, + 0.03737029433250427, + -0.19295091927051544, + 2.15285062789917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/117.png", + [ + 0.18804582953453064, + -0.008225024677813053, + -0.10732664167881012, + 1.1576147079467773, + -0.03030897118151188, + -0.21134594082832336, + -0.03690742328763008, + 0.38710781931877136, + -0.10328613221645355, + 0.04704403504729271, + -0.1845717579126358, + 2.0487961769104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/149.png", + [ + 0.19065742194652557, + -0.022280162200331688, + -0.10050487518310547, + 1.075697898864746, + -0.038720954209566116, + -0.21152549982070923, + -0.026562044396996498, + 0.27443745732307434, + -0.09538513422012329, + 0.0413333885371685, + -0.19010816514492035, + 2.092702865600586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/161.png", + [ + 0.18770447373390198, + -0.015861568972468376, + -0.10706695914268494, + 1.147542953491211, + -0.03713824972510338, + -0.21076154708862305, + -0.0338854044675827, + 0.3558073043823242, + -0.10166452825069427, + 0.04770619422197342, + -0.18530066311359406, + 2.038583755493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/5.png", + [ + 0.19562514126300812, + 0.018756281584501266, + -0.09125186502933502, + 0.9895043969154358, + 8.352903387276456e-05, + -0.21227289736270905, + -0.043452370911836624, + 0.46329882740974426, + -0.0931595042347908, + 0.03919588401913643, + -0.19165824353694916, + 2.1423540115356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/108.png", + [ + 0.18611043691635132, + -0.005830989684909582, + -0.11080070585012436, + 1.1879295110702515, + -0.026516534388065338, + -0.21244274079799652, + -0.03335946053266525, + 0.34693387150764465, + -0.1077389121055603, + 0.042213503271341324, + -0.18318909406661987, + 2.0273661613464355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/60.png", + [ + 0.1928943395614624, + 0.0022940298076719046, + -0.0986630916595459, + 1.0606986284255981, + -0.01648261770606041, + -0.2128247320652008, + -0.03717326372861862, + 0.39099395275115967, + -0.097303606569767, + 0.04059883579611778, + -0.18929246068000793, + 2.0932750701904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/56.png", + [ + 0.19440607726573944, + 0.0036574287805706263, + -0.09560749679803848, + 1.0368660688400269, + -0.013764801435172558, + -0.21319471299648285, + -0.036144714802503586, + 0.3839711844921112, + -0.09468209743499756, + 0.038503680378198624, + -0.1910514533519745, + 2.134097099304199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/147.png", + [ + 0.1923043429851532, + -0.020630694925785065, + -0.09767960011959076, + 1.050011157989502, + -0.036268141120672226, + -0.21195051074028015, + -0.02663642168045044, + 0.27520671486854553, + -0.0930137112736702, + 0.03999064117670059, + -0.19156484305858612, + 2.1166815757751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/30.png", + [ + 0.19429050385951996, + 0.003405721392482519, + -0.09585142135620117, + 1.0375051498413086, + -0.011279299855232239, + -0.21422408521175385, + -0.03047475405037403, + 0.3251962661743164, + -0.09524637460708618, + 0.03231615945696831, + -0.1919158399105072, + 2.1344618797302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/17.png", + [ + 0.19196896255016327, + 0.007631785701960325, + -0.10018764436244965, + 1.0942354202270508, + -0.010458052158355713, + -0.21335764229297638, + -0.03629111498594284, + 0.3881004750728607, + -0.09993216395378113, + 0.03698880597949028, + -0.1886618286371231, + 2.11179780960083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/12.png", + [ + 0.19384950399398804, + 0.006807968020439148, + -0.09656043350696564, + 1.0486698150634766, + -0.011348786763846874, + -0.21304915845394135, + -0.03780418261885643, + 0.4019275903701782, + -0.09613257646560669, + 0.038879334926605225, + -0.19024935364723206, + 2.1201276779174805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/114.png", + [ + 0.18779143691062927, + -0.008606056682765484, + -0.10774137079715729, + 1.1599854230880737, + -0.031340591609478, + -0.2110431045293808, + -0.03776865452528, + 0.39557069540023804, + -0.10344097763299942, + 0.048318106681108475, + -0.1841554194688797, + 2.0409841537475586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/27.png", + [ + 0.1925831288099289, + 0.004867963492870331, + -0.0991763025522232, + 1.0718779563903809, + -0.010971199721097946, + -0.21404586732387543, + -0.03181037679314613, + 0.3422771692276001, + -0.09868773072957993, + 0.033295195549726486, + -0.19000014662742615, + 2.112903594970703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/42.png", + [ + 0.1937476098537445, + 0.005227354355156422, + -0.09686295688152313, + 1.0560616254806519, + -0.01337498240172863, + -0.21285374462604523, + -0.03823993355035782, + 0.41280892491340637, + -0.09607739746570587, + 0.04017284885048866, + -0.19000834226608276, + 2.1322274208068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/7.png", + [ + 0.19432510435581207, + 0.013655505143105984, + -0.09486402571201324, + 1.0323150157928467, + -0.004960719030350447, + -0.21274350583553314, + -0.04078587517142296, + 0.43652433156967163, + -0.09571335464715958, + 0.0387507863342762, + -0.19048680365085602, + 2.131840705871582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/73.png", + [ + 0.1909719705581665, + -0.001869740430265665, + -0.10234302282333374, + 1.1042119264602661, + -0.02092137187719345, + -0.21277812123298645, + -0.03515193983912468, + 0.3737252950668335, + -0.10019923001527786, + 0.0408640019595623, + -0.1877182424068451, + 2.0806732177734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/120.png", + [ + 0.1866987943649292, + -0.007518860511481762, + -0.10970381647348404, + 1.1879314184188843, + -0.030772274360060692, + -0.21110299229621887, + -0.037901073694229126, + 0.40108904242515564, + -0.10556763410568237, + 0.04823786020278931, + -0.18296578526496887, + 2.0357961654663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/46.png", + [ + 0.19413334131240845, + 0.003212500363588333, + -0.09617599844932556, + 1.0453319549560547, + -0.015656813979148865, + -0.21261383593082428, + -0.038705408573150635, + 0.4165080785751343, + -0.09494739770889282, + 0.0416284054517746, + -0.19026288390159607, + 2.1288886070251465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/127.png", + [ + 0.1904817670583725, + -0.00405301945284009, + -0.10318993777036667, + 1.1216052770614624, + -0.02404712326824665, + -0.21229685842990875, + -0.0360509492456913, + 0.38655802607536316, + -0.10043070465326309, + 0.04314519464969635, + -0.18708303570747375, + 2.089539051055908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/133.png", + [ + 0.19246919453144073, + -0.005844788160175085, + -0.09934456646442413, + 1.080467700958252, + -0.023332133889198303, + -0.21292191743850708, + -0.03267650306224823, + 0.35054129362106323, + -0.09674251824617386, + 0.039723802357912064, + -0.1897651106119156, + 2.1180710792541504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/57.png", + [ + 0.19529327750205994, + 0.0028555267490446568, + -0.09380978345870972, + 1.0135835409164429, + -0.014421818777918816, + -0.21308906376361847, + -0.036509688943624496, + 0.3866586685180664, + -0.0927385538816452, + 0.039150889962911606, + -0.19187147915363312, + 2.1364402770996094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/44.png", + [ + 0.19433994591236115, + 0.0058066872879862785, + -0.0956355407834053, + 1.0395727157592773, + -0.013232100754976273, + -0.21257726848125458, + -0.039795827120542526, + 0.42722776532173157, + -0.09489355236291885, + 0.04153406620025635, + -0.19031034409999847, + 2.128262996673584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/113.png", + [ + 0.1870986819267273, + -0.006127106491476297, + -0.10910742729902267, + 1.1748366355895996, + -0.02904594875872135, + -0.21134041249752045, + -0.03794015944004059, + 0.3978821635246277, + -0.10534849017858505, + 0.04738756641745567, + -0.18331393599510193, + 2.0315675735473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/126.png", + [ + 0.18998600542545319, + -0.004367529880255461, + -0.10408718138933182, + 1.131050944328308, + -0.024998974055051804, + -0.21207019686698914, + -0.0367310605943203, + 0.3928813338279724, + -0.10113489627838135, + 0.04421588033437729, + -0.18645264208316803, + 2.080927848815918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/29.png", + [ + 0.19517144560813904, + 0.004699366167187691, + -0.09398888796567917, + 1.016470193862915, + -0.010008186101913452, + -0.21414051949977875, + -0.03148922324180603, + 0.3380183279514313, + -0.09357260912656784, + 0.03270551562309265, + -0.1926717758178711, + 2.1404237747192383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/4.png", + [ + 0.1970045119524002, + 0.019711991772055626, + -0.08802586048841476, + 0.9514061212539673, + 0.0012483106693252921, + -0.21201354265213013, + -0.0446833036839962, + 0.4760184586048126, + -0.09019730985164642, + 0.04011973738670349, + -0.19288012385368347, + 2.1527633666992188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/55.png", + [ + 0.19448620080947876, + 0.004711311776190996, + -0.09539822489023209, + 1.0363364219665527, + -0.012355745770037174, + -0.2133515626192093, + -0.035725902765989304, + 0.3788403570652008, + -0.09471194446086884, + 0.03750744089484215, + -0.1912347674369812, + 2.1377921104431152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/9.png", + [ + 0.19505663216114044, + 0.009900525212287903, + -0.0938231498003006, + 1.0224781036376953, + -0.007824428379535675, + -0.21303831040859222, + -0.03874734416604042, + 0.41075414419174194, + -0.09401905536651611, + 0.038269538432359695, + -0.19142559170722961, + 2.137877941131592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/25.png", + [ + 0.19204457104206085, + 0.004676403943449259, + -0.10022430121898651, + 1.086570382118225, + -0.011709821410477161, + -0.2139153778553009, + -0.032418910413980484, + 0.34533506631851196, + -0.09964767098426819, + 0.03415020927786827, + -0.18934623897075653, + 2.111454963684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/99.png", + [ + 0.19184057414531708, + -0.012420414946973324, + -0.09995412081480026, + 1.0648292303085327, + -0.028526853770017624, + -0.21291682124137878, + -0.028293900191783905, + 0.2967836856842041, + -0.09659872204065323, + 0.03821071982383728, + -0.19014869630336761, + 2.087078094482422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/34.png", + [ + 0.19154003262519836, + 0.002092644339427352, + -0.10127151757478714, + 1.097664713859558, + -0.015884822234511375, + -0.2133275270462036, + -0.034451924264431, + 0.3699520230293274, + -0.10003985464572906, + 0.03787985444068909, + -0.18842780590057373, + 2.102504253387451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/72.png", + [ + 0.1913730800151825, + -0.002786471275612712, + -0.10157004743814468, + 1.0958137512207031, + -0.021058162674307823, + -0.21297821402549744, + -0.03383387252688408, + 0.3585771918296814, + -0.09940217435359955, + 0.03975440561771393, + -0.18837912380695343, + 2.0904932022094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/102.png", + [ + 0.18792451918125153, + -0.00879068486392498, + -0.10749416053295135, + 1.1462829113006592, + -0.02592216618359089, + -0.21330486238002777, + -0.027874212712049484, + 0.28319603204727173, + -0.1046915054321289, + 0.03703584894537926, + -0.1860535591840744, + 2.039928913116455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/134.png", + [ + 0.19137178361415863, + -0.007123313378542662, + -0.10136070102453232, + 1.1028114557266235, + -0.024775026366114616, + -0.21288944780826569, + -0.03181472048163414, + 0.3427529036998749, + -0.09854406118392944, + 0.03968925401568413, + -0.18884311616420746, + 2.107276439666748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/70.png", + [ + 0.19270333647727966, + -0.003614216111600399, + -0.09899625182151794, + 1.066555142402649, + -0.021320493891835213, + -0.2129691243171692, + -0.03372666984796524, + 0.35702982544898987, + -0.09674066305160522, + 0.03973649442195892, + -0.1897634118795395, + 2.104783535003662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/135.png", + [ + 0.19161583483219147, + -0.011274087242782116, + -0.10051944106817245, + 1.0908911228179932, + -0.027953052893280983, + -0.21284113824367523, + -0.02941378951072693, + 0.31440845131874084, + -0.09721054136753082, + 0.03897998481988907, + -0.18968015909194946, + 2.112919807434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/130.png", + [ + 0.19202832877635956, + -0.0035822943318635225, + -0.10030043870210648, + 1.0951205492019653, + -0.022213909775018692, + -0.21268314123153687, + -0.03493311256170273, + 0.3748009204864502, + -0.0978751927614212, + 0.04124254733324051, + -0.18885812163352966, + 2.1202826499938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/90.png", + [ + 0.19414366781711578, + -0.01240632589906454, + -0.09540549665689468, + 1.0364607572555542, + -0.028549091890454292, + -0.21261657774448395, + -0.030447255820035934, + 0.3224477469921112, + -0.09187531471252441, + 0.0398518368601799, + -0.19214226305484772, + 2.136559009552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/122.png", + [ + 0.18793494999408722, + -0.007239797152578831, + -0.10759151726961136, + 1.1651802062988281, + -0.02950977347791195, + -0.21138624846935272, + -0.03732194006443024, + 0.3964495360851288, + -0.10371848195791245, + 0.04702487960457802, + -0.18433400988578796, + 2.050363540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/15.png", + [ + 0.19145017862319946, + 0.006149784661829472, + -0.10127636790275574, + 1.1024874448776245, + -0.011780623346567154, + -0.21346619725227356, + -0.035232044756412506, + 0.37595707178115845, + -0.10077668726444244, + 0.036636870354413986, + -0.18828091025352478, + 2.1021156311035156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/162.png", + [ + 0.18697108328342438, + -0.015170896425843239, + -0.10844148695468903, + 1.1640732288360596, + -0.03682855889201164, + -0.21079611778259277, + -0.034008290618658066, + 0.3574887812137604, + -0.10311823338270187, + 0.047778140753507614, + -0.1844770461320877, + 2.032866954803467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/22.png", + [ + 0.19191868603229523, + 0.005640759132802486, + -0.10041561722755432, + 1.0968658924102783, + -0.011948145925998688, + -0.213522806763649, + -0.03483027592301369, + 0.3742886781692505, + -0.09986168146133423, + 0.03638801723718643, + -0.18881593644618988, + 2.1219544410705566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/138.png", + [ + 0.18995144963264465, + -0.014983040280640125, + -0.10315932333469391, + 1.1124011278152466, + -0.0324176587164402, + -0.21228310465812683, + -0.028859583660960197, + 0.30356669425964355, + -0.09907287359237671, + 0.040734365582466125, + -0.18834321200847626, + 2.0826830863952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/109.png", + [ + 0.1868423968553543, + -0.005159831140190363, + -0.10959555208683014, + 1.1761951446533203, + -0.026454785838723183, + -0.21216781437397003, + -0.035112060606479645, + 0.3663962483406067, + -0.10647983849048615, + 0.043658774346113205, + -0.18358609080314636, + 2.0311412811279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/26.png", + [ + 0.1911269873380661, + 0.005540978629142046, + -0.10191992670297623, + 1.103940725326538, + -0.010742487385869026, + -0.21406157314777374, + -0.031782690435647964, + 0.3396109342575073, + -0.10150355845689774, + 0.03308834135532379, + -0.1885472983121872, + 2.1006689071655273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/43.png", + [ + 0.19352535903453827, + 0.005521868355572224, + -0.09728999435901642, + 1.0606238842010498, + -0.014102237299084663, + -0.21246220171451569, + -0.040110278874635696, + 0.432753324508667, + -0.09642073512077332, + 0.042157046496868134, + -0.18940359354019165, + 2.1242480278015137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/84.png", + [ + 0.193430095911026, + -0.005725004710257053, + -0.09746754914522171, + 1.061356544494629, + -0.023509064689278603, + -0.21266894042491913, + -0.034163471311330795, + 0.36807355284690857, + -0.09476297348737717, + 0.04107363149523735, + -0.19047527015209198, + 2.12595272064209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/136.png", + [ + 0.193404883146286, + -0.012168653309345245, + -0.09692453593015671, + 1.0456358194351196, + -0.02741282619535923, + -0.21310921013355255, + -0.02794465608894825, + 0.29500171542167664, + -0.09376022219657898, + 0.03720605745911598, + -0.19176189601421356, + 2.1223087310791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/89.png", + [ + 0.19367046654224396, + -0.011155636981129646, + -0.09651528298854828, + 1.0499647855758667, + -0.028189171105623245, + -0.2124348133802414, + -0.032011136412620544, + 0.3409377634525299, + -0.0929785892367363, + 0.04116908833384514, + -0.1913321167230606, + 2.131303310394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/63.png", + [ + 0.1922197788953781, + 0.0004422107303980738, + -0.09999626874923706, + 1.0759861469268799, + -0.017539922147989273, + -0.21316425502300262, + -0.03465912491083145, + 0.36786434054374695, + -0.09844694286584854, + 0.0388420931994915, + -0.18906979262828827, + 2.0939512252807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/88.png", + [ + 0.19464221596717834, + -0.010548990219831467, + -0.09460984915494919, + 1.0280983448028564, + -0.027358124032616615, + -0.21245460212230682, + -0.03259560093283653, + 0.3466637432575226, + -0.0911802351474762, + 0.04122691601514816, + -0.1921832412481308, + 2.1407175064086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/62.png", + [ + 0.19322514533996582, + 0.0005723150679841638, + -0.09803880006074905, + 1.0539188385009766, + -0.017402810975909233, + -0.2130299210548401, + -0.03554287552833557, + 0.3781351149082184, + -0.09648355841636658, + 0.03957052528858185, + -0.18992888927459717, + 2.1003079414367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/65.png", + [ + 0.19351597130298615, + 0.0015762114198878407, + -0.09745246917009354, + 1.0487778186798096, + -0.015874551609158516, + -0.21324366331100464, + -0.034971874207258224, + 0.37095412611961365, + -0.09616376459598541, + 0.038373809307813644, + -0.1903362274169922, + 2.1082515716552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/80.png", + [ + 0.19316139817237854, + -0.00502984831109643, + -0.09803711622953415, + 1.0653318166732788, + -0.022549500688910484, + -0.21287716925144196, + -0.03350723534822464, + 0.3601243793964386, + -0.09554106742143631, + 0.04007387533783913, + -0.19029945135116577, + 2.1213150024414062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/146.png", + [ + 0.19353796541690826, + -0.02097482793033123, + -0.09513674676418304, + 1.0228170156478882, + -0.03636225685477257, + -0.2118544727563858, + -0.027264615520834923, + 0.2824959456920624, + -0.09038102626800537, + 0.04031909629702568, + -0.19275251030921936, + 2.129805564880371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/119.png", + [ + 0.18701227009296417, + -0.007840631529688835, + -0.10914590954780579, + 1.1807540655136108, + -0.03114352934062481, + -0.21099378168582916, + -0.038204796612262726, + 0.40300390124320984, + -0.10490179061889648, + 0.048662617802619934, + -0.18323606252670288, + 2.0365395545959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/145.png", + [ + 0.19233210384845734, + -0.019738951697945595, + -0.09780910611152649, + 1.0526646375656128, + -0.03593842312693596, + -0.21184179186820984, + -0.02791742794215679, + 0.28984159231185913, + -0.09308424592018127, + 0.041003983467817307, + -0.19131620228290558, + 2.1162357330322266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/79.png", + [ + 0.1920231729745865, + -0.0043418011628091335, + -0.10028034448623657, + 1.0888655185699463, + -0.022132275626063347, + -0.212975412607193, + -0.03315916657447815, + 0.35571521520614624, + -0.09790382534265518, + 0.039629749953746796, + -0.18918830156326294, + 2.107710361480713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/165.png", + [ + 0.18741367757320404, + -0.01767123118042946, + -0.10729274898767471, + 1.1495903730392456, + -0.0381493903696537, + -0.21089021861553192, + -0.031903624534606934, + 0.3331053555011749, + -0.10182646661996841, + 0.04648596793413162, + -0.18552175164222717, + 2.040738105773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/116.png", + [ + 0.18733112514019012, + -0.008775458671152592, + -0.10852618515491486, + 1.1698980331420898, + -0.031210582703351974, + -0.21123458445072174, + -0.03679326921701431, + 0.3858754634857178, + -0.1043112650513649, + 0.04744298383593559, + -0.18389186263084412, + 2.0413150787353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/19.png", + [ + 0.19208449125289917, + 0.008051742799580097, + -0.09993305802345276, + 1.0935686826705933, + -0.009887523017823696, + -0.2134004682302475, + -0.036199089139699936, + 0.38693520426750183, + -0.09976814687252045, + 0.03665114566683769, + -0.18881447613239288, + 2.121293544769287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/77.png", + [ + 0.19276480376720428, + -0.0017801052890717983, + -0.09892650693655014, + 1.0724563598632812, + -0.01932278648018837, + -0.213145449757576, + -0.03381633758544922, + 0.3612106144428253, + -0.09703737497329712, + 0.03890688717365265, + -0.18978381156921387, + 2.110442638397217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/68.png", + [ + 0.1927027553319931, + -0.0009654475725255907, + -0.09905865043401718, + 1.0679312944412231, + -0.019286485388875008, + -0.21288412809371948, + -0.035443950444459915, + 0.37621068954467773, + -0.09716779738664627, + 0.04033993184566498, + -0.1894175410270691, + 2.1026268005371094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/143.png", + [ + 0.19119976460933685, + -0.018187111243605614, + -0.1002984270453453, + 1.0829790830612183, + -0.035046666860580444, + -0.21192963421344757, + -0.02838056907057762, + 0.2963974177837372, + -0.09571978449821472, + 0.04126686602830887, + -0.18995437026023865, + 2.1023788452148438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/86.png", + [ + 0.19507235288619995, + -0.008254768326878548, + -0.09394963830709457, + 1.020400047302246, + -0.02461066097021103, + -0.21282005310058594, + -0.032401178032159805, + 0.34719014167785645, + -0.09104388952255249, + 0.03984193876385689, + -0.19253966212272644, + 2.144407272338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/1.png", + [ + 0.19533602893352509, + 0.025269312784075737, + -0.09029502421617508, + 0.9751667976379395, + 0.00817848090082407, + -0.21245430409908295, + -0.04176335036754608, + 0.44708114862442017, + -0.09340686351060867, + 0.0342421717941761, + -0.19248513877391815, + 2.1515889167785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/81.png", + [ + 0.19276030361652374, + -0.004611825104802847, + -0.0988437831401825, + 1.0758378505706787, + -0.02275877259671688, + -0.2127028852701187, + -0.03445880860090256, + 0.3711320757865906, + -0.09629850089550018, + 0.04103781282901764, + -0.189711332321167, + 2.116548538208008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/95.png", + [ + 0.19195377826690674, + -0.013590449467301369, + -0.09958384186029434, + 1.0739446878433228, + -0.02966010943055153, + -0.21278329193592072, + -0.028132563456892967, + 0.29718199372291565, + -0.0960308313369751, + 0.03855467587709427, + -0.19036677479743958, + 2.1044669151306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/103.png", + [ + 0.1877681463956833, + -0.00828461442142725, + -0.10780715942382812, + 1.1522856950759888, + -0.02529752627015114, + -0.21340756118297577, + -0.027661142870783806, + 0.28032779693603516, + -0.10512400418519974, + 0.036557745188474655, + -0.18590418994426727, + 2.042819023132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/150.png", + [ + 0.1901763677597046, + -0.01937662810087204, + -0.10200682282447815, + 1.090954065322876, + -0.03680318966507912, + -0.21162711083889008, + -0.028414547443389893, + 0.2936737835407257, + -0.0970894917845726, + 0.04226591810584068, + -0.18903733789920807, + 2.07572078704834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/83.png", + [ + 0.1936948448419571, + -0.0054159811697900295, + -0.09695807099342346, + 1.0555435419082642, + -0.023256877437233925, + -0.2126287966966629, + -0.0345834381878376, + 0.3720267415046692, + -0.09428319334983826, + 0.041322678327560425, + -0.19065941870212555, + 2.126156806945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/142.png", + [ + 0.19001126289367676, + -0.01662800833582878, + -0.1027965173125267, + 1.1113497018814087, + -0.033681001514196396, + -0.21221069991588593, + -0.02793020009994507, + 0.2917371988296509, + -0.09853529185056686, + 0.040472399443387985, + -0.18868140876293182, + 2.0901050567626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/51.png", + [ + 0.19350872933864594, + 0.0025040183681994677, + -0.09744738042354584, + 1.0585894584655762, + -0.015350742265582085, + -0.21311774849891663, + -0.03595944494009018, + 0.3843657970428467, + -0.09626326709985733, + 0.039018671959638596, + -0.19015473127365112, + 2.1236462593078613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/128.png", + [ + 0.19107000529766083, + -0.003443198511376977, + -0.10211902856826782, + 1.111820936203003, + -0.023120805621147156, + -0.21239162981510162, + -0.036098916083574295, + 0.3877560794353485, + -0.0995267853140831, + 0.0427299402654171, + -0.18766051530838013, + 2.1003670692443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/93.png", + [ + 0.19255603849887848, + -0.014491393230855465, + -0.09828563779592514, + 1.0651346445083618, + -0.030849961563944817, + -0.212482288479805, + -0.029110880568623543, + 0.3073423206806183, + -0.09443700313568115, + 0.03986430540680885, + -0.19089365005493164, + 2.1145505905151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/76.png", + [ + 0.19724808633327484, + 0.01935882866382599, + -0.08755753189325333, + 1.0269745588302612, + 0.01864982210099697, + -0.21579529345035553, + -0.005698001477867365, + 0.05497944727540016, + -0.08771127462387085, + -0.002349201124161482, + -0.19811387360095978, + 2.368626594543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/48.png", + [ + 0.21375827491283417, + -0.013863200321793556, + -0.0326053723692894, + 0.38782310485839844, + -0.016112852841615677, + -0.21562354266643524, + -0.013955456204712391, + 0.15307950973510742, + -0.031554315239191055, + 0.016192296519875526, + -0.21375226974487305, + 2.5886926651000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/35.png", + [ + 0.20343521237373352, + -0.018106285482645035, + -0.07234759628772736, + 0.8427863121032715, + -0.017204364761710167, + -0.21591635048389435, + 0.005659759044647217, + -0.07761696726083755, + -0.07256735861301422, + 0.0004306004266254604, + -0.2041609287261963, + 2.444246768951416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/97.png", + [ + 0.20284225046634674, + 0.028808411210775375, + -0.07051941752433777, + 0.8500905632972717, + 0.02232464961707592, + -0.2142568826675415, + -0.02331298217177391, + 0.2656755745410919, + -0.0728321522474289, + 0.014558865688741207, + -0.20354707539081573, + 2.496901035308838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/13.png", + [ + 0.19933238625526428, + 0.002331549534574151, + -0.084906205534935, + 1.0097880363464355, + 0.012674781493842602, + -0.21498438715934753, + 0.0238527599722147, + -0.29704195261001587, + -0.08398720622062683, + -0.02691037580370903, + -0.19791381061077118, + 2.3986353874206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/32.png", + [ + 0.19504614174365997, + -0.002256048144772649, + -0.09433877468109131, + 1.1030888557434082, + -0.001478345482610166, + -0.21665915846824646, + 0.0021247670520097017, + -0.039617642760276794, + -0.09435417503118515, + -0.0012690104776993394, + -0.19504761695861816, + 2.326605796813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/38.png", + [ + 0.20730693638324738, + -0.02886231802403927, + -0.056024033576250076, + 0.6635584235191345, + -0.028302524238824844, + -0.2147371917963028, + 0.005899302661418915, + -0.08366692066192627, + -0.05630891025066376, + 0.001673733931966126, + -0.20922333002090454, + 2.523151397705078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/11.png", + [ + 0.19746781885623932, + 0.0020352068822830915, + -0.08916395902633667, + 1.0586906671524048, + 0.010959307663142681, + -0.21553029119968414, + 0.01935155875980854, + -0.24103562533855438, + -0.08851128071546555, + -0.022146042436361313, + -0.1965278536081314, + 2.3774309158325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/59.png", + [ + 0.21100561320781708, + 0.007752496749162674, + -0.04862533509731293, + 0.5737932324409485, + 0.006454299669712782, + -0.21648073196411133, + -0.0065063354559242725, + 0.05844913050532341, + -0.04881461337208748, + 0.004887654911726713, + -0.2110477238893509, + 2.543405055999756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/24.png", + [ + 0.199327290058136, + -0.003192014992237091, + -0.08489016443490982, + 1.0125138759613037, + 0.003589898580685258, + -0.21601168811321259, + 0.016551708802580833, + -0.2088659405708313, + -0.08487426489591599, + -0.01663302443921566, + -0.19866453111171722, + 2.4141507148742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/74.png", + [ + 0.19637256860733032, + 0.017873622477054596, + -0.0898122489452362, + 1.0562002658843994, + 0.018679162487387657, + -0.2158576101064682, + -0.0021164393983781338, + 0.011649593710899353, + -0.08964817970991135, + -0.005824432708323002, + -0.19717295467853546, + 2.3592185974121094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/98.png", + [ + 0.20262783765792847, + 0.027365949004888535, + -0.07170044630765915, + 0.865505039691925, + 0.020642239600419998, + -0.21440546214580536, + -0.0234966017305851, + 0.26758065819740295, + -0.07391715794801712, + 0.015142557211220264, + -0.2031129151582718, + 2.4969019889831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/0.png", + [ + 0.1919993758201599, + 0.022186381742358208, + -0.09793819487094879, + 1.114556908607483, + 0.013140941970050335, + -0.21505406498908997, + -0.02295548841357231, + 0.2521418333053589, + -0.09955622255802155, + 0.01440150011330843, + -0.19190895557403564, + 2.232769012451172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/96.png", + [ + 0.20266413688659668, + 0.02957323007285595, + -0.07071468979120255, + 0.8504756689071655, + 0.0230423416942358, + -0.2141578197479248, + -0.023523861542344093, + 0.26921525597572327, + -0.07310399413108826, + 0.014482595026493073, + -0.20345506072044373, + 2.494211196899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/100.png", + [ + 0.2011837363243103, + 0.026967015117406845, + -0.07580093294382095, + 0.9178066253662109, + 0.020575042814016342, + -0.2145974487066269, + -0.021737055853009224, + 0.24510788917541504, + -0.0777796134352684, + 0.012985064648091793, + -0.20181581377983093, + 2.485973834991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/40.png", + [ + 0.2099718153476715, + -0.025352725759148598, + -0.04708467796444893, + 0.5579758882522583, + -0.025809330865740776, + -0.21513070166110992, + 0.0007416062871925533, + -0.02062312886118889, + -0.046835947781801224, + 0.004889855161309242, + -0.21149557828903198, + 2.5541305541992188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/52.png", + [ + 0.21345335245132446, + 0.0017161088762804866, + -0.03718360513448715, + 0.4431874752044678, + -0.0026272572576999664, + -0.21520985662937164, + -0.02501426264643669, + 0.28712767362594604, + -0.03713035210967064, + 0.025093240663409233, + -0.21198953688144684, + 2.5648436546325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/3.png", + [ + 0.19389013946056366, + 0.017946140840649605, + -0.09503918141126633, + 1.0892146825790405, + 0.01281573623418808, + -0.21580170094966888, + -0.014604110270738602, + 0.15483027696609497, + -0.0958658829331398, + 0.007447090931236744, + -0.19417047500610352, + 2.290862560272217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/47.png", + [ + 0.21383264660835266, + -0.018677683547139168, + -0.029574325308203697, + 0.3491199016571045, + -0.020372966304421425, + -0.2154209464788437, + -0.011254413053393364, + 0.12122690677642822, + -0.0284330565482378, + 0.013887541368603706, + -0.2143515646457672, + 2.5928139686584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/104.png", + [ + 0.20240218937397003, + 0.024407261982560158, + -0.07338622212409973, + 0.8840480446815491, + 0.017742034047842026, + -0.21477198600769043, + -0.02249699831008911, + 0.25390201807022095, + -0.0752759799361229, + 0.015006006695330143, + -0.2026233971118927, + 2.490717887878418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/21.png", + [ + 0.2007225751876831, + -0.0018671790603548288, + -0.08157730102539062, + 0.9773836135864258, + 0.006036096718162298, + -0.2156846672296524, + 0.019788626581430435, + -0.24765586853027344, + -0.08137509971857071, + -0.020604318007826805, + -0.19975347816944122, + 2.4366378784179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/82.png", + [ + 0.1965244561433792, + 0.023985419422388077, + -0.08803824335336685, + 1.0186432600021362, + 0.01929130032658577, + -0.21525099873542786, + -0.015580423176288605, + 0.16767457127571106, + -0.08918450772762299, + 0.006293132435530424, + -0.19736872613430023, + 2.3337860107421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/14.png", + [ + 0.1989498883485794, + 0.0030898796394467354, + -0.08577461540699005, + 1.0209041833877563, + 0.012705164961516857, + -0.21520890295505524, + 0.021716471761465073, + -0.2694492042064667, + -0.08488468825817108, + -0.024969561025500298, + -0.19778524339199066, + 2.3991622924804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/67.png", + [ + 0.19935785233974457, + 0.014402118511497974, + -0.08364755660295486, + 0.9781743884086609, + 0.01437016949057579, + -0.21617716550827026, + -0.002972022397443652, + 0.026257436722517014, + -0.0836530551314354, + -0.0028131280560046434, + -0.19985531270503998, + 2.384427070617676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/78.png", + [ + 0.19719623029232025, + 0.022633101791143417, + -0.08688659220933914, + 1.014338731765747, + 0.01977398991584778, + -0.2154769003391266, + -0.01125091128051281, + 0.12036029994487762, + -0.08758154511451721, + 0.0023101118858903646, + -0.1981717348098755, + 2.3637375831604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/31.png", + [ + 0.1947026401758194, + -0.002023405861109495, + -0.09505090862512589, + 1.1055084466934204, + -0.000764903612434864, + -0.21665188670158386, + 0.0030451673083007336, + -0.05021221935749054, + -0.09506937116384506, + -0.0024008220061659813, + -0.19468936324119568, + 2.3143773078918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/39.png", + [ + 0.20811964571475983, + -0.0272650346159935, + -0.053765494376420975, + 0.6386291980743408, + -0.027126982808113098, + -0.21493279933929443, + 0.003989389631897211, + -0.06114910542964935, + -0.053835272789001465, + 0.0028993950691074133, + -0.20986007153987885, + 2.5338711738586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/92.png", + [ + 0.19850841164588928, + 0.034163523465394974, + -0.07984457910060883, + 0.9491307735443115, + 0.02928215265274048, + -0.2138701230287552, + -0.01870889589190483, + 0.20755967497825623, + -0.08176098763942719, + 0.006349852308630943, + -0.20055601000785828, + 2.4273486137390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/53.png", + [ + 0.21360138058662415, + 0.002832653233781457, + -0.03625353053212166, + 0.4301247298717499, + -0.0013218121603131294, + -0.21526867151260376, + -0.02460787259042263, + 0.28020215034484863, + -0.03633999451994896, + 0.024480003863573074, + -0.21219807863235474, + 2.567007541656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/75.png", + [ + 0.19583742320537567, + 0.019786346703767776, + -0.09057647734880447, + 1.0631771087646484, + 0.020044639706611633, + -0.215712308883667, + -0.0037831892259418964, + 0.03116707131266594, + -0.09051966667175293, + -0.0049598910845816135, + -0.19679808616638184, + 2.353468894958496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/87.png", + [ + 0.19857238233089447, + 0.030794575810432434, + -0.08104689419269562, + 0.9415009021759033, + 0.027166400104761124, + -0.21444639563560486, + -0.014920849353075027, + 0.1616954207420349, + -0.0823340192437172, + 0.0035127161536365747, + -0.20039129257202148, + 2.377941131591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/69.png", + [ + 0.1988755613565445, + 0.014501138590276241, + -0.08477096259593964, + 0.9902048110961914, + 0.014823265373706818, + -0.2161557972431183, + -0.0022002796176820993, + 0.017803102731704712, + -0.08471522480249405, + -0.0037798627745360136, + -0.1993914097547531, + 2.377984046936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/45.png", + [ + 0.21335957944393158, + -0.019144440069794655, + -0.03254354000091553, + 0.38252905011177063, + -0.02050950564444065, + -0.215566024184227, + -0.007651543710380793, + 0.08002559840679169, + -0.031700972467660904, + 0.0106149110943079, + -0.2140800505876541, + 2.5930299758911133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/50.png", + [ + 0.21338488161563873, + -0.0031535320449620485, + -0.03748122602701187, + 0.4508993327617645, + -0.0072077857330441475, + -0.21533870697021484, + -0.02291693724691868, + 0.2615104019641876, + -0.03691659867763519, + 0.0238158218562603, + -0.2121741622686386, + 2.5726261138916016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/101.png", + [ + 0.20143495500087738, + 0.025988569483160973, + -0.0754748210310936, + 0.9131503701210022, + 0.0195606742054224, + -0.21469390392303467, + -0.021720945835113525, + 0.24492201209068298, + -0.0773901492357254, + 0.01337959710508585, + -0.20193970203399658, + 2.487499713897705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/85.png", + [ + 0.19786293804645538, + 0.029219776391983032, + -0.0833328366279602, + 0.9627594947814941, + 0.025606168434023857, + -0.21466894447803497, + -0.014472892507910728, + 0.15514783561229706, + -0.08451320230960846, + 0.0033682503271847963, + -0.19948449730873108, + 2.356889247894287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/71.png", + [ + 0.1986120343208313, + 0.012852591462433338, + -0.08565022051334381, + 1.0034830570220947, + 0.013423437252640724, + -0.2162543684244156, + -0.0013236734084784985, + 0.007098950445652008, + -0.08556260168552399, + -0.004092878196388483, + -0.1990230530500412, + 2.376361846923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/54.png", + [ + 0.21361465752124786, + 0.003820038167759776, + -0.03608430549502373, + 0.4266568422317505, + 0.00032286904752254486, + -0.2156621515750885, + -0.020919568836688995, + 0.2318648099899292, + -0.03628451004624367, + 0.020570365712046623, + -0.21262218058109283, + 2.5693764686584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/33.png", + [ + 0.19798877835273743, + -0.0037571610882878304, + -0.08794444054365158, + 1.0314277410507202, + -0.0033878451213240623, + -0.21664203703403473, + 0.001628342317417264, + -0.03278125077486038, + -0.08795943856239319, + -0.00011284864012850448, + -0.19801773130893707, + 2.3657984733581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/49.png", + [ + 0.21392939984798431, + -0.008404437452554703, + -0.0333387553691864, + 0.39861565828323364, + -0.011451279744505882, + -0.21552276611328125, + -0.01914941892027855, + 0.21553170680999756, + -0.03241875022649765, + 0.0206687543541193, + -0.21323631703853607, + 2.5814781188964844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/18.png", + [ + 0.1996411830186844, + 0.0022823589388281107, + -0.08417882770299911, + 1.0074394941329956, + 0.009990766644477844, + -0.2157072126865387, + 0.01784590631723404, + -0.22286199033260345, + -0.0836150050163269, + -0.020324433222413063, + -0.19885508716106415, + 2.4241456985473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/66.png", + [ + 0.1989854872226715, + 0.01591605506837368, + -0.08425766229629517, + 0.9885072708129883, + 0.015095515176653862, + -0.21608635783195496, + -0.005168119911104441, + 0.05125736817717552, + -0.08440852165222168, + -0.0011239525629207492, + -0.19955408573150635, + 2.3855042457580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/16.png", + [ + 0.19965152442455292, + 0.0029391853604465723, + -0.08413399010896683, + 1.0042595863342285, + 0.011320559307932854, + -0.21551311016082764, + 0.019335037097334862, + -0.23968291282653809, + -0.08342069387435913, + -0.0222117081284523, + -0.19873479008674622, + 2.4143729209899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/94.png", + [ + 0.20060773193836212, + 0.0329674556851387, + -0.07495051622390747, + 0.8977630734443665, + 0.02698604017496109, + -0.21387481689453125, + -0.02184508927166462, + 0.24753504991531372, + -0.07730580121278763, + 0.01089041493833065, + -0.20212149620056152, + 2.4655189514160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/28.png", + [ + 0.1956215798854828, + -0.00028094337903894484, + -0.09316661208868027, + 1.0900019407272339, + 0.0028177304193377495, + -0.21655669808387756, + 0.006569401826709509, + -0.09123159199953079, + -0.09312442690134048, + -0.0071426681242883205, + -0.19551141560077667, + 2.335740566253662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/61.png", + [ + 0.20438241958618164, + 0.010991029441356659, + -0.0710979551076889, + 0.8436833024024963, + 0.010133691132068634, + -0.21639437973499298, + -0.004321484360843897, + 0.03220410272479057, + -0.07122520357370377, + 0.0007511304575018585, + -0.20463210344314575, + 2.468395709991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/58.png", + [ + 0.21295179426670074, + 0.0055736335925757885, + -0.03960248455405235, + 0.46234965324401855, + 0.003652615938335657, + -0.21637392044067383, + -0.010811390355229378, + 0.10950435698032379, + -0.03982562944293022, + 0.009958031587302685, + -0.21275021135807037, + 2.562753677368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/64.png", + [ + 0.19931070506572723, + 0.012269399128854275, + -0.08409874886274338, + 0.9895592927932739, + 0.00981738418340683, + -0.2162933498620987, + -0.008288823999464512, + 0.08482927083969116, + -0.08442012965679169, + 0.0038141144905239344, + -0.19951589405536652, + 2.395876884460449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/10.png", + [ + 0.19715718924999237, + 0.0032896907068789005, + -0.08981160074472427, + 1.0645462274551392, + 0.011384611949324608, + -0.21569928526878357, + 0.017091047018766403, + -0.21244026720523834, + -0.08914782106876373, + -0.0202704519033432, + -0.19644252955913544, + 2.373439311981201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/41.png", + [ + 0.21074581146240234, + -0.024149853736162186, + -0.0441688671708107, + 0.5226504802703857, + -0.02490975707769394, + -0.21523481607437134, + -0.001171354204416275, + 0.003802783787250519, + -0.043744806200265884, + 0.006217127200216055, + -0.21212173998355865, + 2.5636653900146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/91.png", + [ + 0.19761009514331818, + 0.03379872068762779, + -0.08219366520643234, + 0.9740712642669678, + 0.029086356982588768, + -0.21395345032215118, + -0.01805000565946102, + 0.1995856761932373, + -0.08397699892520905, + 0.005428180564194918, + -0.19966545701026917, + 2.405531883239746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/23.png", + [ + 0.1993255466222763, + -0.0030883473809808493, + -0.08489807695150375, + 1.0158262252807617, + 0.00496713537722826, + -0.21573732793331146, + 0.019509853795170784, + -0.24621933698654175, + -0.08480890840291977, + -0.019893940538167953, + -0.19839249551296234, + 2.4191832542419434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/37.png", + [ + 0.20619942247867584, + -0.0278469305485487, + -0.060450322926044464, + 0.7123435735702515, + -0.026938259601593018, + -0.21487639844417572, + 0.007096645887941122, + -0.09828898310661316, + -0.060860682278871536, + 0.0007619832176715136, + -0.20795021951198578, + 2.5032005310058594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/36.png", + [ + 0.20506733655929565, + -0.02398650161921978, + -0.065726138651371, + 0.7684860229492188, + -0.0228252112865448, + -0.21534283459186554, + 0.007373261731117964, + -0.09947586059570312, + -0.06613839417695999, + -5.446941941045225e-05, + -0.206333726644516, + 2.475606918334961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/8.png", + [ + 0.19693367183208466, + 0.004001719877123833, + -0.09027189761400223, + 1.0644419193267822, + 0.00994104240089655, + -0.21610760688781738, + 0.012107017450034618, + -0.15370701253414154, + -0.08981205523014069, + -0.015145639888942242, + -0.19660186767578125, + 2.36549711227417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/6.png", + [ + 0.19719021022319794, + 0.0030021669808775187, + -0.08974908292293549, + 1.0431852340698242, + 0.006078099366277456, + -0.2165030986070633, + 0.006112187635153532, + -0.08700045943260193, + -0.08959334343671799, + -0.008080167695879936, + -0.19711834192276, + 2.352381706237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/20.png", + [ + 0.2005952149629593, + 5.282761048874818e-05, + -0.08191125839948654, + 0.981835126876831, + 0.007044867612421513, + -0.21588283777236938, + 0.017113177105784416, + -0.21494002640247345, + -0.08160776644945145, + -0.01850643754005432, + -0.19986388087272644, + 2.439126491546631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/2.png", + [ + 0.19321152567863464, + 0.020748240873217583, + -0.09584730863571167, + 1.0945534706115723, + 0.014176481403410435, + -0.215454563498497, + -0.018062515184283257, + 0.19469769299030304, + -0.09703723341226578, + 0.00983552448451519, + -0.19348108768463135, + 2.2713422775268555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/5.png", + [ + 0.19611912965774536, + 0.007383048068732023, + -0.0918186828494072, + 1.0614556074142456, + 0.007811063900589943, + -0.21653257310390472, + -0.0007272065849974751, + -0.008089233189821243, + -0.09178325533866882, + -0.0026518211234360933, + -0.19625671207904816, + 2.335989475250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/60.png", + [ + 0.2078249454498291, + 0.00887220073491335, + -0.060646310448646545, + 0.7187832593917847, + 0.008579687215387821, + -0.21649278700351715, + -0.00227045058272779, + 0.00787298008799553, + -0.06068838760256767, + -0.000223700117203407, + -0.20800183713436127, + 2.509979724884033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/56.png", + [ + 0.21345961093902588, + 0.0046945251524448395, + -0.036889657378196716, + 0.4329754710197449, + 0.00229230266995728, + -0.2161935269832611, + -0.014248225837945938, + 0.14843915402889252, + -0.03711644187569618, + 0.013646540232002735, + -0.21303528547286987, + 2.570758819580078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/30.png", + [ + 0.19478227198123932, + -0.000761195202358067, + -0.09490618109703064, + 1.1055546998977661, + 0.0012909272918477654, + -0.2166263610124588, + 0.004386909306049347, + -0.0663820207118988, + -0.0949004516005516, + -0.004509106744080782, + -0.1947343349456787, + 2.3149919509887695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/17.png", + [ + 0.20016521215438843, + 0.002887317445129156, + -0.08290622383356094, + 0.9905146360397339, + 0.010899725370109081, + -0.21558144688606262, + 0.018807921558618546, + -0.23381321132183075, + -0.08223730325698853, + -0.021545425057411194, + -0.19930057227611542, + 2.4237828254699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/12.png", + [ + 0.1989012062549591, + 0.0026733758859336376, + -0.08590145409107208, + 1.02125883102417, + 0.01275095995515585, + -0.21509087085723877, + 0.022830376401543617, + -0.2843708097934723, + -0.08499187231063843, + -0.026012806221842766, + -0.1976046860218048, + 2.391780376434326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/27.png", + [ + 0.19677972793579102, + -0.0015667296247556806, + -0.09068172425031662, + 1.063545823097229, + 0.0018456507241353393, + -0.2165282666683197, + 0.007746078073978424, + -0.10497915744781494, + -0.09067647159099579, + -0.007807271555066109, + -0.1966334581375122, + 2.357379913330078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/42.png", + [ + 0.21159465610980988, + -0.0232425257563591, + -0.04043985530734062, + 0.4781236946582794, + -0.02407107874751091, + -0.21532225608825684, + -0.0021928639616817236, + 0.01686003804206848, + -0.039952222257852554, + 0.006634045392274857, + -0.21285606920719147, + 2.5783233642578125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/7.png", + [ + 0.19719228148460388, + 0.0037137039471417665, + -0.08971790969371796, + 1.0500341653823853, + 0.008438711054623127, + -0.21629756689071655, + 0.009594333358108997, + -0.12663228809833527, + -0.08939734101295471, + -0.012225852347910404, + -0.19699375331401825, + 2.360065460205078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/73.png", + [ + 0.19604051113128662, + 0.01557097863405943, + -0.09095906466245651, + 1.0687772035598755, + 0.017261432483792305, + -0.21598584949970245, + 0.0002289939293405041, + -0.015608543530106544, + -0.0906534492969513, + -0.007453458849340677, + -0.19665780663490295, + 2.3514938354492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/46.png", + [ + 0.21351449191570282, + -0.017550813034176826, + -0.03242582827806473, + 0.38150754570961, + -0.018942585214972496, + -0.21569734811782837, + -0.007982902228832245, + 0.0834907591342926, + -0.031632956117391586, + 0.010701271705329418, + -0.21408581733703613, + 2.5868382453918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/57.png", + [ + 0.2132527232170105, + 0.0032105150166898966, + -0.038221325725317, + 0.44659459590911865, + 0.0012140608159825206, + -0.2163710594177246, + -0.011400987394154072, + 0.11579620838165283, + -0.038336705416440964, + 0.011006772518157959, + -0.21297194063663483, + 2.5667929649353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/44.png", + [ + 0.2129647135734558, + -0.02021219953894615, + -0.03442953899502754, + 0.4054145812988281, + -0.021519435569643974, + -0.21550244092941284, + -0.006596147548407316, + 0.06846614181995392, + -0.03362796828150749, + 0.00990264117717743, + -0.21381999552249908, + 2.589564323425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/29.png", + [ + 0.19572770595550537, + -0.0008698802557773888, + -0.09293976426124573, + 1.0837414264678955, + 0.0021863547153770924, + -0.21656212210655212, + 0.006631316617131233, + -0.09230025112628937, + -0.09291812777519226, + -0.0069280462339520454, + -0.19561727344989777, + 2.3294482231140137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/4.png", + [ + 0.19469855725765228, + 0.01327836886048317, + -0.09414910525083542, + 1.0829941034317017, + 0.010135636664927006, + -0.21622729301452637, + -0.00953542347997427, + 0.095026895403862, + -0.0945390909910202, + 0.004164178855717182, + -0.1949177086353302, + 2.310633659362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/55.png", + [ + 0.2135937362909317, + 0.004909974057227373, + -0.03607633709907532, + 0.42493194341659546, + 0.0018354190979152918, + -0.21587444841861725, + -0.01851363107562065, + 0.20060129463672638, + -0.03636263683438301, + 0.017944788560271263, + -0.2128465175628662, + 2.5706028938293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/9.png", + [ + 0.19804731011390686, + 0.004190761595964432, + -0.08779291063547134, + 1.0390725135803223, + 0.010772696696221828, + -0.2159537822008133, + 0.013993076980113983, + -0.17563332617282867, + -0.08723019063472748, + -0.01715501956641674, + -0.19759680330753326, + 2.3815407752990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/25.png", + [ + 0.19857566058635712, + -0.0016805360792204738, + -0.08667627722024918, + 1.0277973413467407, + 0.0032473644241690636, + -0.2163376808166504, + 0.011634217575192451, + -0.15037427842617035, + -0.08663172274827957, + -0.011961446143686771, + -0.19824166595935822, + 2.3982009887695312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/99.png", + [ + 0.20274318754673004, + 0.02682734839618206, + -0.07157789170742035, + 0.8649936318397522, + 0.02097276598215103, + -0.2146286517381668, + -0.021037673577666283, + 0.23667094111442566, + -0.07350676506757736, + 0.01275672484189272, + -0.20342546701431274, + 2.501437187194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/34.png", + [ + 0.20107245445251465, + -0.008877999149262905, + -0.08024298399686813, + 0.9371676445007324, + -0.008064903318881989, + -0.21649211645126343, + 0.0037434669211506844, + -0.05638309568166733, + -0.08032876253128052, + -0.00048716505989432335, + -0.20123356580734253, + 2.4050464630126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/72.png", + [ + 0.1970469206571579, + 0.013834277167916298, + -0.08904504776000977, + 1.0459531545639038, + 0.015465311706066132, + -0.21612101793289185, + 0.0006459008436650038, + -0.017755944281816483, + -0.08877630531787872, + -0.006943047512322664, + -0.19753089547157288, + 2.362062454223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/102.png", + [ + 0.20186246931552887, + 0.024928372353315353, + -0.07468607276678085, + 0.9029070138931274, + 0.0182211734354496, + -0.21473926305770874, + -0.022426249459385872, + 0.2524340748786926, + -0.07659909874200821, + 0.014612462371587753, + -0.20215573906898499, + 2.487877368927002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/70.png", + [ + 0.19860123097896576, + 0.01392731536179781, + -0.08550716191530228, + 0.9992355108261108, + 0.014329393394291401, + -0.21619164943695068, + -0.0019312348449602723, + 0.014238886535167694, + -0.08544069528579712, + -0.0038847187533974648, + -0.19907960295677185, + 2.3766984939575195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/90.png", + [ + 0.19765324890613556, + 0.03222113475203514, + -0.0827217549085617, + 0.9734352231025696, + 0.028018342331051826, + -0.2142212837934494, + -0.01649550162255764, + 0.18070276081562042, + -0.08423813432455063, + 0.004350590519607067, + -0.1995818167924881, + 2.390591621398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/15.png", + [ + 0.1999846249818802, + 0.003544724080711603, + -0.08331550657749176, + 0.9925345778465271, + 0.012070332653820515, + -0.21542952954769135, + 0.01980714499950409, + -0.24554657936096191, + -0.08251271396875381, + -0.022922715172171593, + -0.19903290271759033, + 2.4132165908813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/22.png", + [ + 0.1998269259929657, + -0.0026608232874423265, + -0.08372583240270615, + 1.0020592212677002, + 0.0059582628309726715, + -0.21556532382965088, + 0.021071184426546097, + -0.2639426290988922, + -0.08355594426393509, + -0.02173512801527977, + -0.1987306773662567, + 2.423553943634033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/26.png", + [ + 0.19662387669086456, + -0.0011555022792890668, + -0.09102531522512436, + 1.0745223760604858, + 0.0030165514908730984, + -0.21645550429821014, + 0.009263805113732815, + -0.1241302341222763, + -0.09098266065120697, + -0.009673804976046085, + -0.1964089423418045, + 2.367280960083008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/43.png", + [ + 0.2125966101884842, + -0.020492814481258392, + -0.03647781163454056, + 0.429532527923584, + -0.021504022181034088, + -0.21556346118450165, + -0.004226658493280411, + 0.0409325547516346, + -0.03589099273085594, + 0.007767373695969582, + -0.21354016661643982, + 2.5847244262695312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/84.png", + [ + 0.19689571857452393, + 0.026828626170754433, + -0.08637242019176483, + 0.9977594614028931, + 0.022429101169109344, + -0.21494273841381073, + -0.01563490927219391, + 0.1679912805557251, + -0.08761794865131378, + 0.0052668433636426926, + -0.1980990767478943, + 2.3407702445983887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/89.png", + [ + 0.19682060182094574, + 0.032787129282951355, + -0.08446627855300903, + 0.9893681406974792, + 0.028672225773334503, + -0.2141486257314682, + -0.016314607113599777, + 0.1796705573797226, + -0.08595028519630432, + 0.0036423946730792522, + -0.19886471331119537, + 2.3727669715881348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/63.png", + [ + 0.20041297376155853, + 0.012316028587520123, + -0.08142999559640884, + 0.9622620940208435, + 0.010332035832107067, + -0.2163054496049881, + -0.007286631967872381, + 0.07022066414356232, + -0.08170543611049652, + 0.0028568089473992586, + -0.20065881311893463, + 2.4162702560424805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/88.png", + [ + 0.19775071740150452, + 0.03228246048092842, + -0.08246445655822754, + 0.9616380929946899, + 0.028488175943493843, + -0.21423007547855377, + -0.015549951232969761, + 0.16925697028636932, + -0.08385087549686432, + 0.0033495044335722923, + -0.19976413249969482, + 2.3767342567443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/62.png", + [ + 0.20224647223949432, + 0.010992337949573994, + -0.07696381211280823, + 0.9129649996757507, + 0.01010464783757925, + -0.21639510989189148, + -0.004353459924459457, + 0.033844392746686935, + -0.07708538323640823, + 0.0004743504978250712, + -0.2024981826543808, + 2.4425363540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/65.png", + [ + 0.19937929511070251, + 0.01484468299895525, + -0.08351903408765793, + 0.9820218682289124, + 0.012775415554642677, + -0.21615257859230042, + -0.007921109907329082, + 0.08208175003528595, + -0.08386050164699554, + 0.0023644440807402134, + -0.19977417588233948, + 2.3938050270080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/80.png", + [ + 0.19625194370746613, + 0.02395230159163475, + -0.08865303546190262, + 1.0311428308486938, + 0.019293369725346565, + -0.21526028215885162, + -0.015449194237589836, + 0.1666957437992096, + -0.08978218585252762, + 0.006099093239754438, + -0.19710367918014526, + 2.3405065536499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/79.png", + [ + 0.19702857732772827, + 0.023700745776295662, + -0.08698222041130066, + 1.0139700174331665, + 0.01973244920372963, + -0.215321347117424, + -0.013973205350339413, + 0.15208366513252258, + -0.0879673957824707, + 0.004784817807376385, + -0.1979563981294632, + 2.3571290969848633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/19.png", + [ + 0.20069193840026855, + 0.0013999404618516564, + -0.08166199177503586, + 0.9780334830284119, + 0.008440244011580944, + -0.21583838760852814, + 0.01704254001379013, + -0.21311429142951965, + -0.08123671263456345, + -0.018966445699334145, + -0.19997191429138184, + 2.4384517669677734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/77.png", + [ + 0.19711731374263763, + 0.022448135539889336, + -0.08711335808038712, + 1.0191339254379272, + 0.020675281062722206, + -0.2155083417892456, + -0.00875072367489338, + 0.09098891913890839, + -0.0875510647892952, + -0.0003515593125484884, + -0.1981983333826065, + 2.368685722351074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/68.png", + [ + 0.19891849160194397, + 0.014588327147066593, + -0.08465521037578583, + 0.9887593388557434, + 0.014703616499900818, + -0.21615828573703766, + -0.002699968870729208, + 0.02339624986052513, + -0.08463526517152786, + -0.003266021143645048, + -0.19943442940711975, + 2.3793087005615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/86.png", + [ + 0.19862882792949677, + 0.029228676110506058, + -0.08148721605539322, + 0.9431702494621277, + 0.02582349255681038, + -0.21467070281505585, + -0.014054364524781704, + 0.15031005442142487, + -0.0826294794678688, + 0.003172115422785282, + -0.20027533173561096, + 2.3706841468811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/1.png", + [ + 0.19271300733089447, + 0.024013224989175797, + -0.09608826041221619, + 1.0929139852523804, + 0.016073288396000862, + -0.2150058001279831, + -0.02149534597992897, + 0.23373538255691528, + -0.09773042798042297, + 0.011990229599177837, + -0.19301007688045502, + 2.25128173828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/81.png", + [ + 0.19623905420303345, + 0.02448778785765171, + -0.08853520452976227, + 1.0261729955673218, + 0.019628603011369705, + -0.21518884599208832, + -0.016011705622076988, + 0.17283712327480316, + -0.0897376760840416, + 0.006481146439909935, + -0.19711175560951233, + 2.33351469039917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/95.png", + [ + 0.20190511643886566, + 0.031331539154052734, + -0.07211484014987946, + 0.8655765056610107, + 0.02529996819794178, + -0.21404817700386047, + -0.022162780165672302, + 0.2523481547832489, + -0.0744454637169838, + 0.012231593951582909, + -0.20311611890792847, + 2.485042095184326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/103.png", + [ + 0.2012237310409546, + 0.02553746849298477, + -0.0761888176202774, + 0.9200289249420166, + 0.01893954537808895, + -0.21472612023353577, + -0.021951718255877495, + 0.24666786193847656, + -0.07809091359376907, + 0.013726689852774143, + -0.20164641737937927, + 2.481264114379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/83.png", + [ + 0.19678674638271332, + 0.024040384218096733, + -0.08743532747030258, + 1.0114688873291016, + 0.019147343933582306, + -0.2152269184589386, + -0.016082681715488434, + 0.17310722172260284, + -0.08863551914691925, + 0.006879920605570078, + -0.19759632647037506, + 2.336270332336426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/51.png", + [ + 0.21343784034252167, + -0.0006115368450991809, + -0.037306979298591614, + 0.4469859302043915, + -0.004953169263899326, + -0.2151924967765808, + -0.02481025457382202, + 0.2851979732513428, + -0.03698175773024559, + 0.02529246173799038, + -0.2119918167591095, + 2.5695958137512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/93.png", + [ + 0.2000599205493927, + 0.03393837809562683, + -0.07597439736127853, + 0.9052659273147583, + 0.028606057167053223, + -0.21382680535316467, + -0.020191151648759842, + 0.22641965746879578, + -0.07813844084739685, + 0.008612509816884995, + -0.20191112160682678, + 2.4524664878845215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/76.png", + [ + 0.1613672524690628, + -0.02613968960940838, + 0.14221540093421936, + -1.5462106466293335, + 0.01198489684611559, + -0.2099536806344986, + -0.05218910425901413, + 0.5629019141197205, + 0.14410018920898438, + 0.04673390090465546, + -0.15491600334644318, + 1.7438822984695435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/48.png", + [ + 0.17131297290325165, + -0.02944876439869404, + 0.12935426831245422, + -1.4015982151031494, + 0.007310055196285248, + -0.20885245501995087, + -0.057228535413742065, + 0.6195127367973328, + 0.1324625015258789, + 0.049611616879701614, + -0.1641348898410797, + 1.8337994813919067, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/35.png", + [ + 0.16787362098693848, + -0.03183913603425026, + 0.13323894143104553, + -1.4088637828826904, + 0.009088601917028427, + -0.20768827199935913, + -0.06108087673783302, + 0.6448845863342285, + 0.1366884857416153, + 0.052912626415491104, + -0.1595757007598877, + 1.7431927919387817, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/97.png", + [ + 0.15749993920326233, + 0.00974088441580534, + 0.1484815776348114, + -1.6378095149993896, + 0.04248587042093277, + -0.21015335619449615, + -0.031279582530260086, + 0.34077391028404236, + 0.14260649681091309, + 0.051851484924554825, + -0.1546696424484253, + 1.762094259262085, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/13.png", + [ + 0.15735135972499847, + -0.006007550284266472, + 0.14883668720722198, + -1.6331965923309326, + 0.032018743455410004, + -0.2100735306739807, + -0.04232975095510483, + 0.45725637674331665, + 0.14547593891620636, + 0.05273439735174179, + -0.15166980028152466, + 1.7217028141021729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/32.png", + [ + 0.16100873053073883, + -0.02708715759217739, + 0.14244426786899567, + -1.461177945137024, + 0.016642915084958076, + -0.20800095796585083, + -0.058365337550640106, + 0.6024524569511414, + 0.14403852820396423, + 0.05431193485856056, + -0.1524827927350998, + 1.6335712671279907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/38.png", + [ + 0.16735538840293884, + -0.030566947534680367, + 0.13418541848659515, + -1.4434092044830322, + 0.010127944871783257, + -0.2079542875289917, + -0.060002751648426056, + 0.643078088760376, + 0.13724973797798157, + 0.05261717736721039, + -0.15919117629528046, + 1.7655577659606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/11.png", + [ + 0.15665556490421295, + -0.0048265340737998486, + 0.14961159229278564, + -1.6398981809616089, + 0.03429059684276581, + -0.2096460610628128, + -0.04266832396388054, + 0.4603901505470276, + 0.14570888876914978, + 0.05452646687626839, + -0.15081006288528442, + 1.7085915803909302, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/59.png", + [ + 0.1689126193523407, + -0.026994390413165092, + 0.13299518823623657, + -1.4556097984313965, + 0.007021539378911257, + -0.2103217989206314, + -0.0516074039041996, + 0.5615237355232239, + 0.13552533090114594, + 0.044541314244270325, + -0.16308540105819702, + 1.843575358390808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/105.png", + [ + 0.153794065117836, + 0.017337368801236153, + 0.15163999795913696, + -1.6932870149612427, + 0.04786675423383713, + -0.2098904401063919, + -0.02454943209886551, + 0.2725471556186676, + 0.1449277400970459, + 0.05092461779713631, + -0.1528087854385376, + 1.7727190256118774, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/24.png", + [ + 0.16949649155139923, + -0.017118830233812332, + 0.13388720154762268, + -1.276017427444458, + 0.019127700477838516, + -0.20970961451530457, + -0.05102849751710892, + 0.4534582793712616, + 0.13361497223377228, + 0.051737044006586075, + -0.16253678500652313, + 1.7095705270767212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/74.png", + [ + 0.1627715826034546, + -0.027059122920036316, + 0.14043185114860535, + -1.5298032760620117, + 0.009279311634600163, + -0.21031443774700165, + -0.05127989873290062, + 0.5540381073951721, + 0.14271368086338043, + 0.044536929577589035, + -0.15683481097221375, + 1.7675002813339233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/98.png", + [ + 0.1555953174829483, + 0.009329882450401783, + 0.1505022943019867, + -1.6662147045135498, + 0.0409097820520401, + -0.2107604295015335, + -0.02922879345715046, + 0.32124948501586914, + 0.14513573050498962, + 0.04940531775355339, + -0.1531098634004593, + 1.7550534009933472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/0.png", + [ + 0.158615380525589, + -0.010484481230378151, + 0.1472383439540863, + -1.6584337949752808, + 0.01843124069273472, + -0.21302925050258636, + -0.035024698823690414, + 0.38654354214668274, + 0.14645595848560333, + 0.038164325058460236, + -0.15505492687225342, + 1.8185490369796753, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/96.png", + [ + 0.1615050584077835, + 0.008991925977170467, + 0.14416362345218658, + -1.5832821130752563, + 0.0425451286137104, + -0.20962221920490265, + -0.034588102251291275, + 0.37495964765548706, + 0.13803593814373016, + 0.054088544100522995, + -0.15801392495632172, + 1.7888751029968262, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/100.png", + [ + 0.1586327999830246, + 0.010762282647192478, + 0.14719951152801514, + -1.6307989358901978, + 0.038930267095565796, + -0.2114960253238678, + -0.02649083361029625, + 0.29145514965057373, + 0.14236557483673096, + 0.04584215208888054, + -0.1567751169204712, + 1.7998309135437012, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/40.png", + [ + 0.16856838762760162, + -0.03052687644958496, + 0.1326676309108734, + -1.4392660856246948, + 0.009739273227751255, + -0.2079114317893982, + -0.0602152943611145, + 0.6516957879066467, + 0.13578562438488007, + 0.052809517830610275, + -0.16037864983081818, + 1.7927366495132446, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/52.png", + [ + 0.16599810123443604, + -0.0296571534126997, + 0.1360624134540558, + -1.4673781394958496, + 0.004942454397678375, + -0.21031591296195984, + -0.05187184736132622, + 0.5579741597175598, + 0.13916930556297302, + 0.04284355789422989, + -0.1604500710964203, + 1.7886360883712769, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/3.png", + [ + 0.15976066887378693, + -0.006731330417096615, + 0.14621597528457642, + -1.642556071281433, + 0.02632337249815464, + -0.21159511804580688, + -0.038503021001815796, + 0.42735394835472107, + 0.1439843773841858, + 0.04615291953086853, + -0.1551976203918457, + 1.8032175302505493, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/47.png", + [ + 0.17119371891021729, + -0.029345180839300156, + 0.12953558564186096, + -1.4063618183135986, + 0.006757435854524374, + -0.20912182331085205, + -0.05630537495017052, + 0.6105583310127258, + 0.13264591991901398, + 0.04852646589279175, + -0.16431108117103577, + 1.8393778800964355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/104.png", + [ + 0.1537579894065857, + 0.014410581439733505, + 0.1519826054573059, + -1.694262981414795, + 0.04323406517505646, + -0.21098676323890686, + -0.023733913898468018, + 0.263419508934021, + 0.14641445875167847, + 0.047167982906103134, + -0.15259712934494019, + 1.7670131921768188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/21.png", + [ + 0.1679302603006363, + -0.013444463722407818, + 0.13625921308994293, + -1.3892391920089722, + 0.021748587489128113, + -0.21027082204818726, + -0.04755072668194771, + 0.45578789710998535, + 0.13518255949020386, + 0.05053037777543068, + -0.16161760687828064, + 1.7741143703460693, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/82.png", + [ + 0.16584041714668274, + -0.004141123965382576, + 0.13938328623771667, + -1.5086314678192139, + 0.02776147425174713, + -0.21126309037208557, + -0.039307739585638046, + 0.42228829860687256, + 0.13665339350700378, + 0.04794422537088394, + -0.1611679047346115, + 1.7992154359817505, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/106.png", + [ + 0.1543799340724945, + 0.02012990415096283, + 0.1506967842578888, + -1.6839120388031006, + 0.053790271282196045, + -0.2081078588962555, + -0.027306143194437027, + 0.3039760887622833, + 0.1422017514705658, + 0.05686656013131142, + -0.15327343344688416, + 1.77639639377594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/14.png", + [ + 0.15149036049842834, + -0.008097094483673573, + 0.15470296144485474, + -1.698769211769104, + 0.03267994895577431, + -0.20983868837356567, + -0.04298418015241623, + 0.46507036685943604, + 0.15142850577831268, + 0.053385913372039795, + -0.14548969268798828, + 1.6621330976486206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/67.png", + [ + 0.1601683497428894, + -0.02779289148747921, + 0.14325343072414398, + -1.562846064567566, + 0.007968109101057053, + -0.21072529256343842, + -0.049792200326919556, + 0.5393901467323303, + 0.1457069218158722, + 0.04207504540681839, + -0.15474845468997955, + 1.7447417974472046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/78.png", + [ + 0.16016393899917603, + -0.020966917276382446, + 0.14441531896591187, + -1.5684953927993774, + 0.01974174939095974, + -0.2093421369791031, + -0.05228791758418083, + 0.5631296038627625, + 0.144587904214859, + 0.05180879309773445, + -0.1528335064649582, + 1.7162950038909912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/31.png", + [ + 0.1649313122034073, + -0.027337640523910522, + 0.13783399760723114, + -1.3904873132705688, + 0.013778693042695522, + -0.2083640992641449, + -0.05781390145421028, + 0.5839752554893494, + 0.1398417055606842, + 0.052772656083106995, + -0.15686693787574768, + 1.6547735929489136, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/39.png", + [ + 0.16883742809295654, + -0.030773013830184937, + 0.1322680562734604, + -1.4310076236724854, + 0.009231575764715672, + -0.20794925093650818, + -0.06016464903950691, + 0.6485626697540283, + 0.13548649847507477, + 0.05251694098114967, + -0.16072732210159302, + 1.7897711992263794, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/92.png", + [ + 0.15356232225894928, + 0.0018412864301353693, + 0.1528499722480774, + -1.6695494651794434, + 0.040860459208488464, + -0.20926959812641144, + -0.03852995112538338, + 0.4157581925392151, + 0.14729876816272736, + 0.05613148584961891, + -0.14866143465042114, + 1.6781595945358276, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/53.png", + [ + 0.16686435043811798, + -0.029092110693454742, + 0.13512153923511505, + -1.4607223272323608, + 0.007858099415898323, + -0.2094813585281372, + -0.054806143045425415, + 0.5912384390830994, + 0.13799433410167694, + 0.047107454389333725, + -0.1602696180343628, + 1.7898874282836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/75.png", + [ + 0.16169258952140808, + -0.026957208290696144, + 0.14169229567050934, + -1.5388357639312744, + 0.011610021814703941, + -0.20973338186740875, + -0.053150951862335205, + 0.5743093490600586, + 0.14376580715179443, + 0.047255951911211014, + -0.15506824851036072, + 1.7456198930740356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/87.png", + [ + 0.15753605961799622, + 0.0010918531334027648, + 0.14875850081443787, + -1.6247901916503906, + 0.03335988521575928, + -0.21140992641448975, + -0.033776599913835526, + 0.3671354353427887, + 0.1449737697839737, + 0.047461021691560745, + -0.1538763791322708, + 1.7423197031021118, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/107.png", + [ + 0.15599662065505981, + 0.021701520308852196, + 0.14880184829235077, + -1.669270396232605, + 0.05886586755514145, + -0.2061087042093277, + -0.031652867794036865, + 0.3509112596511841, + 0.1383754163980484, + 0.06321502476930618, + -0.15428543090820312, + 1.789350152015686, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/69.png", + [ + 0.1588038206100464, + -0.028139883652329445, + 0.14469757676124573, + -1.5805423259735107, + 0.007499077823013067, + -0.21087238192558289, + -0.04923928901553154, + 0.5317176580429077, + 0.1472175419330597, + 0.04109611734747887, + -0.15357734262943268, + 1.7325396537780762, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/45.png", + [ + 0.17156560719013214, + -0.030404414981603622, + 0.12879714369773865, + -1.4039210081100464, + 0.006503702607005835, + -0.20868656039237976, + -0.057926785200834274, + 0.6287257075309753, + 0.13217727839946747, + 0.04973311349749565, + -0.1643279492855072, + 1.845782995223999, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/50.png", + [ + 0.17333078384399414, + -0.028963031247258186, + 0.1267496645450592, + -1.3618639707565308, + 0.004391868598759174, + -0.20980529487133026, + -0.05394762009382248, + 0.5775630474090576, + 0.12994247674942017, + 0.0457250215113163, + -0.16724853217601776, + 1.8479528427124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/101.png", + [ + 0.15790697932243347, + 0.011055133305490017, + 0.1479562669992447, + -1.6416867971420288, + 0.03793485835194588, + -0.21189871430397034, + -0.024653302505612373, + 0.27063867449760437, + 0.1434371918439865, + 0.04387052357196808, + -0.156361922621727, + 1.8020814657211304, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/85.png", + [ + 0.15768930315971375, + 0.000534007151145488, + 0.14859910309314728, + -1.616240382194519, + 0.032062456011772156, + -0.21169191598892212, + -0.03326306492090225, + 0.36055946350097656, + 0.14509987831115723, + 0.0461968332529068, + -0.15414203703403473, + 1.7372311353683472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/71.png", + [ + 0.16014152765274048, + -0.028386695310473442, + 0.14316697418689728, + -1.566596269607544, + 0.006472587585449219, + -0.21094678342342377, + -0.049065861850976944, + 0.5304651260375977, + 0.14581046998500824, + 0.040540702641010284, + -0.15506017208099365, + 1.7513319253921509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/54.png", + [ + 0.17035821080207825, + -0.028688305988907814, + 0.1307782679796219, + -1.4158307313919067, + 0.009235016070306301, + -0.2086203396320343, + -0.05779419094324112, + 0.6247683167457581, + 0.13356904685497284, + 0.05101407319307327, + -0.16280284523963928, + 1.8157212734222412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/33.png", + [ + 0.16073277592658997, + -0.031163722276687622, + 0.14192141592502594, + -1.4768255949020386, + 0.01160507183521986, + -0.20820313692092896, + -0.05886145308613777, + 0.6157238483428955, + 0.14483849704265594, + 0.051265694200992584, + -0.15277935564517975, + 1.650926947593689, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/49.png", + [ + 0.17208194732666016, + -0.029348695650696754, + 0.12835243344306946, + -1.3864598274230957, + 0.006877995561808348, + -0.20893102884292603, + -0.056994881480932236, + 0.6146185398101807, + 0.13148531317710876, + 0.049339409917593, + -0.16500040888786316, + 1.8362873792648315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/18.png", + [ + 0.15896746516227722, + -0.010159135796129704, + 0.14688099920749664, + -1.5695815086364746, + 0.028292587026953697, + -0.21002183854579926, + -0.04514702782034874, + 0.4698226749897003, + 0.14448793232440948, + 0.05230217054486275, + -0.15275996923446655, + 1.7152312994003296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/66.png", + [ + 0.16190120577812195, + -0.02690795063972473, + 0.1414632350206375, + -1.5447226762771606, + 0.008431924507021904, + -0.21072149276733398, + -0.04973180219531059, + 0.5395621061325073, + 0.1437525451183319, + 0.042665109038352966, + -0.15640586614608765, + 1.7638767957687378, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/16.png", + [ + 0.15518707036972046, + -0.009269126690924168, + 0.15092697739601135, + -1.6460978984832764, + 0.030441703274846077, + -0.20992411673069, + -0.04419337213039398, + 0.47347983717918396, + 0.1481153964996338, + 0.05285673961043358, + -0.14904996752738953, + 1.6913865804672241, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/94.png", + [ + 0.16039422154426575, + 0.008734706789255142, + 0.14541423320770264, + -1.5895718336105347, + 0.04479121044278145, + -0.2087644338607788, + -0.036865413188934326, + 0.39999380707740784, + 0.13861939311027527, + 0.05734994634985924, + -0.15634430944919586, + 1.7639819383621216, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/28.png", + [ + 0.16720330715179443, + -0.026516588404774666, + 0.13523243367671967, + -1.2982714176177979, + 0.012697389349341393, + -0.20875686407089233, + -0.05663260444998741, + 0.5278624296188354, + 0.13722142577171326, + 0.051626987755298615, + -0.15953941643238068, + 1.64962637424469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/61.png", + [ + 0.16669325530529022, + -0.028850814327597618, + 0.13538417220115662, + -1.47745943069458, + 0.004979866091161966, + -0.2105291187763214, + -0.05099596455693245, + 0.547838568687439, + 0.13833454251289368, + 0.042344048619270325, + -0.16130228340625763, + 1.8172200918197632, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/58.png", + [ + 0.1646585911512375, + -0.02884540520608425, + 0.1378527730703354, + -1.5063762664794922, + 0.010080590844154358, + -0.2091236263513565, + -0.05579948052763939, + 0.6063120365142822, + 0.14047712087631226, + 0.04881744459271431, + -0.15757833421230316, + 1.7803858518600464, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/64.png", + [ + 0.16326799988746643, + -0.027616562321782112, + 0.13974542915821075, + -1.5241743326187134, + 0.008112938143312931, + -0.21041589975357056, + -0.05106104910373688, + 0.5524624586105347, + 0.14221686124801636, + 0.043707843869924545, + -0.15751788020133972, + 1.7788344621658325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/10.png", + [ + 0.15201249718666077, + -0.009185603819787502, + 0.15412892401218414, + -1.693452000617981, + 0.03215070068836212, + -0.20966680347919464, + -0.0442047119140625, + 0.4749756157398224, + 0.15101797878742218, + 0.05388273298740387, + -0.1457330286502838, + 1.656111478805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/41.png", + [ + 0.16992723941802979, + -0.03009616769850254, + 0.13102231919765472, + -1.4245034456253052, + 0.010672982782125473, + -0.2074882984161377, + -0.06150275841355324, + 0.6683061718940735, + 0.13401013612747192, + 0.0546874925494194, + -0.1612403690814972, + 1.8063015937805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/91.png", + [ + 0.15273752808570862, + 0.001984449103474617, + 0.15367239713668823, + -1.6805779933929443, + 0.03981874883174896, + -0.20976926386356354, + -0.036867655813694, + 0.39930230379104614, + 0.1484372317790985, + 0.054229315370321274, + -0.1482345014810562, + 1.6751139163970947, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/23.png", + [ + 0.17065738141536713, + -0.016140667721629143, + 0.13252706825733185, + -1.2815072536468506, + 0.02058577723801136, + -0.2093316912651062, + -0.05200347304344177, + 0.46968796849250793, + 0.13190971314907074, + 0.0535501129925251, + -0.16334044933319092, + 1.7379083633422852, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/37.png", + [ + 0.1651361584663391, + -0.031109776347875595, + 0.13678494095802307, + -1.4655296802520752, + 0.009561720304191113, + -0.2082914263010025, + -0.05891646444797516, + 0.6300978064537048, + 0.13995182514190674, + 0.050938770174980164, + -0.15737412869930267, + 1.7424771785736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/36.png", + [ + 0.16759836673736572, + -0.031731605529785156, + 0.1336105465888977, + -1.4207751750946045, + 0.008883585222065449, + -0.20786425471305847, + -0.06050974875688553, + 0.6423706412315369, + 0.13703924417495728, + 0.05228244140744209, + -0.15948255360126495, + 1.7536942958831787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/8.png", + [ + 0.14837831258773804, + -0.009553059935569763, + 0.15760870277881622, + -1.7365689277648926, + 0.03400510177016258, + -0.20926930010318756, + -0.044697925448417664, + 0.4830572307109833, + 0.15419280529022217, + 0.055344294756650925, + -0.1418078988790512, + 1.6201651096343994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/6.png", + [ + 0.1572083830833435, + -0.00532342866063118, + 0.1490136831998825, + -1.6509294509887695, + 0.03368018940091133, + -0.20967255532741547, + -0.04302279278635979, + 0.47029897570610046, + 0.1452551633119583, + 0.05437809228897095, + -0.1513005495071411, + 1.728426218032837, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/20.png", + [ + 0.16452763974666595, + -0.01267232745885849, + 0.14042063057422638, + -1.4544432163238525, + 0.025440501049160957, + -0.2095872312784195, + -0.04872234910726547, + 0.4834682047367096, + 0.13867704570293427, + 0.05348363518714905, + -0.15765807032585144, + 1.7483618259429932, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/2.png", + [ + 0.16001997888088226, + -0.010206686332821846, + 0.14573028683662415, + -1.639931559562683, + 0.02155710570514202, + -0.2121291607618332, + -0.03852804750204086, + 0.42631739377975464, + 0.14448800683021545, + 0.042952798306941986, + -0.15564756095409393, + 1.816702127456665, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/5.png", + [ + 0.1591281145811081, + -0.0038676264230161905, + 0.14700737595558167, + -1.6371678113937378, + 0.03374212607741356, + -0.20986078679561615, + -0.04204539954662323, + 0.4650888741016388, + 0.14313489198684692, + 0.05377162620425224, + -0.15352167189121246, + 1.7615642547607422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/108.png", + [ + 0.15455709397792816, + 0.020348194986581802, + 0.15048570930957794, + -1.701503872871399, + 0.061008092015981674, + -0.2049504667520523, + -0.03494592010974884, + 0.38978177309036255, + 0.13906116783618927, + 0.0672990009188652, + -0.15192343294620514, + 1.7717809677124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/60.png", + [ + 0.16905976831912994, + -0.030437638983130455, + 0.13206146657466888, + -1.4439568519592285, + 0.0018803089624270797, + -0.21059206128120422, + -0.05094452202320099, + 0.5488371849060059, + 0.13551069796085358, + 0.040895361453294754, + -0.16404971480369568, + 1.8489971160888672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/56.png", + [ + 0.16765549778938293, + -0.030012531206011772, + 0.13393574953079224, + -1.455127477645874, + 0.012055867351591587, + -0.2073942869901657, + -0.06156429275870323, + 0.6688721776008606, + 0.13672669231891632, + 0.05508860945701599, + -0.1588047593832016, + 1.7871989011764526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/30.png", + [ + 0.16469278931617737, + -0.027588095515966415, + 0.13806909322738647, + -1.3695892095565796, + 0.011791817843914032, + -0.20902550220489502, + -0.05583178251981735, + 0.5490783452987671, + 0.14030370116233826, + 0.04995130002498627, + -0.15737736225128174, + 1.6478586196899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/17.png", + [ + 0.15713360905647278, + -0.009172383695840836, + 0.14890529215335846, + -1.6092942953109741, + 0.030545935034751892, + -0.20970498025417328, + -0.04515143856406212, + 0.4776197373867035, + 0.14602693915367126, + 0.05373614653944969, + -0.15078610181808472, + 1.703183650970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/12.png", + [ + 0.1608913242816925, + -0.003328351303935051, + 0.14508892595767975, + -1.5912582874298096, + 0.034604351967573166, + -0.2094898670911789, + -0.04317900538444519, + 0.4687172472476959, + 0.14094118773937225, + 0.055234137922525406, + -0.1550247222185135, + 1.7542625665664673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/27.png", + [ + 0.16277262568473816, + -0.027215709909796715, + 0.14040039479732513, + -1.336768388748169, + 0.010826745070517063, + -0.2097596526145935, + -0.053212493658065796, + 0.48205289244651794, + 0.14260345697402954, + 0.04699035733938217, + -0.15621796250343323, + 1.6202014684677124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/42.png", + [ + 0.1680964082479477, + -0.031419623643159866, + 0.13305750489234924, + -1.4504597187042236, + 0.00935403723269701, + -0.20773792266845703, + -0.060871630907058716, + 0.6621125340461731, + 0.13639646768569946, + 0.05296849086880684, + -0.15980689227581024, + 1.7969225645065308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/7.png", + [ + 0.15001286566257477, + -0.00946603249758482, + 0.15605905652046204, + -1.725054383277893, + 0.03362089768052101, + -0.20926415920257568, + -0.04501161351799965, + 0.4891659915447235, + 0.152688130736351, + 0.055378738790750504, + -0.1434134691953659, + 1.6404980421066284, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/73.png", + [ + 0.16208243370056152, + -0.0291423499584198, + 0.14081156253814697, + -1.5403685569763184, + 0.00604133028537035, + -0.21061080694198608, + -0.050541914999485016, + 0.5470038652420044, + 0.14366862177848816, + 0.0417337603867054, + -0.15673387050628662, + 1.7701966762542725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/46.png", + [ + 0.17167234420776367, + -0.029008885845541954, + 0.12897665798664093, + -1.4026192426681519, + 0.00712808920070529, + -0.20905499160289764, + -0.05650748685002327, + 0.6122194528579712, + 0.13200639188289642, + 0.049014199525117874, + -0.16468095779418945, + 1.8466601371765137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/57.png", + [ + 0.16554535925388336, + -0.028783222660422325, + 0.13679969310760498, + -1.4920234680175781, + 0.012758363969624043, + -0.20803648233413696, + -0.05921100452542305, + 0.6451343894004822, + 0.13921155035495758, + 0.05329395458102226, + -0.15725073218345642, + 1.7760995626449585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/44.png", + [ + 0.1695212572813034, + -0.03176993131637573, + 0.13115300238132477, + -1.4311115741729736, + 0.004922451917082071, + -0.20898841321468353, + -0.056986935436725616, + 0.6193521022796631, + 0.13485625386238098, + 0.047564830631017685, + -0.16278597712516785, + 1.8302838802337646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/29.png", + [ + 0.16668564081192017, + -0.027770867571234703, + 0.1356191784143448, + -1.320589542388916, + 0.012661542743444443, + -0.20832185447216034, + -0.05822019651532173, + 0.5564676523208618, + 0.13785308599472046, + 0.052713241428136826, + -0.1586371213197708, + 1.6443102359771729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/4.png", + [ + 0.16568365693092346, + -0.0021854410879313946, + 0.13961388170719147, + -1.559146523475647, + 0.033057961612939835, + -0.20987482368946075, + -0.0425160676240921, + 0.4718261659145355, + 0.1356612890958786, + 0.05381142348051071, + -0.1601506769657135, + 1.8411328792572021, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/55.png", + [ + 0.16705480217933655, + -0.028524156659841537, + 0.13500723242759705, + -1.4641733169555664, + 0.013797788880765438, + -0.20747917890548706, + -0.060909003019332886, + 0.6608134508132935, + 0.13729603588581085, + 0.05555770546197891, + -0.15814875066280365, + 1.7736748456954956, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/9.png", + [ + 0.14602960646152496, + -0.012206442654132843, + 0.15960654616355896, + -1.7566672563552856, + 0.032782625406980515, + -0.2091839611530304, + -0.045992009341716766, + 0.49383744597435, + 0.15667974948883057, + 0.05514497309923172, + -0.13913439214229584, + 1.5889924764633179, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/25.png", + [ + 0.16882473230361938, + -0.02162075974047184, + 0.13408444821834564, + -1.2721105813980103, + 0.014327236451208591, + -0.209882915019989, + -0.05188237503170967, + 0.45937225222587585, + 0.13505861163139343, + 0.04929090663790703, + -0.16210328042507172, + 1.6937980651855469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/99.png", + [ + 0.15263666212558746, + 0.009033353999257088, + 0.15351983904838562, + -1.703163504600525, + 0.040039751678705215, + -0.21117495000362396, + -0.027383532375097275, + 0.3017728924751282, + 0.14848151803016663, + 0.047659605741500854, + -0.15043167769908905, + 1.7311851978302002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/34.png", + [ + 0.16465045511722565, + -0.03157513216137886, + 0.13726301491260529, + -1.4407305717468262, + 0.009725028648972511, + -0.20810730755329132, + -0.0595371313393116, + 0.6259908676147461, + 0.14051173627376556, + 0.05140288919210434, + -0.15672296285629272, + 1.7031641006469727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/72.png", + [ + 0.16128966212272644, + -0.029403474181890488, + 0.1416649967432022, + -1.5499136447906494, + 0.004870055243372917, + -0.21092955768108368, + -0.04932446405291557, + 0.5338451862335205, + 0.14460226893424988, + 0.039900582283735275, + -0.1563522070646286, + 1.7684022188186646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/102.png", + [ + 0.15680137276649475, + 0.010568780824542046, + 0.14916275441646576, + -1.6559078693389893, + 0.03717800974845886, + -0.21210165321826935, + -0.02405364252626896, + 0.2648257911205292, + 0.14484135806560516, + 0.0430009663105011, + -0.15530548989772797, + 1.7948421239852905, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/70.png", + [ + 0.16223756968975067, + -0.028654469177126884, + 0.1407330334186554, + -1.5375406742095947, + 0.005935410037636757, + -0.21079924702644348, + -0.04976291581988335, + 0.5374048352241516, + 0.14349786937236786, + 0.04111567512154579, + -0.1570533663034439, + 1.7702058553695679, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/90.png", + [ + 0.15601232647895813, + 0.002501165959984064, + 0.15033890306949615, + -1.645674705505371, + 0.03846884146332741, + -0.21009819209575653, + -0.03642518073320389, + 0.3956339359283447, + 0.14535540342330933, + 0.05291871353983879, + -0.15172114968299866, + 1.7155126333236694, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/15.png", + [ + 0.15003518760204315, + -0.010547640733420849, + 0.15596817433834076, + -1.711101770401001, + 0.031156662851572037, + -0.20982594788074493, + -0.044161342084407806, + 0.475442498922348, + 0.153188094496727, + 0.053006693720817566, + -0.14377617835998535, + 1.6431466341018677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/22.png", + [ + 0.1693897396326065, + -0.01368794683367014, + 0.13441592454910278, + -1.3356009721755981, + 0.020565090700984, + -0.21043622493743896, + -0.04734523966908455, + 0.4371687173843384, + 0.13353683054447174, + 0.04977082088589668, + -0.1632135957479477, + 1.7643259763717651, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/109.png", + [ + 0.14562448859214783, + 0.01983715407550335, + 0.159210205078125, + -1.8023539781570435, + 0.06613098829984665, + -0.2033192366361618, + -0.03515488654375076, + 0.3942399024963379, + 0.14617829024791718, + 0.07221953570842743, + -0.14270298182964325, + 1.6757639646530151, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/26.png", + [ + 0.16158375144004822, + -0.026723260059952736, + 0.14186064898967743, + -1.3531370162963867, + 0.012295951135456562, + -0.2096078246831894, + -0.05349074304103851, + 0.4773055613040924, + 0.14383108913898468, + 0.04794076830148697, + -0.1547972559928894, + 1.620558738708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/43.png", + [ + 0.1697036325931549, + -0.030984021723270416, + 0.13110513985157013, + -1.4309959411621094, + 0.007122991140931845, + -0.20850735902786255, + -0.058496519923210144, + 0.6376593112945557, + 0.13452817499637604, + 0.050125543028116226, + -0.16228830814361572, + 1.8254649639129639, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/84.png", + [ + 0.1571854203939438, + -0.0010261835996061563, + 0.14912942051887512, + -1.6173542737960815, + 0.030159303918480873, + -0.21197392046451569, + -0.03324713930487633, + 0.3586900532245636, + 0.1460515409708023, + 0.04487653076648712, + -0.15363246202468872, + 1.727941870689392, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/89.png", + [ + 0.15432031452655792, + 0.0012237445916980505, + 0.1520908921957016, + -1.6697355508804321, + 0.03678492084145546, + -0.21053564548492432, + -0.03563013672828674, + 0.38889721035957336, + 0.14758048951625824, + 0.05119706317782402, + -0.15015575289726257, + 1.7077667713165283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/63.png", + [ + 0.1636280119419098, + -0.026826580986380577, + 0.13947796821594238, + -1.5187883377075195, + 0.006797508802264929, + -0.21105189621448517, + -0.048567261546850204, + 0.5259698033332825, + 0.1418716460466385, + 0.041052643209695816, + -0.1585402488708496, + 1.7910192012786865, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/88.png", + [ + 0.1588912457227707, + 0.0015053064562380314, + 0.14730647206306458, + -1.613638162612915, + 0.03367875888943672, + -0.2112964242696762, + -0.03416818380355835, + 0.3728581964969635, + 0.14341270923614502, + 0.04795266315340996, + -0.15518130362033844, + 1.7583860158920288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/62.png", + [ + 0.16729088127613068, + -0.02381904423236847, + 0.13562564551830292, + -1.4769552946090698, + 0.007855264469981194, + -0.21141020953655243, + -0.04681786894798279, + 0.506356418132782, + 0.1374771147966385, + 0.04106423631310463, + -0.16236275434494019, + 1.8264695405960083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/65.png", + [ + 0.16195499897003174, + -0.02661990560591221, + 0.14145617187023163, + -1.5432847738265991, + 0.007978621870279312, + -0.2109493762254715, + -0.04883230850100517, + 0.5291739106178284, + 0.14371779561042786, + 0.041708916425704956, + -0.1566953957080841, + 1.7676817178726196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/80.png", + [ + 0.16646896302700043, + -0.009498155675828457, + 0.13836821913719177, + -1.497571349143982, + 0.026136105880141258, + -0.21014472842216492, + -0.045869193971157074, + 0.49547603726387024, + 0.13620895147323608, + 0.051931340247392654, + -0.1603064239025116, + 1.7856700420379639, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/79.png", + [ + 0.1588166207075119, + -0.01375173032283783, + 0.14675168693065643, + -1.5945923328399658, + 0.026278866454958916, + -0.20963135361671448, + -0.048083361238241196, + 0.5195968151092529, + 0.1450330764055252, + 0.053042229264974594, + -0.1519862562417984, + 1.7059966325759888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/19.png", + [ + 0.15976224839687347, + -0.011724031530320644, + 0.14589881896972656, + -1.537855863571167, + 0.0257872361689806, + -0.21034559607505798, + -0.045140355825424194, + 0.45907193422317505, + 0.14407961070537567, + 0.050647612661123276, + -0.15370027720928192, + 1.7172681093215942, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/77.png", + [ + 0.16380278766155243, + -0.02228461019694805, + 0.14007121324539185, + -1.5185208320617676, + 0.01795363239943981, + -0.20900438725948334, + -0.05424695461988449, + 0.5842341184616089, + 0.14069192111492157, + 0.0526161715388298, + -0.1561576873064041, + 1.750955581665039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/68.png", + [ + 0.1615220159292221, + -0.02812572941184044, + 0.141659677028656, + -1.5446690320968628, + 0.008074939250946045, + -0.21043510735034943, + -0.050987835973501205, + 0.5512426495552063, + 0.14419889450073242, + 0.043288663029670715, + -0.1558225303888321, + 1.754805326461792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/86.png", + [ + 0.15853892266750336, + 0.0006632109871134162, + 0.1476917862892151, + -1.6102094650268555, + 0.03255864977836609, + -0.21149899065494537, + -0.03400016203522682, + 0.369905948638916, + 0.14405986666679382, + 0.04707055166363716, + -0.15485160052776337, + 1.7483667135238647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/1.png", + [ + 0.1568347066640854, + -0.01224216353148222, + 0.1489996463060379, + -1.6791162490844727, + 0.01686045527458191, + -0.21312092244625092, + -0.03525757044553757, + 0.38993486762046814, + 0.1485479474067688, + 0.037114694714546204, + -0.15330980718135834, + 1.796542763710022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/81.png", + [ + 0.16722837090492249, + -0.006206251215189695, + 0.13763739168643951, + -1.4872703552246094, + 0.026423044502735138, + -0.21099215745925903, + -0.04161771014332771, + 0.4477559030056, + 0.13521979749202728, + 0.04890494421124458, + -0.16208581626415253, + 1.8059834241867065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/95.png", + [ + 0.15961039066314697, + 0.009144269861280918, + 0.14624908566474915, + -1.6028854846954346, + 0.04348653554916382, + -0.20946605503559113, + -0.03436253219842911, + 0.3741716146469116, + 0.13993330299854279, + 0.05466483533382416, + -0.15613557398319244, + 1.7664587497711182, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/103.png", + [ + 0.15488332509994507, + 0.012030377052724361, + 0.1510441154241562, + -1.6821954250335693, + 0.03937310725450516, + -0.2117665410041809, + -0.023507077246904373, + 0.2605329751968384, + 0.1463174968957901, + 0.044250357896089554, + -0.15356101095676422, + 1.7770631313323975, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/83.png", + [ + 0.16363514959812164, + -0.0019995716866105795, + 0.1420120894908905, + -1.5362634658813477, + 0.028835901990532875, + -0.21167297661304474, + -0.036206938326358795, + 0.38835078477859497, + 0.13906803727149963, + 0.04624341428279877, + -0.15959171950817108, + 1.7832509279251099, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/51.png", + [ + 0.16917665302753448, + -0.029309147968888283, + 0.1321670562028885, + -1.4197667837142944, + 0.003876554546877742, + -0.21040017902851105, + -0.05162006616592407, + 0.5531619787216187, + 0.13532233238220215, + 0.04266887158155441, + -0.16375325620174408, + 1.815571904182434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/93.png", + [ + 0.15002988278865814, + 0.002087578410282731, + 0.15631558001041412, + -1.711281418800354, + 0.041762422770261765, + -0.20931655168533325, + -0.03728768974542618, + 0.40313923358917236, + 0.15064799785614014, + 0.05594742298126221, + -0.14533738791942596, + 1.6495391130447388, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/76.png", + [ + 0.2019512951374054, + -0.00771738588809967, + -0.07812818884849548, + 0.8629226684570312, + -0.021929997950792313, + -0.2125873863697052, + -0.035687148571014404, + 0.389009952545166, + -0.07538333535194397, + 0.04116963967680931, + -0.19892287254333496, + 2.2642621994018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/48.png", + [ + 0.20095227658748627, + -0.01690085232257843, + -0.07924924045801163, + 0.8900344967842102, + -0.024626417085528374, + -0.21462388336658478, + -0.016674069687724113, + 0.17680808901786804, + -0.0771985724568367, + 0.024471333250403404, + -0.20097123086452484, + 2.3247580528259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/137.png", + [ + 0.20342831313610077, + 0.0026693157851696014, + -0.07454992830753326, + 0.8372081518173218, + -0.009741272777318954, + -0.21373116970062256, + -0.03423433005809784, + 0.3852039575576782, + -0.07395894080400467, + 0.035493042320013046, + -0.2005448043346405, + 2.3358206748962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/173.png", + [ + 0.20206671953201294, + 0.006215554662048817, + -0.07796347886323929, + 0.8904351592063904, + -0.010864934884011745, + -0.21166419982910156, + -0.04503457993268967, + 0.5126116871833801, + -0.07745249569416046, + 0.04590781033039093, + -0.19708241522312164, + 2.3285622596740723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/35.png", + [ + 0.19761477410793304, + -0.026144789531826973, + -0.08492787927389145, + 0.94111168384552, + -0.033865299075841904, + -0.21361418068408966, + -0.013039136305451393, + 0.1401115208864212, + -0.08215495198965073, + 0.02516600303351879, + -0.19890986382961273, + 2.271998882293701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/124.png", + [ + 0.2069062441587448, + 0.0015267307171598077, + -0.0643068328499794, + 0.7460727691650391, + -0.00986570492386818, + -0.2132975161075592, + -0.03680672496557236, + 0.4194277822971344, + -0.06356387585401535, + 0.03807540237903595, + -0.20361186563968658, + 2.439311981201172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/97.png", + [ + 0.20332205295562744, + -0.006223880220204592, + -0.07462774217128754, + 0.8192134499549866, + -0.018801797181367874, + -0.21325135231018066, + -0.0334402397274971, + 0.37148910760879517, + -0.07248812168836594, + 0.03785525634884834, + -0.20064981281757355, + 2.2893624305725098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/155.png", + [ + 0.20427091419696808, + 0.006426510866731405, + -0.07197213917970657, + 0.8160080909729004, + -0.007924258708953857, + -0.21252195537090302, + -0.04146701842546463, + 0.4679233133792877, + -0.07182266563177109, + 0.04172538220882416, + -0.2001209408044815, + 2.3560051918029785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/13.png", + [ + 0.20313887298107147, + -0.0320565439760685, + -0.0682266429066658, + 0.7698522210121155, + -0.032159365713596344, + -0.21421873569488525, + 0.004899756982922554, + -0.06890802830457687, + -0.06817824393510818, + 0.005532695911824703, + -0.2055942863225937, + 2.3847312927246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/32.png", + [ + 0.19872324168682098, + -0.028811687603592873, + -0.08140554279088974, + 0.9079221487045288, + -0.03318031504750252, + -0.21405497193336487, + -0.00523814233019948, + 0.04848307743668556, + -0.07972479611635208, + 0.017270144075155258, + -0.20073264837265015, + 2.3048534393310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/158.png", + [ + 0.20446206629276276, + 0.005122590344399214, + -0.07153265178203583, + 0.8143579363822937, + -0.009893854148685932, + -0.2120397835969925, + -0.04346422478556633, + 0.491129606962204, + -0.07103007286787033, + 0.0442807674407959, + -0.1998545378446579, + 2.34989595413208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/38.png", + [ + 0.1989385336637497, + -0.02442588284611702, + -0.08230876177549362, + 0.9079339504241943, + -0.03162901848554611, + -0.21396206319332123, + -0.012951460666954517, + 0.13696160912513733, + -0.07981830090284348, + 0.02390630729496479, + -0.20001354813575745, + 2.2633423805236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/148.png", + [ + 0.20277279615402222, + 0.00312629877589643, + -0.07629750669002533, + 0.8691089749336243, + -0.011445934884250164, + -0.21280278265476227, + -0.03913901746273041, + 0.44378066062927246, + -0.07549883425235748, + 0.040658313781023026, + -0.19898422062397003, + 2.3406519889831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/111.png", + [ + 0.20587953925132751, + -0.004118695855140686, + -0.06741326302289963, + 0.7709611058235168, + -0.01255194004625082, + -0.2148369550704956, + -0.025207791477441788, + 0.282674103975296, + -0.06636234372854233, + 0.027857141569256783, + -0.20437200367450714, + 2.4235010147094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/164.png", + [ + 0.20186591148376465, + 0.007894853129982948, + -0.07833085209131241, + 0.8945654034614563, + -0.00905605684965849, + -0.21182279288768768, + -0.04468761011958122, + 0.5069195628166199, + -0.07820510119199753, + 0.044907309114933014, + -0.1970156878232956, + 2.3245081901550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/11.png", + [ + 0.20398704707622528, + -0.033985815942287445, + -0.06466948986053467, + 0.7321414947509766, + -0.033482421189546585, + -0.21396300196647644, + 0.006830527912825346, + -0.08676061779260635, + -0.06493155658245087, + 0.0035627237521111965, + -0.20668597519397736, + 2.4047393798828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/125.png", + [ + 0.20583771169185638, + 0.0016642740229144692, + -0.06764586269855499, + 0.7844364047050476, + -0.01031340379267931, + -0.2133067101240158, + -0.0366302989423275, + 0.41622695326805115, + -0.06687574833631516, + 0.03801809251308441, + -0.20255902409553528, + 2.4265918731689453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/59.png", + [ + 0.2019364982843399, + -0.01736977882683277, + -0.0766017735004425, + 0.8550160527229309, + -0.02559221349656582, + -0.21432921290397644, + -0.01886577345430851, + 0.20186355710029602, + -0.07426020503044128, + 0.026630239561200142, + -0.20180225372314453, + 2.322176456451416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/105.png", + [ + 0.20508693158626556, + -0.00550779839977622, + -0.06969154626131058, + 0.7830908298492432, + -0.013901274651288986, + -0.21490058302879333, + -0.02392456866800785, + 0.2639535069465637, + -0.06851278990507126, + 0.0271163173019886, + -0.20376113057136536, + 2.3612895011901855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/121.png", + [ + 0.20702362060546875, + 0.00047719464055262506, + -0.06394436955451965, + 0.7419799566268921, + -0.009727843105793, + -0.21391180157661438, + -0.03309081867337227, + 0.37640607357025146, + -0.06320188194513321, + 0.034487754106521606, + -0.20436245203018188, + 2.4477548599243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/175.png", + [ + 0.20164471864700317, + 0.0059125968255102634, + -0.07907171547412872, + 0.904168426990509, + -0.01114118192344904, + -0.2118152230978012, + -0.044250186532735825, + 0.5032715201377869, + -0.07850585877895355, + 0.04524650424718857, + -0.19681838154792786, + 2.329066276550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/24.png", + [ + 0.20033441483974457, + -0.02870381996035576, + -0.07739584892988205, + 0.8705508708953857, + -0.03133610635995865, + -0.21439072489738464, + -0.0016004417557269335, + 0.004893872886896133, + -0.07636801153421402, + 0.01267295517027378, + -0.2023739516735077, + 2.341754913330078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/74.png", + [ + 0.2028219848871231, + -0.014330693520605564, + -0.07487169653177261, + 0.819491982460022, + -0.026713255792856216, + -0.21267849206924438, + -0.031656891107559204, + 0.3451858460903168, + -0.0713970810174942, + 0.038863711059093475, + -0.20084811747074127, + 2.294572353363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/129.png", + [ + 0.20352642238140106, + 0.003347933990880847, + -0.07425418496131897, + 0.8508469462394714, + -0.011897367425262928, + -0.21219663321971893, + -0.04217740520834923, + 0.48080357909202576, + -0.0733712762594223, + 0.04369521886110306, + -0.19913634657859802, + 2.3503479957580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/172.png", + [ + 0.2020537555217743, + 0.004173122812062502, + -0.07813292741775513, + 0.8935543894767761, + -0.01255561038851738, + -0.2118331491947174, + -0.04378326237201691, + 0.4992067515850067, + -0.07723034173250198, + 0.045356396585702896, + -0.19729715585708618, + 2.3340935707092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/153.png", + [ + 0.20488445460796356, + 0.006745339836925268, + -0.07017656415700912, + 0.7969616651535034, + -0.007281953003257513, + -0.21250218152999878, + -0.04168568179011345, + 0.47101739048957825, + -0.07012291997671127, + 0.04177587106823921, + -0.20071235299110413, + 2.362727642059326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/144.png", + [ + 0.20494107902050018, + 0.00595904840156436, + -0.07008231431245804, + 0.7922414541244507, + -0.007268569897860289, + -0.21294526755809784, + -0.03936200216412544, + 0.4420020580291748, + -0.06995861977338791, + 0.03958142176270485, + -0.2012138068675995, + 2.3549580574035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/98.png", + [ + 0.20178870856761932, + -0.0017806184478104115, + -0.07890527695417404, + 0.8719950914382935, + -0.01544994581490755, + -0.21331973373889923, + -0.034697093069553375, + 0.38537269830703735, + -0.0773984044790268, + 0.03793966770172119, + -0.1987912803888321, + 2.273221015930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/0.png", + [ + 0.2059301882982254, + -0.041346922516822815, + -0.05320791155099869, + 0.6223632097244263, + -0.036806706339120865, + -0.2123318463563919, + 0.02254657819867134, + -0.2847093641757965, + -0.056443918496370316, + -0.012390069663524628, + -0.20882639288902283, + 2.5084996223449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/163.png", + [ + 0.2031177282333374, + 0.005961872637271881, + -0.0752033144235611, + 0.858903169631958, + -0.010774881578981876, + -0.2114897221326828, + -0.045868244022130966, + 0.5196223258972168, + -0.07466581463813782, + 0.04673810303211212, + -0.197960764169693, + 2.3316850662231445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/96.png", + [ + 0.20386996865272522, + -0.005157841835170984, + -0.07320061326026917, + 0.8032421469688416, + -0.017768898978829384, + -0.2131763994693756, + -0.034467123448848724, + 0.38421833515167236, + -0.07119831442832947, + 0.03843322768807411, + -0.20100143551826477, + 2.2913408279418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/100.png", + [ + 0.20205587148666382, + -0.0005334033630788326, + -0.07823705673217773, + 0.860956609249115, + -0.012992785312235355, + -0.21388983726501465, + -0.03209705650806427, + 0.3574755787849426, + -0.07715249806642532, + 0.03462294861674309, + -0.19949094951152802, + 2.2747716903686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/40.png", + [ + 0.20005010068416595, + -0.02270522341132164, + -0.08007699251174927, + 0.8890494704246521, + -0.029091449454426765, + -0.2143833041191101, + -0.011890137568116188, + 0.11781677603721619, + -0.07798422873020172, + 0.021729258820414543, + -0.20098307728767395, + 2.2973833084106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/141.png", + [ + 0.2038685530424118, + 0.00500738900154829, + -0.07321498543024063, + 0.8284466862678528, + -0.00788086373358965, + -0.21342569589614868, + -0.03654122352600098, + 0.4098101556301117, + -0.07296164333820343, + 0.037044502794742584, + -0.20062950253486633, + 2.356558322906494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/52.png", + [ + 0.20126870274543762, + -0.019186118617653847, + -0.07791468501091003, + 0.87457674741745, + -0.02683865837752819, + -0.21436870098114014, + -0.01654217019677162, + 0.17678889632225037, + -0.07562071084976196, + 0.025016989558935165, + -0.2015032321214676, + 2.333983898162842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/3.png", + [ + 0.20519208908081055, + -0.03892020508646965, + -0.05770028382539749, + 0.6699113845825195, + -0.035514045506715775, + -0.2130347043275833, + 0.017402928322553635, + -0.21769282221794128, + -0.05985698103904724, + -0.007023308426141739, + -0.20812426507472992, + 2.4870758056640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/47.png", + [ + 0.20067061483860016, + -0.016231641173362732, + -0.08009826391935349, + 0.8980429172515869, + -0.02408990077674389, + -0.21467101573944092, + -0.016850216314196587, + 0.17781126499176025, + -0.07809529453516006, + 0.024510957300662994, + -0.2006196230649948, + 2.3142428398132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/104.png", + [ + 0.2041510045528412, + -0.005693864077329636, + -0.0723729282617569, + 0.8102864027023315, + -0.013824989087879658, + -0.2151034027338028, + -0.022074775770306587, + 0.24226707220077515, + -0.07126802206039429, + 0.025416646152734756, + -0.20303389430046082, + 2.3483362197875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/21.png", + [ + 0.2013150304555893, + -0.029307428747415543, + -0.07457372546195984, + 0.8350257277488708, + -0.03161301463842392, + -0.21435321867465973, + -0.0011000127997249365, + 0.00224129855632782, + -0.07362596690654755, + 0.011902404017746449, + -0.20343412458896637, + 2.3495163917541504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/82.png", + [ + 0.20245465636253357, + -0.0039007258601486683, + -0.07710239291191101, + 0.8501461744308472, + -0.02008001133799553, + -0.21161048114299774, + -0.042020201683044434, + 0.45871323347091675, + -0.07454385608434677, + 0.046407848596572876, + -0.19808435440063477, + 2.242537498474121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/106.png", + [ + 0.20608550310134888, + -0.0076622264459729195, + -0.06646766513586044, + 0.748796820640564, + -0.015049842186272144, + -0.21504178643226624, + -0.021873127669095993, + 0.2416253685951233, + -0.06519327312707901, + 0.025420892983675003, + -0.20506465435028076, + 2.3846988677978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/14.png", + [ + 0.2027907818555832, + -0.03230905905365944, + -0.06913692504167557, + 0.7787865996360779, + -0.03245260939002037, + -0.2141745239496231, + 0.004898795858025551, + -0.067879319190979, + -0.06906966120004654, + 0.005770139861851931, + -0.20528998970985413, + 2.378462314605713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/67.png", + [ + 0.19869881868362427, + -0.015407885424792767, + -0.0850251168012619, + 0.9376459121704102, + -0.02604147233068943, + -0.2139674574136734, + -0.022083165124058723, + 0.2324601113796234, + -0.08239243924617767, + 0.03047000803053379, + -0.1980680674314499, + 2.252528190612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/78.png", + [ + 0.20183821022510529, + -0.005961896851658821, + -0.07857280969619751, + 0.8683743476867676, + -0.022743871435523033, + -0.21126602590084076, + -0.042394258081912994, + 0.46651265025138855, + -0.07544499635696411, + 0.047738999128341675, + -0.19742578268051147, + 2.2385997772216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/31.png", + [ + 0.19990527629852295, + -0.031107721850275993, + -0.07757627964019775, + 0.8657940030097961, + -0.03445417806506157, + -0.21389652788639069, + -0.0030130152590572834, + 0.027100566774606705, + -0.07614906132221222, + 0.015115497633814812, + -0.20228874683380127, + 2.323479175567627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/152.png", + [ + 0.20285159349441528, + 0.004620839841663837, + -0.07601166516542435, + 0.8658481240272522, + -0.010405066423118114, + -0.21256518363952637, + -0.04068998992443085, + 0.46198469400405884, + -0.07543779164552689, + 0.04174432158470154, + -0.19878241419792175, + 2.350053310394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/39.png", + [ + 0.19886472821235657, + -0.021312719210982323, + -0.08334560692310333, + 0.9227574467658997, + -0.02771797589957714, + -0.21459923684597015, + -0.011259551160037518, + 0.11278370022773743, + -0.08143976330757141, + 0.02099599502980709, + -0.19968631863594055, + 2.2710986137390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/92.png", + [ + 0.20412416756153107, + -0.0026192693039774895, + -0.0726248249411583, + 0.799609363079071, + -0.016752175986766815, + -0.21239814162254333, + -0.03942447155714035, + 0.4333922564983368, + -0.07071486860513687, + 0.042755864560604095, + -0.20029787719249725, + 2.293973922729492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/53.png", + [ + 0.20178985595703125, + -0.018755953758955002, + -0.07666134834289551, + 0.8603498339653015, + -0.026490988209843636, + -0.21435320377349854, + -0.017286594957113266, + 0.18466626107692719, + -0.07434363663196564, + 0.025471806526184082, + -0.2019210159778595, + 2.339305877685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/75.png", + [ + 0.20326276123523712, + -0.012252000160515308, + -0.0740407332777977, + 0.8106409907341003, + -0.024776920676231384, + -0.2127370685338974, + -0.032816674560308456, + 0.3562922179698944, + -0.07083957642316818, + 0.039251990616321564, + -0.20096996426582336, + 2.291750431060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/151.png", + [ + 0.20297712087631226, + 0.005689880810678005, + -0.07560302317142487, + 0.8614497780799866, + -0.009404294192790985, + -0.212505504488945, + -0.04124157875776291, + 0.47047141194343567, + -0.07523130625486374, + 0.04191579297184944, + -0.19882456958293915, + 2.3487749099731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/87.png", + [ + 0.20199169218540192, + -0.0023782202042639256, + -0.07836832106113434, + 0.8621274828910828, + -0.01765267550945282, + -0.21239370107650757, + -0.039053723216056824, + 0.4220133423805237, + -0.0763913094997406, + 0.04279198870062828, + -0.19819460809230804, + 2.25766658782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/139.png", + [ + 0.2040984332561493, + 0.005189893767237663, + -0.07255883514881134, + 0.8174049854278564, + -0.006858245003968477, + -0.2137870043516159, + -0.034582819789648056, + 0.385311096906662, + -0.07242018729448318, + 0.03487222269177437, + -0.20121416449546814, + 2.3510704040527344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/107.png", + [ + 0.20634736120700836, + -0.007900909520685673, + -0.06562193483114243, + 0.742046594619751, + -0.014864823780953884, + -0.21515747904777527, + -0.020837198942899704, + 0.23160725831985474, + -0.06440263241529465, + 0.024345995858311653, + -0.2054445594549179, + 2.404542922973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/112.png", + [ + 0.2044181078672409, + -0.00367324473336339, + -0.0717470794916153, + 0.8267757296562195, + -0.01348856370896101, + -0.21450527012348175, + -0.027448872104287148, + 0.3108862042427063, + -0.070563405752182, + 0.030362626537680626, + -0.2026001363992691, + 2.41511869430542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/69.png", + [ + 0.20086699724197388, + -0.01794339157640934, + -0.07923625409603119, + 0.8719193339347839, + -0.028670689091086388, + -0.21338343620300293, + -0.024359704926609993, + 0.26216763257980347, + -0.0760153979063034, + 0.03306717798113823, + -0.2001902014017105, + 2.291604995727539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/157.png", + [ + 0.20349137485027313, + 0.007686567958444357, + -0.07402754575014114, + 0.8438641428947449, + -0.007866796106100082, + -0.2120872139930725, + -0.04364656284451485, + 0.4938126504421234, + -0.07400861382484436, + 0.04367866367101669, + -0.19890397787094116, + 2.3448314666748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/45.png", + [ + 0.20066222548484802, + -0.01664108783006668, + -0.0800352469086647, + 0.8928908705711365, + -0.024164879694581032, + -0.21473224461078644, + -0.015937985852360725, + 0.16664601862430573, + -0.07809369266033173, + 0.023686179891228676, + -0.20071929693222046, + 2.3111753463745117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/50.png", + [ + 0.20151549577713013, + -0.017351269721984863, + -0.0777067169547081, + 0.8714414238929749, + -0.02529068849980831, + -0.21446461975574493, + -0.01769772544503212, + 0.19040340185165405, + -0.07549690455198288, + 0.02552962675690651, + -0.20148535072803497, + 2.329524040222168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/101.png", + [ + 0.20329858362674713, + -0.00701889069750905, + -0.07462112605571747, + 0.8200393319129944, + -0.016641637310385704, + -0.21456490457057953, + -0.025156596675515175, + 0.2788967192173004, + -0.07307963818311691, + 0.029334858059883118, + -0.20185817778110504, + 2.3071980476379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/85.png", + [ + 0.2023591548204422, + -0.0036276730243116617, + -0.07736604660749435, + 0.8470308780670166, + -0.019862893968820572, + -0.2116289585828781, + -0.04203029349446297, + 0.4554579555988312, + -0.07486072927713394, + 0.04634565860033035, + -0.1979793906211853, + 2.247969150543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/156.png", + [ + 0.20345577597618103, + 0.007979725487530231, + -0.07409431040287018, + 0.8436869382858276, + -0.006999045144766569, + -0.21243062615394592, + -0.0420968234539032, + 0.47544601559638977, + -0.07419335842132568, + 0.041921984404325485, + -0.1992129236459732, + 2.3498988151550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/131.png", + [ + 0.202641561627388, + 0.004655526019632816, + -0.07656775414943695, + 0.8774695992469788, + -0.011247225105762482, + -0.21213464438915253, + -0.042664870619773865, + 0.48651841282844543, + -0.07588014006614685, + 0.04387615993618965, + -0.19815392792224884, + 2.3323802947998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/71.png", + [ + 0.19887612760066986, + -0.007392981089651585, + -0.08568274229764938, + 0.9531483054161072, + -0.02005222626030445, + -0.2139088213443756, + -0.02808598428964615, + 0.30730217695236206, + -0.08363071829080582, + 0.03370842710137367, + -0.19702166318893433, + 2.2488183975219727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/160.png", + [ + 0.2033456414937973, + 0.006448728963732719, + -0.07454437762498856, + 0.8515486121177673, + -0.009606060571968555, + -0.2118319422006607, + -0.04452914744615555, + 0.5047480463981628, + -0.07420359551906586, + 0.04509473592042923, + -0.19851495325565338, + 2.336225986480713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/115.png", + [ + 0.20593546330928802, + 0.0013298341073095798, + -0.06735509634017944, + 0.7775681614875793, + -0.009050295688211918, + -0.21412259340286255, + -0.03189846873283386, + 0.36237651109695435, + -0.06675754487514496, + 0.03313082829117775, + -0.20345436036586761, + 2.42604398727417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/54.png", + [ + 0.2019287645816803, + -0.0182228684425354, + -0.07642371952533722, + 0.8584731221199036, + -0.026348857209086418, + -0.21426695585250854, + -0.01852872222661972, + 0.19964204728603363, + -0.07401618361473083, + 0.026561303064227104, + -0.20190094411373138, + 2.3380465507507324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/33.png", + [ + 0.19792748987674713, + -0.024336526170372963, + -0.0847368836402893, + 0.945624828338623, + -0.029907003045082092, + -0.21444137394428253, + -0.008268655277788639, + 0.08224540948867798, + -0.08293478190898895, + 0.01924923248589039, + -0.19924654066562653, + 2.287815570831299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/159.png", + [ + 0.20324379205703735, + 0.0056905122473835945, + -0.07488305121660233, + 0.8550927042961121, + -0.010002482682466507, + -0.21207556128501892, + -0.043264277279376984, + 0.49063870310783386, + -0.07442985475063324, + 0.04403936490416527, + -0.19866710901260376, + 2.340085029602051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/177.png", + [ + 0.20048364996910095, + 0.002027223352342844, + -0.08215893805027008, + 0.9463072419166565, + -0.01203232817351818, + -0.21355056762695312, + -0.0346304327249527, + 0.4012684226036072, + -0.08129836618900299, + 0.0366051159799099, + -0.1974804699420929, + 2.3599300384521484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/49.png", + [ + 0.20205257833003998, + -0.018884526565670967, + -0.07593438029289246, + 0.8508684039115906, + -0.02664535492658615, + -0.21430833637714386, + -0.017602721229195595, + 0.187525674700737, + -0.07357091456651688, + 0.025752777233719826, + -0.20216825604438782, + 2.3344154357910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/118.png", + [ + 0.20685479044914246, + -0.002289454685524106, + -0.06444954872131348, + 0.7443691492080688, + -0.012343271635472775, + -0.2139403522014618, + -0.03201664239168167, + 0.36218538880348206, + -0.06329794973134995, + 0.03423711657524109, + -0.20437486469745636, + 2.438347816467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/110.png", + [ + 0.2053767591714859, + -0.00507659837603569, + -0.06886588037014008, + 0.78885817527771, + -0.013591249473392963, + -0.21483314037322998, + -0.024695903062820435, + 0.27830183506011963, + -0.06770198047161102, + 0.027727928012609482, + -0.2039497345685959, + 2.4185590744018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/18.png", + [ + 0.20291614532470703, + -0.029358984902501106, + -0.07007840275764465, + 0.7847582101821899, + -0.030744917690753937, + -0.2144806683063507, + 0.0008318459731526673, + -0.017358940094709396, + -0.06948153674602509, + 0.00916470866650343, + -0.20502737164497375, + 2.3700642585754395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/66.png", + [ + 0.1968415379524231, + -0.013320105150341988, + -0.08957607299089432, + 0.993729829788208, + -0.02430640161037445, + -0.21422508358955383, + -0.021557198837399483, + 0.22796359658241272, + -0.08723816275596619, + 0.029632560908794403, + -0.19611045718193054, + 2.231204032897949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/16.png", + [ + 0.2022823840379715, + -0.030699878931045532, + -0.07132495939731598, + 0.8007616996765137, + -0.03206435963511467, + -0.21428506076335907, + 0.001296475064009428, + -0.022148387506604195, + -0.0707220658659935, + 0.009344588965177536, + -0.20459462702274323, + 2.3699541091918945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/94.png", + [ + 0.20107796788215637, + -0.001340063288807869, + -0.08070776611566544, + 0.8970205783843994, + -0.015306400135159492, + -0.21334706246852875, + -0.03459247574210167, + 0.38234907388687134, + -0.07925435900688171, + 0.037803832441568375, + -0.19808460772037506, + 2.266787052154541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/28.png", + [ + 0.20010900497436523, + -0.02814556658267975, + -0.0781799852848053, + 0.8785102963447571, + -0.031198028475046158, + -0.2144002467393875, + -0.0026680761948227882, + 0.014542866498231888, + -0.07701276242733002, + 0.01372088398784399, + -0.20206104218959808, + 2.337902069091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/61.png", + [ + 0.20345063507556915, + -0.019514426589012146, + -0.07193686068058014, + 0.785576581954956, + -0.025896957144141197, + -0.2145959436893463, + -0.015027560293674469, + 0.16042757034301758, + -0.06989330053329468, + 0.02270830236375332, + -0.20383119583129883, + 2.310133934020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/132.png", + [ + 0.2028920203447342, + 0.004741495940834284, + -0.0758962482213974, + 0.8663403391838074, + -0.011328241787850857, + -0.2119555026292801, + -0.04352515563368797, + 0.4939470589160919, + -0.07519569993019104, + 0.044724561274051666, + -0.19822515547275543, + 2.3300271034240723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/58.png", + [ + 0.20180091261863708, + -0.016424167901277542, + -0.0771656185388565, + 0.8614252805709839, + -0.025148747488856316, + -0.21426354348659515, + -0.020163636654615402, + 0.21805858612060547, + -0.07477851212024689, + 0.027735870331525803, + -0.20146164298057556, + 2.321164131164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/123.png", + [ + 0.2073887437582016, + 0.00021456199465319514, + -0.06275154650211334, + 0.7269797325134277, + -0.010313797742128372, + -0.2136102169752121, + -0.034816641360521317, + 0.39593836665153503, + -0.06189854070544243, + 0.036311522126197815, + -0.20444545149803162, + 2.447411060333252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/64.png", + [ + 0.1984783113002777, + -0.016086246818304062, + -0.08541363477706909, + 0.940647542476654, + -0.02562829665839672, + -0.21429572999477386, + -0.01919420249760151, + 0.20762979984283447, + -0.08305086195468903, + 0.027685005217790604, + -0.19820189476013184, + 2.2421936988830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/10.png", + [ + 0.20513492822647095, + -0.03333117067813873, + -0.061291053891181946, + 0.696024477481842, + -0.032477378845214844, + -0.21408739686012268, + 0.007726090028882027, + -0.09699180722236633, + -0.0617477223277092, + 0.0018723078537732363, + -0.20768149197101593, + 2.420351982116699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/170.png", + [ + 0.20309041440486908, + 0.004077688325196505, + -0.07540257275104523, + 0.8649430274963379, + -0.01260902639478445, + -0.21148967742919922, + -0.04539847746491432, + 0.5192550420761108, + -0.07445259392261505, + 0.046940188854932785, + -0.19799324870109558, + 2.3471713066101074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/41.png", + [ + 0.20055629312992096, + -0.020651839673519135, + -0.07936352491378784, + 0.882498562335968, + -0.027335738763213158, + -0.21453440189361572, + -0.013253250159323215, + 0.13482727110385895, + -0.07731639593839645, + 0.022279873490333557, + -0.20118071138858795, + 2.30631160736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/166.png", + [ + 0.20223844051361084, + 0.007926561869680882, + -0.07736074179410934, + 0.88727867603302, + -0.009302498772740364, + -0.21153251826763153, + -0.04599294811487198, + 0.5250145196914673, + -0.07720737159252167, + 0.04624994471669197, + -0.19709859788417816, + 2.3350605964660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/91.png", + [ + 0.2041739523410797, + -0.002736825030297041, + -0.07248042523860931, + 0.7958582043647766, + -0.01708810031414032, + -0.21224066615104675, + -0.04012226313352585, + 0.4401821792125702, + -0.07049042731523514, + 0.04352366179227829, + -0.20021159946918488, + 2.2913618087768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/140.png", + [ + 0.20405539870262146, + 0.005621728021651506, + -0.07264769822359085, + 0.819647490978241, + -0.006350127514451742, + -0.21383482217788696, + -0.03438373655080795, + 0.3834109306335449, + -0.07258765399456024, + 0.03451031073927879, + -0.2012162059545517, + 2.361370086669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/23.png", + [ + 0.20080071687698364, + -0.03134236857295036, + -0.07513071596622467, + 0.8449499011039734, + -0.034423235803842545, + -0.21390482783317566, + -0.0027675132732838392, + 0.019971948117017746, + -0.07376998662948608, + 0.014500824734568596, + -0.20321321487426758, + 2.3503966331481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/37.png", + [ + 0.19750089943408966, + -0.02691960521042347, + -0.08495071530342102, + 0.9394441843032837, + -0.034146588295698166, + -0.2136477530002594, + -0.011685234494507313, + 0.12652955949306488, + -0.08231221139431, + 0.024038907140493393, + -0.19898423552513123, + 2.2576441764831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/36.png", + [ + 0.1988281011581421, + -0.02609614096581936, + -0.08206258714199066, + 0.9038521647453308, + -0.03383421525359154, + -0.21355397999286652, + -0.014065591618418694, + 0.15420465171337128, + -0.07918664067983627, + 0.02572132647037506, + -0.20003946125507355, + 2.27193021774292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/8.png", + [ + 0.20499548316001892, + -0.03181013464927673, + -0.06255286186933517, + 0.7160291075706482, + -0.029349111020565033, + -0.21429607272148132, + 0.012794818729162216, + -0.15673863887786865, + -0.06374460458755493, + -0.003632217412814498, + -0.20705391466617584, + 2.432387351989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/6.png", + [ + 0.20475812256336212, + -0.03697660565376282, + -0.06045443192124367, + 0.6935107707977295, + -0.033951714634895325, + -0.21343231201171875, + 0.015550785697996616, + -0.18803289532661438, + -0.062203604727983475, + -0.00522266048938036, + -0.20748813450336456, + 2.456852436065674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/169.png", + [ + 0.20302808284759521, + 0.005716320592910051, + -0.07546400278806686, + 0.8659785985946655, + -0.010885776951909065, + -0.21160311996936798, + -0.04531576484441757, + 0.5169942378997803, + -0.07489320635795593, + 0.046253032982349396, + -0.19798879325389862, + 2.3506860733032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/154.png", + [ + 0.20499290525913239, + 0.007308102212846279, + -0.06980253756046295, + 0.7923257350921631, + -0.00680274935439229, + -0.21241314709186554, + -0.04221697896718979, + 0.4762285053730011, + -0.06985359638929367, + 0.042132437229156494, + -0.20073172450065613, + 2.360616683959961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/20.png", + [ + 0.20230887830257416, + -0.029845742508769035, + -0.07161178439855576, + 0.8025080561637878, + -0.03148162364959717, + -0.21437497437000275, + 0.0004073348536621779, + -0.01359299011528492, + -0.0709078460931778, + 0.01002446562051773, + -0.20449812710285187, + 2.3630118370056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/2.png", + [ + 0.20509405434131622, + -0.04061710834503174, + -0.05687331408262253, + 0.6622224450111389, + -0.03673575446009636, + -0.21265500783920288, + 0.019396573305130005, + -0.24280954897403717, + -0.05945425480604172, + -0.008717390708625317, + -0.2081756293773651, + 2.4968385696411133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/117.png", + [ + 0.20699572563171387, + 0.0004219422989990562, + -0.06403498351573944, + 0.7400231957435608, + -0.010247022844851017, + -0.21365967392921448, + -0.034531787037849426, + 0.3914691209793091, + -0.06321120262145996, + 0.03601760417222977, + -0.2040954977273941, + 2.435072898864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/149.png", + [ + 0.2026650309562683, + 0.004867265932261944, + -0.07649239897727966, + 0.8687649369239807, + -0.010005716234445572, + -0.21270683407783508, + -0.0400446355342865, + 0.4534662365913391, + -0.075991190969944, + 0.0409877672791481, + -0.1987290382385254, + 2.334728717803955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/161.png", + [ + 0.2028271108865738, + 0.00812348909676075, + -0.07578306645154953, + 0.8657167553901672, + -0.008572488091886044, + -0.21164187788963318, + -0.04563029110431671, + 0.5169278383255005, + -0.07573359459638596, + 0.04571235924959183, + -0.1977946013212204, + 2.3272790908813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/5.png", + [ + 0.20411504805088043, + -0.03770004212856293, + -0.06215819716453552, + 0.7127575278282166, + -0.03400588408112526, + -0.21325816214084625, + 0.01767631806433201, + -0.21183176338672638, + -0.06425367295742035, + -0.00689632399007678, + -0.20681345462799072, + 2.4568634033203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/108.png", + [ + 0.20487463474273682, + -0.0038894140161573887, + -0.0704212412238121, + 0.8008792996406555, + -0.011914930306375027, + -0.21514400839805603, + -0.022781234234571457, + 0.25437289476394653, + -0.06951484829187393, + 0.025413040071725845, + -0.20364126563072205, + 2.396035671234131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/60.png", + [ + 0.2038138210773468, + -0.017996516078710556, + -0.07130177319049835, + 0.7833174467086792, + -0.024617599323391914, + -0.214662104845047, + -0.016188057139515877, + 0.1722521185874939, + -0.06929495930671692, + 0.02332819625735283, + -0.203965425491333, + 2.323801040649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/56.png", + [ + 0.2025979459285736, + -0.01698613539338112, + -0.07492285966873169, + 0.838493824005127, + -0.02488258108496666, + -0.21442990005016327, + -0.018670203164219856, + 0.20159763097763062, + -0.07268301397562027, + 0.02606128342449665, + -0.20244969427585602, + 2.3367156982421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/147.png", + [ + 0.2033163160085678, + 0.004123871214687824, + -0.07478872686624527, + 0.8503592610359192, + -0.010187297128140926, + -0.21281321346759796, + -0.039429180324077606, + 0.4459083080291748, + -0.07420632988214493, + 0.04051462933421135, + -0.19949907064437866, + 2.3433656692504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/30.png", + [ + 0.19996896386146545, + -0.03137483447790146, + -0.07730414718389511, + 0.8623031973838806, + -0.03416108340024948, + -0.21395927667617798, + -0.0015292532043531537, + 0.010438941419124603, + -0.07611394673585892, + 0.013599175959825516, + -0.2024095505475998, + 2.332014560699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/17.png", + [ + 0.20210760831832886, + -0.03087221272289753, + -0.07174478471279144, + 0.8056955933570862, + -0.03283287584781647, + -0.2141723334789276, + -0.0003317288646940142, + -0.004065524786710739, + -0.07086896896362305, + 0.011180969886481762, + -0.20445163547992706, + 2.367828845977783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/12.png", + [ + 0.20363052189350128, + -0.03371258080005646, + -0.06592394411563873, + 0.7445624470710754, + -0.033192042261362076, + -0.21400557458400726, + 0.006913525052368641, + -0.09033852815628052, + -0.0661875456571579, + 0.0036014614161103964, + -0.20628653466701508, + 2.395549774169922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/114.png", + [ + 0.20558804273605347, + -9.560205216985196e-05, + -0.06842109560966492, + 0.7882100939750671, + -0.010410165414214134, + -0.21419553458690643, + -0.03098061867058277, + 0.3524692952632904, + -0.06762459129095078, + 0.03268273174762726, + -0.20324039459228516, + 2.421102523803711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/27.png", + [ + 0.20034174621105194, + -0.02829664945602417, + -0.07752664387226105, + 0.8718660473823547, + -0.031103765591979027, + -0.2144201099872589, + -0.002115563489496708, + 0.0079418383538723, + -0.07644369453191757, + 0.01308508776128292, + -0.2023191601037979, + 2.340412139892578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/42.png", + [ + 0.19992698729038239, + -0.01907917857170105, + -0.0813208669424057, + 0.9069517254829407, + -0.02626720257103443, + -0.214605450630188, + -0.014227927662432194, + 0.14702603220939636, + -0.0792914479970932, + 0.022986624389886856, + -0.2003306895494461, + 2.30580472946167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/174.png", + [ + 0.2020968347787857, + 0.007233568001538515, + -0.07779742777347565, + 0.8880040645599365, + -0.009741539135575294, + -0.21172788739204407, + -0.04499225318431854, + 0.5112677812576294, + -0.07752333581447601, + 0.04546291008591652, + -0.19715768098831177, + 2.329263210296631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/7.png", + [ + 0.2059001922607422, + -0.03395866975188255, + -0.058307990431785583, + 0.6685506701469421, + -0.03110857866704464, + -0.21392284333705902, + 0.01473680604249239, + -0.1786811798810959, + -0.059877123683691025, + -0.005632556509226561, + -0.20816075801849365, + 2.4545907974243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/73.png", + [ + 0.20133091509342194, + -0.01136274915188551, + -0.07927575707435608, + 0.8723239898681641, + -0.02465031109750271, + -0.21286220848560333, + -0.03209264576435089, + 0.3506752848625183, + -0.07619789987802505, + 0.0388389453291893, + -0.1990811675786972, + 2.266714572906494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/120.png", + [ + 0.20686233043670654, + 0.0006719254888594151, + -0.06446249037981033, + 0.748370885848999, + -0.009650337509810925, + -0.21389873325824738, + -0.03319784998893738, + 0.37714624404907227, + -0.0637395903468132, + 0.0345655120909214, + -0.2041822373867035, + 2.4461140632629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/46.png", + [ + 0.20044705271720886, + -0.01718956232070923, + -0.0804574117064476, + 0.900729775428772, + -0.025107871741056442, + -0.2145652174949646, + -0.01671091467142105, + 0.17533725500106812, + -0.07834839075803757, + 0.024782631546258926, + -0.20048752427101135, + 2.313492774963379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/127.png", + [ + 0.206978440284729, + 0.002221121685579419, + -0.06405375152826309, + 0.7345069646835327, + -0.010739272460341454, + -0.21228110790252686, + -0.042063113301992416, + 0.4769202768802643, + -0.06318610906600952, + 0.0433555543422699, + -0.20267142355442047, + 2.403987407684326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/133.png", + [ + 0.2036643624305725, + 0.0040496597066521645, + -0.07383985817432404, + 0.840603232383728, + -0.011884554289281368, + -0.2117449790239334, + -0.04439276084303856, + 0.5038881897926331, + -0.07298959791660309, + 0.04577728360891342, + -0.19880859553813934, + 2.3364477157592773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/57.png", + [ + 0.20159639418125153, + -0.015826666727662086, + -0.07782218605279922, + 0.8716027736663818, + -0.024722125381231308, + -0.21428480744361877, + -0.02046303078532219, + 0.2224852442741394, + -0.07546915113925934, + 0.02791837602853775, + -0.20117869973182678, + 2.322648048400879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/44.png", + [ + 0.20015549659729004, + -0.017272159457206726, + -0.0811624750494957, + 0.9074752330780029, + -0.02449100650846958, + -0.21478433907032013, + -0.014689305797219276, + 0.15284700691699982, + -0.0792834460735321, + 0.02274329960346222, + -0.20036160945892334, + 2.3111343383789062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/113.png", + [ + 0.20599021017551422, + 0.00028293670038692653, + -0.06720005720853806, + 0.7728418707847595, + -0.009599500335752964, + -0.21432673931121826, + -0.030328011140227318, + 0.34327518939971924, + -0.06651148200035095, + 0.0318097248673439, + -0.20374557375907898, + 2.4258923530578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/126.png", + [ + 0.2057356834411621, + 0.0011735705193132162, + -0.0679658055305481, + 0.7851946949958801, + -0.011419739574193954, + -0.21296660602092743, + -0.038245394825935364, + 0.4346194863319397, + -0.0670098289847374, + 0.039896659553050995, + -0.20215298235416412, + 2.4167098999023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/29.png", + [ + 0.19961746037006378, + -0.03248082846403122, + -0.07775447517633438, + 0.870330810546875, + -0.035107873380184174, + -0.21380989253520966, + -0.0008156683179549873, + -0.0010558068752288818, + -0.07660418003797531, + 0.013350043445825577, + -0.20224112272262573, + 2.33927583694458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/4.png", + [ + 0.20426201820373535, + -0.03841506689786911, + -0.06123080104589462, + 0.7061998248100281, + -0.034976277500391006, + -0.21315224468708038, + 0.01704915426671505, + -0.20897705852985382, + -0.0632581114768982, + -0.006188397295773029, + -0.20714248716831207, + 2.4719576835632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/55.png", + [ + 0.20175054669380188, + -0.016648057848215103, + -0.07724934816360474, + 0.8648094534873962, + -0.02481183595955372, + -0.21444545686244965, + -0.01858527772128582, + 0.20022521913051605, + -0.07502660900354385, + 0.026151133701205254, + -0.20158131420612335, + 2.3300223350524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/9.png", + [ + 0.2047448307275772, + -0.03382217511534691, + -0.06231781467795372, + 0.7102029323577881, + -0.032088518142700195, + -0.21401666104793549, + 0.010728076100349426, + -0.13079066574573517, + -0.06322798132896423, + -0.0009084213525056839, + -0.20724211633205414, + 2.424046516418457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/25.png", + [ + 0.20032352209091187, + -0.028745904564857483, + -0.07740837335586548, + 0.8716882467269897, + -0.031298235058784485, + -0.21439778804779053, + -0.0013785890769213438, + 0.001574970781803131, + -0.07641206681728363, + 0.012456047348678112, + -0.2023708075284958, + 2.341830253601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/99.png", + [ + 0.20184460282325745, + -0.0005894197383895516, + -0.07878010720014572, + 0.868655264377594, + -0.01415227260440588, + -0.21341527998447418, + -0.03466317057609558, + 0.38467615842819214, + -0.07750076055526733, + 0.03743627294898033, + -0.19884681701660156, + 2.2651166915893555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/34.png", + [ + 0.19792546331882477, + -0.026080815121531487, + -0.08422110974788666, + 0.937892735004425, + -0.0331389382481575, + -0.21380724012851715, + -0.011668958701193333, + 0.11977697908878326, + -0.08170199394226074, + 0.023540284484624863, + -0.19929508864879608, + 2.285881519317627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/72.png", + [ + 0.19901569187641144, + -0.004944308660924435, + -0.08553480356931686, + 0.9503691792488098, + -0.019136572256684303, + -0.2134140282869339, + -0.03218916058540344, + 0.352262020111084, + -0.08351311832666397, + 0.03712013363838196, + -0.19645749032497406, + 2.2404675483703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/102.png", + [ + 0.20347914099693298, + -0.008483747020363808, + -0.07397399097681046, + 0.8189321160316467, + -0.016345296055078506, + -0.21510225534439087, + -0.020291650667786598, + 0.2239021360874176, + -0.07264265418052673, + 0.024636272341012955, + -0.2026425302028656, + 2.330270767211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/134.png", + [ + 0.20364658534526825, + 0.0029758941382169724, + -0.07393992692232132, + 0.8364551663398743, + -0.012143654748797417, + -0.21222035586833954, + -0.0419875830411911, + 0.4716878831386566, + -0.072996586561203, + 0.043606989085674286, + -0.19929330050945282, + 2.327920436859131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/70.png", + [ + 0.20040227472782135, + -0.01196871418505907, + -0.08150814473628998, + 0.8997220993041992, + -0.0231979638338089, + -0.21389950811862946, + -0.025627166032791138, + 0.27842292189598083, + -0.07904861122369766, + 0.032429106533527374, + -0.19911696016788483, + 2.273714542388916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/135.png", + [ + 0.20353864133358002, + 0.003348306519910693, + -0.0742206797003746, + 0.8356130719184875, + -0.011251028627157211, + -0.21256907284259796, + -0.0404437854886055, + 0.4571681618690491, + -0.0734393298625946, + 0.041845839470624924, + -0.19950811564922333, + 2.325563430786133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/130.png", + [ + 0.20338085293769836, + 0.00431316252797842, + -0.07460244745016098, + 0.8560546040534973, + -0.011488557793200016, + -0.21193696558475494, + -0.043573249131441116, + 0.4985388219356537, + -0.07383861392736435, + 0.044855453073978424, + -0.19870516657829285, + 2.340512275695801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/90.png", + [ + 0.20237129926681519, + -0.0016235194634646177, + -0.07740230113267899, + 0.8536460995674133, + -0.016258209943771362, + -0.2126876264810562, + -0.03804657608270645, + 0.41594189405441284, + -0.07569294422864914, + 0.041342902928590775, + -0.19876930117607117, + 2.27714204788208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/122.png", + [ + 0.20675253868103027, + 3.909038059646264e-05, + -0.06481727957725525, + 0.7531688213348389, + -0.010642098262906075, + -0.21371370553970337, + -0.03407478332519531, + 0.38802921772003174, + -0.06393768638372421, + 0.035697951912879944, + -0.20392528176307678, + 2.4436631202697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/15.png", + [ + 0.20316919684410095, + -0.03300783783197403, + -0.06768052279949188, + 0.7620959877967834, + -0.033837515860795975, + -0.2139979749917984, + 0.002790618920698762, + -0.0421021431684494, + -0.06726956367492676, + 0.007952813059091568, + -0.20581412315368652, + 2.3873744010925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/162.png", + [ + 0.20242317020893097, + 0.006278271321207285, + -0.07702814787626266, + 0.8798760175704956, + -0.010671583004295826, + -0.2116190642118454, + -0.045292243361473083, + 0.5136352777481079, + -0.07654324918985367, + 0.0461069792509079, + -0.19739092886447906, + 2.326512336730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/22.png", + [ + 0.2011517733335495, + -0.029995022341609, + -0.07474061846733093, + 0.8376991152763367, + -0.03266182914376259, + -0.21418991684913635, + -0.0019447723170742393, + 0.011719603091478348, + -0.07361431419849396, + 0.013071950525045395, + -0.20336654782295227, + 2.34580659866333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/171.png", + [ + 0.20140330493450165, + 0.006493826862424612, + -0.07963937520980835, + 0.9126508235931396, + -0.010905834846198559, + -0.2117028683423996, + -0.04484255239367485, + 0.5121480226516724, + -0.07915595173835754, + 0.04569049924612045, + -0.19645512104034424, + 2.3292665481567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/138.png", + [ + 0.20305758714675903, + 0.005907347425818443, + -0.07536989450454712, + 0.8490793108940125, + -0.006708492524921894, + -0.21375210583209991, + -0.03482714295387268, + 0.388955295085907, + -0.07530282437801361, + 0.034971944987773895, + -0.20013581216335297, + 2.3374838829040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/109.png", + [ + 0.20438960194587708, + -0.004041939973831177, + -0.07180843502283096, + 0.8209043741226196, + -0.013300275430083275, + -0.21472513675689697, + -0.0257703959941864, + 0.2898988127708435, + -0.0706816166639328, + 0.028717124834656715, + -0.2027987390756607, + 2.3986430168151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/26.png", + [ + 0.20100224018096924, + -0.029488544911146164, + -0.07534198462963104, + 0.8468186855316162, + -0.031895797699689865, + -0.21431070566177368, + -0.0012133412528783083, + -0.0007928796112537384, + -0.0743548721075058, + 0.012216365896165371, + -0.20315022766590118, + 2.3469347953796387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/43.png", + [ + 0.2001500278711319, + -0.018380846828222275, + -0.0809321328997612, + 0.9034319519996643, + -0.02579115331172943, + -0.2146076261997223, + -0.015042598359286785, + 0.1568448692560196, + -0.07888399064540863, + 0.023528870195150375, + -0.2004285603761673, + 2.309217929840088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/84.png", + [ + 0.20206724107265472, + -0.0035155920777469873, + -0.07813042402267456, + 0.8564315438270569, + -0.019912824034690857, + -0.21163475513458252, + -0.041977353394031525, + 0.454917848110199, + -0.0756320133805275, + 0.04632773622870445, + -0.19769024848937988, + 2.2371773719787598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/136.png", + [ + 0.20350958406925201, + 0.00227611162699759, + -0.0743408277630806, + 0.8356857299804688, + -0.010735901072621346, + -0.2134060114622116, + -0.03592366725206375, + 0.4087025821208954, + -0.07359673827886581, + 0.03742443770170212, + -0.2003268003463745, + 2.334764003753662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/89.png", + [ + 0.20105606317520142, + 0.000405152328312397, + -0.08077248930931091, + 0.8942566514015198, + -0.015348059125244617, + -0.21253284811973572, + -0.03926990553736687, + 0.429300457239151, + -0.07930193841457367, + 0.042160697281360626, + -0.19718411564826965, + 2.2552061080932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/63.png", + [ + 0.20117241144180298, + -0.018865322694182396, + -0.07824103534221649, + 0.8553369641304016, + -0.02668147161602974, + -0.21435904502868652, + -0.01691725105047226, + 0.18564572930335999, + -0.07593192905187607, + 0.025341546162962914, + -0.20134557783603668, + 2.275113105773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/88.png", + [ + 0.20118267834186554, + -0.0012103748740628362, + -0.08044848591089249, + 0.8878467679023743, + -0.01665724813938141, + -0.2125828117132187, + -0.038457468152046204, + 0.41680678725242615, + -0.07871441543102264, + 0.04189243167638779, + -0.19747647643089294, + 2.250422954559326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/62.png", + [ + 0.202965646982193, + -0.020609423518180847, + -0.07299377024173737, + 0.7952700853347778, + -0.0274023599922657, + -0.21436287462711334, + -0.01567041501402855, + 0.1716422736644745, + -0.07072446495294571, + 0.023910310119390488, + -0.20340660214424133, + 2.2952094078063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/65.png", + [ + 0.19641193747520447, + -0.012578676454722881, + -0.09062020480632782, + 1.002064824104309, + -0.023704061284661293, + -0.2142849713563919, + -0.021632477641105652, + 0.23214221000671387, + -0.08836492896080017, + 0.029523270204663277, + -0.19562186300754547, + 2.2179431915283203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/80.png", + [ + 0.20403917133808136, + -0.012507311068475246, + -0.07182951271533966, + 0.7835479378700256, + -0.027772443369030952, + -0.21070259809494019, + -0.042201925069093704, + 0.4657810628414154, + -0.06741367280483246, + 0.048947710543870926, + -0.2000185251235962, + 2.2729506492614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/146.png", + [ + 0.20364277064800262, + 0.0054737781174480915, + -0.07380754500627518, + 0.8379907608032227, + -0.008534987457096577, + -0.21290266513824463, + -0.03933839499950409, + 0.44356927275657654, + -0.07351646572351456, + 0.039879731833934784, + -0.19988206028938293, + 2.3464293479919434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/119.png", + [ + 0.20703871548175812, + 0.00044049142161384225, + -0.06389576941728592, + 0.740547239780426, + -0.009526751935482025, + -0.21403495967388153, + -0.032344669103622437, + 0.36670517921447754, + -0.06318309158086777, + 0.03371560946106911, + -0.2044970691204071, + 2.445126533508301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/145.png", + [ + 0.20424103736877441, + 0.007010362576693296, + -0.07200241088867188, + 0.8151887059211731, + -0.006550834514200687, + -0.21297667920589447, + -0.0393180325627327, + 0.44158509373664856, + -0.07204567641019821, + 0.03923870995640755, + -0.2005433589220047, + 2.346752643585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/167.png", + [ + 0.2022353857755661, + 0.007144378498196602, + -0.07744483649730682, + 0.8886210322380066, + -0.009863733313977718, + -0.21166011691093445, + -0.04528353363275528, + 0.5169682502746582, + -0.07714565098285675, + 0.045791368931531906, + -0.19722980260849, + 2.3399248123168945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/79.png", + [ + 0.203646719455719, + -0.012055981904268265, + -0.07301071286201477, + 0.797809362411499, + -0.02767988294363022, + -0.21067111194133759, + -0.042419400066137314, + 0.46589675545692444, + -0.0686275064945221, + 0.04919588565826416, + -0.199544295668602, + 2.258340358734131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/176.png", + [ + 0.20099590718746185, + 0.005836587864905596, + -0.08071232587099075, + 0.9261864423751831, + -0.009819370694458485, + -0.21275436878204346, + -0.03983794525265694, + 0.45963919162750244, + -0.08032511919736862, + 0.04061300307512283, + -0.19709478318691254, + 2.347168445587158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/165.png", + [ + 0.202569380402565, + 0.008457493968307972, + -0.07643304765224457, + 0.873934805393219, + -0.008559392765164375, + -0.21154221892356873, + -0.04609247297048569, + 0.524072527885437, + -0.07642170041799545, + 0.04611127823591232, + -0.19743698835372925, + 2.3320813179016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/116.png", + [ + 0.20590537786483765, + 0.00021540869784075767, + -0.06745979189872742, + 0.782167911529541, + -0.010761947371065617, + -0.21379368007183075, + -0.03353102132678032, + 0.38140571117401123, + -0.06659617274999619, + 0.035215090960264206, + -0.20315693318843842, + 2.428999900817871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/19.png", + [ + 0.20158612728118896, + -0.028501486405730247, + -0.07415255159139633, + 0.8322020173072815, + -0.03007693588733673, + -0.21457578241825104, + 0.0007098473142832518, + -0.016849838197231293, + -0.07352763414382935, + 0.009632810950279236, + -0.2035897672176361, + 2.3560962677001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/77.png", + [ + 0.20093899965286255, + -0.004491946194320917, + -0.08093974739313126, + 0.8978057503700256, + -0.02106017805635929, + -0.2118060141801834, + -0.040528781712055206, + 0.4454207420349121, + -0.07828085124492645, + 0.04545256495475769, + -0.19686055183410645, + 2.2368083000183105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/68.png", + [ + 0.2007633000612259, + -0.019102901220321655, + -0.07922794669866562, + 0.869448721408844, + -0.029448246583342552, + -0.21341052651405334, + -0.02316565252840519, + 0.24636584520339966, + -0.07599203288555145, + 0.0322323702275753, + -0.20033515989780426, + 2.28607177734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/143.png", + [ + 0.20434364676475525, + 0.006570305675268173, + -0.07175234705209732, + 0.8130837082862854, + -0.006786298472434282, + -0.2130577117204666, + -0.03883623704314232, + 0.43681618571281433, + -0.07173223793506622, + 0.03887335956096649, + -0.20072677731513977, + 2.355997085571289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/86.png", + [ + 0.20245185494422913, + -0.0037753309588879347, + -0.07711606472730637, + 0.8453616499900818, + -0.01920487731695175, + -0.21207591891288757, + -0.04003584012389183, + 0.43262970447540283, + -0.07478176802396774, + 0.04424300044775009, + -0.19848965108394623, + 2.259246349334717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/1.png", + [ + 0.20497539639472961, + -0.04111959785223007, + -0.05693996697664261, + 0.6663912534713745, + -0.037010788917541504, + -0.21252816915512085, + 0.020245376974344254, + -0.25465112924575806, + -0.059692397713661194, + -0.00942616444081068, + -0.2080765813589096, + 2.500957489013672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/81.png", + [ + 0.20348721742630005, + -0.0076669007539749146, + -0.074040986597538, + 0.8124159574508667, + -0.023473210632801056, + -0.21113502979278564, + -0.04264862835407257, + 0.4694753587245941, + -0.07063892483711243, + 0.04807406663894653, + -0.1991153359413147, + 2.256335735321045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/95.png", + [ + 0.20271112024784088, + -0.002666381187736988, + -0.07647865265607834, + 0.8447588682174683, + -0.015784142538905144, + -0.21334359049797058, + -0.034398701041936874, + 0.3832296133041382, + -0.07487960904836655, + 0.0377531498670578, + -0.19978898763656616, + 2.2850914001464844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/103.png", + [ + 0.20490005612373352, + -0.008772923611104488, + -0.06990634649991989, + 0.7783266305923462, + -0.01586182788014412, + -0.2152131050825119, + -0.019483810290694237, + 0.21476702392101288, + -0.06864592432975769, + 0.02354256436228752, + -0.2041601687669754, + 2.356645107269287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/150.png", + [ + 0.2031245231628418, + 0.005372950341552496, + -0.07522931694984436, + 0.8557242751121521, + -0.009455102495849133, + -0.21260499954223633, + -0.04071390628814697, + 0.4617038667201996, + -0.07482593506574631, + 0.04145060479640961, + -0.1990749090909958, + 2.341360092163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/83.png", + [ + 0.20249946415424347, + -0.002305292757228017, + -0.07704898715019226, + 0.8484197854995728, + -0.01917768456041813, + -0.21127459406852722, + -0.044081322848796844, + 0.47851184010505676, + -0.07465974241495132, + 0.048016998916864395, + -0.1976567506790161, + 2.234219551086426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/142.png", + [ + 0.20457226037979126, + 0.004401873331516981, + -0.07126504927873611, + 0.8046669960021973, + -0.008613742887973785, + -0.21316149830818176, + -0.03789294511079788, + 0.4255734384059906, + -0.07087939232587814, + 0.038609519600868225, + -0.20108036696910858, + 2.358635425567627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/51.png", + [ + 0.20116451382637024, + -0.019530169665813446, + -0.0780981108546257, + 0.8752566576004028, + -0.027488166466355324, + -0.21423213183879852, + -0.017230287194252014, + 0.18449339270591736, + -0.07566467672586441, + 0.025904720649123192, + -0.20137451589107513, + 2.33050537109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/128.png", + [ + 0.20636337995529175, + -0.00034983785008080304, + -0.06604484468698502, + 0.7558358311653137, + -0.013500372879207134, + -0.21232011914253235, + -0.04105854779481888, + 0.4662696421146393, + -0.0646512433886528, + 0.04321969673037529, + -0.20223788917064667, + 2.3907856941223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/168.png", + [ + 0.20203161239624023, + 0.007828867062926292, + -0.07790908217430115, + 0.8955948948860168, + -0.009305541403591633, + -0.21166042983531952, + -0.04540003836154938, + 0.5189624428749084, + -0.07774653285741806, + 0.04567784070968628, + -0.19702006876468658, + 2.3403525352478027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/93.png", + [ + 0.2026659995317459, + -0.0004931123112328351, + -0.0766429677605629, + 0.8482013940811157, + -0.015287735499441624, + -0.21257632970809937, + -0.039057470858097076, + 0.42878660559654236, + -0.07510441541671753, + 0.04193992540240288, + -0.19886744022369385, + 2.2729029655456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/76.png", + [ + 0.18936891853809357, + 0.05360680818557739, + -0.09062901139259338, + 1.016581654548645, + 0.050311632454395294, + -0.20989209413528442, + -0.019024645909667015, + 0.20611460506916046, + -0.09249889850616455, + -0.004416842013597488, + -0.19588859379291534, + 2.2470030784606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/48.png", + [ + 0.21542029082775116, + 0.00252544111572206, + -0.023143531754612923, + 0.26863816380500793, + 0.001837816322222352, + -0.21656852960586548, + -0.006525719538331032, + 0.06919904053211212, + -0.0232082586735487, + 0.0062916395254433155, + -0.21533621847629547, + 2.5609045028686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/137.png", + [ + 0.2165059894323349, + 0.003323363373056054, + -0.00787430815398693, + 0.09433353692293167, + 0.0027148243971168995, + -0.216026172041893, + -0.01652940921485424, + 0.1817442774772644, + -0.008104270324110985, + 0.016417883336544037, + -0.21589969098567963, + 2.5502982139587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/173.png", + [ + 0.21017512679100037, + 0.015313748270273209, + -0.050396423786878586, + 0.5686247944831848, + 0.01441881898790598, + -0.21612335741519928, + -0.005539704579859972, + 0.05032100901007652, + -0.05065973103046417, + 0.0020198544953018427, + -0.210659459233284, + 2.405569076538086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/35.png", + [ + 0.2162911593914032, + 0.006058385595679283, + -0.011372186243534088, + 0.13573603332042694, + 0.005611218046396971, + -0.21643196046352386, + -0.008579818531870842, + 0.09166879951953888, + -0.011599347926676273, + 0.00827012863010168, + -0.21620582044124603, + 2.610653877258301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/124.png", + [ + 0.21632906794548035, + 0.0074329315684735775, + -0.009714336134493351, + 0.11882159858942032, + 0.006482438184320927, + -0.21559523046016693, + -0.020605076104402542, + 0.23055678606033325, + -0.010372791439294815, + 0.020281584933400154, + -0.21547378599643707, + 2.579165458679199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/97.png", + [ + 0.21524755656719208, + 0.02482675015926361, + -0.0001294071553274989, + 0.006249991245567799, + 0.024696407839655876, + -0.21422739326953888, + -0.02108575776219368, + 0.24052080512046814, + -0.002543968614190817, + 0.020932132378220558, + -0.2156461626291275, + 2.603830337524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/155.png", + [ + 0.21642538905143738, + 0.009255655109882355, + -0.004719906952232122, + 0.05982201546430588, + 0.008851394057273865, + -0.21580052375793457, + -0.017311494797468185, + 0.19045087695121765, + -0.005440358072519302, + 0.017098767682909966, + -0.21593037247657776, + 2.5574636459350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/192.png", + [ + 0.196182519197464, + 0.018671153113245964, + -0.09006493538618088, + 1.0058801174163818, + 0.017099639400839806, + -0.21586844325065613, + -0.007504160515964031, + 0.07448047399520874, + -0.09037647396326065, + -0.0003133388818241656, + -0.19692610204219818, + 2.26267147064209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/13.png", + [ + 0.21570076048374176, + 0.004988078493624926, + -0.01990460604429245, + 0.2409423440694809, + 0.004475612659007311, + -0.21655163168907166, + -0.005766686517745256, + 0.05883536860346794, + -0.020026063546538353, + 0.005329620558768511, + -0.21568134427070618, + 2.6054983139038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/32.png", + [ + 0.2159852832555771, + 0.009214934892952442, + -0.014606115408241749, + 0.17603692412376404, + 0.008882108144462109, + -0.21642999351024628, + -0.005202190484851599, + 0.05313241109251976, + -0.01481087040156126, + 0.004586893133819103, + -0.216119185090065, + 2.614626407623291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/158.png", + [ + 0.2163916528224945, + 0.010930079035460949, + -0.001755165751092136, + 0.02418811433017254, + 0.010718383826315403, + -0.21545706689357758, + -0.020279789343476295, + 0.22568407654762268, + -0.0027683102525770664, + 0.020166480913758278, + -0.21571634709835052, + 2.560532569885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/38.png", + [ + 0.21609820425510406, + 0.007646579761058092, + -0.01381993480026722, + 0.1644415259361267, + 0.007357185240834951, + -0.21649767458438873, + -0.004746200051158667, + 0.04616514965891838, + -0.013976143673062325, + 0.0042643179185688496, + -0.21618135273456573, + 2.603483200073242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/148.png", + [ + 0.21647676825523376, + 0.005088195204734802, + -0.007733878679573536, + 0.09387846291065216, + 0.0045416452921926975, + -0.2161034196615219, + -0.01505270041525364, + 0.16426868736743927, + -0.008066974580287933, + 0.014876849949359894, + -0.21601271629333496, + 2.554814338684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/111.png", + [ + 0.21631427109241486, + 0.011574988253414631, + -0.004696488846093416, + 0.05469265207648277, + 0.010989279486238956, + -0.21507059037685394, + -0.0239118579775095, + 0.26143643260002136, + -0.005939117167145014, + 0.023633889853954315, + -0.21529993414878845, + 2.4930648803710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/164.png", + [ + 0.21609202027320862, + 0.014436548575758934, + -0.0066118002869188786, + 0.07847985625267029, + 0.013573812320828438, + -0.21476425230503082, + -0.025297462940216064, + 0.2913655638694763, + -0.0082390196621418, + 0.024815240874886513, + -0.21509118378162384, + 2.56162166595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/11.png", + [ + 0.21557864546775818, + 0.005309556145220995, + -0.02110815793275833, + 0.2565101981163025, + 0.004747098311781883, + -0.2165398895740509, + -0.0059862020425498486, + 0.060025934129953384, + -0.021241718903183937, + 0.005493466276675463, + -0.2155609130859375, + 2.6035051345825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/125.png", + [ + 0.21637661755084991, + 0.0073209661059081554, + -0.00868680514395237, + 0.10637125372886658, + 0.006482422351837158, + -0.21562828123569489, + -0.020256338641047478, + 0.2263258993625641, + -0.009329274296760559, + 0.019968587905168533, + -0.2155507355928421, + 2.573997974395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/59.png", + [ + 0.20883409678936005, + 0.0062392521649599075, + -0.05742201581597328, + 0.6441152095794678, + 0.0042159645818173885, + -0.21647877991199493, + -0.008188992738723755, + 0.08174128830432892, + -0.05760592222213745, + 0.006775374989956617, + -0.20876671373844147, + 2.403829574584961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/105.png", + [ + 0.21582446992397308, + 0.01845012791454792, + 0.005223858170211315, + -0.06100774556398392, + 0.018925918266177177, + -0.21445028483867645, + -0.024510785937309265, + 0.2772243618965149, + 0.0030831049662083387, + 0.024870900437235832, + -0.21522042155265808, + 2.591994285583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/121.png", + [ + 0.2161942720413208, + 0.009245660156011581, + -0.011065476574003696, + 0.13546711206436157, + 0.007899359799921513, + -0.2150425761938095, + -0.02534136176109314, + 0.28969040513038635, + -0.012063463218510151, + 0.024881767109036446, + -0.21490292251110077, + 2.594554901123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/175.png", + [ + 0.20323118567466736, + 0.017610518261790276, + -0.07304009795188904, + 0.8224783539772034, + 0.0179318655282259, + -0.21592049300670624, + -0.0021653438452631235, + 0.014596167951822281, + -0.07296186685562134, + -0.004013759084045887, + -0.20398125052452087, + 2.3415703773498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/24.png", + [ + 0.21613846719264984, + 0.007787696551531553, + -0.013092459179461002, + 0.15825989842414856, + 0.006764332763850689, + -0.21591922640800476, + -0.016763931140303612, + 0.18965895473957062, + -0.013649340718984604, + 0.016313716769218445, + -0.21562804281711578, + 2.601839065551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/74.png", + [ + 0.18760256469249725, + 0.05194906145334244, + -0.09515500068664551, + 1.0702630281448364, + 0.04915490001440048, + -0.2102663367986679, + -0.017881913110613823, + 0.19292820990085602, + -0.09662802517414093, + -0.006104276981204748, + -0.19383925199508667, + 2.2324414253234863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/193.png", + [ + 0.19779519736766815, + 0.0184136014431715, + -0.08652106672525406, + 0.9643415808677673, + 0.01641547679901123, + -0.21588782966136932, + -0.008418412879109383, + 0.08631275594234467, + -0.0869223102927208, + 0.001129975775256753, + -0.1984720081090927, + 2.279801368713379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/129.png", + [ + 0.21655309200286865, + 0.004228140693157911, + -0.005896941293030977, + 0.07220688462257385, + 0.0036955680698156357, + -0.21580639481544495, + -0.019022265449166298, + 0.21243491768836975, + -0.006244507618248463, + 0.01891101896762848, + -0.21575745940208435, + 2.5544896125793457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/172.png", + [ + 0.21343910694122314, + 0.013540690764784813, + -0.034760523587465286, + 0.3903105556964874, + 0.012729539535939693, + -0.21621543169021606, + -0.0060621765442192554, + 0.05426434054970741, + -0.035065699368715286, + 0.003929487429559231, + -0.21378226578235626, + 2.4340648651123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/153.png", + [ + 0.21648529171943665, + 0.007605987600982189, + -0.004915254190564156, + 0.061441756784915924, + 0.007144574075937271, + -0.21571075916290283, + -0.01912379078567028, + 0.21166229248046875, + -0.005564696155488491, + 0.018945004791021347, + -0.21577304601669312, + 2.550605297088623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/144.png", + [ + 0.21643881499767303, + 0.003993972670286894, + -0.009283359162509441, + 0.11199376732110977, + 0.003480828134343028, + -0.21631893515586853, + -0.011912238784134388, + 0.12884552776813507, + -0.0094876978546381, + 0.011750140227377415, + -0.21614767611026764, + 2.553561210632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/188.png", + [ + 0.1960664540529251, + 0.015304015949368477, + -0.09094853699207306, + 1.0147827863693237, + 0.015683423727750778, + -0.21609123051166534, + -0.002551666460931301, + 0.019066084176301956, + -0.09088388085365295, + -0.004274096339941025, + -0.19664624333381653, + 2.2577037811279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/98.png", + [ + 0.21538731455802917, + 0.023582935333251953, + 0.00020346097880974412, + 0.0034684285055845976, + 0.023492146283388138, + -0.2143775224685669, + -0.0209355391561985, + 0.23927515745162964, + -0.002077326877042651, + 0.020833218470215797, + -0.21566075086593628, + 2.6056113243103027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/0.png", + [ + 0.21625147759914398, + -0.00013945996761322021, + -0.013534193858504295, + 0.16334351897239685, + -0.000622597464825958, + -0.2165362685918808, + -0.00771670788526535, + 0.0821046382188797, + -0.01352058444172144, + 0.007740525994449854, + -0.21611380577087402, + 2.6212949752807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/163.png", + [ + 0.2161751687526703, + 0.013534130528569221, + -0.0057453131303191185, + 0.06854528933763504, + 0.012760077603161335, + -0.21475644409656525, + -0.025782713666558266, + 0.2979528605937958, + -0.00730491429567337, + 0.025384940207004547, + -0.21505844593048096, + 2.561401844024658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/96.png", + [ + 0.2151632308959961, + 0.02554510161280632, + -0.0003544887586031109, + 0.008121129125356674, + 0.02539869025349617, + -0.21421293914318085, + -0.02038663439452648, + 0.23165157437324524, + -0.0027539667207747698, + 0.02020287699997425, + -0.21571311354637146, + 2.598522186279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/100.png", + [ + 0.21540607511997223, + 0.023376034572720528, + 0.0012962790206074715, + -0.00929476972669363, + 0.023395709693431854, + -0.21447968482971191, + -0.01997506618499756, + 0.22624436020851135, + -0.000871871190611273, + 0.019998088479042053, + -0.21574802696704865, + 2.607288360595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/40.png", + [ + 0.21632523834705353, + 0.004588751122355461, + -0.011411572806537151, + 0.1358969509601593, + 0.004212940577417612, + -0.2165140062570572, + -0.007200012914836407, + 0.07626599073410034, + -0.011555595323443413, + 0.006966521497815847, + -0.2162540853023529, + 2.5976061820983887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/141.png", + [ + 0.2164694219827652, + 0.0036959382705390453, + -0.008673236705362797, + 0.10497888177633286, + 0.0031564845703542233, + -0.21623897552490234, + -0.013365653343498707, + 0.14486469328403473, + -0.008883782662451267, + 0.013226645067334175, + -0.21608801186084747, + 2.5562081336975098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/52.png", + [ + 0.21496672928333282, + 0.007885018363595009, + -0.025981195271015167, + 0.29738685488700867, + 0.007051811553537846, + -0.21643541753292084, + -0.007339639123529196, + 0.07718941569328308, + -0.02621961012482643, + 0.0064362115226686, + -0.21498605608940125, + 2.546229362487793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/184.png", + [ + 0.19662556052207947, + 0.018280360847711563, + -0.08917456865310669, + 0.9913704991340637, + 0.01723703183233738, + -0.21589744091033936, + -0.006251127924770117, + 0.06079493835568428, + -0.0893820971250534, + -0.0014213628601282835, + -0.19737455248832703, + 2.2610607147216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/3.png", + [ + 0.21598203480243683, + 0.002525624819099903, + -0.01712569035589695, + 0.20731352269649506, + 0.002121288562193513, + -0.21660204231739044, + -0.0051907566376030445, + 0.05253037437796593, + -0.017180459573864937, + 0.0050064995884895325, + -0.2159343957901001, + 2.608376979827881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/47.png", + [ + 0.21562063694000244, + 0.0021444344893097878, + -0.02123764529824257, + 0.24734291434288025, + 0.0014785779640078545, + -0.21656109392642975, + -0.0068552386946976185, + 0.07294729351997375, + -0.02129436284303665, + 0.006676966790109873, + -0.21552230417728424, + 2.5672402381896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/104.png", + [ + 0.2157319188117981, + 0.01973639242351055, + 0.00425459211692214, + -0.04861879721283913, + 0.020084543153643608, + -0.21444399654865265, + -0.023627763614058495, + 0.2668721079826355, + 0.0020585935562849045, + 0.023919343948364258, + -0.2153404951095581, + 2.598295211791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/21.png", + [ + 0.21618156135082245, + 0.004839230328798294, + -0.01378436665982008, + 0.16874919831752777, + 0.003782066749408841, + -0.21601086854934692, + -0.016519665718078613, + 0.18775610625743866, + -0.014111089520156384, + 0.016241468489170074, + -0.2156037539243698, + 2.604464054107666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/82.png", + [ + 0.2057865560054779, + 0.05076507851481438, + -0.04497433453798294, + 0.4928889274597168, + 0.04913527891039848, + -0.21063350141048431, + -0.012928411364555359, + 0.1375429332256317, + -0.04674941673874855, + 0.0020799250341951847, + -0.21156100928783417, + 2.4051103591918945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/106.png", + [ + 0.21591772139072418, + 0.017766844481229782, + 0.003430336946621537, + -0.03907999023795128, + 0.018041273579001427, + -0.2145354151725769, + -0.024432877078652382, + 0.27570533752441406, + 0.0013930269051343203, + 0.024633152410387993, + -0.21526533365249634, + 2.58394193649292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/14.png", + [ + 0.21569857001304626, + 0.004591585136950016, + -0.020023586228489876, + 0.24287070333957672, + 0.003970562946051359, + -0.2165289670228958, + -0.006880208384245634, + 0.07207950949668884, + -0.020155925303697586, + 0.006482282653450966, + -0.2156376987695694, + 2.608610153198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/67.png", + [ + 0.18150745332241058, + 0.053783342242240906, + -0.10540534555912018, + 1.1873446702957153, + 0.05292582884430885, + -0.2095186859369278, + -0.015769409015774727, + 0.16534213721752167, + -0.10583850741386414, + -0.01253676787018776, + -0.18865031003952026, + 2.177699565887451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/78.png", + [ + 0.19217535853385925, + 0.05213600769639015, + -0.08543043583631516, + 0.9589475989341736, + 0.05033059045672417, + -0.21020875871181488, + -0.015066584572196007, + 0.16095320880413055, + -0.08650638908147812, + -0.006481323391199112, + -0.19855107367038727, + 2.272736072540283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/191.png", + [ + 0.1952546089887619, + 0.017319131642580032, + -0.09232324361801147, + 1.0325593948364258, + 0.01735898107290268, + -0.21594476699829102, + -0.003797039622440934, + 0.031964320689439774, + -0.09231576323509216, + -0.003974845167249441, + -0.19598440825939178, + 2.250352382659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/31.png", + [ + 0.21592466533184052, + 0.00970399845391512, + -0.015174776315689087, + 0.18289217352867126, + 0.009276122786104679, + -0.21638193726539612, + -0.006380768958479166, + 0.06739312410354614, + -0.015440046787261963, + 0.005709031596779823, + -0.21604838967323303, + 2.6162896156311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/194.png", + [ + 0.19823944568634033, + 0.020534172654151917, + -0.08501390367746353, + 0.9447197318077087, + 0.017566395923495293, + -0.21567431092262268, + -0.011131597682833672, + 0.1168188601732254, + -0.08567635715007782, + 0.0032921903766691685, + -0.19898898899555206, + 2.286868095397949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/152.png", + [ + 0.21651269495487213, + 0.007059770170599222, + -0.004506294149905443, + 0.05641338229179382, + 0.006603727117180824, + -0.21560288965702057, + -0.02048601023852825, + 0.2265930473804474, + -0.005151487421244383, + 0.020333359017968178, + -0.21565692126750946, + 2.5450172424316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/39.png", + [ + 0.2161945104598999, + 0.006101734936237335, + -0.01306148525327444, + 0.15538454055786133, + 0.005836540833115578, + -0.2165481299161911, + -0.004554710350930691, + 0.04347795620560646, + -0.013182124122977257, + 0.00419278210029006, + -0.21623264253139496, + 2.6023755073547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/92.png", + [ + 0.21453818678855896, + 0.027917884290218353, + -0.01191022340208292, + 0.14468607306480408, + 0.027232639491558075, + -0.21459418535232544, + -0.012474535033106804, + 0.13699565827846527, + -0.013403171673417091, + 0.010854603722691536, + -0.21598710119724274, + 2.570547580718994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/53.png", + [ + 0.2148774266242981, + 0.007384357508271933, + -0.026852505281567574, + 0.30568626523017883, + 0.006496191490441561, + -0.21644596755504608, + -0.007538577076047659, + 0.07931552827358246, + -0.027081085368990898, + 0.006670975126326084, + -0.2148720771074295, + 2.5400233268737793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/75.png", + [ + 0.18772830069065094, + 0.05280167609453201, + -0.09443496912717819, + 1.0614159107208252, + 0.04958922788500786, + -0.21007685363292694, + -0.018881870433688164, + 0.20433735847473145, + -0.09616074711084366, + -0.00525348074734211, + -0.1940964013338089, + 2.2324905395507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/151.png", + [ + 0.21652700006961823, + 0.006380211561918259, + -0.004820886068046093, + 0.05967925488948822, + 0.005896051414310932, + -0.21561801433563232, + -0.020542746409773827, + 0.22719082236289978, + -0.005402280017733574, + 0.020397568121552467, + -0.2156447172164917, + 2.543701648712158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/87.png", + [ + 0.2125864177942276, + 0.040767084807157516, + -0.009641765616834164, + 0.1060008555650711, + 0.040276285260915756, + -0.21261663734912872, + -0.010949162766337395, + 0.11505526304244995, + -0.011521262116730213, + 0.008950326591730118, + -0.2161829173564911, + 2.5403823852539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/139.png", + [ + 0.2165205031633377, + 0.0028718081302940845, + -0.007650267332792282, + 0.09186134487390518, + 0.002289188327267766, + -0.21604762971401215, + -0.016311991959810257, + 0.17896130681037903, + -0.007844327948987484, + 0.01621956191956997, + -0.21592426300048828, + 2.5499672889709473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/107.png", + [ + 0.21611765027046204, + 0.015275636687874794, + 0.002777199959382415, + -0.030786294490098953, + 0.015492391772568226, + -0.21472160518169403, + -0.024546295404434204, + 0.2723616659641266, + 0.0010216447990387678, + 0.02468176931142807, + -0.21526184678077698, + 2.54986572265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/112.png", + [ + 0.21622861921787262, + 0.011861049570143223, + -0.007238383404910564, + 0.08513571321964264, + 0.010990931652486324, + -0.2150532305240631, + -0.02406657487154007, + 0.2658948600292206, + -0.00850165355950594, + 0.02364986389875412, + -0.21521222591400146, + 2.514766216278076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/69.png", + [ + 0.18356925249099731, + 0.058530040085315704, + -0.09911839663982391, + 1.1145823001861572, + 0.05661565437912941, + -0.20835542678833008, + -0.018181869760155678, + 0.19385410845279694, + -0.10022418946027756, + -0.010495091788470745, + -0.1918146312236786, + 2.2150917053222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/157.png", + [ + 0.21637938916683197, + 0.011025616899132729, + -0.0025082549545913935, + 0.03234638273715973, + 0.010766169056296349, + -0.21558208763599396, + -0.018877150490880013, + 0.2091517150402069, + -0.0034561825450509787, + 0.01872679963707924, + -0.21583618223667145, + 2.563046455383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/45.png", + [ + 0.2159530073404312, + 0.0019767493940889835, + -0.017557809129357338, + 0.2069239616394043, + 0.0013436219887807965, + -0.21652813255786896, + -0.007851936854422092, + 0.08530217409133911, + -0.017617572098970413, + 0.007716909982264042, + -0.21581928431987762, + 2.5793070793151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/50.png", + [ + 0.21517589688301086, + 0.0055063823238015175, + -0.024837519973516464, + 0.28577497601509094, + 0.004727532155811787, + -0.21650850772857666, + -0.007042895071208477, + 0.07488797605037689, + -0.02499745972454548, + 0.006452261004596949, + -0.21513108909130096, + 2.5562987327575684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/101.png", + [ + 0.21546699106693268, + 0.022841457277536392, + 0.0003703576512634754, + 0.001146349124610424, + 0.022776374593377113, + -0.21452556550502777, + -0.020196933299303055, + 0.22794729471206665, + -0.0017624408937990665, + 0.020123295485973358, + -0.2157309651374817, + 2.60646390914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/85.png", + [ + 0.21119600534439087, + 0.045897021889686584, + -0.015414668247103691, + 0.1619388312101364, + 0.04504760727286339, + -0.2115582823753357, + -0.01271649356931448, + 0.13620981574058533, + -0.01774434559047222, + 0.009190179407596588, + -0.21575118601322174, + 2.517277717590332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/156.png", + [ + 0.2164490669965744, + 0.009158851578831673, + -0.0037162392400205135, + 0.0472572036087513, + 0.00881825853139162, + -0.21573834121227264, + -0.01808595098555088, + 0.19984379410743713, + -0.004464675206691027, + 0.01791587844491005, + -0.21588650345802307, + 2.5599493980407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/181.png", + [ + 0.1967814564704895, + 0.020552009344100952, + -0.0883321464061737, + 0.9793435335159302, + 0.01958511210978031, + -0.21568816900253296, + -0.006552970968186855, + 0.06428299844264984, + -0.08855156600475311, + -0.0020329649560153484, + -0.197743222117424, + 2.259263038635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/131.png", + [ + 0.21660152077674866, + 0.0039522950537502766, + -0.004006802104413509, + 0.05006665736436844, + 0.0035720346495509148, + -0.2157464623451233, + -0.0197128988802433, + 0.22039851546287537, + -0.00434921495616436, + 0.01964019238948822, + -0.21573883295059204, + 2.540919780731201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/71.png", + [ + 0.18464143574237823, + 0.05544229596853256, + -0.09890193492174149, + 1.1134248971939087, + 0.05298781394958496, + -0.20928847789764404, + -0.018398914486169815, + 0.19713298976421356, + -0.1002383828163147, + -0.008507668040692806, + -0.1919056624174118, + 2.216111183166504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/160.png", + [ + 0.21629250049591064, + 0.012825383804738522, + -0.0009836475364863873, + 0.013435572385787964, + 0.012642365880310535, + -0.21501524746418, + -0.02359030768275261, + 0.26752564311027527, + -0.0023724697530269623, + 0.023491308093070984, + -0.215384379029274, + 2.5621280670166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/115.png", + [ + 0.21600180864334106, + 0.01164335384964943, + -0.012471909634768963, + 0.14827969670295715, + 0.009979993104934692, + -0.2146809846162796, + -0.02757476456463337, + 0.3146093785762787, + -0.013838929124176502, + 0.026914680376648903, + -0.21455064415931702, + 2.554694175720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/54.png", + [ + 0.21463310718536377, + 0.006510148756206036, + -0.028950734063982964, + 0.32821324467658997, + 0.005572961177676916, + -0.21647778153419495, + -0.007362866308540106, + 0.07620613276958466, + -0.029145654290914536, + 0.0065488675609230995, + -0.21460555493831635, + 2.5305023193359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/33.png", + [ + 0.21603068709373474, + 0.008920121937990189, + -0.014109129086136818, + 0.16945359110832214, + 0.008486192673444748, + -0.216399148106575, + -0.006877001374959946, + 0.07192102074623108, + -0.014374303631484509, + 0.006303971633315086, + -0.2161053717136383, + 2.613532543182373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/159.png", + [ + 0.21640244126319885, + 0.010781224817037582, + -0.0012815528316423297, + 0.01800680346786976, + 0.010596497915685177, + -0.21530137956142426, + -0.021929940208792686, + 0.2460925579071045, + -0.0023646133486181498, + 0.021839719265699387, + -0.21555818617343903, + 2.5620789527893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/177.png", + [ + 0.19850435853004456, + 0.019292563199996948, + -0.08468601852655411, + 0.9518364667892456, + 0.019710995256900787, + -0.21575607359409332, + -0.0029493507463485003, + 0.02301565557718277, + -0.08458960801362991, + -0.005001909099519253, + -0.199417844414711, + 2.2914352416992188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/49.png", + [ + 0.21532242000102997, + 0.005289528053253889, + -0.023583166301250458, + 0.27205729484558105, + 0.004445057827979326, + -0.21648234128952026, + -0.00797046534717083, + 0.08690294623374939, + -0.023756815120577812, + 0.007436918560415506, + -0.21523986756801605, + 2.554819107055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/118.png", + [ + 0.21595194935798645, + 0.011823938228189945, + -0.013146736659109592, + 0.15866248309612274, + 0.010100875049829483, + -0.21472331881523132, + -0.02719852700829506, + 0.31274133920669556, + -0.014512566849589348, + 0.026494940742850304, + -0.21455839276313782, + 2.579160690307617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/179.png", + [ + 0.19706138968467712, + 0.018722467124462128, + -0.08811455219984055, + 0.9838932156562805, + 0.01837804727256298, + -0.21584133803844452, + -0.004760608542710543, + 0.04473195597529411, + -0.08818703144788742, + -0.003144075395539403, + -0.19789153337478638, + 2.268217086791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/110.png", + [ + 0.21631737053394318, + 0.012137578800320625, + -0.0027142351027578115, + 0.031565286219120026, + 0.011779098771512508, + -0.2151099145412445, + -0.02317049913108349, + 0.24966824054718018, + -0.003992588724941015, + 0.022984743118286133, + -0.21541506052017212, + 2.485109329223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/18.png", + [ + 0.21614085137844086, + 0.004162507131695747, + -0.014618667773902416, + 0.17703160643577576, + 0.0030948638450354338, + -0.2160779982805252, + -0.015767499804496765, + 0.17861750721931458, + -0.014881323091685772, + 0.015519851818680763, + -0.21560513973236084, + 2.614114284515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/66.png", + [ + 0.1821696013212204, + 0.04900107532739639, + -0.10658808797597885, + 1.2013866901397705, + 0.04805971309542656, + -0.21076171100139618, + -0.014753347262740135, + 0.154006227850914, + -0.10701584070920944, + -0.01123796496540308, + -0.18806704878807068, + 2.168243408203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/16.png", + [ + 0.21571919322013855, + 0.005046626087278128, + -0.019689036533236504, + 0.23922258615493774, + 0.0042306226678192616, + -0.2164410501718521, + -0.009125418029725552, + 0.09925545752048492, + -0.019880352541804314, + 0.008700745180249214, + -0.21558517217636108, + 2.6146583557128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/190.png", + [ + 0.19592103362083435, + 0.015255854465067387, + -0.09126938879489899, + 1.019008755683899, + 0.015513488091528416, + -0.21610014140605927, + -0.0028199332300573587, + 0.02235303819179535, + -0.09122595936059952, + -0.003984880167990923, + -0.19649386405944824, + 2.253065586090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/94.png", + [ + 0.21524572372436523, + 0.024511681869626045, + -0.004042885731905699, + 0.050809409469366074, + 0.024108216166496277, + -0.21460774540901184, + -0.01761259324848652, + 0.19829979538917542, + -0.0059967744164168835, + 0.0170466136187315, + -0.21591976284980774, + 2.5871481895446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/28.png", + [ + 0.21585451066493988, + 0.009794283658266068, + -0.016087282449007034, + 0.19503416121006012, + 0.008892272599041462, + -0.21614359319210052, + -0.012278912588953972, + 0.13845303654670715, + -0.0166028942912817, + 0.01157221756875515, + -0.21572744846343994, + 2.6152725219726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/61.png", + [ + 0.2030685842037201, + 0.012493514455854893, + -0.07453155517578125, + 0.838158905506134, + 0.011007444933056831, + -0.21630406379699707, + -0.006267570424824953, + 0.05836024507880211, + -0.07476547360420227, + 0.0020876682829111814, + -0.20335599780082703, + 2.3482470512390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/132.png", + [ + 0.2165963053703308, + 0.0033119821455329657, + -0.004792689811438322, + 0.05986737832427025, + 0.0028731273487210274, + -0.21579599380493164, + -0.01928013376891613, + 0.2144099622964859, + -0.005067962687462568, + 0.019209614023566246, + -0.21576188504695892, + 2.5397987365722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/58.png", + [ + 0.2114955335855484, + 0.002632417716085911, + -0.04701715335249901, + 0.5279343724250793, + 0.000726394762750715, + -0.2164924442768097, + -0.00885356031358242, + 0.09010346233844757, + -0.04708518087863922, + 0.0084843123331666, + -0.21132652461528778, + 2.4369850158691406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/123.png", + [ + 0.21632790565490723, + 0.007978974841535091, + -0.009298577904701233, + 0.11451596766710281, + 0.006964534986764193, + -0.21536211669445038, + -0.022771792486310005, + 0.2574830949306488, + -0.010080816224217415, + 0.02243647351861, + -0.21527394652366638, + 2.581584930419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/64.png", + [ + 0.1867271363735199, + 0.03588955104351044, + -0.10388841480016708, + 1.176002860069275, + 0.03609893471002579, + -0.21346256136894226, + -0.00885973684489727, + 0.08827446401119232, + -0.10381584614515305, + -0.00967306736856699, + -0.18993839621543884, + 2.1971302032470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/10.png", + [ + 0.21561026573181152, + 0.0045941490679979324, + -0.020952334627509117, + 0.25385528802871704, + 0.004072800278663635, + -0.2165646106004715, + -0.005574221257120371, + 0.05534535273909569, + -0.02105988934636116, + 0.005153001751750708, + -0.21558716893196106, + 2.6004714965820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/170.png", + [ + 0.21604260802268982, + 0.011522814631462097, + -0.011862451210618019, + 0.125248983502388, + 0.010852876119315624, + -0.21605759859085083, + -0.012215700000524521, + 0.12334777414798737, + -0.012478304095566273, + 0.011585896834731102, + -0.21600452065467834, + 2.4761838912963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/41.png", + [ + 0.2163919359445572, + 0.00265921070240438, + -0.01074040587991476, + 0.12849876284599304, + 0.0022713858634233475, + -0.21652063727378845, + -0.007845547050237656, + 0.08364680409431458, + -0.010829058475792408, + 0.007722720503807068, + -0.2162659913301468, + 2.5954928398132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/166.png", + [ + 0.21612638235092163, + 0.015141969546675682, + -0.002829373814165592, + 0.030341515317559242, + 0.014779558405280113, + -0.2150535136461258, + -0.02194179594516754, + 0.24666184186935425, + -0.004341573920100927, + 0.021693279966711998, + -0.21554221212863922, + 2.5635180473327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/91.png", + [ + 0.2142251431941986, + 0.029110202565789223, + -0.014425165951251984, + 0.17491579055786133, + 0.02855839394032955, + -0.2145979106426239, + -0.008947067894041538, + 0.09494303166866302, + -0.015488944016397, + 0.006944639608263969, + -0.21600870788097382, + 2.5622363090515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/140.png", + [ + 0.2164984494447708, + 0.003609616309404373, + -0.007955149747431278, + 0.09591379761695862, + 0.003039834089577198, + -0.2161102294921875, + -0.015330392867326736, + 0.16726553440093994, + -0.008189818821847439, + 0.015206320211291313, + -0.21598514914512634, + 2.5504112243652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/23.png", + [ + 0.2162015587091446, + 0.005901861470192671, + -0.013036292977631092, + 0.15815715491771698, + 0.004908343777060509, + -0.21599845588207245, + -0.016385139897465706, + 0.18433870375156403, + -0.01344191562384367, + 0.016054054722189903, + -0.21566055715084076, + 2.6022753715515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/37.png", + [ + 0.21610966324806213, + 0.008080420084297657, + -0.013386949896812439, + 0.15879881381988525, + 0.007736224215477705, + -0.21645964682102203, + -0.005767718888819218, + 0.05770860239863396, + -0.013588761910796165, + 0.00527470838278532, + -0.21618376672267914, + 2.6062374114990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/178.png", + [ + 0.19715136289596558, + 0.01979653351008892, + -0.08767739683389664, + 0.9827340245246887, + 0.019468769431114197, + -0.21574176847934723, + -0.004934502765536308, + 0.046439219266176224, + -0.08775077015161514, + -0.0033881552517414093, + -0.1980813443660736, + 2.2734484672546387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/36.png", + [ + 0.2161368578672409, + 0.00800271611660719, + -0.012988865375518799, + 0.15415403246879578, + 0.007582572754472494, + -0.21642324328422546, + -0.007167699746787548, + 0.07459893822669983, + -0.013238528743386269, + 0.006695362739264965, + -0.21616613864898682, + 2.607757091522217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/182.png", + [ + 0.19552215933799744, + 0.020425081253051758, + -0.09111420065164566, + 1.011061429977417, + 0.019087301567196846, + -0.21570554375648499, + -0.007395259104669094, + 0.07263053953647614, + -0.09140382707118988, + -0.0013531239237636328, + -0.1964469701051712, + 2.247471332550049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/8.png", + [ + 0.21564845740795135, + 0.004009452648460865, + -0.020677657797932625, + 0.2510872185230255, + 0.003485248424112797, + -0.21657299995422363, + -0.005646223202347755, + 0.05450349673628807, + -0.02077244222164154, + 0.005286878906190395, + -0.21561181545257568, + 2.598954677581787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/6.png", + [ + 0.21590867638587952, + 0.0034698115196079016, + -0.017868822440505028, + 0.21732161939144135, + 0.003030106658115983, + -0.21658502519130707, + -0.005444278009235859, + 0.053612153977155685, + -0.017948618158698082, + 0.005175144877284765, + -0.21586790680885315, + 2.6066465377807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/197.png", + [ + 0.1966225802898407, + 0.02590264193713665, + -0.08727259188890457, + 0.9611040353775024, + 0.02312234416604042, + -0.21511651575565338, + -0.01175296027213335, + 0.12129871547222137, + -0.08805004507303238, + 0.0013520297361537814, + -0.1979728639125824, + 2.280017852783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/169.png", + [ + 0.21624086797237396, + 0.01247596275061369, + -0.005669343285262585, + 0.054679784923791885, + 0.012108047492802143, + -0.21592456102371216, + -0.01333706732839346, + 0.1370517909526825, + -0.006417655851691961, + 0.012993556447327137, + -0.2161894589662552, + 2.5238680839538574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/154.png", + [ + 0.21641285717487335, + 0.009146482683718204, + -0.005450740456581116, + 0.06812919676303864, + 0.008675702847540379, + -0.21578167378902435, + -0.017632346600294113, + 0.19418315589427948, + -0.006172590889036655, + 0.017392795532941818, + -0.21588720381259918, + 2.555438995361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/20.png", + [ + 0.21624909341335297, + 0.004033766221255064, + -0.012959600426256657, + 0.15870162844657898, + 0.0029304290656000376, + -0.215880885720253, + -0.018296130001544952, + 0.20854006707668304, + -0.013252739794552326, + 0.018084924668073654, + -0.2155114710330963, + 2.607536792755127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/2.png", + [ + 0.21610815823078156, + 0.001510165398940444, + -0.015584442764520645, + 0.1883864551782608, + 0.0011146381730213761, + -0.21660113334655762, + -0.005532519891858101, + 0.056269217282533646, + -0.015617716126143932, + 0.005437884945422411, + -0.216042622923851, + 2.611452102661133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/117.png", + [ + 0.21598125994205475, + 0.011074811220169067, + -0.013316945172846317, + 0.16042831540107727, + 0.009221176616847515, + -0.21454478800296783, + -0.028868606314063072, + 0.33256733417510986, + -0.014661595225334167, + 0.02820948325097561, + -0.2143295556306839, + 2.571700096130371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/149.png", + [ + 0.21648789942264557, + 0.006046934984624386, + -0.0066572558134794235, + 0.08089988678693771, + 0.0054802726954221725, + -0.21586742997169495, + -0.01786377839744091, + 0.19664490222930908, + -0.007130995858460665, + 0.017680004239082336, + -0.2158343344926834, + 2.545602321624756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/161.png", + [ + 0.21628035604953766, + 0.012637371197342873, + -0.0033181323669850826, + 0.04010329768061638, + 0.012183383107185364, + -0.21494105458259583, + -0.024490831419825554, + 0.2795444428920746, + -0.004719992633908987, + 0.024259688332676888, + -0.21526050567626953, + 2.5630335807800293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/5.png", + [ + 0.21593447029590607, + 0.003008300205692649, + -0.017639629542827606, + 0.21459293365478516, + 0.0026246567722409964, + -0.2166053205728531, + -0.004810757469385862, + 0.04695591703057289, + -0.01770078018307686, + 0.0045806486159563065, + -0.21590183675289154, + 2.6081385612487793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/187.png", + [ + 0.19618843495845795, + 0.015857569873332977, + -0.09058989584445953, + 1.009761929512024, + 0.015881791710853577, + -0.21606463193893433, + -0.0034268293529748917, + 0.02895548939704895, + -0.09058564901351929, + -0.0035372180864214897, + -0.1967984437942505, + 2.2577829360961914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/108.png", + [ + 0.21614696085453033, + 0.015000615268945694, + 0.0018344682175666094, + -0.020029399544000626, + 0.015111553482711315, + -0.2148108333349228, + -0.023996572941541672, + 0.26382529735565186, + 0.0001573799381731078, + 0.024066077545285225, + -0.21533390879631042, + 2.5191335678100586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/60.png", + [ + 0.2067725658416748, + 0.009265697561204433, + -0.06408703327178955, + 0.7180741429328918, + 0.007486729882657528, + -0.21642763912677765, + -0.007135655730962753, + 0.06825114786624908, + -0.06431911885738373, + 0.004595165140926838, + -0.20685704052448273, + 2.3830699920654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/56.png", + [ + 0.21445466578006744, + 0.0014865942066535354, + -0.03090117685496807, + 0.34377461671829224, + 0.0002748522674664855, + -0.21650734543800354, + -0.008508258499205112, + 0.0886363536119461, + -0.03093569166958332, + 0.008381889201700687, + -0.21429097652435303, + 2.4881510734558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/147.png", + [ + 0.21637436747550964, + 0.0055356998927891254, + -0.009969042614102364, + 0.12146815657615662, + 0.004936926998198032, + -0.21623289585113525, + -0.012917581014335155, + 0.1406208872795105, + -0.010278742760419846, + 0.01267253514379263, + -0.2160593718290329, + 2.556673526763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/30.png", + [ + 0.21586042642593384, + 0.010253953747451305, + -0.01571708545088768, + 0.18923009932041168, + 0.009689640253782272, + -0.21630840003490448, + -0.008042622357606888, + 0.08808788657188416, + -0.016071129590272903, + 0.007309536449611187, + -0.21595412492752075, + 2.6163411140441895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/17.png", + [ + 0.21595266461372375, + 0.004821639508008957, + -0.01700310781598091, + 0.2061104029417038, + 0.0037709041498601437, + -0.21622559428215027, + -0.013422571122646332, + 0.15093569457530975, + -0.017266564071178436, + 0.013081930577754974, + -0.2155890166759491, + 2.612119197845459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/12.png", + [ + 0.21559877693653107, + 0.004910738673061132, + -0.020998679101467133, + 0.2546752095222473, + 0.004347935318946838, + -0.216547891497612, + -0.006000404711812735, + 0.06186431273818016, + -0.021122390404343605, + 0.005549238529056311, + -0.21557119488716125, + 2.604322910308838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/114.png", + [ + 0.21602937579154968, + 0.011801854707300663, + -0.011829077266156673, + 0.1401737481355667, + 0.010227671824395657, + -0.21469011902809143, + -0.027412455528974533, + 0.3111799359321594, + -0.013213839381933212, + 0.026772454380989075, + -0.214607834815979, + 2.541378974914551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/27.png", + [ + 0.21593716740608215, + 0.009187835268676281, + -0.015317222103476524, + 0.18533754348754883, + 0.008250330574810505, + -0.21610747277736664, + -0.013318793848156929, + 0.15070085227489471, + -0.0158418957144022, + 0.012690228410065174, + -0.21572178602218628, + 2.615060806274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/42.png", + [ + 0.21633313596248627, + 0.0038676082622259855, + -0.01152893342077732, + 0.13810446858406067, + 0.003432872937992215, + -0.21649178862571716, + -0.00821076612919569, + 0.0873359888792038, + -0.01166576612740755, + 0.008015166968107224, + -0.21621184051036835, + 2.5919814109802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/174.png", + [ + 0.20696815848350525, + 0.017486000433564186, + -0.061695344746112823, + 0.6956194639205933, + 0.01690470054745674, + -0.2159672975540161, + -0.004500652197748423, + 0.03982601687312126, + -0.06185714527964592, + -0.0005143638700246811, + -0.20765675604343414, + 2.377674102783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/7.png", + [ + 0.2156762182712555, + 0.0040513607673347, + -0.020377689972519875, + 0.24696604907512665, + 0.0035601453855633736, + -0.2165786176919937, + -0.005378398112952709, + 0.05233609303832054, + -0.020469224080443382, + 0.0050187925808131695, + -0.21564722061157227, + 2.6020021438598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/73.png", + [ + 0.18670092523097992, + 0.05283349007368088, + -0.09643279016017914, + 1.0853360891342163, + 0.049979906529188156, + -0.21003496646881104, + -0.018308985978364944, + 0.1976439207792282, + -0.09794218093156815, + -0.006467748899012804, + -0.19316674768924713, + 2.225879669189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/120.png", + [ + 0.21611717343330383, + 0.00938241183757782, + -0.012378854677081108, + 0.14952096343040466, + 0.007821394130587578, + -0.21492429077625275, + -0.026349006220698357, + 0.30316779017448425, + -0.013419817201793194, + 0.025834370404481888, + -0.21471001207828522, + 2.5921335220336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/46.png", + [ + 0.21587714552879333, + 0.001856176066212356, + -0.018479766324162483, + 0.21571384370326996, + 0.0011590690119192004, + -0.21651601791381836, + -0.00820764061063528, + 0.0890389233827591, + -0.018536550924181938, + 0.008078576996922493, + -0.21572907269001007, + 2.5726752281188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/127.png", + [ + 0.21648284792900085, + 0.005857800133526325, + -0.006983096711337566, + 0.0857807993888855, + 0.00520823709666729, + -0.21573187410831451, + -0.01950712688267231, + 0.21734894812107086, + -0.007480088621377945, + 0.019322004169225693, + -0.21568171679973602, + 2.5623435974121094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/133.png", + [ + 0.2165866643190384, + 0.0034584251698106527, + -0.005112749058753252, + 0.06359308212995529, + 0.0029855796601623297, + -0.21577629446983337, + -0.019482551142573357, + 0.21657179296016693, + -0.005402519833296537, + 0.019404195249080658, + -0.21573635935783386, + 2.5407161712646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/57.png", + [ + 0.21361345052719116, + 0.0008401977247558534, + -0.03628339245915413, + 0.4040096402168274, + -0.0006402339204214513, + -0.21649561822414398, + -0.008782581426203251, + 0.08998961746692657, + -0.036287467926740646, + 0.008765713311731815, + -0.21343447268009186, + 2.4611353874206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/44.png", + [ + 0.2160644680261612, + 0.0027657451573759317, + -0.016012102365493774, + 0.1891113668680191, + 0.0021814159117639065, + -0.21651728451251984, + -0.007963052950799465, + 0.0857086032629013, + -0.01610211841762066, + 0.007779424078762531, + -0.21593539416790009, + 2.583935260772705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/113.png", + [ + 0.21616016328334808, + 0.011329307220876217, + -0.009712429717183113, + 0.11367083340883255, + 0.010101499035954475, + -0.21489040553569794, + -0.025845050811767578, + 0.2901727557182312, + -0.010983818210661411, + 0.025330884382128716, + -0.21490834653377533, + 2.5319266319274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/126.png", + [ + 0.21642254292964935, + 0.006658476777374744, + -0.008052259683609009, + 0.09812334179878235, + 0.005921769421547651, + -0.2157379537820816, + -0.01923457160592079, + 0.21391740441322327, + -0.008608534000813961, + 0.018992122262716293, + -0.2156689316034317, + 2.567727565765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/29.png", + [ + 0.2158689647912979, + 0.00965318363159895, + -0.01597798429429531, + 0.19363735616207123, + 0.008908681571483612, + -0.2162468582391739, + -0.010286842472851276, + 0.11480499804019928, + -0.016404734924435616, + 0.00959165021777153, + -0.2158397138118744, + 2.614941120147705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/4.png", + [ + 0.21599195897579193, + 0.0025806459598243237, + -0.016991451382637024, + 0.20578601956367493, + 0.0022378102876245975, + -0.21661730110645294, + -0.004453037399798632, + 0.04364589974284172, + -0.017039991915225983, + 0.004263520706444979, + -0.21596145629882812, + 2.6088361740112305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/55.png", + [ + 0.21454989910125732, + 0.0034650478046387434, + -0.030070455744862556, + 0.33907416462898254, + 0.0023909658193588257, + -0.21651773154735565, + -0.007890230044722557, + 0.0819021612405777, + -0.03017486073076725, + 0.007481036242097616, + -0.2144327461719513, + 2.5164871215820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/9.png", + [ + 0.2156543880701065, + 0.004740169737488031, + -0.02046009711921215, + 0.24858339130878448, + 0.0042046247981488705, + -0.21655474603176117, + -0.005853358656167984, + 0.05748825892806053, + -0.020576830953359604, + 0.005428763572126627, + -0.2156270295381546, + 2.5998082160949707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/25.png", + [ + 0.21610839664936066, + 0.00849640741944313, + -0.013147990219295025, + 0.1587551385164261, + 0.007604995742440224, + -0.2160475254058838, + -0.014612482860684395, + 0.16401107609272003, + -0.013682933524250984, + 0.01411281805485487, + -0.21578115224838257, + 2.607025623321533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/99.png", + [ + 0.21541599929332733, + 0.02329191379249096, + 0.0011523566208779812, + -0.0069869039580225945, + 0.023297032341361046, + -0.21445801854133606, + -0.020319966599345207, + 0.23089569807052612, + -0.001043771393597126, + 0.020325833931565285, + -0.2157166302204132, + 2.6070117950439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/34.png", + [ + 0.21628208458423615, + 0.006568455137312412, + -0.011261139065027237, + 0.13499777019023895, + 0.006129689514636993, + -0.2164207547903061, + -0.008507846854627132, + 0.09066793322563171, + -0.011505857110023499, + 0.008173857815563679, + -0.21621446311473846, + 2.609745502471924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/72.png", + [ + 0.18517543375492096, + 0.05405109375715256, + -0.09867338836193085, + 1.1108901500701904, + 0.05168119817972183, + -0.2096615433692932, + -0.017860407009720802, + 0.1918431669473648, + -0.09993503987789154, + -0.00827162154018879, + -0.19207412004470825, + 2.216785430908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/102.png", + [ + 0.21553483605384827, + 0.02210989035665989, + 0.0019448541570454836, + -0.018606344237923622, + 0.022194374352693558, + -0.21452730894088745, + -0.020816709846258163, + 0.23469260334968567, + -0.0001985962881008163, + 0.020906420424580574, + -0.2156635820865631, + 2.6050662994384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/134.png", + [ + 0.21654832363128662, + 0.0038951579481363297, + -0.006288622971624136, + 0.07686442881822586, + 0.003338151378557086, + -0.21583692729473114, + -0.018739856779575348, + 0.20740880072116852, + -0.006601195782423019, + 0.01863204874098301, + -0.21577109396457672, + 2.544365406036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/70.png", + [ + 0.1840403825044632, + 0.0573299378156662, + -0.0989459753036499, + 1.112954020500183, + 0.05538025125861168, + -0.20870982110500336, + -0.017920061945915222, + 0.19214460253715515, + -0.10005026310682297, + -0.010068724863231182, + -0.19192826747894287, + 2.2162303924560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/135.png", + [ + 0.21653537452220917, + 0.0034863713663071394, + -0.006940473802387714, + 0.08450696617364883, + 0.002931938273832202, + -0.21598511934280396, + -0.017021330073475838, + 0.18700599670410156, + -0.007192266173660755, + 0.01691647432744503, + -0.21589350700378418, + 2.5447869300842285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/130.png", + [ + 0.2165970802307129, + 0.0038837213069200516, + -0.004303471650928259, + 0.05329876393079758, + 0.0034702515695244074, + -0.21571998298168182, + -0.020018694922327995, + 0.2245272397994995, + -0.004643329884856939, + 0.01994260773062706, + -0.21570496261119843, + 2.546873092651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/90.png", + [ + 0.21345633268356323, + 0.03354935348033905, + -0.016085021197795868, + 0.19489018619060516, + 0.03307439386844635, + -0.21400582790374756, + -0.007449087221175432, + 0.07663477957248688, + -0.017040299251675606, + 0.004883140325546265, + -0.21594831347465515, + 2.554563522338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/122.png", + [ + 0.21620634198188782, + 0.008832001127302647, + -0.011167341843247414, + 0.13661065697669983, + 0.007577633950859308, + -0.21525919437408447, + -0.02353622205555439, + 0.26733002066612244, + -0.012053764425218105, + 0.02309480309486389, + -0.21510285139083862, + 2.593733310699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/15.png", + [ + 0.21573273837566376, + 0.004902394022792578, + -0.019576681777834892, + 0.23802953958511353, + 0.004195077810436487, + -0.216486856341362, + -0.007983378134667873, + 0.0859544575214386, + -0.01974034681916237, + 0.007569645997136831, + -0.21564070880413055, + 2.612208366394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/162.png", + [ + 0.21620814502239227, + 0.01322650071233511, + -0.0051954216323792934, + 0.06275983154773712, + 0.012536998838186264, + -0.21483804285526276, + -0.025205757468938828, + 0.29018110036849976, + -0.0066900234669446945, + 0.024850882589817047, + -0.21514080464839935, + 2.5636725425720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/22.png", + [ + 0.21621228754520416, + 0.005020142998546362, + -0.013226238079369068, + 0.16123007237911224, + 0.004036324564367533, + -0.21604397892951965, + -0.016018815338611603, + 0.18115201592445374, + -0.013558883219957352, + 0.01573825068771839, + -0.21567651629447937, + 2.6042637825012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/171.png", + [ + 0.2153022289276123, + 0.011412377469241619, + -0.02150806039571762, + 0.23571515083312988, + 0.0104997418820858, + -0.2162063866853714, + -0.009615516290068626, + 0.09266473352909088, + -0.02196803130209446, + 0.008512363769114017, + -0.21538996696472168, + 2.4474682807922363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/138.png", + [ + 0.21650655567646027, + 0.0031176996417343616, + -0.007942424155771732, + 0.09584742039442062, + 0.002494940534234047, + -0.21600943803787231, + -0.01678096316754818, + 0.18470752239227295, + -0.008159499615430832, + 0.016676492989063263, + -0.21587775647640228, + 2.550163745880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/109.png", + [ + 0.21627351641654968, + 0.013159699738025665, + -0.0006929350784048438, + 0.008644209243357182, + 0.013010787777602673, + -0.21504385769367218, + -0.023124633356928825, + 0.2510068118572235, + -0.002092190785333514, + 0.02304021641612053, + -0.21543599665164948, + 2.496481418609619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/26.png", + [ + 0.21600286662578583, + 0.008999018929898739, + -0.01448011677712202, + 0.17531868815422058, + 0.008048059418797493, + -0.216057687997818, + -0.014219732955098152, + 0.16013498604297638, + -0.015029464848339558, + 0.013637804426252842, + -0.21572208404541016, + 2.6103873252868652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/43.png", + [ + 0.21618437767028809, + 0.003372589824721217, + -0.01417185552418232, + 0.16873042285442352, + 0.0028812671080231667, + -0.21652300655841827, + -0.007575469557195902, + 0.07969564199447632, + -0.01427985168993473, + 0.0073698763735592365, + -0.21607792377471924, + 2.590121269226074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/84.png", + [ + 0.20978601276874542, + 0.04821207374334335, + -0.024765312671661377, + 0.2668493986129761, + 0.04692967236042023, + -0.21110455691814423, + -0.013430023565888405, + 0.14439484477043152, + -0.027116971090435982, + 0.007639117538928986, + -0.2148353010416031, + 2.4834237098693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/136.png", + [ + 0.21649639308452606, + 0.0033565813209861517, + -0.008120378479361534, + 0.09813336282968521, + 0.002745603211224079, + -0.21605761349201202, + -0.016107847914099693, + 0.17655685544013977, + -0.008346786722540855, + 0.0159916989505291, + -0.21592243015766144, + 2.547311782836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/89.png", + [ + 0.2134454846382141, + 0.0345454216003418, + -0.013983184471726418, + 0.1680903434753418, + 0.03398042172193527, + -0.21378427743911743, + -0.009461252018809319, + 0.09882709383964539, + -0.015305104665458202, + 0.007127309218049049, + -0.21601587533950806, + 2.5495223999023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/63.png", + [ + 0.19278645515441895, + 0.027259038761258125, + -0.09506954997777939, + 1.0760761499404907, + 0.027022643014788628, + -0.2148749828338623, + -0.0068127550184726715, + 0.06493937969207764, + -0.09513701498508453, + -0.00579497218132019, + -0.19458484649658203, + 2.2554450035095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/88.png", + [ + 0.21288326382637024, + 0.03824673220515251, + -0.012876495718955994, + 0.1509765088558197, + 0.037726689130067825, + -0.2131572663784027, + -0.009411507286131382, + 0.09707553684711456, + -0.014328756369650364, + 0.007004811428487301, + -0.21608681976795197, + 2.5420422554016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/62.png", + [ + 0.19821478426456451, + 0.018985755741596222, + -0.08543028682470322, + 0.9641283750534058, + 0.017877062782645226, + -0.21583837270736694, + -0.006488991901278496, + 0.06256167590618134, + -0.0856691524386406, + -0.0011123972944915295, + -0.19901621341705322, + 2.304429054260254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/65.png", + [ + 0.1821906417608261, + 0.043002814054489136, + -0.10911104083061218, + 1.2338722944259644, + 0.04350803419947624, + -0.21198157966136932, + -0.010897589847445488, + 0.11083881556987762, + -0.10891056060791016, + -0.012746152468025684, + -0.18687942624092102, + 2.1593518257141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/80.png", + [ + 0.1991496980190277, + 0.05290635675191879, + -0.06699413806200027, + 0.7451348304748535, + 0.0516599677503109, + -0.2100648283958435, + -0.012324929237365723, + 0.13040970265865326, + -0.06795987486839294, + -0.004644796252250671, + -0.20568853616714478, + 2.341151237487793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/146.png", + [ + 0.2163943499326706, + 0.004407484550029039, + -0.010097079910337925, + 0.12232910096645355, + 0.0038452246226370335, + -0.21630723774433136, + -0.012011982500553131, + 0.13003280758857727, + -0.010324301198124886, + 0.011817256920039654, + -0.216105654835701, + 2.5571484565734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/119.png", + [ + 0.21591854095458984, + 0.011506653390824795, + -0.013952602632343769, + 0.16881278157234192, + 0.009809947572648525, + -0.21495011448860168, + -0.025458132848143578, + 0.29203441739082336, + -0.015193522907793522, + 0.02473759464919567, + -0.21472099423408508, + 2.585292339324951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/180.png", + [ + 0.19699323177337646, + 0.01972699537873268, + -0.08804775774478912, + 0.9788722395896912, + 0.01896987110376358, + -0.21576200425624847, + -0.0058990600518882275, + 0.05751742050051689, + -0.0882139801979065, + -0.0023453598842024803, + -0.19789059460163116, + 2.26369047164917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/145.png", + [ + 0.21635949611663818, + 0.004859417211264372, + -0.01062321849167347, + 0.12827500700950623, + 0.004299444146454334, + -0.21633222699165344, + -0.011392306536436081, + 0.12336605787277222, + -0.010861928574740887, + 0.011164942756295204, + -0.21611398458480835, + 2.5536489486694336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/167.png", + [ + 0.21609841287136078, + 0.015379959717392921, + -0.0035815041046589613, + 0.035416413098573685, + 0.014994905330240726, + -0.21526122093200684, + -0.019638027995824814, + 0.21706508100032806, + -0.004952084273099899, + 0.01933794654905796, + -0.21575312316417694, + 2.56321382522583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/189.png", + [ + 0.19533424079418182, + 0.015399893745779991, + -0.09249471127986908, + 1.0337586402893066, + 0.015450648963451385, + -0.21609710156917572, + -0.0033497214317321777, + 0.02721303328871727, + -0.09248625487089157, + -0.0035758130252361298, + -0.1959117203950882, + 2.2499442100524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/79.png", + [ + 0.1946437805891037, + 0.05463932454586029, + -0.07795020937919617, + 0.8736807107925415, + 0.05268107354640961, + -0.20960929989814758, + -0.015379898250102997, + 0.16522575914859772, + -0.07928679138422012, + -0.005136271007359028, + -0.20158153772354126, + 2.3063859939575195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/176.png", + [ + 0.19986708462238312, + 0.01923869177699089, + -0.08143043518066406, + 0.9168812036514282, + 0.019587822258472443, + -0.21576794981956482, + -0.0028998027555644512, + 0.021862424910068512, + -0.08134716004133224, + -0.004686610773205757, + -0.20076994597911835, + 2.30795955657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/185.png", + [ + 0.19695238769054413, + 0.01693500205874443, + -0.08871786296367645, + 0.9882990717887878, + 0.016216663643717766, + -0.21600358188152313, + -0.005231313407421112, + 0.049096908420324326, + -0.08885197341442108, + -0.0018847985193133354, + -0.19760990142822266, + 2.2663779258728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/165.png", + [ + 0.21618632972240448, + 0.013823824934661388, + -0.004502241965383291, + 0.05088285729289055, + 0.013259358704090118, + -0.2149941474199295, + -0.023443764075636864, + 0.26798442006111145, + -0.005963033996522427, + 0.02311541698873043, + -0.21535556018352509, + 2.56610107421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/116.png", + [ + 0.2159808874130249, + 0.011866500601172447, + -0.012622879818081856, + 0.1507205069065094, + 0.010144171305000782, + -0.21459627151489258, + -0.028167903423309326, + 0.3238023519515991, + -0.014044457115232944, + 0.02748674340546131, + -0.21446475386619568, + 2.5644397735595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/19.png", + [ + 0.216234490275383, + 0.0037322237621992826, + -0.013289458118379116, + 0.16223067045211792, + 0.0025574490427970886, + -0.21582484245300293, + -0.018999870866537094, + 0.21626800298690796, + -0.013564609922468662, + 0.018804416060447693, + -0.21543048322200775, + 2.6082448959350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/77.png", + [ + 0.18963991105556488, + 0.0521533228456974, + -0.09091000258922577, + 1.0203161239624023, + 0.0504097044467926, + -0.21016475558280945, + -0.015411945059895515, + 0.1648789793252945, + -0.09188829362392426, + -0.007661378011107445, + -0.19607584178447723, + 2.247757911682129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/68.png", + [ + 0.18244332075119019, + 0.057222772389650345, + -0.10192092508077621, + 1.1469486951828003, + 0.055809859186410904, + -0.2086523473262787, + -0.017244040966033936, + 0.18236905336380005, + -0.10270141810178757, + -0.011732487939298153, + -0.19042757153511047, + 2.1964755058288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/143.png", + [ + 0.21642807126045227, + 0.004052870906889439, + -0.009505799040198326, + 0.11477028578519821, + 0.0035431201104074717, + -0.21633663773536682, + -0.011567043140530586, + 0.12399744987487793, + -0.009707332588732243, + 0.011398439295589924, + -0.2161567360162735, + 2.554542064666748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/183.png", + [ + 0.19653961062431335, + 0.01911870390176773, + -0.08918827772140503, + 0.989910900592804, + 0.017806554213166237, + -0.21582737565040588, + -0.007026109844446182, + 0.06900610029697418, + -0.08945948630571365, + -0.0009563970379531384, + -0.19734227657318115, + 2.257430076599121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/86.png", + [ + 0.21199442446231842, + 0.04380768537521362, + -0.009335068054497242, + 0.09576022624969482, + 0.043213166296482086, + -0.21191532909870148, + -0.013130106963217258, + 0.14171303808689117, + -0.011784692294895649, + 0.010984727181494236, + -0.2160748690366745, + 2.5305585861206055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/1.png", + [ + 0.21618372201919556, + 0.002231315243989229, + -0.014405453577637672, + 0.17459352314472198, + 0.0018786439904943109, + -0.21660025417804718, + -0.00535708200186491, + 0.0534740574657917, + -0.014455675147473812, + 0.005220044404268265, + -0.216128870844841, + 2.6202588081359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/81.png", + [ + 0.20251421630382538, + 0.053305622190237045, + -0.05562729388475418, + 0.6145437955856323, + 0.05172364413738251, + -0.21001192927360535, + -0.012944042682647705, + 0.13740862905979156, + -0.05710121989250183, + -0.0011810065479949117, + -0.20901183784008026, + 2.369231700897217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/95.png", + [ + 0.21522846817970276, + 0.024842502549290657, + -0.002730934415012598, + 0.03587346896529198, + 0.024497006088495255, + -0.2143906205892563, + -0.019607558846473694, + 0.22285032272338867, + -0.004950222093611956, + 0.019167933613061905, + -0.21576835215091705, + 2.590517997741699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/103.png", + [ + 0.21563062071800232, + 0.021088743582367897, + 0.0025677576195448637, + -0.027274325489997864, + 0.02124117873609066, + -0.2144790142774582, + -0.02225899137556553, + 0.2513163089752197, + 0.00037529037217609584, + 0.02240346558392048, + -0.2155129611492157, + 2.6030588150024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/196.png", + [ + 0.1979471892118454, + 0.02286399155855179, + -0.0851002186536789, + 0.9395105242729187, + 0.019937774166464806, + -0.21544821560382843, + -0.011508547700941563, + 0.12033939361572266, + -0.08583294600248337, + 0.0026831720024347305, + -0.19893065094947815, + 2.2895069122314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/150.png", + [ + 0.21650488674640656, + 0.00645909970626235, + -0.005640732124447823, + 0.06882597506046295, + 0.005938525777310133, + -0.21574817597866058, + -0.019114390015602112, + 0.21045884490013123, + -0.006186416372656822, + 0.018944816663861275, + -0.21575616300106049, + 2.542555332183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/83.png", + [ + 0.20822428166866302, + 0.04914360120892525, + -0.03428487479686737, + 0.37383559346199036, + 0.04763822257518768, + -0.21096806228160858, + -0.013075626455247402, + 0.1398385614156723, + -0.03634757176041603, + 0.005027778912335634, + -0.213545024394989, + 2.4447097778320312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/142.png", + [ + 0.21647000312805176, + 0.0036785586271435022, + -0.008666195906698704, + 0.10493913292884827, + 0.0032047266140580177, + -0.2163306176662445, + -0.011776517145335674, + 0.126495823264122, + -0.008852371014654636, + 0.011637217365205288, + -0.2161807119846344, + 2.5564780235290527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/186.png", + [ + 0.19637537002563477, + 0.01607486419379711, + -0.09014543145895004, + 1.0048967599868774, + 0.01575794816017151, + -0.21606004238128662, + -0.004200569353997707, + 0.03834916278719902, + -0.09020137041807175, + -0.002748908009380102, + -0.19698743522167206, + 2.260204792022705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/195.png", + [ + 0.19848358631134033, + 0.021666141226887703, + -0.0841590166091919, + 0.9319130182266235, + 0.018940936774015427, + -0.21557345986366272, + -0.010826889425516129, + 0.11397039890289307, + -0.0848139300942421, + 0.002561025321483612, + -0.19936883449554443, + 2.293259620666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/51.png", + [ + 0.21497514843940735, + 0.006717304699122906, + -0.026238415390253067, + 0.3019300699234009, + 0.005892453249543905, + -0.2164766788482666, + -0.007142537273466587, + 0.07535459101200104, + -0.02643587812781334, + 0.006372963078320026, + -0.2149614542722702, + 2.5528769493103027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/128.png", + [ + 0.21652278304100037, + 0.005243198946118355, + -0.006187389139086008, + 0.07562530040740967, + 0.00468417489901185, + -0.21579396724700928, + -0.01894497498869896, + 0.21100491285324097, + -0.006620680447667837, + 0.018797937780618668, + -0.2157561033964157, + 2.5575475692749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/168.png", + [ + 0.21614088118076324, + 0.014651203528046608, + -0.004044001922011375, + 0.03712799400091171, + 0.014333358034491539, + -0.2156614512205124, + -0.015251022763550282, + 0.16338388621807098, + -0.005056342110037804, + 0.014945938251912594, + -0.21609939634799957, + 2.5613532066345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/93.png", + [ + 0.21491360664367676, + 0.026345260441303253, + -0.008121317252516747, + 0.09861709177494049, + 0.025709928944706917, + -0.21457034349441528, + -0.015699094161391258, + 0.176265686750412, + -0.009951283223927021, + 0.014607850462198257, + -0.21595248579978943, + 2.5816802978515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/76.png", + [ + 0.16309881210327148, + 0.0032628702465444803, + -0.14260444045066833, + 1.641021490097046, + -0.023445021361112595, + -0.2130586802959442, + -0.031689323484897614, + 0.349687397480011, + -0.14070181548595428, + 0.03928404301404953, + -0.16002391278743744, + 1.8817273378372192, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/48.png", + [ + 0.18988586962223053, + -0.006300188601016998, + -0.10417082160711288, + 1.208475112915039, + -0.029095277190208435, + -0.21090005338191986, + -0.04028068855404854, + 0.45819130539894104, + -0.10022333264350891, + 0.049288712441921234, + -0.18567121028900146, + 2.19846773147583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/35.png", + [ + 0.19531650841236115, + -0.011209212243556976, + -0.09313274174928665, + 1.1281013488769531, + -0.03122507594525814, + -0.210623100399971, + -0.04013468697667122, + 0.47977152466773987, + -0.08845534175634384, + 0.04959992319345474, + -0.19147686660289764, + 2.3551487922668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/97.png", + [ + 0.19000957906246185, + 0.00018163659842684865, + -0.10413560271263123, + 1.1689505577087402, + -0.018936743959784508, + -0.21300140023231506, + -0.03492419049143791, + 0.3859410285949707, + -0.10239949822425842, + 0.039727404713630676, + -0.18677251040935516, + 2.147268295288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/13.png", + [ + 0.20879648625850677, + 0.004555673338472843, + -0.0577162504196167, + 0.6899620890617371, + -0.0072686634957790375, + -0.21223099529743195, + -0.043047260493040085, + 0.5104509592056274, + -0.05743766576051712, + 0.0434182733297348, + -0.20436160266399384, + 2.482776165008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/32.png", + [ + 0.19851242005825043, + -0.01126092579215765, + -0.08610406517982483, + 1.0457158088684082, + -0.029240673407912254, + -0.21096675097942352, + -0.03982338681817055, + 0.47900667786598206, + -0.08176614344120026, + 0.048105206340551376, + -0.1948026716709137, + 2.3983936309814453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/38.png", + [ + 0.19292022287845612, + -0.013118686154484749, + -0.09776287525892258, + 1.1703715324401855, + -0.03396240994334221, + -0.21045339107513428, + -0.03877917677164078, + 0.4558412730693817, + -0.09260796755552292, + 0.04985148087143898, + -0.18943728506565094, + 2.3072752952575684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/111.png", + [ + 0.20481881499290466, + 0.0013133658794686198, + -0.07067831605672836, + 0.8441449999809265, + -0.01287835743278265, + -0.21231861412525177, + -0.0412655770778656, + 0.48730549216270447, + -0.06950753927230835, + 0.04320850595831871, + -0.20062308013439178, + 2.4353342056274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/11.png", + [ + 0.20817023515701294, + -0.0009111309191212058, + -0.06010175868868828, + 0.71843022108078, + -0.013027490116655827, + -0.2121840864419937, + -0.041905730962753296, + 0.49912217259407043, + -0.05867994576692581, + 0.04387453943490982, + -0.2039107233285904, + 2.4822206497192383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/59.png", + [ + 0.19397345185279846, + 0.01077945064753294, + -0.09594792127609253, + 1.1128668785095215, + -0.007666897494345903, + -0.21292045712471008, + -0.03942076116800308, + 0.4506116807460785, + -0.09624665975570679, + 0.038685668259859085, + -0.19023115932941437, + 2.259769916534424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/105.png", + [ + 0.20422481000423431, + 0.0014102027053013444, + -0.07237490266561508, + 0.8502762317657471, + -0.012765171006321907, + -0.21253705024719238, + -0.040161509066820145, + 0.4663037061691284, + -0.07125423848628998, + 0.04211778566241264, + -0.20024190843105316, + 2.399995803833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/121.png", + [ + 0.20140041410923004, + 0.0038947698194533587, + -0.07981602102518082, + 0.9709467887878418, + -0.012380953878164291, + -0.21228300034999847, + -0.04159970581531525, + 0.5019991397857666, + -0.07894604653120041, + 0.04322793334722519, + -0.1970958411693573, + 2.437985420227051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/24.png", + [ + 0.20796985924243927, + 0.004488609731197357, + -0.06063237413764, + 0.707482635974884, + -0.003871693043038249, + -0.21466699242591858, + -0.029171740636229515, + 0.3328690230846405, + -0.06067488715052605, + 0.02908320352435112, + -0.205962672829628, + 2.4561023712158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/74.png", + [ + 0.16792477667331696, + 0.00487998453900218, + -0.1368405967950821, + 1.579005241394043, + -0.022056926041841507, + -0.21274510025978088, + -0.0346541702747345, + 0.3823187053203583, + -0.13513940572738647, + 0.04078731685876846, + -0.16438259184360504, + 1.9343253374099731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/98.png", + [ + 0.19337373971939087, + 0.000865477486513555, + -0.09774322062730789, + 1.0939900875091553, + -0.016565723344683647, + -0.21324177086353302, + -0.034661561250686646, + 0.3842482566833496, + -0.0963330864906311, + 0.03840700536966324, + -0.1902438849210739, + 2.189620018005371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/0.png", + [ + 0.18850034475326538, + -0.010822540149092674, + -0.10629387199878693, + 1.2404450178146362, + -0.030920349061489105, + -0.21186181902885437, + -0.033262625336647034, + 0.381499320268631, + -0.1022714301943779, + 0.04410604014992714, + -0.18585775792598724, + 2.1944589614868164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/96.png", + [ + 0.18548808991909027, + 0.0020160747226327658, + -0.11197320371866226, + 1.2597217559814453, + -0.018753495067358017, + -0.21302133798599243, + -0.03490136191248894, + 0.38572070002555847, + -0.11041000485420227, + 0.03956935554742813, + -0.18218615651130676, + 2.0958032608032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/100.png", + [ + 0.19625405967235565, + 0.002160911448299885, + -0.09180177003145218, + 1.044173002243042, + -0.014462996274232864, + -0.21318358182907104, + -0.03593713045120239, + 0.40714430809020996, + -0.09068107604980469, + 0.03867798298597336, + -0.19294779002666473, + 2.256113052368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/40.png", + [ + 0.19182175397872925, + -0.011513332836329937, + -0.10009870678186417, + 1.183397650718689, + -0.033438995480537415, + -0.21032994985580444, + -0.03988789767026901, + 0.46348315477371216, + -0.09504810720682144, + 0.05076075345277786, + -0.18798165023326874, + 2.2657113075256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/52.png", + [ + 0.19039329886436462, + -0.0022789700888097286, + -0.10340739786624908, + 1.1987860202789307, + -0.022881098091602325, + -0.2121831178665161, + -0.0374523401260376, + 0.4232085943222046, + -0.10086990892887115, + 0.0438295416533947, + -0.18668724596500397, + 2.207690715789795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/3.png", + [ + 0.19630394876003265, + -0.015317214652895927, + -0.0904325470328331, + 1.0614713430404663, + -0.03235512971878052, + -0.21146278083324432, + -0.034417010843753815, + 0.39944201707839966, + -0.08582427352666855, + 0.04468521103262901, + -0.19386933743953705, + 2.3154735565185547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/47.png", + [ + 0.18875055015087128, + -0.008576193824410439, + -0.10605455189943314, + 1.2328956127166748, + -0.03207965940237045, + -0.21050681173801422, + -0.040070950984954834, + 0.4576045274734497, + -0.10144957154989243, + 0.050608642399311066, + -0.1846473515033722, + 2.188884735107422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/104.png", + [ + 0.2034294158220291, + 0.0011646210914477706, + -0.07458559423685074, + 0.8723682761192322, + -0.013788900338113308, + -0.2123275250196457, + -0.040924105793237686, + 0.47420957684516907, + -0.07330916821956635, + 0.043168969452381134, + -0.19927392899990082, + 2.3795785903930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/21.png", + [ + 0.20899276435375214, + 0.007208720315247774, + -0.056727029383182526, + 0.6644604802131653, + -0.0021469967905431986, + -0.21380527317523956, + -0.03507973253726959, + 0.40253233909606934, + -0.05714291334152222, + 0.03439813107252121, + -0.2061537206172943, + 2.4728007316589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/82.png", + [ + 0.16257770359516144, + 0.0008533843792974949, + -0.14323285222053528, + 1.6367683410644531, + -0.030194148421287537, + -0.21159780025482178, + -0.03553282842040062, + 0.3922828733921051, + -0.14001677930355072, + 0.04662124440073967, + -0.1586494743824005, + 1.8536356687545776, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/106.png", + [ + 0.20348186790943146, + 0.001729557872749865, + -0.07443143427371979, + 0.876613199710846, + -0.013011482544243336, + -0.2124563753604889, + -0.040507834404706955, + 0.4716390073299408, + -0.07330573350191116, + 0.04251107946038246, + -0.19941656291484833, + 2.396091938018799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/14.png", + [ + 0.20851482450962067, + 0.00644758390262723, + -0.05854816734790802, + 0.6994858384132385, + -0.005034841131418943, + -0.21263337135314941, + -0.041347332298755646, + 0.4906104505062103, + -0.058686528354883194, + 0.04115070402622223, + -0.20447592437267303, + 2.482980728149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/67.png", + [ + 0.17699116468429565, + 0.012571578845381737, + -0.12435426563024521, + 1.4461548328399658, + -0.013931585475802422, + -0.21224817633628845, + -0.04128577187657356, + 0.46845516562461853, + -0.12420924752950668, + 0.04172001779079437, + -0.17256708443164825, + 2.0450282096862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/78.png", + [ + 0.16594348847866058, + -0.00023745611542835832, + -0.13932189345359802, + 1.595786213874817, + -0.02958585135638714, + -0.21179254353046417, + -0.034878138452768326, + 0.3870930075645447, + -0.1361445039510727, + 0.045735664665699005, + -0.16223691403865814, + 1.899377703666687, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/31.png", + [ + 0.1999949812889099, + -0.011114171706140041, + -0.08262189477682114, + 1.0009701251983643, + -0.02800174430012703, + -0.2112201452255249, + -0.039368148893117905, + 0.4727136790752411, + -0.07852264493703842, + 0.04701514169573784, + -0.19639670848846436, + 2.4124865531921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/39.png", + [ + 0.19251415133476257, + -0.01322190836071968, + -0.09854629635810852, + 1.171167254447937, + -0.03437561169266701, + -0.21035833656787872, + -0.038930464535951614, + 0.45399197936058044, + -0.09329795837402344, + 0.0502239465713501, + -0.18899983167648315, + 2.2855682373046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/92.png", + [ + 0.17092549800872803, + 0.008586661890149117, + -0.13288576900959015, + 1.5018994808197021, + -0.020989369601011276, + -0.21178355813026428, + -0.04068255424499512, + 0.44412508606910706, + -0.1314983367919922, + 0.0449654683470726, + -0.16623535752296448, + 1.9169472455978394, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/53.png", + [ + 0.19049760699272156, + -0.0006515939603559673, + -0.10323826223611832, + 1.1993660926818848, + -0.020675495266914368, + -0.2125217169523239, + -0.03680955246090889, + 0.4157085716724396, + -0.10114883631467819, + 0.04221367835998535, + -0.1869085729122162, + 2.213792324066162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/75.png", + [ + 0.16361553966999054, + 0.005233564879745245, + -0.1419522762298584, + 1.636972427368164, + -0.01985258236527443, + -0.21355992555618286, + -0.03075590543448925, + 0.33797067403793335, + -0.14065459370613098, + 0.0362306609749794, + -0.160784050822258, + 1.8920482397079468, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/87.png", + [ + 0.16657423973083496, + 0.0006959064048714936, + -0.13856562972068787, + 1.5793261528015137, + -0.03124598041176796, + -0.2109028398990631, + -0.03862100467085838, + 0.4247283637523651, + -0.13499853014945984, + 0.04967302456498146, + -0.16203665733337402, + 1.8823350667953491, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/107.png", + [ + 0.20355847477912903, + 0.0011441002134233713, + -0.07423295080661774, + 0.8761741518974304, + -0.013808702118694782, + -0.21228499710559845, + -0.041137438267469406, + 0.48012790083885193, + -0.07294628769159317, + 0.043378107249736786, + -0.1993616670370102, + 2.396851062774658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/112.png", + [ + 0.20479907095432281, + 0.00164225441403687, + -0.07072862982749939, + 0.8461667895317078, + -0.012639055959880352, + -0.212282195687294, + -0.04152616113424301, + 0.49128398299217224, + -0.06960955262184143, + 0.04337592422962189, + -0.2005515694618225, + 2.4398193359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/69.png", + [ + 0.1719224601984024, + 0.01141079980880022, + -0.1313786506652832, + 1.5229871273040771, + -0.015684373676776886, + -0.2125604748725891, + -0.03898639976978302, + 0.4387892484664917, + -0.13093723356723785, + 0.04044419527053833, + -0.16783206164836884, + 1.9818919897079468, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/45.png", + [ + 0.18994081020355225, + -0.009730047546327114, + -0.10380613803863525, + 1.2098103761672974, + -0.03281804174184799, + -0.21034280955791473, + -0.04033325985074043, + 0.4606989920139313, + -0.09896143525838852, + 0.05107956752181053, + -0.18586395680904388, + 2.21114444732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/50.png", + [ + 0.18968446552753448, + -0.0048828101716935635, + -0.10461284965276718, + 1.2117180824279785, + -0.026657573878765106, + -0.211560919880867, + -0.03846101462841034, + 0.4362221658229828, + -0.10127716511487961, + 0.046540673822164536, + -0.1858084797859192, + 2.1937952041625977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/101.png", + [ + 0.1991264671087265, + 1.4521607454298646e-06, + -0.08541982620954514, + 0.9788683652877808, + -0.015931420028209686, + -0.21287214756011963, + -0.037142153829336166, + 0.42419058084487915, + -0.08392101526260376, + 0.0404147244989872, + -0.19563183188438416, + 2.303586006164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/85.png", + [ + 0.16374042630195618, + 0.0008050416363403201, + -0.14190247654914856, + 1.6215811967849731, + -0.02972671017050743, + -0.21166910231113434, + -0.035502318292856216, + 0.39011192321777344, + -0.13875620067119598, + 0.0462973415851593, + -0.15984730422496796, + 1.863366961479187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/71.png", + [ + 0.17016564309597015, + 0.01040273904800415, + -0.13372857868671417, + 1.5456409454345703, + -0.01671328768134117, + -0.21269404888153076, + -0.037812624126672745, + 0.42209291458129883, + -0.13308723270893097, + 0.040011387318372726, + -0.16623708605766296, + 1.9583405256271362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/115.png", + [ + 0.20441237092018127, + 0.005878457333892584, + -0.07161644101142883, + 0.8583648204803467, + -0.00970580242574215, + -0.21171069145202637, + -0.04508069157600403, + 0.539477527141571, + -0.07119878381490707, + 0.045737460255622864, + -0.1994660496711731, + 2.4389634132385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/54.png", + [ + 0.19061937928199768, + 0.0026041462551802397, + -0.10298234224319458, + 1.1953023672103882, + -0.017833352088928223, + -0.21250085532665253, + -0.03838294371962547, + 0.43419405817985535, + -0.10145992785692215, + 0.04224330931901932, + -0.1867331862449646, + 2.209226608276367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/33.png", + [ + 0.1977161169052124, + -0.011846774257719517, + -0.08784009516239166, + 1.066429853439331, + -0.030532071366906166, + -0.21069158613681793, + -0.040308091789484024, + 0.48461857438087463, + -0.08321069926023483, + 0.049158964306116104, + -0.19392594695091248, + 2.3887081146240234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/49.png", + [ + 0.18961964547634125, + -0.0065879812464118, + -0.10463688522577286, + 1.2140196561813354, + -0.028897695243358612, + -0.21115423738956451, + -0.03907313942909241, + 0.4434334337711334, + -0.10078294575214386, + 0.04814961552619934, + -0.18566720187664032, + 2.1962971687316895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/118.png", + [ + 0.20403128862380981, + 0.005457094870507717, + -0.07272785156965256, + 0.8766469955444336, + -0.010219787247478962, + -0.21179616451263428, + -0.0445626862347126, + 0.5360063314437866, + -0.07221271097660065, + 0.045392703264951706, + -0.19918012619018555, + 2.4489431381225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/110.png", + [ + 0.2040197253227234, + 0.002025232883170247, + -0.07293655723333359, + 0.8678135275840759, + -0.012213236652314663, + -0.21258750557899475, + -0.040066055953502655, + 0.47165969014167786, + -0.0719352588057518, + 0.041837189346551895, + -0.20005714893341064, + 2.4224514961242676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/18.png", + [ + 0.20889009535312653, + 0.008634666912257671, + -0.056905798614025116, + 0.674921989440918, + -0.0020981987472623587, + -0.21293778717517853, + -0.040012430399656296, + 0.46660104393959045, + -0.05751891806721687, + 0.039125945419073105, + -0.20520387589931488, + 2.4816765785217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/66.png", + [ + 0.178953155875206, + 0.013197744265198708, + -0.12144742161035538, + 1.414566159248352, + -0.014173404313623905, + -0.21170872449874878, + -0.04389104247093201, + 0.5009337067604065, + -0.12133744359016418, + 0.044194214046001434, + -0.1739884912967682, + 2.0653905868530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/16.png", + [ + 0.20885303616523743, + 0.007134533487260342, + -0.05724853277206421, + 0.6815891861915588, + -0.0038345579523593187, + -0.2128191739320755, + -0.040511518716812134, + 0.4771551787853241, + -0.05756380409002304, + 0.04006226733326912, + -0.2050105184316635, + 2.48482084274292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/94.png", + [ + 0.17739304900169373, + 0.0006037094863131642, + -0.12441554665565491, + 1.3939217329025269, + -0.023175165057182312, + -0.21271967887878418, + -0.03407559543848038, + 0.3725613057613373, + -0.12223954498767853, + 0.04120521992444992, + -0.17409054934978485, + 1.9940065145492554, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/28.png", + [ + 0.2046741247177124, + -0.0047501795925199986, + -0.07094952464103699, + 0.8476066589355469, + -0.017773963510990143, + -0.21274568140506744, + -0.0370304100215435, + 0.4360954761505127, + -0.06885118037462234, + 0.040799520909786224, + -0.20135244727134705, + 2.4384164810180664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/61.png", + [ + 0.1925254911184311, + 0.01123835425823927, + -0.09877009689807892, + 1.1524170637130737, + -0.008122709579765797, + -0.21278709173202515, + -0.040044572204351425, + 0.457443505525589, + -0.09907498955726624, + 0.03928415849804878, + -0.18864992260932922, + 2.249720573425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/58.png", + [ + 0.19391846656799316, + 0.009911106899380684, + -0.0961524099111557, + 1.1136482954025269, + -0.008635571226477623, + -0.2128944993019104, + -0.03936060518026352, + 0.4485996663570404, + -0.09627535939216614, + 0.039058931171894073, + -0.19014035165309906, + 2.253000259399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/123.png", + [ + 0.1986989825963974, + 0.0016297973925247788, + -0.08639415353536606, + 1.0581165552139282, + -0.016262641176581383, + -0.21205943822860718, + -0.04140308499336243, + 0.5000581741333008, + -0.08486537635326385, + 0.04445258900523186, + -0.19434435665607452, + 2.3996801376342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/64.png", + [ + 0.18510323762893677, + 0.015101448632776737, + -0.11160928755998611, + 1.3053879737854004, + -0.008032954297959805, + -0.21240098774433136, + -0.042061805725097656, + 0.4805075228214264, + -0.11233948171138763, + 0.04007081687450409, + -0.18089242279529572, + 2.1526966094970703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/10.png", + [ + 0.2076297551393509, + -0.0037575317546725273, + -0.06183576583862305, + 0.739527702331543, + -0.015885205939412117, + -0.21227386593818665, + -0.040439631789922714, + 0.48025283217430115, + -0.05987854674458504, + 0.04328491911292076, + -0.20368815958499908, + 2.47756290435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/41.png", + [ + 0.19055607914924622, + -0.010949505493044853, + -0.10254938900470734, + 1.208004117012024, + -0.03340086340904236, + -0.21039018034934998, + -0.03960110619664192, + 0.4577198326587677, + -0.09757383167743683, + 0.0506356917321682, + -0.18671707808971405, + 2.2423410415649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/91.png", + [ + 0.16886074841022491, + 0.007246190216392279, + -0.13557812571525574, + 1.5355770587921143, + -0.023201067000627518, + -0.21164335310459137, + -0.04020823910832405, + 0.4410702884197235, + -0.13377460837364197, + 0.04585286229848862, + -0.16416381299495697, + 1.8972660303115845, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/23.png", + [ + 0.20871660113334656, + 0.002785802586004138, + -0.05811634287238121, + 0.677318274974823, + -0.005525489803403616, + -0.21449892222881317, + -0.030125999823212624, + 0.3451753854751587, + -0.057920124381780624, + 0.030501578003168106, + -0.2065497636795044, + 2.462585926055908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/37.png", + [ + 0.1940411776304245, + -0.012164496816694736, + -0.09564485400915146, + 1.1515330076217651, + -0.032770827412605286, + -0.21046754717826843, + -0.039716292172670364, + 0.47030994296073914, + -0.09067516773939133, + 0.05003334954380989, + -0.19032226502895355, + 2.328512668609619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/36.png", + [ + 0.1953841596841812, + -0.012623146176338196, + -0.09280934184789658, + 1.1199012994766235, + -0.03280045837163925, + -0.21032394468784332, + -0.0404457189142704, + 0.48236605525016785, + -0.08773282915353775, + 0.050521109253168106, + -0.19156841933727264, + 2.3483428955078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/8.png", + [ + 0.20438866317272186, + -0.009321215562522411, + -0.07131818681955338, + 0.8535258173942566, + -0.022968541830778122, + -0.21205665171146393, + -0.038109272718429565, + 0.45131075382232666, + -0.06815874576568604, + 0.04350845143198967, + -0.20102064311504364, + 2.44504976272583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/6.png", + [ + 0.2004256397485733, + -0.013290020637214184, + -0.08124550431966782, + 0.9671567678451538, + -0.02887105755507946, + -0.2115989625453949, + -0.03660936281085014, + 0.43049389123916626, + -0.07709681987762451, + 0.04468958079814911, + -0.19750145077705383, + 2.388604164123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/20.png", + [ + 0.2090538889169693, + 0.008467082865536213, + -0.056326523423194885, + 0.6629772782325745, + -0.0010872981511056423, + -0.21363505721092224, + -0.036149393767118454, + 0.41614705324172974, + -0.056948982179164886, + 0.035160619765520096, + -0.20607872307300568, + 2.476767063140869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/2.png", + [ + 0.1936374008655548, + -0.01333942636847496, + -0.09630424529314041, + 1.1274895668029785, + -0.03113996982574463, + -0.21182823181152344, + -0.03327159956097603, + 0.3841303288936615, + -0.09210184961557388, + 0.04357472434639931, + -0.1912233978509903, + 2.27459716796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/117.png", + [ + 0.20478762686252594, + 0.007431048899888992, + -0.07038960605859756, + 0.847240149974823, + -0.008203517645597458, + -0.21153318881988525, + -0.04619847983121872, + 0.5544008016586304, + -0.07030375301837921, + 0.04632900282740593, + -0.1996469348669052, + 2.4479618072509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/5.png", + [ + 0.19983913004398346, + -0.01473558135330677, + -0.08243228495121002, + 0.9750291109085083, + -0.030520835891366005, + -0.21143874526023865, + -0.036194365471601486, + 0.42440178990364075, + -0.07797882705926895, + 0.04499351605772972, + -0.19708572328090668, + 2.369236946105957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/108.png", + [ + 0.2036561369895935, + 0.0018508218927308917, + -0.07395035773515701, + 0.8744922876358032, + -0.012986062094569206, + -0.21234849095344543, + -0.04107769951224327, + 0.48086223006248474, + -0.07282473891973495, + 0.04304172098636627, + -0.19947898387908936, + 2.402195930480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/60.png", + [ + 0.1927858144044876, + 0.01157117635011673, + -0.09822235256433487, + 1.1428501605987549, + -0.006957188714295626, + -0.21306686103343964, + -0.03875575587153435, + 0.442777156829834, + -0.09865657240152359, + 0.03763667494058609, + -0.18920427560806274, + 2.254971504211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/56.png", + [ + 0.1920776665210724, + 0.006044158712029457, + -0.10008760541677475, + 1.1584725379943848, + -0.01367098093032837, + -0.21268236637115479, + -0.03907953202724457, + 0.44196778535842896, + -0.09933360666036606, + 0.04095819219946861, + -0.18815726041793823, + 2.223905563354492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/30.png", + [ + 0.20135179162025452, + -0.00902057159692049, + -0.0795234888792038, + 0.9593455195426941, + -0.024811120703816414, + -0.21172265708446503, + -0.03880494087934494, + 0.46424856781959534, + -0.0760904997587204, + 0.045166850090026855, + -0.19778293371200562, + 2.421051025390625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/17.png", + [ + 0.2087799608707428, + 0.008997933939099312, + -0.057252608239650726, + 0.6808838248252869, + -0.0019670354668051004, + -0.2128237932920456, + -0.04062088951468468, + 0.47706499695777893, + -0.05792197212576866, + 0.03966060280799866, + -0.20498774945735931, + 2.481917381286621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/12.png", + [ + 0.2086823433637619, + 0.0021971329115331173, + -0.058264393359422684, + 0.6966279745101929, + -0.00958856288343668, + -0.2122795432806015, + -0.042347829788923264, + 0.5028927326202393, + -0.057511962950229645, + 0.04336417838931084, + -0.20435218513011932, + 2.4859023094177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/114.png", + [ + 0.20462936162948608, + 0.004244680050760508, + -0.07111044228076935, + 0.8519166707992554, + -0.010945910587906837, + -0.21184761822223663, + -0.04414372891187668, + 0.5260584354400635, + -0.07039105147123337, + 0.04528205469250679, + -0.19985626637935638, + 2.4409055709838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/27.png", + [ + 0.20565226674079895, + -0.002436889335513115, + -0.06818436831235886, + 0.8109117746353149, + -0.014011784456670284, + -0.21342937648296356, + -0.034633319824934006, + 0.40458911657333374, + -0.06677363067865372, + 0.03728080168366432, + -0.20272967219352722, + 2.447122097015381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/42.png", + [ + 0.18995602428913116, + -0.010624155402183533, + -0.10369053483009338, + 1.2154905796051025, + -0.03356418386101723, + -0.2103000283241272, + -0.039940573275089264, + 0.45936086773872375, + -0.09868153184652328, + 0.051077701151371, + -0.18601322174072266, + 2.22572660446167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/7.png", + [ + 0.2032446563243866, + -0.011845719069242477, + -0.0741565003991127, + 0.885280430316925, + -0.026045139878988266, + -0.21180064976215363, + -0.037550367414951324, + 0.44229039549827576, + -0.07043550163507462, + 0.044136811047792435, + -0.20009666681289673, + 2.4255857467651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/73.png", + [ + 0.16590596735477448, + 0.006701859179884195, + -0.13920556008815765, + 1.6098370552062988, + -0.020485125482082367, + -0.2129005789756775, + -0.0346640981733799, + 0.3840827941894531, + -0.13785305619239807, + 0.03970296308398247, + -0.1623826026916504, + 1.915345549583435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/120.png", + [ + 0.20234908163547516, + 0.005153363570570946, + -0.07730580866336823, + 0.936704158782959, + -0.011070809327065945, + -0.212053120136261, + -0.04311390221118927, + 0.5197657942771912, + -0.07668234407901764, + 0.04421328380703926, + -0.19776980578899384, + 2.440122604370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/46.png", + [ + 0.18931874632835388, + -0.008374462835490704, + -0.10505320131778717, + 1.2235356569290161, + -0.03149095177650452, + -0.2106165736913681, + -0.03996095806360245, + 0.455884724855423, + -0.10057149827480316, + 0.05018392950296402, + -0.1852426528930664, + 2.2012734413146973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/57.png", + [ + 0.19382421672344208, + 0.007404703181236982, + -0.09656728804111481, + 1.116262435913086, + -0.011503029614686966, + -0.21275120973587036, + -0.03940179944038391, + 0.4468691349029541, + -0.096165232360363, + 0.04037315770983696, + -0.18992143869400024, + 2.2441554069519043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/44.png", + [ + 0.18925535678863525, + -0.009303564205765724, + -0.10508918762207031, + 1.2269130945205688, + -0.032898031175136566, + -0.21027305722236633, + -0.040630631148815155, + 0.46541982889175415, + -0.10023977607488632, + 0.051444847136735916, + -0.1850764900445938, + 2.204575538635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/113.png", + [ + 0.20467957854270935, + 0.0035227742046117783, + -0.07100533694028854, + 0.8506380915641785, + -0.011506646871566772, + -0.21191345155239105, + -0.04368261620402336, + 0.519068717956543, + -0.07015529274940491, + 0.045035138726234436, + -0.19999492168426514, + 2.4392127990722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/29.png", + [ + 0.20281149446964264, + -0.006882163695991039, + -0.07594752311706543, + 0.9115171432495117, + -0.021808398887515068, + -0.21201248466968536, + -0.03902549296617508, + 0.4634978771209717, + -0.07307381927967072, + 0.0441727451980114, + -0.19914034008979797, + 2.424640655517578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/4.png", + [ + 0.19836746156215668, + -0.014872212894260883, + -0.08588976413011551, + 1.011443853378296, + -0.031292591243982315, + -0.21141597628593445, + -0.03566442430019379, + 0.4160989224910736, + -0.08135728538036346, + 0.045055460184812546, + -0.1957010179758072, + 2.344839096069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/55.png", + [ + 0.19143368303775787, + 0.0036738719791173935, + -0.10142752528190613, + 1.175533413887024, + -0.016996504738926888, + -0.2123143970966339, + -0.03976947441697121, + 0.44995632767677307, + -0.10006078332662582, + 0.043092865496873856, + -0.1872931867837906, + 2.2145466804504395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/9.png", + [ + 0.20657822489738464, + -0.0071108671836555, + -0.06498280167579651, + 0.7775029540061951, + -0.01974870264530182, + -0.21211349964141846, + -0.03956955298781395, + 0.46964773535728455, + -0.062316279858350754, + 0.043648555874824524, + -0.2028777301311493, + 2.4674782752990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/25.png", + [ + 0.20690830051898956, + 0.002761007519438863, + -0.06425905972719193, + 0.7544881105422974, + -0.0066847847774624825, + -0.2143794149160385, + -0.030735602602362633, + 0.3531288802623749, + -0.06397001445293427, + 0.03133273497223854, + -0.20463135838508606, + 2.4498114585876465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/99.png", + [ + 0.19457539916038513, + 0.00188649061601609, + -0.09531392902135849, + 1.07427179813385, + -0.015296279452741146, + -0.2132076472043991, + -0.03544596582651138, + 0.3978474736213684, + -0.09409744292497635, + 0.038559481501579285, + -0.19132886826992035, + 2.2176880836486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/34.png", + [ + 0.19691184163093567, + -0.01208574790507555, + -0.08959659188985825, + 1.0862277746200562, + -0.03128201887011528, + -0.21057431399822235, + -0.04034586250782013, + 0.48392799496650696, + -0.08482365310192108, + 0.04960129037499428, + -0.1931128054857254, + 2.377957344055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/72.png", + [ + 0.16658669710159302, + 0.008873896673321724, + -0.13826793432235718, + 1.5996294021606445, + -0.018045764416456223, + -0.21299825608730316, + -0.03541174158453941, + 0.393695592880249, + -0.1373722106218338, + 0.03874138370156288, + -0.16302110254764557, + 1.9235159158706665, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/102.png", + [ + 0.2012239396572113, + 0.001368529163300991, + -0.08034271001815796, + 0.926368236541748, + -0.01426525879651308, + -0.21259354054927826, + -0.03934957832098007, + 0.45227232575416565, + -0.07907797396183014, + 0.04183317348361015, + -0.19734373688697815, + 2.3331522941589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/70.png", + [ + 0.16791673004627228, + 0.011027194559574127, + -0.13649269938468933, + 1.5806987285614014, + -0.016193263232707977, + -0.21285660564899445, + -0.037117961794137955, + 0.4160892069339752, + -0.1359766125679016, + 0.03896621614694595, + -0.16413374245166779, + 1.938759684562683, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/90.png", + [ + 0.1676653027534485, + 0.004919650498777628, + -0.13715697824954987, + 1.555506706237793, + -0.026398472487926483, + -0.21133604645729065, + -0.039850737899541855, + 0.4391019940376282, + -0.13468243181705475, + 0.04754742980003357, + -0.16293486952781677, + 1.8862165212631226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/122.png", + [ + 0.19974608719348907, + 0.0034661751706153154, + -0.08388912677764893, + 1.0250879526138306, + -0.01355753093957901, + -0.2123173475265503, + -0.04105410352349281, + 0.4967157542705536, + -0.0828588679432869, + 0.04309561476111412, + -0.1955123245716095, + 2.422297477722168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/15.png", + [ + 0.2085765302181244, + 0.007579784840345383, + -0.05819160118699074, + 0.6939364671707153, + -0.00357464118860662, + -0.21281951665878296, + -0.040533553808927536, + 0.4791245758533478, + -0.05857420340180397, + 0.039978671818971634, + -0.2047404795885086, + 2.4840149879455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/22.png", + [ + 0.20934726297855377, + 0.003751735668629408, + -0.05574537813663483, + 0.65103679895401, + -0.004664621315896511, + -0.21425719559192657, + -0.03193739056587219, + 0.36583995819091797, + -0.055676426738500595, + 0.03205744922161102, + -0.20693078637123108, + 2.471200466156006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/109.png", + [ + 0.20425164699554443, + 0.0005132812657393515, + -0.07231109589338303, + 0.8567953109741211, + -0.01367858611047268, + -0.21248333156108856, + -0.04014511778950691, + 0.4704616367816925, + -0.07100742310285568, + 0.042408380657434464, + -0.2002682387828827, + 2.4142627716064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/26.png", + [ + 0.20601068437099457, + 0.0008234435808844864, + -0.06713277846574783, + 0.7932510375976562, + -0.009494710713624954, + -0.21412347257137299, + -0.03176288306713104, + 0.36698392033576965, + -0.06646306067705154, + 0.033141396939754486, + -0.20354901254177094, + 2.4467477798461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/43.png", + [ + 0.18973197042942047, + -0.009238479658961296, + -0.1042320728302002, + 1.2203763723373413, + -0.03257263824343681, + -0.21031999588012695, + -0.04064999893307686, + 0.46668317914009094, + -0.09944193065166473, + 0.05126450955867767, + -0.1855563223361969, + 2.2166099548339844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/84.png", + [ + 0.16410793364048004, + 0.00019990371947642416, + -0.1414794772863388, + 1.6156964302062988, + -0.030343439429998398, + -0.21158267557621002, + -0.0354955792427063, + 0.38902315497398376, + -0.13818737864494324, + 0.046697117388248444, + -0.1602233201265335, + 1.8672205209732056, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/89.png", + [ + 0.16768188774585724, + 0.003414071397855878, + -0.13718241453170776, + 1.5566368103027344, + -0.02888091467320919, + -0.21087788045406342, + -0.04055008664727211, + 0.44721126556396484, + -0.13415127992630005, + 0.049666497856378555, + -0.1627407968044281, + 1.8863085508346558, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/63.png", + [ + 0.18769729137420654, + 0.014642260037362576, + -0.10725308954715729, + 1.2554136514663696, + -0.006937908940017223, + -0.21261458098888397, + -0.041167907416820526, + 0.4703660309314728, + -0.10802539438009262, + 0.03909648209810257, + -0.18371139466762543, + 2.191160202026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/88.png", + [ + 0.16886669397354126, + 0.0013236681697890162, + -0.13575778901576996, + 1.5432320833206177, + -0.030911190435290337, + -0.2105988711118698, + -0.04050326347351074, + 0.44697093963623047, + -0.13219842314720154, + 0.050933923572301865, + -0.16394266486167908, + 1.900555968284607, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/62.png", + [ + 0.19058096408843994, + 0.012130669318139553, + -0.10237011313438416, + 1.1967363357543945, + -0.007915028370916843, + -0.2128121256828308, + -0.039953138679265976, + 0.45573821663856506, + -0.10278202593326569, + 0.03888119384646416, + -0.1867404729127884, + 2.227574348449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/65.png", + [ + 0.18317174911499023, + 0.014791073277592659, + -0.114792101085186, + 1.3391350507736206, + -0.010382205247879028, + -0.21193192899227142, + -0.043874341994524, + 0.500410795211792, + -0.11527451127767563, + 0.042590752243995667, + -0.17845366895198822, + 2.1188321113586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/80.png", + [ + 0.16475869715213776, + 0.002530094003304839, + -0.14069844782352448, + 1.6089991331100464, + -0.028516508638858795, + -0.21154451370239258, + -0.03719706833362579, + 0.4122931957244873, + -0.13780154287815094, + 0.046801842749118805, + -0.16052480041980743, + 1.8766125440597534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/119.png", + [ + 0.20296591520309448, + 0.006274295039474964, + -0.07558681070804596, + 0.9145029783248901, + -0.009800642728805542, + -0.21195216476917267, + -0.043910399079322815, + 0.5279502272605896, + -0.07521089911460876, + 0.044551197439432144, + -0.1982584297657013, + 2.442183494567871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/79.png", + [ + 0.16700023412704468, + -0.0011025064159184694, + -0.13804924488067627, + 1.5797545909881592, + -0.031241564080119133, + -0.21134863793849945, + -0.03610549122095108, + 0.39971885085105896, + -0.13447220623493195, + 0.04773285984992981, + -0.16305425763130188, + 1.9062246084213257, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/116.png", + [ + 0.20462100207805634, + 0.006644432432949543, + -0.07095060497522354, + 0.8516052961349487, + -0.008920794352889061, + -0.21164526045322418, + -0.04554780200123787, + 0.5455427765846252, + -0.07070047408342361, + 0.04593511298298836, + -0.19959783554077148, + 2.44431734085083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/19.png", + [ + 0.2094230204820633, + 0.007468917407095432, + -0.05508273094892502, + 0.6500798463821411, + -0.0024064709432423115, + -0.21329030394554138, + -0.03807033970952034, + 0.4410834312438965, + -0.05553467571735382, + 0.03740798309445381, + -0.2060690075159073, + 2.485785484313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/77.png", + [ + 0.16335086524486542, + 0.0029184308368712664, + -0.14232312142848969, + 1.633597731590271, + -0.02474028430879116, + -0.2127503752708435, + -0.03275816887617111, + 0.3619670867919922, + -0.14018668234348297, + 0.040947068482637405, + -0.1600591391324997, + 1.8766478300094604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/68.png", + [ + 0.17267964780330658, + 0.012298095971345901, + -0.1303011178970337, + 1.5147922039031982, + -0.014817670919001102, + -0.21249200403690338, + -0.03969234600663185, + 0.4489623010158539, + -0.13003870844841003, + 0.04054383933544159, + -0.16850528120994568, + 1.9952279329299927, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/86.png", + [ + 0.16507278382778168, + 0.0015567903174087405, + -0.14034399390220642, + 1.602864146232605, + -0.029128195717930794, + -0.21156401932239532, + -0.03660742938518524, + 0.4008658230304718, + -0.13729679584503174, + 0.046756092458963394, + -0.16097001731395721, + 1.8744357824325562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/1.png", + [ + 0.19078589975833893, + -0.012555317021906376, + -0.1019362136721611, + 1.190557599067688, + -0.03136739507317543, + -0.21189773082733154, + -0.0326087586581707, + 0.3751402497291565, + -0.09779936075210571, + 0.0434696339070797, + -0.1883973628282547, + 2.233224391937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/81.png", + [ + 0.16417939960956573, + 0.001990624936297536, + -0.14138264954090118, + 1.6165385246276855, + -0.02969808131456375, + -0.21133504807949066, + -0.037462178617715836, + 0.41457027196884155, + -0.1382426768541336, + 0.04776429757475853, + -0.15986064076423645, + 1.8670531511306763, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/95.png", + [ + 0.1800704300403595, + 0.002230949467048049, + -0.12048881500959396, + 1.3522223234176636, + -0.02119307592511177, + -0.21267490088939667, + -0.03561088442802429, + 0.39377361536026, + -0.11863129585981369, + 0.04137999936938286, + -0.1765281856060028, + 2.027721881866455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/103.png", + [ + 0.20238959789276123, + 0.001926449011079967, + -0.07734748721122742, + 0.8980655670166016, + -0.013456027954816818, + -0.21243010461330414, + -0.04050029069185257, + 0.4667905569076538, + -0.07619238644838333, + 0.04263363406062126, + -0.19830529391765594, + 2.3561806678771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/83.png", + [ + 0.16229401528835297, + 0.001075455453246832, + -0.1435527205467224, + 1.6411610841751099, + -0.030492959544062614, + -0.21146604418754578, + -0.03605816513299942, + 0.39826688170433044, + -0.14028087258338928, + 0.047210752964019775, + -0.15824133157730103, + 1.8464275598526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/51.png", + [ + 0.18794135749340057, + -0.0029945033602416515, + -0.10778208076953888, + 1.248615026473999, + -0.02530594728887081, + -0.21176636219024658, + -0.038242898881435394, + 0.43260568380355835, + -0.10481199622154236, + 0.04575962573289871, + -0.18403369188308716, + 2.17470645904541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/93.png", + [ + 0.17576344311237335, + 0.001961562316864729, + -0.12669353187084198, + 1.4217684268951416, + -0.02391142025589943, + -0.21224255859851837, + -0.03645869344472885, + 0.3955290615558624, + -0.12443208694458008, + 0.04355622082948685, + -0.17195174098014832, + 1.9717670679092407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/76.png", + [ + 0.2069808542728424, + 0.01111678034067154, + -0.06311287730932236, + 0.7064934372901917, + -0.00015442636504303664, + -0.21330247819423676, + -0.038077808916568756, + 0.42673200368881226, + -0.06408427655696869, + 0.03641923516988754, + -0.20375166833400726, + 2.3506627082824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/48.png", + [ + 0.19960324466228485, + 0.013937445357441902, + -0.08313961327075958, + 0.950286328792572, + -0.001170668052509427, + -0.21321387588977814, + -0.03855353221297264, + 0.4340396523475647, + -0.08429161459207535, + 0.03596516698598862, + -0.19633983075618744, + 2.3056321144104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/137.png", + [ + 0.1993332952260971, + 0.003753132652491331, + -0.08485310524702072, + 0.9510829448699951, + -0.010051468387246132, + -0.21389952301979065, + -0.033073458820581436, + 0.3715308606624603, + -0.0843392014503479, + 0.03436276316642761, + -0.19660617411136627, + 2.291933536529541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/35.png", + [ + 0.20407918095588684, + 0.009110010229051113, + -0.07222595065832138, + 0.8135806322097778, + -0.0035289220977574587, + -0.2134806364774704, + -0.03689795732498169, + 0.4199581742286682, + -0.07271263003349304, + 0.03592937812209129, + -0.20092247426509857, + 2.3590011596679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/124.png", + [ + 0.20460332930088043, + 0.007353497669100761, + -0.0709315836429596, + 0.7966105341911316, + -0.0043914588168263435, + -0.21381127834320068, + -0.03483311086893082, + 0.3960535228252411, + -0.07117639482021332, + 0.03433011472225189, + -0.2017504870891571, + 2.334163188934326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/97.png", + [ + 0.20813673734664917, + 0.012143620289862156, + -0.05898755416274071, + 0.6753448247909546, + 0.0021282853558659554, + -0.21357469260692596, + -0.036458466202020645, + 0.42703378200531006, + -0.060186952352523804, + 0.034442443400621414, + -0.2052782028913498, + 2.4139351844787598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/13.png", + [ + 0.19811393320560455, + 0.01092122495174408, + -0.08706027269363403, + 0.9549352526664734, + -0.004870141390711069, + -0.2132895439863205, + -0.03783845156431198, + 0.41403836011886597, + -0.08760733157396317, + 0.03655398264527321, + -0.194773331284523, + 2.2278738021850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/32.png", + [ + 0.20462456345558167, + 0.009249658323824406, + -0.07064787298440933, + 0.7915249466896057, + -0.0031739186961203814, + -0.2134445160627365, + -0.03713842108845711, + 0.42288878560066223, + -0.07118009030818939, + 0.03610789403319359, + -0.20143860578536987, + 2.3612146377563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/38.png", + [ + 0.20400230586528778, + 0.009307692758738995, + -0.07241768389940262, + 0.8228184580802917, + -0.0030080555006861687, + -0.21365295350551605, + -0.03593412786722183, + 0.4074527621269226, + -0.07295138388872147, + 0.03483786806464195, + -0.20102813839912415, + 2.3684639930725098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/148.png", + [ + 0.20019379258155823, + 0.002870009047910571, + -0.0828377977013588, + 0.9299736618995667, + -0.01030134130269289, + -0.21400435268878937, + -0.0323096364736557, + 0.3625994324684143, + -0.082244873046875, + 0.033790428191423416, + -0.197590172290802, + 2.3023862838745117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/111.png", + [ + 0.20850728452205658, + 0.010227612219750881, + -0.058034464716911316, + 0.6394613981246948, + -0.0011520313564687967, + -0.2126380056142807, + -0.04161296412348747, + 0.4695381820201874, + -0.058917537331581116, + 0.040352966636419296, + -0.20456846058368683, + 2.3631725311279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/11.png", + [ + 0.1966128647327423, + 0.009428026154637337, + -0.09056704491376877, + 0.9915608167648315, + -0.006104050669819117, + -0.2136606127023697, + -0.035493403673172, + 0.3853399455547333, + -0.09085163474082947, + 0.03475850075483322, + -0.19361230731010437, + 2.210827350616455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/125.png", + [ + 0.20436035096645355, + 0.0064960564486682415, + -0.07171151787042618, + 0.803525984287262, + -0.005591209977865219, + -0.21370790898799896, + -0.03529252111911774, + 0.3997071385383606, + -0.07178773730993271, + 0.03513722866773605, + -0.20139461755752563, + 2.3296141624450684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/59.png", + [ + 0.20664404332637787, + 0.01659589260816574, + -0.06301359087228775, + 0.7033504247665405, + 0.0039401669055223465, + -0.21232850849628448, + -0.0429997518658638, + 0.49074915051460266, + -0.065043143928051, + 0.03986326605081558, + -0.2028008997440338, + 2.3180017471313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/105.png", + [ + 0.2081889808177948, + 0.008492816239595413, + -0.05943997576832771, + 0.662354052066803, + -0.0025100160855799913, + -0.21307775378227234, + -0.03923601284623146, + 0.4441639184951782, + -0.059991154819726944, + 0.038387980312108994, + -0.20463457703590393, + 2.3801279067993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/121.png", + [ + 0.20547038316726685, + 0.004947463981807232, + -0.06859548389911652, + 0.772614061832428, + -0.004851535428315401, + -0.21453213691711426, + -0.030005423352122307, + 0.3462311923503876, + -0.06860233843326569, + 0.029989758506417274, + -0.20332787930965424, + 2.3507118225097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/24.png", + [ + 0.20193183422088623, + 0.010109683498740196, + -0.07790517807006836, + 0.862941563129425, + -0.0036683783400803804, + -0.21342507004737854, + -0.03720448538661003, + 0.41543740034103394, + -0.07847270369529724, + 0.035992011427879333, + -0.19873224198818207, + 2.296267509460449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/74.png", + [ + 0.20782040059566498, + 0.008225192315876484, + -0.06075291335582733, + 0.6759634613990784, + -0.0030500644352287054, + -0.21306268870830536, + -0.03927955403923988, + 0.44106557965278625, + -0.061231259256601334, + 0.03852963447570801, + -0.20424027740955353, + 2.3463287353515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/129.png", + [ + 0.20274081826210022, + 0.005979269277304411, + -0.07621219009160995, + 0.8471130132675171, + -0.0070211258716881275, + -0.2136414647102356, + -0.035439059138298035, + 0.3993554413318634, + -0.07612328976392746, + 0.035629648715257645, + -0.199708953499794, + 2.30178165435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/144.png", + [ + 0.2005080282688141, + 0.0036364328116178513, + -0.08204386383295059, + 0.9193540215492249, + -0.010901316069066525, + -0.2133680284023285, + -0.036098986864089966, + 0.4045615494251251, + -0.08139766752719879, + 0.037533339112997055, + -0.19726520776748657, + 2.3002610206604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/98.png", + [ + 0.2092778980731964, + 0.010544322431087494, + -0.055131398141384125, + 0.6268487572669983, + 0.0019366319756954908, + -0.214046910405159, + -0.0335867665708065, + 0.39146316051483154, + -0.05609726533293724, + 0.031947437673807144, + -0.2068341225385666, + 2.4231009483337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/0.png", + [ + 0.19266964495182037, + -0.001056290464475751, + -0.09912210702896118, + 1.1055282354354858, + -0.017065348103642464, + -0.2137809842824936, + -0.03089279867708683, + 0.3377859592437744, + -0.09764774143695831, + 0.035277120769023895, + -0.1901797503232956, + 2.2049942016601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/96.png", + [ + 0.20783299207687378, + 0.013014950789511204, + -0.05986611917614937, + 0.6853753328323364, + 0.002918435726314783, + -0.2135917693376541, + -0.036303333938121796, + 0.42579060792922974, + -0.06119496002793312, + 0.034015584737062454, + -0.2050512433052063, + 2.4087400436401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/100.png", + [ + 0.20970454812049866, + 0.0023064776323735714, + -0.05446626618504524, + 0.612909197807312, + -0.005726185627281666, + -0.2143511176109314, + -0.031123913824558258, + 0.35683727264404297, + -0.0542135089635849, + 0.03156211972236633, + -0.20739483833312988, + 2.4162583351135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/40.png", + [ + 0.2046772688627243, + 0.010068983770906925, + -0.07038271427154541, + 0.8033960461616516, + -0.002151592168956995, + -0.21351543068885803, + -0.036802586168050766, + 0.41752445697784424, + -0.07106673717498779, + 0.035463716834783554, + -0.20159299671649933, + 2.3831963539123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/141.png", + [ + 0.19952313601970673, + 0.004103224258869886, + -0.08438942581415176, + 0.9482128024101257, + -0.010457221418619156, + -0.21355558931827545, + -0.03510776162147522, + 0.3949061334133148, + -0.08383948355913162, + 0.03640153631567955, + -0.19645294547080994, + 2.2992048263549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/52.png", + [ + 0.20477581024169922, + 0.011558291502296925, + -0.069865383207798, + 0.7865242958068848, + -0.0018677450716495514, + -0.2128131240606308, + -0.04068145155906677, + 0.45937708020210266, + -0.0707903802394867, + 0.039049647748470306, + -0.20102672278881073, + 2.345353603363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/3.png", + [ + 0.1940743625164032, + -0.00025844224728643894, + -0.09634821116924286, + 1.0744966268539429, + -0.015792107209563255, + -0.2138288915157318, + -0.031236495822668076, + 0.34333279728889465, + -0.0950455442070961, + 0.03500061109662056, + -0.19154424965381622, + 2.223235607147217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/47.png", + [ + 0.19894616305828094, + 0.011415373533964157, + -0.08507650345563889, + 0.9780882000923157, + -0.003890860825777054, + -0.21333017945289612, + -0.03772269934415817, + 0.42622873187065125, + -0.08575070649385452, + 0.03616393357515335, + -0.19567035138607025, + 2.3082571029663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/104.png", + [ + 0.20850281417369843, + 0.007626879494637251, + -0.05844913795590401, + 0.6519924402236938, + -0.002178786089643836, + -0.21370917558670044, + -0.03565864637494087, + 0.40342840552330017, + -0.05890437215566635, + 0.03490152955055237, + -0.20557251572608948, + 2.389878749847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/21.png", + [ + 0.20066966116428375, + 0.011857233010232449, + -0.08086398988962173, + 0.8961907625198364, + -0.0024713901802897453, + -0.21340380609035492, + -0.037424709647893906, + 0.4166010022163391, + -0.08169131726026535, + 0.035582613199949265, + -0.1975051909685135, + 2.2802200317382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/82.png", + [ + 0.20703265070915222, + 0.014524479396641254, + -0.06224481016397476, + 0.702800989151001, + 0.0038770537357777357, + -0.21347133815288544, + -0.03691685572266579, + 0.41743579506874084, + -0.06379926204681396, + 0.03416029363870621, + -0.20423179864883423, + 2.366929531097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/106.png", + [ + 0.2079683244228363, + 0.00867144949734211, + -0.06018203869462013, + 0.669621467590332, + -0.002291707554832101, + -0.21318960189819336, + -0.038637202233076096, + 0.43741026520729065, + -0.06076034903526306, + 0.03772123157978058, + -0.20453161001205444, + 2.3779983520507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/14.png", + [ + 0.19937875866889954, + 0.010463615879416466, + -0.08418147265911102, + 0.9249023199081421, + -0.0047070677392184734, + -0.21332404017448425, + -0.037664227187633514, + 0.4122270345687866, + -0.08469859510660172, + 0.03648648038506508, + -0.19606830179691315, + 2.244992256164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/67.png", + [ + 0.20396003127098083, + 0.01851428858935833, + -0.0707489624619484, + 0.7841405272483826, + 0.004661687184125185, + -0.21248121559619904, + -0.04216514900326729, + 0.4738178551197052, + -0.07298262417316437, + 0.038168732076883316, + -0.20041103661060333, + 2.2948813438415527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/78.png", + [ + 0.2071366161108017, + 0.014562531374394894, + -0.06188897415995598, + 0.6958987712860107, + 0.0032539046369493008, + -0.2130661904811859, + -0.0392441563308239, + 0.44003239274024963, + -0.06349585950374603, + 0.03658721596002579, + -0.20390573143959045, + 2.35459566116333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/31.png", + [ + 0.20402288436889648, + 0.008431312628090382, + -0.07246703654527664, + 0.8104246258735657, + -0.004127063788473606, + -0.21354438364505768, + -0.03646450862288475, + 0.414923757314682, + -0.07283903658390045, + 0.035715632140636444, + -0.20091480016708374, + 2.3501663208007812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/39.png", + [ + 0.20422014594078064, + 0.007937874644994736, + -0.07196542620658875, + 0.8198365569114685, + -0.00435060728341341, + -0.21363389492034912, + -0.03591003641486168, + 0.4079161584377289, + -0.07227104902267456, + 0.0352909117937088, + -0.20119479298591614, + 2.3759427070617676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/92.png", + [ + 0.20749394595623016, + 0.014489997178316116, + -0.06069759279489517, + 0.6927679181098938, + 0.004201491363346577, + -0.2135181576013565, + -0.03660924732685089, + 0.42340707778930664, + -0.062261588871479034, + 0.033881112933158875, + -0.20475217700004578, + 2.4016542434692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/53.png", + [ + 0.20553499460220337, + 0.013254291377961636, + -0.06728733330965042, + 0.752363920211792, + 0.0010915955062955618, + -0.2131948471069336, + -0.03866084665060043, + 0.4349668323993683, + -0.06857164204120636, + 0.03633423149585724, + -0.20230089128017426, + 2.3456215858459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/75.png", + [ + 0.20737653970718384, + 0.009418517351150513, + -0.06208179518580437, + 0.6919084191322327, + -0.0016784465406090021, + -0.21331535279750824, + -0.03796901926398277, + 0.42530348896980286, + -0.06276974081993103, + 0.036820583045482635, + -0.2040884643793106, + 2.351077079772949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/87.png", + [ + 0.20692814886569977, + 0.01510613039135933, + -0.06245351955294609, + 0.7072386741638184, + 0.003948829136788845, + -0.21319322288036346, + -0.038483038544654846, + 0.43950334191322327, + -0.06413301825523376, + 0.03561379387974739, + -0.20387867093086243, + 2.3772220611572266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/139.png", + [ + 0.19968824088573456, + 0.003390308003872633, + -0.08402979373931885, + 0.9439665079116821, + -0.010174307972192764, + -0.21393433213233948, + -0.03280971199274063, + 0.3683350384235382, + -0.08348044008016586, + 0.0341833233833313, + -0.1970035880804062, + 2.3023176193237305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/107.png", + [ + 0.2079605758190155, + 0.0111069455742836, + -0.059807416051626205, + 0.6642736196517944, + -0.00020766477973666042, + -0.2129012793302536, + -0.040260378271341324, + 0.4541938602924347, + -0.06082966551184654, + 0.03869853913784027, + -0.20432834327220917, + 2.3697195053100586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/112.png", + [ + 0.20841993391513824, + 0.010084005072712898, + -0.05837247520685196, + 0.6431035995483398, + -0.0014648059150204062, + -0.2125694453716278, + -0.041952069848775864, + 0.4737558662891388, + -0.05921897664666176, + 0.04074843227863312, + -0.20440295338630676, + 2.354763984680176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/69.png", + [ + 0.20442277193069458, + 0.018372219055891037, + -0.0694383755326271, + 0.7728087306022644, + 0.004659004043787718, + -0.21241731941699982, + -0.042486172169446945, + 0.4781319200992584, + -0.07167650014162064, + 0.03859070688486099, + -0.20080122351646423, + 2.3101859092712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/45.png", + [ + 0.20142009854316711, + 0.010650631971657276, + -0.07914802432060242, + 0.9126752018928528, + -0.003375279949977994, + -0.21341191232204437, + -0.03730757161974907, + 0.42333120107650757, + -0.07979004830121994, + 0.035913947969675064, + -0.19822116196155548, + 2.3546338081359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/50.png", + [ + 0.20084848999977112, + 0.011962555348873138, + -0.080403171479702, + 0.9140630960464478, + -0.0035784048959612846, + -0.21280664205551147, + -0.04060075059533119, + 0.458385705947876, + -0.08120939880609512, + 0.03896309807896614, + -0.19706547260284424, + 2.310112476348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/101.png", + [ + 0.20924705266952515, + 0.0035282436292618513, + -0.0561349019408226, + 0.6299105286598206, + -0.005389254540205002, + -0.21399527788162231, + -0.03353908285498619, + 0.3843355178833008, + -0.05598689615726471, + 0.03378557786345482, + -0.2065717726945877, + 2.4055442810058594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/85.png", + [ + 0.20670323073863983, + 0.014395652338862419, + -0.06335961818695068, + 0.7172908782958984, + 0.0035136023070663214, + -0.21345698833465576, + -0.03703589364886284, + 0.4212283790111542, + -0.06487935036420822, + 0.03430405259132385, + -0.203867107629776, + 2.371853828430176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/131.png", + [ + 0.20176014304161072, + 0.004783660639077425, + -0.07885336130857468, + 0.8748154044151306, + -0.008655409328639507, + -0.2136363834142685, + -0.03510668873786926, + 0.39363932609558105, + -0.07852274924516678, + 0.03584009408950806, + -0.1987399309873581, + 2.2881317138671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/71.png", + [ + 0.20567069947719574, + 0.017107577994465828, + -0.0659908801317215, + 0.7351283431053162, + 0.004387977067381144, + -0.21262842416763306, + -0.041446320712566376, + 0.468024343252182, + -0.0680309534072876, + 0.0380050353705883, + -0.20217642188072205, + 2.3302345275878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/115.png", + [ + 0.20828846096992493, + 0.009652880020439625, + -0.05891210213303566, + 0.6538907289505005, + -0.0017048117006197572, + -0.21277432143688202, + -0.040891051292419434, + 0.4678431451320648, + -0.059673335403203964, + 0.03977192938327789, + -0.2044631540775299, + 2.347041606903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/54.png", + [ + 0.20551717281341553, + 0.01530158706009388, + -0.06690625846385956, + 0.7463490962982178, + 0.003087038639932871, + -0.21306823194026947, + -0.03924659267067909, + 0.44119513034820557, + -0.06856424361467361, + 0.03627239540219307, + -0.20231449604034424, + 2.3353614807128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/33.png", + [ + 0.20474125444889069, + 0.008952265605330467, + -0.07034751027822495, + 0.7885170578956604, + -0.0033802445977926254, + -0.2134648561477661, + -0.037003010511398315, + 0.42149850726127625, + -0.07083424180746078, + 0.03606253117322922, + -0.201568603515625, + 2.364398956298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/49.png", + [ + 0.20047210156917572, + 0.012243986129760742, + -0.08129522204399109, + 0.9269164204597473, + -0.0027757303323596716, + -0.2131279557943344, + -0.03894438594579697, + 0.4390988349914551, + -0.08216521888971329, + 0.03707364201545715, + -0.1970338076353073, + 2.3093528747558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/118.png", + [ + 0.20697341859340668, + 0.009879780933260918, + -0.0633426308631897, + 0.7042325139045715, + -0.00034138542832806706, + -0.21391327679157257, + -0.03448031470179558, + 0.40004095435142517, + -0.06410757452249527, + 0.03303632140159607, + -0.20432013273239136, + 2.3363094329833984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/110.png", + [ + 0.20791517198085785, + 0.010726764798164368, + -0.060034263879060745, + 0.6629583835601807, + -0.0009987765224650502, + -0.2126690149307251, + -0.041458189487457275, + 0.4659262001514435, + -0.060976866632699966, + 0.04005889967083931, + -0.20402206480503082, + 2.3577871322631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/18.png", + [ + 0.19897744059562683, + 0.013235492631793022, + -0.08473896235227585, + 0.9372811913490295, + -0.001884473953396082, + -0.21335269510746002, + -0.03774881735444069, + 0.4172251522541046, + -0.0857456624507904, + 0.035402629524469376, + -0.19581171870231628, + 2.2529964447021484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/66.png", + [ + 0.2043505758047104, + 0.01744193397462368, + -0.06988934427499771, + 0.7748205661773682, + 0.003875958966091275, + -0.2125847041606903, + -0.04172072559595108, + 0.4695652425289154, + -0.07192856073379517, + 0.03809751570224762, + -0.20080527663230896, + 2.298185348510742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/16.png", + [ + 0.19802308082580566, + 0.012224579229950905, + -0.08709372580051422, + 0.9629857540130615, + -0.0033916134852916002, + -0.21335017681121826, + -0.03765752911567688, + 0.4139423072338104, + -0.08788204193115234, + 0.03577921539545059, + -0.1947934478521347, + 2.2394142150878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/94.png", + [ + 0.20769314467906952, + 0.01286309864372015, + -0.060382090508937836, + 0.6897903680801392, + 0.002234281273558736, + -0.2133466750383377, + -0.03776375949382782, + 0.4407068192958832, + -0.06169654056429863, + 0.035575754940509796, + -0.20463576912879944, + 2.4010777473449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/28.png", + [ + 0.2028617411851883, + 0.009686458855867386, + -0.07550614327192307, + 0.8401259183883667, + -0.004136309493333101, + -0.21319331228733063, + -0.03846292570233345, + 0.43401038646698, + -0.07601246982812881, + 0.037452347576618195, + -0.19941747188568115, + 2.3170132637023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/61.png", + [ + 0.20572291314601898, + 0.015456043183803558, + -0.06623508036136627, + 0.739294171333313, + 0.0032174387015402317, + -0.21298113465309143, + -0.03970622271299362, + 0.4574693739414215, + -0.06793837249279022, + 0.03671575337648392, + -0.2024456113576889, + 2.3101868629455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/132.png", + [ + 0.20141981542110443, + 0.004513752646744251, + -0.0797344222664833, + 0.8849815130233765, + -0.00905890204012394, + -0.2136407494544983, + -0.034978169947862625, + 0.391737163066864, + -0.07934662699699402, + 0.035849157720804214, + -0.19841080904006958, + 2.284027099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/58.png", + [ + 0.2065940946340561, + 0.01657835952937603, + -0.06318175792694092, + 0.7044933438301086, + 0.004141311161220074, + -0.21248264610767365, + -0.042212244123220444, + 0.48086223006248474, + -0.06518915295600891, + 0.03904077038168907, + -0.20291398465633392, + 2.3258705139160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/123.png", + [ + 0.20518450438976288, + 0.007273178081959486, + -0.06924097239971161, + 0.7780136466026306, + -0.0037771903444081545, + -0.21400877833366394, + -0.03367290645837784, + 0.38480672240257263, + -0.06951937824487686, + 0.03309429809451103, + -0.20253324508666992, + 2.3423514366149902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/64.png", + [ + 0.20497819781303406, + 0.016221798956394196, + -0.06832780689001083, + 0.7586761116981506, + 0.0037826995830982924, + -0.2130591720342636, + -0.039234865456819534, + 0.4460655152797699, + -0.07012508064508438, + 0.0359240397810936, + -0.2018411010503769, + 2.3064680099487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/10.png", + [ + 0.19665975868701935, + 0.009482000954449177, + -0.09045952558517456, + 0.9937687516212463, + -0.005782612599432468, + -0.21375463902950287, + -0.03497728705406189, + 0.3803587555885315, + -0.09077111631631851, + 0.034160517156124115, + -0.19375644624233246, + 2.218073844909668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/41.png", + [ + 0.20380514860153198, + 0.01094348356127739, + -0.07274329662322998, + 0.8351836204528809, + -0.002218141919001937, + -0.21325191855430603, + -0.03829614445567131, + 0.43504688143730164, + -0.07352840900421143, + 0.03676621988415718, + -0.20047371089458466, + 2.3775925636291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/91.png", + [ + 0.20748616755008698, + 0.015435623936355114, + -0.06049070507287979, + 0.6879883408546448, + 0.005342357326298952, + -0.21356715261936188, + -0.03617211803793907, + 0.4167233407497406, + -0.06220002844929695, + 0.03314671292901039, + -0.20489105582237244, + 2.3967361450195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/140.png", + [ + 0.19980476796627045, + 0.004524905700236559, + -0.08369870483875275, + 0.9406044483184814, + -0.009527584537863731, + -0.21373046934604645, + -0.03429882228374481, + 0.38543596863746643, + -0.08327768743038177, + 0.03530877083539963, + -0.19689086079597473, + 2.302611827850342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/23.png", + [ + 0.20106381177902222, + 0.01094017643481493, + -0.08000969886779785, + 0.8871248960494995, + -0.003616674104705453, + -0.21324171125888824, + -0.03824641555547714, + 0.42749834060668945, + -0.08067316561937332, + 0.03682636842131615, + -0.19769561290740967, + 2.287290573120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/37.png", + [ + 0.20454762876033783, + 0.009807095862925053, + -0.07079529017210007, + 0.8002186417579651, + -0.002824287861585617, + -0.21334832906723022, + -0.03771477937698364, + 0.42811980843544006, + -0.07141551375389099, + 0.03652673959732056, + -0.20127969980239868, + 2.3659892082214355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/36.png", + [ + 0.20442956686019897, + 0.009535808116197586, + -0.07117243856191635, + 0.8027709722518921, + -0.0032964057754725218, + -0.21328306198120117, + -0.03804434463381767, + 0.43195536732673645, + -0.07173271477222443, + 0.03697711229324341, + -0.20108456909656525, + 2.36080265045166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/8.png", + [ + 0.19644351303577423, + 0.006352194584906101, + -0.0912003219127655, + 1.0071535110473633, + -0.009288452565670013, + -0.21364565193653107, + -0.03488776087760925, + 0.3808741271495819, + -0.090948186814785, + 0.03553984686732292, + -0.1934250295162201, + 2.2261219024658203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/6.png", + [ + 0.1946360319852829, + 0.004095676355063915, + -0.09512060880661011, + 1.0566353797912598, + -0.01114857941865921, + -0.21400441229343414, + -0.03202679008245468, + 0.3498796820640564, + -0.09455376863479614, + 0.03366350382566452, + -0.19202667474746704, + 2.2217655181884766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/20.png", + [ + 0.20110933482646942, + 0.011941246688365936, + -0.07975174486637115, + 0.8819378614425659, + -0.002177206566557288, + -0.21340374648571014, + -0.037443242967128754, + 0.4166087210178375, + -0.08061137050390244, + 0.03555479273200035, + -0.19795343279838562, + 2.2822670936584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/2.png", + [ + 0.1935712993144989, + 0.00048396727652288973, + -0.09735405445098877, + 1.0869065523147583, + -0.01528530940413475, + -0.21383364498615265, + -0.031455148011446, + 0.3451906144618988, + -0.09614782780408859, + 0.0349690280854702, + -0.1909991055727005, + 2.217925548553467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/117.png", + [ + 0.20708592236042023, + 0.00966236088424921, + -0.06300760060548782, + 0.7002454996109009, + -0.0009734908235259354, + -0.21366657316684723, + -0.03596581891179085, + 0.41706860065460205, + -0.06373672932386398, + 0.034657273441553116, + -0.20416757464408875, + 2.3341217041015625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/149.png", + [ + 0.20120781660079956, + 0.0029887172859162092, + -0.08033916354179382, + 0.8993939757347107, + -0.009511224925518036, + -0.2141193002462387, + -0.03178616985678673, + 0.35588183999061584, + -0.07983013987541199, + 0.03304378688335419, + -0.19870369136333466, + 2.311042308807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/5.png", + [ + 0.19481037557125092, + 0.003593180561438203, + -0.0947834700345993, + 1.05405855178833, + -0.011351526714861393, + -0.21407976746559143, + -0.03144664689898491, + 0.34324783086776733, + -0.09416984766721725, + 0.03323910012841225, + -0.1922890990972519, + 2.2255430221557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/108.png", + [ + 0.20798319578170776, + 0.010814856737852097, + -0.05978231877088547, + 0.6619160771369934, + -0.0006647291593253613, + -0.21279600262641907, + -0.040808238089084625, + 0.46051377058029175, + -0.060749027878046036, + 0.039354704320430756, + -0.20422698557376862, + 2.3669309616088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/60.png", + [ + 0.20625297725200653, + 0.016782084479928017, + -0.06423363089561462, + 0.7166476249694824, + 0.004417206160724163, + -0.2126421481370926, + -0.04137266427278519, + 0.47535666823387146, + -0.06624262779951096, + 0.03807322680950165, + -0.2027565985918045, + 2.3135805130004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/56.png", + [ + 0.2065037041902542, + 0.01638963259756565, + -0.06352553516626358, + 0.7091422080993652, + 0.004259441047906876, + -0.21271109580993652, + -0.041033368557691574, + 0.4626113474369049, + -0.06546732038259506, + 0.037858422845602036, + -0.20304842293262482, + 2.337155342102051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/147.png", + [ + 0.20101308822631836, + 0.0023739340249449015, + -0.08084546774625778, + 0.9057812094688416, + -0.010674574412405491, + -0.21390803158283234, + -0.03282228484749794, + 0.36681410670280457, + -0.08017280697822571, + 0.034432731568813324, + -0.19832953810691833, + 2.306934356689453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/30.png", + [ + 0.20381374657154083, + 0.008979088626801968, + -0.07298789173364639, + 0.8142794370651245, + -0.0037280188407748938, + -0.2135152965784073, + -0.03667723760008812, + 0.41614198684692383, + -0.07344356924295425, + 0.035756032913923264, + -0.200687438249588, + 2.341756820678711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/17.png", + [ + 0.19804184138774872, + 0.013787517324090004, + -0.08681721985340118, + 0.9621695280075073, + -0.001315304427407682, + -0.2135041505098343, + -0.03690716624259949, + 0.40637949109077454, + -0.08789536356925964, + 0.03426036983728409, + -0.19506031274795532, + 2.2469778060913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/12.png", + [ + 0.19750908017158508, + 0.010002164170145988, + -0.08853254467248917, + 0.9693089127540588, + -0.005580243654549122, + -0.2134934514760971, + -0.03656898811459541, + 0.39841681718826294, + -0.08892084658145905, + 0.035614416003227234, + -0.19435171782970428, + 2.220569610595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/114.png", + [ + 0.20830585062503815, + 0.00998635496944189, + -0.05879492312669754, + 0.6496546864509583, + -0.0016149699222296476, + -0.21259228885173798, + -0.041830651462078094, + 0.47660407423973083, + -0.0596151165664196, + 0.04065321385860443, + -0.20430675148963928, + 2.347446918487549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/27.png", + [ + 0.2028784453868866, + 0.010445542633533478, + -0.07535994052886963, + 0.83640056848526, + -0.0030012275092303753, + -0.2133568823337555, + -0.03765280172228813, + 0.4225344955921173, + -0.07602120190858841, + 0.036299191415309906, + -0.19962725043296814, + 2.3143677711486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/42.png", + [ + 0.20401039719581604, + 0.010919637978076935, + -0.07216934859752655, + 0.8278526663780212, + -0.002360620768740773, + -0.21313706040382385, + -0.03892193362116814, + 0.4418295621871948, + -0.07295259833335876, + 0.037433285266160965, + -0.20056062936782837, + 2.3766531944274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/7.png", + [ + 0.19450166821479797, + 0.0065134852193295956, + -0.09526058286428452, + 1.0589802265167236, + -0.009158657863736153, + -0.21390050649642944, + -0.03332555294036865, + 0.36463919281959534, + -0.09504275023937225, + 0.033941835165023804, + -0.19173607230186462, + 2.2182703018188477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/73.png", + [ + 0.20714326202869415, + 0.008065878413617611, + -0.06304370611906052, + 0.7039777040481567, + -0.0034029216039925814, + -0.21320702135562897, + -0.038458939641714096, + 0.43388158082962036, + -0.06346642225980759, + 0.0377572737634182, + -0.20370148122310638, + 2.346709728240967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/120.png", + [ + 0.20577780902385712, + 0.0058820778504014015, + -0.0675927996635437, + 0.75843346118927, + -0.0038444995880126953, + -0.21450115740299225, + -0.030370473861694336, + 0.3518061935901642, + -0.06773923337459564, + 0.030042419210076332, + -0.20360928773880005, + 2.3447322845458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/46.png", + [ + 0.2003222107887268, + 0.011616982519626617, + -0.08175544440746307, + 0.9415730834007263, + -0.0029072249308228493, + -0.2133946269750595, + -0.03744562715291977, + 0.42430388927459717, + -0.08252546936273575, + 0.03571655973792076, + -0.1971338838338852, + 2.3356523513793945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/127.png", + [ + 0.20365098118782043, + 0.00613712752237916, + -0.07373271882534027, + 0.8228657245635986, + -0.006868776399642229, + -0.21342718601226807, + -0.03673623502254486, + 0.4148121178150177, + -0.07366815954446793, + 0.03686552122235298, + -0.20040416717529297, + 2.3137450218200684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/133.png", + [ + 0.20069779455661774, + 0.00432170694693923, + -0.0815451592206955, + 0.9065382480621338, + -0.00941709615290165, + -0.2137024849653244, + -0.034502968192100525, + 0.38622111082077026, + -0.08111478388309479, + 0.035502951592206955, + -0.19775699079036713, + 2.2803335189819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/57.png", + [ + 0.20679035782814026, + 0.016605554148554802, + -0.06252917647361755, + 0.6977518796920776, + 0.005093135870993137, + -0.2129443883895874, + -0.03970703110098839, + 0.449340283870697, + -0.064495749771595, + 0.0364258699119091, + -0.20362061262130737, + 2.338012218475342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/44.png", + [ + 0.20331062376499176, + 0.009323421865701675, + -0.074335478246212, + 0.8549057245254517, + -0.004238628316670656, + -0.21321436762809753, + -0.038334932178258896, + 0.4362460672855377, + -0.07479789853096008, + 0.03742467984557152, + -0.19988137483596802, + 2.3766117095947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/113.png", + [ + 0.2081579566001892, + 0.008963425643742085, + -0.05947951227426529, + 0.6563289165496826, + -0.0030346177518367767, + -0.21241772174835205, + -0.04263099282979965, + 0.48337051272392273, + -0.06007450446486473, + 0.041788361966609955, + -0.20394285023212433, + 2.347524642944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/126.png", + [ + 0.20381343364715576, + 0.007075704634189606, + -0.07319778949022293, + 0.8187807202339172, + -0.005578795913606882, + -0.21356019377708435, + -0.036177631467580795, + 0.4092654883861542, + -0.07332707196474075, + 0.03591487556695938, + -0.20070166885852814, + 2.31974458694458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/29.png", + [ + 0.20355333387851715, + 0.009606619365513325, + -0.07363185286521912, + 0.8204753398895264, + -0.0034649199806153774, + -0.21339088678359985, + -0.03741941973567009, + 0.42311346530914307, + -0.07417500019073486, + 0.03633086010813713, + -0.20031483471393585, + 2.333509922027588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/4.png", + [ + 0.19443994760513306, + 0.003390910103917122, + -0.09554843604564667, + 1.063863754272461, + -0.012284239754080772, + -0.2138574868440628, + -0.03258785605430603, + 0.35838600993156433, + -0.09481614083051682, + 0.03466082364320755, + -0.1917196661233902, + 2.2225565910339355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/55.png", + [ + 0.20585912466049194, + 0.016489412635564804, + -0.06555917859077454, + 0.7318575978279114, + 0.004249393939971924, + -0.212870791554451, + -0.04019784554839134, + 0.4525499939918518, + -0.06746739894151688, + 0.03690560162067413, + -0.20256857573986053, + 2.336989402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/9.png", + [ + 0.1967741996049881, + 0.008356895297765732, + -0.09032151103019714, + 0.9938495755195618, + -0.006975648459047079, + -0.21372002363204956, + -0.03497133404016495, + 0.38064199686050415, + -0.09043866395950317, + 0.03466721996665001, + -0.19382189214229584, + 2.2230896949768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/25.png", + [ + 0.2017086148262024, + 0.009443921968340874, + -0.07856424152851105, + 0.8728966116905212, + -0.004329299554228783, + -0.2134866565465927, + -0.036777645349502563, + 0.41217225790023804, + -0.07901130616664886, + 0.035807132720947266, + -0.19855216145515442, + 2.301360607147217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/99.png", + [ + 0.20914529263973236, + 0.0033207822125405073, + -0.05652537941932678, + 0.6401442289352417, + -0.005174972582608461, + -0.21427540481090546, + -0.03173588588833809, + 0.3659443259239197, + -0.056385867297649384, + 0.03198310732841492, + -0.20675009489059448, + 2.414198875427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/34.png", + [ + 0.20474368333816528, + 0.008581488393247128, + -0.0703866258263588, + 0.7905446290969849, + -0.003705944400280714, + -0.21349301934242249, + -0.036808934062719345, + 0.419319212436676, + -0.07081090658903122, + 0.03598596155643463, + -0.20159047842025757, + 2.3665452003479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/72.png", + [ + 0.20702430605888367, + 0.009226152673363686, + -0.06327478587627411, + 0.7052900791168213, + -0.002639011014252901, + -0.21299192309379578, + -0.039690930396318436, + 0.44818535447120667, + -0.06388941407203674, + 0.038693830370903015, + -0.20339326560497284, + 2.342268943786621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/102.png", + [ + 0.20934340357780457, + 0.0029750289395451546, + -0.05580674856901169, + 0.6224079728126526, + -0.005400658585131168, + -0.21427778899669647, + -0.0316820926964283, + 0.3622555136680603, + -0.05562443286180496, + 0.03200111538171768, + -0.2069534957408905, + 2.406795024871826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/134.png", + [ + 0.19951879978179932, + 0.005005970131605864, + -0.08435095846652985, + 0.940334141254425, + -0.009002359583973885, + -0.21380379796028137, + -0.03398225083947182, + 0.3800734579563141, + -0.08401846140623093, + 0.03479620814323425, + -0.19666728377342224, + 2.272348403930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/70.png", + [ + 0.2043994516134262, + 0.018194284290075302, + -0.06955379992723465, + 0.775862455368042, + 0.004351734183728695, + -0.21236810088157654, + -0.04276392608880997, + 0.48257026076316833, + -0.07176228612661362, + 0.0389443077147007, + -0.20070229470729828, + 2.3125476837158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/135.png", + [ + 0.19985756278038025, + 0.003938002046197653, + -0.08360229432582855, + 0.9321330785751343, + -0.01034351997077465, + -0.21361328661441803, + -0.03478899970650673, + 0.38925549387931824, + -0.08305338025093079, + 0.03607984259724617, + -0.19684582948684692, + 2.2784228324890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/130.png", + [ + 0.2025761604309082, + 0.005104845855385065, + -0.07671201974153519, + 0.8496478199958801, + -0.007853520102798939, + -0.21369151771068573, + -0.03495929762721062, + 0.3923860490322113, + -0.07647950947284698, + 0.0354650616645813, + -0.1996021419763565, + 2.2950472831726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/90.png", + [ + 0.2073373943567276, + 0.014074912294745445, + -0.061326924711465836, + 0.6978955864906311, + 0.00286506419070065, + -0.21307693421840668, + -0.03921612724661827, + 0.4505294859409332, + -0.06285607069730759, + 0.03671525418758392, + -0.20408084988594055, + 2.387661933898926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/122.png", + [ + 0.20589976012706757, + 0.0055505046620965, + -0.06724857538938522, + 0.7562080025672913, + -0.004938697442412376, + -0.21412155032157898, + -0.03279414772987366, + 0.3756258189678192, + -0.06729625910520554, + 0.032696161419153214, + -0.20334716141223907, + 2.353606700897217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/15.png", + [ + 0.19961830973625183, + 0.012063113041222095, + -0.08339610695838928, + 0.916294276714325, + -0.00315033458173275, + -0.21322450041770935, + -0.03838328644633293, + 0.42064619064331055, + -0.08420513570308685, + 0.036574333906173706, + -0.1962643712759018, + 2.246016025543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/22.png", + [ + 0.20167334377765656, + 0.011398104950785637, + -0.07839542627334595, + 0.8674086928367615, + -0.0024574759881943464, + -0.21341685950756073, + -0.0373510979115963, + 0.4155901074409485, + -0.07918156683444977, + 0.03565426915884018, + -0.19851183891296387, + 2.2906856536865234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/138.png", + [ + 0.19995203614234924, + 0.003893666435033083, + -0.08337812125682831, + 0.9352895617485046, + -0.009784833528101444, + -0.21385300159454346, + -0.03345206007361412, + 0.37530457973480225, + -0.0828934833407402, + 0.03463556990027428, + -0.1971723735332489, + 2.301652431488037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/109.png", + [ + 0.20803149044513702, + 0.01104684080928564, + -0.059571508318185806, + 0.6579285860061646, + -9.092564869206399e-05, + -0.21298545598983765, + -0.03981318697333336, + 0.44716691970825195, + -0.06058702990412712, + 0.038250040262937546, + -0.20448483526706696, + 2.3629493713378906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/26.png", + [ + 0.20274531841278076, + 0.010410210117697716, + -0.07572226226329803, + 0.840116560459137, + -0.0027856514789164066, + -0.21350663900375366, + -0.036811184138059616, + 0.4129476845264435, + -0.07638373225927353, + 0.035418227314949036, + -0.19964711368083954, + 2.3141283988952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/43.png", + [ + 0.20415015518665314, + 0.009538325481116772, + -0.0719696506857872, + 0.8272022008895874, + -0.0034661926329135895, + -0.2132708579301834, + -0.03809759393334389, + 0.4323323965072632, + -0.07251618057489395, + 0.03704674541950226, + -0.20079053938388824, + 2.3835792541503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/84.png", + [ + 0.20692642033100128, + 0.014527195133268833, + -0.06259637326002121, + 0.7075335383415222, + 0.0035681009758263826, + -0.21333706378936768, + -0.037715520709753036, + 0.4281449317932129, + -0.06416085362434387, + 0.03498788923025131, + -0.2039782702922821, + 2.367427349090576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/136.png", + [ + 0.19936668872833252, + 0.0030307951383292675, + -0.0848035216331482, + 0.947770893573761, + -0.01078773569315672, + -0.21387428045272827, + -0.03300480917096138, + 0.37002304196357727, + -0.0841691642999649, + 0.03459056839346886, + -0.19663912057876587, + 2.285068988800049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/89.png", + [ + 0.20712454617023468, + 0.014248870313167572, + -0.062002334743738174, + 0.7046602964401245, + 0.0031297169625759125, + -0.2131965607404709, + -0.038539983332157135, + 0.4407171607017517, + -0.06354151666164398, + 0.035945724695920944, + -0.20400556921958923, + 2.383856773376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/63.png", + [ + 0.20515960454940796, + 0.015064092352986336, + -0.06804780662059784, + 0.7575181126594543, + 0.0022219126112759113, + -0.21285900473594666, + -0.040422771126031876, + 0.462345153093338, + -0.06965983659029007, + 0.03757672384381294, + -0.20170123875141144, + 2.3043174743652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/88.png", + [ + 0.20708239078521729, + 0.014376099221408367, + -0.062113698571920395, + 0.7042803764343262, + 0.0032812641002237797, + -0.2132178395986557, + -0.038409389555454254, + 0.43879178166389465, + -0.06367116421461105, + 0.035768359899520874, + -0.20399633049964905, + 2.3820981979370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/62.png", + [ + 0.2056160718202591, + 0.01532724779099226, + -0.06659575551748276, + 0.7416307330131531, + 0.0033993376418948174, + -0.21318696439266205, + -0.038570187985897064, + 0.4434720277786255, + -0.06825219839811325, + 0.035556863993406296, + -0.2025468796491623, + 2.309119701385498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/65.png", + [ + 0.2051820158958435, + 0.017280466854572296, + -0.06745091080665588, + 0.7445166707038879, + 0.00437149778008461, + -0.21267876029014587, + -0.04118899628520012, + 0.46458399295806885, + -0.06949195265769958, + 0.0376434400677681, + -0.20174670219421387, + 2.3001112937927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/80.png", + [ + 0.2070864737033844, + 0.015203472226858139, + -0.06190268322825432, + 0.6974184513092041, + 0.003911331761628389, + -0.21305550634860992, + -0.039242230355739594, + 0.4430810511112213, + -0.06362224370241165, + 0.03638825938105583, + -0.20390193164348602, + 2.359591007232666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/146.png", + [ + 0.19999994337558746, + 0.001309946645051241, + -0.08334385603666306, + 0.9361786246299744, + -0.01239473931491375, + -0.21377187967300415, + -0.033103540539741516, + 0.37130269408226013, + -0.08242745697498322, + 0.035323616117239, + -0.19724567234516144, + 2.301112174987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/119.png", + [ + 0.20681102573871613, + 0.00568285072222352, + -0.06438010931015015, + 0.7177295684814453, + -0.003761447034776211, + -0.21441124379634857, + -0.03100920096039772, + 0.3589281737804413, + -0.06452088803052902, + 0.030715212225914, + -0.20455202460289001, + 2.343291759490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/145.png", + [ + 0.20083720982074738, + 0.0030248824041336775, + -0.08125977218151093, + 0.9114252924919128, + -0.010918224230408669, + -0.21356089413166046, + -0.03493465483188629, + 0.3922087848186493, + -0.0805797353386879, + 0.036475855857133865, + -0.19779865443706512, + 2.30659818649292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/79.png", + [ + 0.20705288648605347, + 0.0149761401116848, + -0.06207023188471794, + 0.6987254023551941, + 0.0037959280889481306, + -0.21314498782157898, + -0.03876466304063797, + 0.4358525276184082, + -0.06373844295740128, + 0.035955846309661865, + -0.20394235849380493, + 2.3554115295410156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/116.png", + [ + 0.20712435245513916, + 0.009452971629798412, + -0.06291293352842331, + 0.6993868947029114, + -0.001461308915168047, + -0.21350595355033875, + -0.03689127787947655, + 0.4262048602104187, + -0.06360235810279846, + 0.03568954020738602, + -0.2040315866470337, + 2.3369832038879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/19.png", + [ + 0.20025163888931274, + 0.010840372182428837, + -0.08203452825546265, + 0.9065987467765808, + -0.003970930818468332, + -0.21330085396766663, + -0.037879735231399536, + 0.4199504554271698, + -0.08265233784914017, + 0.036512043327093124, + -0.19693490862846375, + 2.267768383026123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/77.png", + [ + 0.20721983909606934, + 0.013982787728309631, + -0.06174394488334656, + 0.6918322443962097, + 0.0028269444592297077, + -0.21315640211105347, + -0.03878472000360489, + 0.4337660074234009, + -0.0632443055510521, + 0.036286741495132446, + -0.20403754711151123, + 2.3507304191589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/68.png", + [ + 0.2041366994380951, + 0.01870971918106079, + -0.07018586993217468, + 0.778651773929596, + 0.0049997298046946526, + -0.2124861627817154, + -0.042101457715034485, + 0.4727354943752289, + -0.07246457040309906, + 0.03804571554064751, + -0.2006222903728485, + 2.300168037414551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/143.png", + [ + 0.1995784044265747, + 0.004525208380073309, + -0.08423708379268646, + 0.9446055889129639, + -0.010564806871116161, + -0.21331843733787537, + -0.03649007901549339, + 0.4100481867790222, + -0.08369437605142593, + 0.037718210369348526, + -0.19626635313034058, + 2.290043354034424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/86.png", + [ + 0.20687545835971832, + 0.014170397073030472, + -0.06284625828266144, + 0.7123196721076965, + 0.0031236859504133463, + -0.21332594752311707, + -0.03781767934560776, + 0.4311562776565552, + -0.0643482357263565, + 0.035201333463191986, + -0.20388248562812805, + 2.3767380714416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/1.png", + [ + 0.19382856786251068, + -0.0006996376905590296, + -0.09683950990438461, + 1.0794073343276978, + -0.016466571018099785, + -0.21375194191932678, + -0.031414277851581573, + 0.3438442051410675, + -0.09543181210756302, + 0.035461463034152985, + -0.1912672072649002, + 2.218653678894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/81.png", + [ + 0.2070193737745285, + 0.015380354598164558, + -0.06208318844437599, + 0.6997303366661072, + 0.004430512897670269, + -0.21325992047786713, + -0.03805879130959511, + 0.43080002069473267, + -0.06380634009838104, + 0.035093385726213455, + -0.2040712982416153, + 2.362076759338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/95.png", + [ + 0.20780017971992493, + 0.013154103420674801, + -0.05994963273406029, + 0.6849134564399719, + 0.0028421981260180473, + -0.21347513794898987, + -0.03698881343007088, + 0.43332046270370483, + -0.06130995228886604, + 0.034687455743551254, + -0.20490428805351257, + 2.404634475708008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/103.png", + [ + 0.20874647796154022, + 0.007793501019477844, + -0.05755050852894783, + 0.6435081362724304, + -0.00119197613094002, + -0.2140946239233017, + -0.03331625461578369, + 0.37890756130218506, + -0.058063577860593796, + 0.03241381049156189, + -0.20621798932552338, + 2.400836944580078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/83.png", + [ + 0.20685884356498718, + 0.01439399179071188, + -0.06285005062818527, + 0.7106238007545471, + 0.0033735083416104317, + -0.2133333384990692, + -0.037754595279693604, + 0.42825847864151, + -0.0643889382481575, + 0.035065699368715286, + -0.2038930058479309, + 2.3658018112182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/142.png", + [ + 0.20084848999977112, + 0.004158128052949905, + -0.08118181675672531, + 0.9097359776496887, + -0.010537042282521725, + -0.21323350071907043, + -0.03699105605483055, + 0.41582995653152466, + -0.08060240000486374, + 0.03823712468147278, + -0.1974565088748932, + 2.3045129776000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/51.png", + [ + 0.20338965952396393, + 0.012563908472657204, + -0.0736389085650444, + 0.832514226436615, + -0.0016504608793184161, + -0.21278031170368195, + -0.040862083435058594, + 0.4615802466869354, + -0.07468477636575699, + 0.03891763463616371, + -0.19963839650154114, + 2.33406400680542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/128.png", + [ + 0.20296692848205566, + 0.006225720513612032, + -0.07558806985616684, + 0.8418445587158203, + -0.006650985684245825, + -0.21365047991275787, + -0.0354561023414135, + 0.40061748027801514, + -0.075551837682724, + 0.03553324565291405, + -0.19994300603866577, + 2.307340145111084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/93.png", + [ + 0.20780935883522034, + 0.013366865925490856, + -0.059870634227991104, + 0.6834858655929565, + 0.0029477160423994064, + -0.21339984238147736, + -0.03741272911429405, + 0.4344465732574463, + -0.06127379089593887, + 0.03506748005747795, + -0.20485042035579681, + 2.4009337425231934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/76.png", + [ + 0.20691196620464325, + -0.024977147579193115, + -0.0592576339840889, + 0.6858224868774414, + -0.023896552622318268, + -0.215229794383049, + 0.00727912737056613, + -0.09197992086410522, + -0.059701595455408096, + -0.00041576361400075257, + -0.20828691124916077, + 2.463028907775879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/48.png", + [ + 0.20890618860721588, + -0.013812114484608173, + -0.05581504851579666, + 0.6478561162948608, + -0.01278483122587204, + -0.21622318029403687, + 0.005655614193528891, + -0.07368780672550201, + -0.056059274822473526, + -0.00215949141420424, + -0.2092858999967575, + 2.4837584495544434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/35.png", + [ + 0.20772577822208405, + -0.013148931786417961, + -0.060207996517419815, + 0.6951029896736145, + -0.010909869335591793, + -0.21618793904781342, + 0.009573136456310749, + -0.12145330011844635, + -0.06065370887517929, + -0.006146200001239777, + -0.20792125165462494, + 2.4400672912597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/97.png", + [ + 0.20497958362102509, + -0.018963169306516647, + -0.06761407107114792, + 0.7852129936218262, + -0.022588247433304787, + -0.21534235775470734, + -0.008083478547632694, + 0.08273325860500336, + -0.06649087369441986, + 0.014695913530886173, + -0.20569612085819244, + 2.4331092834472656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/13.png", + [ + 0.2153136134147644, + -0.018430503085255623, + 0.015756133943796158, + -0.17752797901630402, + -0.018296994268894196, + -0.21588627994060516, + -0.0024943517055362463, + 0.018498875200748444, + 0.015910979360342026, + 0.001148164039477706, + -0.21608658134937286, + 2.542954921722412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/32.png", + [ + 0.20999020338058472, + -0.013766903430223465, + -0.05159926414489746, + 0.5953313112258911, + -0.012279551476240158, + -0.21618907153606415, + 0.007706863339990377, + -0.0977310985326767, + -0.05197330564260483, + -0.004544833675026894, + -0.21029981970787048, + 2.464909553527832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/38.png", + [ + 0.20781546831130981, + -0.013041707687079906, + -0.05992111191153526, + 0.6908538937568665, + -0.011674639768898487, + -0.21625982224941254, + 0.0065790992230176926, + -0.08250629901885986, + -0.06020239740610123, + -0.0030814921483397484, + -0.20812033116817474, + 2.4499311447143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/11.png", + [ + 0.21548639237880707, + -0.01629452407360077, + 0.015747925266623497, + -0.17948569357395172, + -0.015738356858491898, + -0.21595075726509094, + -0.008090815506875515, + 0.08343662321567535, + 0.016303766518831253, + 0.006902580615133047, + -0.21595007181167603, + 2.5512590408325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/59.png", + [ + 0.20851153135299683, + -0.016852090135216713, + -0.056452102959156036, + 0.6567224264144897, + -0.014967590570449829, + -0.21596182882785797, + 0.00918464083224535, + -0.11636993288993835, + -0.056980740278959274, + -0.004938980098813772, + -0.2089896947145462, + 2.470484733581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/105.png", + [ + 0.20607849955558777, + -0.012405053712427616, + -0.0657697394490242, + 0.7507709264755249, + -0.016920296475291252, + -0.21566016972064972, + -0.012340530753135681, + 0.13083668053150177, + -0.06475529819726944, + 0.01687305048108101, + -0.20608237385749817, + 2.413318634033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/24.png", + [ + 0.21529105305671692, + -0.014114700257778168, + -0.019960777834057808, + 0.22972647845745087, + -0.013392916880548, + -0.216098815202713, + 0.00835613813251257, + -0.10969474911689758, + -0.020452070981264114, + -0.007068978622555733, + -0.21559135615825653, + 2.5441842079162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/74.png", + [ + 0.20731817185878754, + -0.023976685479283333, + -0.05824252590537071, + 0.6736545562744141, + -0.02088228240609169, + -0.21519425511360168, + 0.014257073402404785, + -0.17779242992401123, + -0.05942224711179733, + -0.008028228767216206, + -0.2082124948501587, + 2.4656076431274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/98.png", + [ + 0.20567572116851807, + -0.017690332606434822, + -0.06582129001617432, + 0.7644514441490173, + -0.021070558577775955, + -0.21550215780735016, + -0.007921411655843258, + 0.07961665093898773, + -0.0648183673620224, + 0.013920105062425137, + -0.2062830775976181, + 2.4398436546325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/0.png", + [ + 0.2145415097475052, + -0.016830189153552055, + 0.025230523198843002, + -0.2865414023399353, + -0.01517073716968298, + -0.21563293039798737, + -0.014838765375316143, + 0.16483065485954285, + 0.026261823251843452, + 0.012926135212182999, + -0.21468845009803772, + 2.547018051147461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/96.png", + [ + 0.20465385913848877, + -0.018380261957645416, + -0.06875213980674744, + 0.7986235618591309, + -0.02190757729113102, + -0.21542958915233612, + -0.007618938107043505, + 0.07868777215480804, + -0.0677107647061348, + 0.014147654175758362, + -0.2053362876176834, + 2.4290614128112793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/100.png", + [ + 0.20591522753238678, + -0.015680335462093353, + -0.06558156758546829, + 0.761816680431366, + -0.018556468188762665, + -0.21577538549900055, + -0.006673038937151432, + 0.06355364620685577, + -0.06482648104429245, + 0.011958219110965729, + -0.20640353858470917, + 2.440011978149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/40.png", + [ + 0.2081613391637802, + -0.013493589125573635, + -0.058606140315532684, + 0.678011417388916, + -0.012330267578363419, + -0.21624049544334412, + 0.005992132239043713, + -0.07604171335697174, + -0.0588618740439415, + -0.0024216072633862495, + -0.20851214230060577, + 2.465132236480713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/52.png", + [ + 0.20919057726860046, + -0.01652279496192932, + -0.05398333817720413, + 0.6240993142127991, + -0.015350387431681156, + -0.21602830290794373, + 0.006636028178036213, + -0.08853815495967865, + -0.054328352212905884, + -0.0025823472533375025, + -0.2097371220588684, + 2.4781975746154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/3.png", + [ + 0.21471768617630005, + -0.016804736107587814, + 0.02370249480009079, + -0.26979783177375793, + -0.015444520860910416, + -0.21572977304458618, + -0.01303953118622303, + 0.14462940394878387, + 0.024610446766018867, + 0.011232253164052963, + -0.21497920155525208, + 2.5535473823547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/47.png", + [ + 0.2089346945285797, + -0.015012526884675026, + -0.05539684742689133, + 0.6432503461837769, + -0.013934166170656681, + -0.21614229679107666, + 0.006020393688231707, + -0.0782240629196167, + -0.0556778758764267, + -0.0022428110241889954, + -0.20938681066036224, + 2.489820957183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/104.png", + [ + 0.20609749853610992, + -0.013032430782914162, + -0.06558868288993835, + 0.7507731318473816, + -0.0171163659542799, + -0.2157212793827057, + -0.010920594446361065, + 0.11510562896728516, + -0.0646432489156723, + 0.015568722039461136, + -0.20622016489505768, + 2.4236550331115723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/21.png", + [ + 0.21566198766231537, + -0.016484607011079788, + -0.01288669090718031, + 0.15123455226421356, + -0.016131123527884483, + -0.21598078310489655, + 0.006323426961898804, + -0.08059181272983551, + -0.013326509855687618, + -0.0053344774059951305, + -0.2161986231803894, + 2.5532236099243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/82.png", + [ + 0.20423834025859833, + -0.025406625121831894, + -0.06774288415908813, + 0.7860696315765381, + -0.030486881732940674, + -0.21420642733573914, + -0.011578010395169258, + 0.12954579293727875, + -0.06561359763145447, + 0.020445136353373528, + -0.20548662543296814, + 2.4331612586975098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/106.png", + [ + 0.20621903240680695, + -0.011656592600047588, + -0.06546545028686523, + 0.7436602115631104, + -0.017019130289554596, + -0.21546651422977448, + -0.01524564903229475, + 0.16404761373996735, + -0.06428025662899017, + 0.01965208537876606, + -0.20598480105400085, + 2.4007930755615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/14.png", + [ + 0.21543195843696594, + -0.018116548657417297, + 0.014448610134422779, + -0.1594831347465515, + -0.01806880719959736, + -0.21591588854789734, + -0.0013186415890231729, + 0.005982313305139542, + 0.014508267864584923, + 0.00010618905071169138, + -0.21618832647800446, + 2.52520751953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/67.png", + [ + 0.20714566111564636, + -0.018401332199573517, + -0.060827307403087616, + 0.707805335521698, + -0.014549430459737778, + -0.21561619639396667, + 0.01568002998828888, + -0.1960756778717041, + -0.06186182424426079, + -0.010905971750617027, + -0.20736940205097198, + 2.466215133666992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/78.png", + [ + 0.20427879691123962, + -0.02565234899520874, + -0.0675278902053833, + 0.783602237701416, + -0.02769346907734871, + -0.2148868590593338, + -0.002144827740266919, + 0.02018202841281891, + -0.06671679019927979, + 0.010652951896190643, + -0.20587198436260223, + 2.4344568252563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/31.png", + [ + 0.21093714237213135, + -0.016288815066218376, + -0.046777013689279556, + 0.542235791683197, + -0.015252374112606049, + -0.21604083478450775, + 0.006450972519814968, + -0.08405802398920059, + -0.04712515324354172, + -0.002987377578392625, + -0.21146677434444427, + 2.4779462814331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/39.png", + [ + 0.2082761973142624, + -0.014766491018235683, + -0.05788671597838402, + 0.6685567498207092, + -0.013494989834725857, + -0.21615371108055115, + 0.006584357004612684, + -0.0822291150689125, + -0.058196283876895905, + -0.0027238258626312017, + -0.2086951583623886, + 2.459303379058838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/92.png", + [ + 0.20483671128749847, + -0.02225009724497795, + -0.06704292446374893, + 0.7774841785430908, + -0.025831788778305054, + -0.21499602496623993, + -0.007571505382657051, + 0.07873426377773285, + -0.0657460168004036, + 0.015150646679103374, + -0.20590244233608246, + 2.4449501037597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/53.png", + [ + 0.2081228643655777, + -0.013370916247367859, + -0.058770664036273956, + 0.6812262535095215, + -0.011960195377469063, + -0.21623608469963074, + 0.006841589231044054, + -0.0884598046541214, + -0.059073906391859055, + -0.0033274886664003134, + -0.2084396779537201, + 2.466588020324707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/75.png", + [ + 0.20678620040416718, + -0.0260027963668108, + -0.05925551429390907, + 0.6856999397277832, + -0.02356557734310627, + -0.2150474637746811, + 0.01213049702346325, + -0.15101897716522217, + -0.06026627495884895, + -0.005132253747433424, + -0.2080613672733307, + 2.465503692626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/87.png", + [ + 0.20358310639858246, + -0.02340451255440712, + -0.0703849345445633, + 0.8188311457633972, + -0.027922140434384346, + -0.2146630436182022, + -0.009382586926221848, + 0.1007794439792633, + -0.06871800869703293, + 0.01788596250116825, + -0.20470911264419556, + 2.432774543762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/107.png", + [ + 0.20693150162696838, + -0.010900041088461876, + -0.06331221759319305, + 0.7123253345489502, + -0.01681075058877468, + -0.2152801901102066, + -0.017881397157907486, + 0.19269713759422302, + -0.06200521066784859, + 0.021989423781633377, + -0.20644544064998627, + 2.3912720680236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/69.png", + [ + 0.20685912668704987, + -0.019366877153515816, + -0.0614989772439003, + 0.7150038480758667, + -0.016291670501232147, + -0.21566279232501984, + 0.013116231188178062, + -0.1619359850883484, + -0.062384139746427536, + -0.007897976785898209, + -0.20734931528568268, + 2.462728977203369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/45.png", + [ + 0.20756429433822632, + -0.013794644735753536, + -0.06061903387308121, + 0.7066108584403992, + -0.012655341066420078, + -0.2162250131368637, + 0.0058719259686768055, + -0.07532176375389099, + -0.060867078602313995, + -0.0020844521932303905, + -0.2079392820596695, + 2.4833626747131348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/50.png", + [ + 0.20934616029262543, + -0.015635143965482712, + -0.053643472492694855, + 0.6200752854347229, + -0.014395283535122871, + -0.21608881652355194, + 0.006803855299949646, + -0.08747779577970505, + -0.05398940294981003, + -0.0030098038259893656, + -0.20981892943382263, + 2.4811630249023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/101.png", + [ + 0.20640189945697784, + -0.015839317813515663, + -0.06399430334568024, + 0.7385693788528442, + -0.01872921735048294, + -0.21574990451335907, + -0.007007106207311153, + 0.06641244888305664, + -0.0632089376449585, + 0.012206519953906536, + -0.20689012110233307, + 2.4370474815368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/85.png", + [ + 0.20346501469612122, + -0.02276560477912426, + -0.07093387097120285, + 0.824080228805542, + -0.02865692973136902, + -0.21435250341892242, + -0.013404276221990585, + 0.14861470460891724, + -0.0687653124332428, + 0.021968645974993706, + -0.20429539680480957, + 2.4258742332458496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/71.png", + [ + 0.2071579396724701, + -0.018931983038783073, + -0.06062222644686699, + 0.7025619149208069, + -0.014903821982443333, + -0.21553973853588104, + 0.016382602974772453, + -0.20323865115642548, + -0.061736129224300385, + -0.011493194848299026, + -0.20737512409687042, + 2.4597954750061035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/54.png", + [ + 0.2089405506849289, + -0.015757553279399872, + -0.05516735464334488, + 0.638207733631134, + -0.014494834467768669, + -0.21608160436153412, + 0.006822123657912016, + -0.0886973887681961, + -0.05551249533891678, + -0.0028880927711725235, + -0.20942282676696777, + 2.4728317260742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/33.png", + [ + 0.20850978791713715, + -0.01237054169178009, + -0.05760672688484192, + 0.6646054983139038, + -0.010356783866882324, + -0.21624185144901276, + 0.008949270471930504, + -0.11292105913162231, + -0.05800260975956917, + -0.005858507938683033, + -0.20868462324142456, + 2.4457483291625977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/49.png", + [ + 0.20876428484916687, + -0.0165330208837986, + -0.05560598522424698, + 0.6442671418190002, + -0.015154215507209301, + -0.21601957082748413, + 0.007333695422858, + -0.0939093604683876, + -0.055997464805841446, + -0.0031768768094480038, + -0.20928947627544403, + 2.4771342277526855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/18.png", + [ + 0.21599137783050537, + -0.016851838678121567, + -0.003411556128412485, + 0.04440191388130188, + -0.016808047890663147, + -0.2160031795501709, + 0.0028307547327131033, + -0.04091385751962662, + -0.0036211456172168255, + -0.0025571840815246105, + -0.2166292667388916, + 2.541271209716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/66.png", + [ + 0.20706041157245636, + -0.017337637022137642, + -0.06142708659172058, + 0.7131016254425049, + -0.014636107720434666, + -0.21586868166923523, + 0.011592520400881767, + -0.1483144611120224, + -0.06212620064616203, + -0.00692881690338254, + -0.2074613720178604, + 2.463315486907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/16.png", + [ + 0.2157215178012848, + -0.019091179594397545, + 0.006902615074068308, + -0.07153622806072235, + -0.019106490537524223, + -0.2158305048942566, + 0.0001770973758539185, + -0.009451458230614662, + 0.0068601202219724655, + -0.0007849946850910783, + -0.2165645807981491, + 2.520704746246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/94.png", + [ + 0.20453114807605743, + -0.020103977993130684, + -0.06863480806350708, + 0.7962217330932617, + -0.023802204057574272, + -0.2152187079191208, + -0.007890155538916588, + 0.08187772333621979, + -0.06744154542684555, + 0.01498764380812645, + -0.20536530017852783, + 2.4306883811950684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/28.png", + [ + 0.21316860616207123, + -0.01666303165256977, + -0.035062599927186966, + 0.40537700057029724, + -0.01595156267285347, + -0.21601207554340363, + 0.005676800850778818, + -0.07401610910892487, + -0.035391949117183685, + -0.003003639169037342, + -0.21374349296092987, + 2.5141477584838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/61.png", + [ + 0.20793181657791138, + -0.015162813477218151, + -0.059011444449424744, + 0.6854019165039062, + -0.01315219234675169, + -0.21608024835586548, + 0.009178311564028263, + -0.11690717935562134, + -0.05949186161160469, + -0.005225959699600935, + -0.20828180015087128, + 2.465822696685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/58.png", + [ + 0.2088112235069275, + -0.015495180152356625, + -0.055728524923324585, + 0.6474830508232117, + -0.014091899618506432, + -0.21609321236610413, + 0.0072827422991395, + -0.09308260679244995, + -0.056099798530340195, + -0.003394016996026039, + -0.20925866067409515, + 2.4719953536987305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/64.png", + [ + 0.20839187502861023, + -0.015395881608128548, + -0.05730348452925682, + 0.6653797626495361, + -0.013909737579524517, + -0.21609844267368317, + 0.007475107442587614, + -0.09866045415401459, + -0.057682253420352936, + -0.0035106793511658907, + -0.20882605016231537, + 2.467467784881592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/10.png", + [ + 0.21540029346942902, + -0.015636911615729332, + 0.017495494335889816, + -0.19894540309906006, + -0.014905392192304134, + -0.21595248579978943, + -0.009499837644398212, + 0.101022869348526, + 0.01812276616692543, + 0.00824042409658432, + -0.21575810015201569, + 2.5561842918395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/41.png", + [ + 0.207960844039917, + -0.013179597444832325, + -0.059384167194366455, + 0.6888775825500488, + -0.011975268833339214, + -0.21625860035419464, + 0.006059097126126289, + -0.0784275159239769, + -0.059638701379299164, + -0.0025333536323159933, + -0.2082899510860443, + 2.4702229499816895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/91.png", + [ + 0.20469145476818085, + -0.022257035598158836, + -0.06748282164335251, + 0.7836086750030518, + -0.025825003162026405, + -0.21500204503536224, + -0.007421878632158041, + 0.07628953456878662, + -0.06619951874017715, + 0.015054550021886826, + -0.20576414465904236, + 2.445932388305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/23.png", + [ + 0.21568766236305237, + -0.01244586892426014, + -0.016487019136548042, + 0.1902458220720291, + -0.012038450688123703, + -0.21626314520835876, + 0.005764365661889315, + -0.0777110755443573, + -0.016786811873316765, + -0.004822090268135071, + -0.21596954762935638, + 2.5555548667907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/37.png", + [ + 0.20822295546531677, + -0.012960347346961498, + -0.05850747972726822, + 0.6736853122711182, + -0.01142676081508398, + -0.21625208854675293, + 0.007236477918922901, + -0.09112821519374847, + -0.05882622301578522, + -0.0038687027990818024, + -0.20850035548210144, + 2.453092575073242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/36.png", + [ + 0.20860891044139862, + -0.014864489436149597, + -0.056650299578905106, + 0.6525496244430542, + -0.012914053164422512, + -0.2160959243774414, + 0.009146803990006447, + -0.11481328308582306, + -0.057126495987176895, + -0.00542989419773221, + -0.20893771946430206, + 2.454528331756592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/8.png", + [ + 0.21488513052463531, + -0.017994647845625877, + 0.021177003160119057, + -0.24075795710086823, + -0.01695699244737625, + -0.2157176285982132, + -0.011236601509153843, + 0.12262007594108582, + 0.022016659379005432, + 0.009486483410000801, + -0.21534429490566254, + 2.555202007293701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/6.png", + [ + 0.21442538499832153, + -0.01871923729777336, + 0.024884633719921112, + -0.2840881049633026, + -0.017447054386138916, + -0.21564412117004395, + -0.01187891699373722, + 0.1304963231086731, + 0.025792542845010757, + 0.009751847013831139, + -0.21491287648677826, + 2.5518126487731934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/20.png", + [ + 0.21571888029575348, + -0.017582768574357033, + -0.010203148238360882, + 0.1205238625407219, + -0.017376480624079704, + -0.21592523157596588, + 0.004716993309557438, + -0.0625932365655899, + -0.010550634935498238, + -0.0038779324386268854, + -0.21638286113739014, + 2.5466742515563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/2.png", + [ + 0.2141089141368866, + -0.01847582869231701, + 0.02763889916241169, + -0.3138120472431183, + -0.01668127253651619, + -0.21552085876464844, + -0.014845614321529865, + 0.16553515195846558, + 0.028757605701684952, + 0.012541968375444412, + -0.21439121663570404, + 2.5448389053344727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/5.png", + [ + 0.2147313952445984, + -0.016965389251708984, + 0.023462750017642975, + -0.2665363550186157, + -0.01570381410419941, + -0.21575526893138885, + -0.0122862933203578, + 0.13711489737033844, + 0.02432519756257534, + 0.01047560665756464, + -0.2150498628616333, + 2.5562939643859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/108.png", + [ + 0.20678021013736725, + -0.011122962459921837, + -0.06376617401838303, + 0.7100360989570618, + -0.01712169498205185, + -0.21524782478809357, + -0.01797558180987835, + 0.19296911358833313, + -0.06242348998785019, + 0.02219354920089245, + -0.20629748702049255, + 2.3874359130859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/60.png", + [ + 0.20877647399902344, + -0.016206441447138786, + -0.05565636232495308, + 0.6475593447685242, + -0.01428897026926279, + -0.21600298583507538, + 0.0092970235273242, + -0.11814694106578827, + -0.0561792217195034, + -0.005287779029458761, + -0.20919805765151978, + 2.4754600524902344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/56.png", + [ + 0.20888181030750275, + -0.016932953149080276, + -0.05504140630364418, + 0.6369964480400085, + -0.015571449883282185, + -0.21598923206329346, + 0.007353425957262516, + -0.09470443427562714, + -0.055441964417696, + -0.003133373335003853, + -0.20943798124790192, + 2.4685821533203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/30.png", + [ + 0.2119775265455246, + -0.015585599467158318, + -0.04207755625247955, + 0.48793911933898926, + -0.01470092311501503, + -0.21609258651733398, + 0.005981038324534893, + -0.07922007143497467, + -0.04239474609494209, + -0.002996505703777075, + -0.21246552467346191, + 2.4928460121154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/17.png", + [ + 0.21598081290721893, + -0.017244091257452965, + 0.0016808711225166917, + -0.014058949425816536, + -0.017252428457140923, + -0.21598421037197113, + 0.0010365934576839209, + -0.020105678588151932, + 0.0015930176014080644, + -0.0011671115644276142, + -0.21666564047336578, + 2.5311713218688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/12.png", + [ + 0.21557746827602386, + -0.016570894047617912, + 0.014130091294646263, + -0.16090035438537598, + -0.01613270491361618, + -0.21595558524131775, + -0.007128737401217222, + 0.07255490124225616, + 0.014628393575549126, + 0.006040571723133326, + -0.21609583497047424, + 2.5407967567443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/27.png", + [ + 0.2138780951499939, + -0.014913948252797127, + -0.03133096918463707, + 0.36171722412109375, + -0.014164591208100319, + -0.21612270176410675, + 0.006183883175253868, + -0.08142624795436859, + -0.03167680278420448, + -0.0040558818727731705, + -0.2143082618713379, + 2.5239009857177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/42.png", + [ + 0.20749422907829285, + -0.013078981079161167, + -0.0610162615776062, + 0.7100296020507812, + -0.01193641871213913, + -0.21626873314380646, + 0.005766287446022034, + -0.07581526041030884, + -0.06125003471970558, + -0.0021606397349387407, + -0.20782603323459625, + 2.4753613471984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/7.png", + [ + 0.21483580768108368, + -0.017641043290495872, + 0.021960509940981865, + -0.2496625781059265, + -0.01657027192413807, + -0.215749129652977, + -0.011208836920559406, + 0.12230506539344788, + 0.022779298946261406, + 0.009434274397790432, + -0.21526725590229034, + 2.554999828338623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/73.png", + [ + 0.20680908858776093, + -0.019366253167390823, + -0.06166725233197212, + 0.7140179872512817, + -0.014879396185278893, + -0.21543268859386444, + 0.01775544509291649, + -0.22039681673049927, + -0.06290076673030853, + -0.01271221973001957, + -0.20695358514785767, + 2.4528861045837402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/46.png", + [ + 0.20811501145362854, + -0.013698793947696686, + -0.05872292071580887, + 0.6830998659133911, + -0.012551394291222095, + -0.21622870862483978, + 0.005959148518741131, + -0.07645513117313385, + -0.05897882208228111, + -0.00232206960208714, + -0.20848022401332855, + 2.4849390983581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/57.png", + [ + 0.20910926163196564, + -0.017157351598143578, + -0.05410027876496315, + 0.6265585422515869, + -0.01574123464524746, + -0.21596670150756836, + 0.007648363243788481, + -0.09761039912700653, + -0.05452914535999298, + -0.003450974589213729, + -0.2096724808216095, + 2.472982406616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/44.png", + [ + 0.20740114152431488, + -0.013177960179746151, + -0.06131070479750633, + 0.7151283621788025, + -0.012193278409540653, + -0.2162678837776184, + 0.005236765835434198, + -0.06841576844453812, + -0.061514101922512054, + -0.0015623997896909714, + -0.20775337517261505, + 2.4825453758239746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/29.png", + [ + 0.21256087720394135, + -0.015483428724110126, + -0.039064422249794006, + 0.4521230459213257, + -0.014620226807892323, + -0.21609480679035187, + 0.006097628269344568, + -0.08128028362989426, + -0.03939562290906906, + -0.0033459686674177647, + -0.21303682029247284, + 2.5034241676330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/4.png", + [ + 0.2145715206861496, + -0.017040953040122986, + 0.024830713868141174, + -0.2821059823036194, + -0.015653444454073906, + -0.2157299518585205, + -0.012784997932612896, + 0.14140024781227112, + 0.02572796493768692, + 0.01086703222244978, + -0.21486712992191315, + 2.551680088043213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/55.png", + [ + 0.20877791941165924, + -0.015600224956870079, + -0.055823929607868195, + 0.6459531784057617, + -0.014250296168029308, + -0.2160891592502594, + 0.007091809064149857, + -0.09042754024267197, + -0.056183695793151855, + -0.003161909058690071, + -0.20923979580402374, + 2.471038341522217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/9.png", + [ + 0.21529266238212585, + -0.01638164184987545, + 0.018127478659152985, + -0.20613713562488556, + -0.015603874810039997, + -0.21589075028896332, + -0.009777700528502464, + 0.10413333773612976, + 0.018801137804985046, + 0.00840988289564848, + -0.21569350361824036, + 2.5557546615600586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/25.png", + [ + 0.21498195827007294, + -0.015853065997362137, + -0.021893542259931564, + 0.25181543827056885, + -0.015120436437427998, + -0.21600082516670227, + 0.007931744679808617, + -0.10237331688404083, + -0.02240578643977642, + -0.006341960281133652, + -0.2154197245836258, + 2.5371317863464355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/99.png", + [ + 0.20575253665447235, + -0.017429612576961517, + -0.06565060466527939, + 0.7628047466278076, + -0.020641135051846504, + -0.21556010842323303, + -0.007461259141564369, + 0.07387353479862213, + -0.06471271812915802, + 0.013339243829250336, + -0.20635460317134857, + 2.4423627853393555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/34.png", + [ + 0.20756231248378754, + -0.010800755582749844, + -0.061230119317770004, + 0.7047286033630371, + -0.008542275987565517, + -0.21631067991256714, + 0.009199131280183792, + -0.11594390869140625, + -0.06158582121133804, + -0.006398295983672142, + -0.20763945579528809, + 2.4338159561157227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/72.png", + [ + 0.20675945281982422, + -0.018854457885026932, + -0.061991408467292786, + 0.7192271947860718, + -0.01418804470449686, + -0.21544185280799866, + 0.01820456236600876, + -0.22681839764118195, + -0.06322281807661057, + -0.013312255032360554, + -0.20681768655776978, + 2.4545488357543945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/102.png", + [ + 0.20640012621879578, + -0.01417575217783451, + -0.06438896059989929, + 0.7396060228347778, + -0.01747593656182289, + -0.21580103039741516, + -0.008509118109941483, + 0.08430574834346771, + -0.06357263773679733, + 0.013298927806317806, + -0.2067112773656845, + 2.431553363800049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/70.png", + [ + 0.2072550356388092, + -0.02064097300171852, + -0.05972599983215332, + 0.6922956109046936, + -0.017884565517306328, + -0.21557658910751343, + 0.012440879829227924, + -0.15350182354450226, + -0.06060847267508507, + -0.006970180664211512, + -0.20790845155715942, + 2.4637136459350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/90.png", + [ + 0.20464834570884705, + -0.022124033421278, + -0.06765701621770859, + 0.7853032350540161, + -0.025725124403834343, + -0.21501117944717407, + -0.007503868546336889, + 0.075521320104599, + -0.06637139618396759, + 0.015120088122785091, + -0.20570392906665802, + 2.4418396949768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/15.png", + [ + 0.21564823389053345, + -0.018140342086553574, + 0.010707982815802097, + -0.11521697789430618, + -0.01815882883965969, + -0.2159123569726944, + -7.508911949116737e-05, + -0.007926687598228455, + 0.010676597245037556, + -0.0008226687205024064, + -0.2164098620414734, + 2.5208187103271484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/22.png", + [ + 0.21568654477596283, + -0.015885688364505768, + -0.013223215937614441, + 0.1538373827934265, + -0.015493609942495823, + -0.2160133421421051, + 0.0067878905683755875, + -0.08856240659952164, + -0.013680519536137581, + -0.005811392795294523, + -0.21616420149803162, + 2.558239459991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/109.png", + [ + 0.2071574479341507, + -0.012067803181707859, + -0.06235422566533089, + 0.684420108795166, + -0.018167812377214432, + -0.21509777009487152, + -0.018729127943515778, + 0.20182856917381287, + -0.06085730716586113, + 0.02313477173447609, + -0.20666170120239258, + 2.384312629699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/26.png", + [ + 0.21452933549880981, + -0.015622948296368122, + -0.026095673441886902, + 0.3002351224422455, + -0.014823810197412968, + -0.21603776514530182, + 0.007472672499716282, + -0.09581467509269714, + -0.02655777521431446, + -0.005613348446786404, + -0.21496762335300446, + 2.5343074798583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/43.png", + [ + 0.20781941711902618, + -0.015066017396748066, + -0.059430621564388275, + 0.6930168271064758, + -0.014292536303400993, + -0.21614909172058105, + 0.004816361237317324, + -0.06398516893386841, + -0.059621378779411316, + -0.0006992927519604564, + -0.208309143781662, + 2.4848408699035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/84.png", + [ + 0.20404380559921265, + -0.02414010278880596, + -0.06878425180912018, + 0.799938976764679, + -0.030509404838085175, + -0.21396145224571228, + -0.015413467772305012, + 0.17209433019161224, + -0.0662057027220726, + 0.02420029044151306, + -0.20488788187503815, + 2.429720878601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/89.png", + [ + 0.20459336042404175, + -0.022565053775906563, + -0.06767770648002625, + 0.7858981490135193, + -0.026272399351000786, + -0.21493592858314514, + -0.007759083528071642, + 0.07956798374652863, + -0.0663265809416771, + 0.015532566234469414, + -0.20568767189979553, + 2.444969654083252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/63.png", + [ + 0.2085312455892563, + -0.016543054953217506, + -0.05647073686122894, + 0.6554917693138123, + -0.01470357459038496, + -0.2159886658191681, + 0.00897734984755516, + -0.11598290503025055, + -0.056977368891239166, + -0.00480783823877573, + -0.20899367332458496, + 2.471235752105713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/88.png", + [ + 0.20412707328796387, + -0.023200571537017822, + -0.06886051595211029, + 0.8012004494667053, + -0.02693585678935051, + -0.2148645669221878, + -0.007455013692378998, + 0.07688203454017639, + -0.06748702377080917, + 0.015583675354719162, + -0.20530597865581512, + 2.4412050247192383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/62.png", + [ + 0.20865356922149658, + -0.017468569800257683, + -0.05573534592986107, + 0.6460283398628235, + -0.015597139485180378, + -0.21591314673423767, + 0.00928126648068428, + -0.11826825141906738, + -0.0562877394258976, + -0.004925621673464775, + -0.20917773246765137, + 2.472404956817627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/65.png", + [ + 0.20778398215770721, + -0.015227709896862507, + -0.05951327085494995, + 0.6905145049095154, + -0.013353166170418262, + -0.2160889357328415, + 0.008669755421578884, + -0.11397452652454376, + -0.059961698949337006, + -0.004646347835659981, + -0.20816074311733246, + 2.4652252197265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/80.png", + [ + 0.20407502353191376, + -0.0264622513204813, + -0.0678308829665184, + 0.7885897159576416, + -0.029868192970752716, + -0.21451732516288757, + -0.006173308938741684, + 0.06688772141933441, + -0.06640158593654633, + 0.015164692886173725, + -0.2056909203529358, + 2.436056613922119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/79.png", + [ + 0.20364753901958466, + -0.026391154155135155, + -0.06913095712661743, + 0.803733766078949, + -0.02922813408076763, + -0.21465401351451874, + -0.004155437462031841, + 0.04406419023871422, + -0.06798014044761658, + 0.013230958953499794, + -0.20530840754508972, + 2.430511474609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/19.png", + [ + 0.21589845418930054, + -0.016848167404532433, + -0.007203219924122095, + 0.08544029295444489, + -0.016717104241251945, + -0.21598908305168152, + 0.004140259698033333, + -0.05696550011634827, + -0.007502368185669184, + -0.0035696777049452066, + -0.21651527285575867, + 2.549441337585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/77.png", + [ + 0.206197127699852, + -0.026408549398183823, + -0.061100125312805176, + 0.7079778909683228, + -0.02743696980178356, + -0.21493026614189148, + 0.00030396642978303134, + -0.009397851303219795, + -0.06064527481794357, + 0.007447688840329647, + -0.2078811675310135, + 2.4562878608703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/68.png", + [ + 0.20700018107891083, + -0.019731830805540085, + -0.06090550124645233, + 0.7093535661697388, + -0.016459882259368896, + -0.21560049057006836, + 0.013906686566770077, + -0.17236630618572235, + -0.06187000498175621, + -0.008659016340970993, + -0.20747292041778564, + 2.4675354957580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/86.png", + [ + 0.2032259851694107, + -0.02273280918598175, + -0.07162617892026901, + 0.8337960839271545, + -0.027858130633831024, + -0.21459797024726868, + -0.01093288417905569, + 0.11894631385803223, + -0.06979265064001083, + 0.019463365897536278, + -0.20420101284980774, + 2.426908016204834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/1.png", + [ + 0.21422822773456573, + -0.016634497791528702, + 0.027882803231477737, + -0.3173580467700958, + -0.014752713963389397, + -0.21563009917736053, + -0.015294382348656654, + 0.1701917052268982, + 0.028922559693455696, + 0.013223244808614254, + -0.2143280953168869, + 2.542203903198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/81.png", + [ + 0.20428428053855896, + -0.025467921048402786, + -0.0675811618566513, + 0.7854178547859192, + -0.029430584982037544, + -0.21451281011104584, + -0.008123724721372128, + 0.08837912976741791, + -0.06595202535390854, + 0.016838623210787773, + -0.20570534467697144, + 2.4370574951171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/95.png", + [ + 0.20473134517669678, + -0.02068265527486801, + -0.0678616389632225, + 0.7866138815879822, + -0.024197105318307877, + -0.21519158780574799, + -0.0074146767146885395, + 0.07725189626216888, + -0.0666894018650055, + 0.014584412798285484, + -0.2056397646665573, + 2.4314661026000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/103.png", + [ + 0.2061692476272583, + -0.014220543205738068, + -0.0651145949959755, + 0.7468221783638, + -0.017955398187041283, + -0.21570950746536255, + -0.009741969406604767, + 0.10111044347286224, + -0.06418519467115402, + 0.014665552414953709, + -0.2064293622970581, + 2.429265022277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/83.png", + [ + 0.20389589667320251, + -0.024041887372732162, + -0.06925560534000397, + 0.8043551445007324, + -0.02982141636312008, + -0.2141912877559662, + -0.013441543094813824, + 0.1504386067390442, + -0.06697040796279907, + 0.02218061313033104, + -0.20486795902252197, + 2.430251121520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/51.png", + [ + 0.20972774922847748, + -0.016712063923478127, + -0.05179644376039505, + 0.5989484190940857, + -0.01555930357426405, + -0.21601152420043945, + 0.006695061456412077, + -0.08777841925621033, + -0.052154313772916794, + -0.0027609302196651697, + -0.2102859914302826, + 2.485238552093506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/93.png", + [ + 0.2045518457889557, + -0.021750466898083687, + -0.06806876510381699, + 0.7901023626327515, + -0.025338325649499893, + -0.21505986154079437, + -0.007424087729305029, + 0.07724116742610931, + -0.06681623309850693, + 0.01496879942715168, + -0.20557096600532532, + 2.43735933303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/76.png", + [ + 0.21165433526039124, + -0.010464608669281006, + -0.04517555236816406, + 0.5085676312446594, + -0.020536702126264572, + -0.21040913462638855, + -0.04747774451971054, + 0.5335680246353149, + -0.04157622158527374, + 0.05065949633717537, + -0.20652584731578827, + 2.413717746734619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/48.png", + [ + 0.21057848632335663, + -0.0093889394775033, + -0.05016413703560829, + 0.5715699195861816, + -0.020359670743346214, + -0.2107497751712799, + -0.04602076858282089, + 0.5179771780967712, + -0.04679825156927109, + 0.04943961277604103, + -0.20570255815982819, + 2.4257049560546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/35.png", + [ + 0.20867224037647247, + -0.02301643230021, + -0.05361008271574974, + 0.6124867796897888, + -0.03386624902486801, + -0.2099095582962036, + -0.041700683534145355, + 0.47366753220558167, + -0.04750657454133034, + 0.048539817333221436, + -0.20575448870658875, + 2.4363484382629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/124.png", + [ + 0.2066529393196106, + 0.016018865630030632, + -0.06313365697860718, + 0.6900542974472046, + -0.0006411954527720809, + -0.20950917899608612, + -0.055257439613342285, + 0.604019820690155, + -0.06513103097677231, + 0.05288849025964737, + -0.19977149367332458, + 2.2567672729492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/97.png", + [ + 0.20744040608406067, + 0.0020212195813655853, + -0.06254826486110687, + 0.721327006816864, + -0.00966095831245184, + -0.21293121576309204, + -0.038921210914850235, + 0.4387941360473633, + -0.061830710619688034, + 0.04005133733153343, + -0.20376642048358917, + 2.418806552886963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/13.png", + [ + 0.20598110556602478, + -0.037181053310632706, + -0.056011173874139786, + 0.6710759997367859, + -0.046120256185531616, + -0.2094947099685669, + -0.030541516840457916, + 0.3648383915424347, + -0.048914261162281036, + 0.04095645621418953, + -0.20706968009471893, + 2.5974488258361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/32.png", + [ + 0.20793992280960083, + -0.025507526472210884, + -0.05530140921473503, + 0.636871874332428, + -0.03541812300682068, + -0.2107091099023819, + -0.03598777577280998, + 0.4090881645679474, + -0.04954225569963455, + 0.04357670992612839, + -0.20638442039489746, + 2.4558582305908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/38.png", + [ + 0.20872734487056732, + -0.02076113037765026, + -0.05431172996759415, + 0.6180559396743774, + -0.031987521797418594, + -0.21001285314559937, + -0.0426531545817852, + 0.48086950182914734, + -0.04855499044060707, + 0.04910670593380928, + -0.20537486672401428, + 2.423114776611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/111.png", + [ + 0.2070341259241104, + 0.009994152002036572, + -0.06312587857246399, + 0.7075117826461792, + -0.0032199497800320387, + -0.21210625767707825, + -0.04414135590195656, + 0.4893488585948944, + -0.06383095681667328, + 0.04311547428369522, + -0.20252051949501038, + 2.341054916381836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/11.png", + [ + 0.20633673667907715, + -0.0374678410589695, + -0.05449046939611435, + 0.6466944217681885, + -0.04657804220914841, + -0.20908123254776, + -0.032610099762678146, + 0.38573262095451355, + -0.04694183170795441, + 0.04276790842413902, + -0.20715999603271484, + 2.5703492164611816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/125.png", + [ + 0.20609928667545319, + 0.016376838088035583, + -0.06482882052659988, + 0.7077390551567078, + -0.0005421478999778628, + -0.20965911448001862, + -0.054686933755874634, + 0.5974208116531372, + -0.06686317920684814, + 0.05218001455068588, + -0.19938519597053528, + 2.2536306381225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/59.png", + [ + 0.20892690122127533, + -0.005591086111962795, + -0.05715054273605347, + 0.6735104918479919, + -0.01720891334116459, + -0.2118300348520279, + -0.042187608778476715, + 0.49271413683891296, + -0.054784104228019714, + 0.045218151062726974, + -0.2046995609998703, + 2.4799437522888184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/105.png", + [ + 0.20786412060260773, + 0.004053321201354265, + -0.06102431192994118, + 0.7080978751182556, + -0.005722190253436565, + -0.2139609158039093, + -0.03370280563831329, + 0.3858081102371216, + -0.060890499502420425, + 0.03394397348165512, + -0.20515373349189758, + 2.4518485069274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/121.png", + [ + 0.20706051588058472, + 0.015723705291748047, + -0.061859507113695145, + 0.6830816268920898, + -0.00025250460021197796, + -0.20979344844818115, + -0.0541713684797287, + 0.5972514748573303, + -0.06382608413696289, + 0.051839809864759445, + -0.2004663497209549, + 2.283602237701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/24.png", + [ + 0.20637230575084686, + -0.03591128811240196, + -0.05539626628160477, + 0.6585637927055359, + -0.04369361698627472, + -0.21059292554855347, + -0.026256097480654716, + 0.3066733777523041, + -0.04948974400758743, + 0.036178648471832275, + -0.20782148838043213, + 2.563864231109619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/74.png", + [ + 0.21130864322185516, + -0.010718348436057568, + -0.046708252280950546, + 0.5266921520233154, + -0.020012127235531807, + -0.21162642538547516, + -0.041972242295742035, + 0.4725908935070038, + -0.04354375600814819, + 0.045246779918670654, + -0.2073754072189331, + 2.4299755096435547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/98.png", + [ + 0.2067989557981491, + 0.0012568824458867311, + -0.0646568164229393, + 0.7484921813011169, + -0.010148021392524242, + -0.2133191078901291, + -0.03660429269075394, + 0.41258397698402405, + -0.06386784464120865, + 0.03796415403485298, + -0.20353750884532928, + 2.424686908721924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/0.png", + [ + 0.20848076045513153, + -0.037267643958330154, + -0.045768871903419495, + 0.5261686444282532, + -0.04451870918273926, + -0.20960618555545807, + -0.03211277350783348, + 0.3664127588272095, + -0.038752444088459015, + 0.04030220955610275, + -0.2093367576599121, + 2.50901460647583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/96.png", + [ + 0.20765167474746704, + -0.0008626685594208539, + -0.061870213598012924, + 0.7114050388336182, + -0.01272582821547985, + -0.212617427110672, + -0.03974645212292671, + 0.4441952705383301, + -0.06055345758795738, + 0.04172509163618088, + -0.20381410419940948, + 2.4081063270568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/100.png", + [ + 0.20657111704349518, + 0.0028814312536269426, + -0.06532968580722809, + 0.7644373774528503, + -0.007951103150844574, + -0.2137514054775238, + -0.034568943083286285, + 0.3928491175174713, + -0.06490801274776459, + 0.035354338586330414, + -0.20367847383022308, + 2.4512758255004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/40.png", + [ + 0.20869183540344238, + -0.017867600545287132, + -0.05546499043703079, + 0.6308864951133728, + -0.029547762125730515, + -0.21020473539829254, + -0.04346024617552757, + 0.48845675587654114, + -0.05022495612502098, + 0.049422793090343475, + -0.20489688217639923, + 2.416377067565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/52.png", + [ + 0.20951023697853088, + -0.008284884504973888, + -0.05463258922100067, + 0.6257851123809814, + -0.02046637050807476, + -0.210624098777771, + -0.04654579237103462, + 0.5274877548217773, + -0.05132725462317467, + 0.050167154520750046, + -0.2044423371553421, + 2.418459415435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/3.png", + [ + 0.20760034024715424, + -0.03862329199910164, + -0.048561643809080124, + 0.565177321434021, + -0.0464680939912796, + -0.2091536670923233, + -0.03230099752545357, + 0.36835604906082153, + -0.04111821576952934, + 0.04136278107762337, + -0.2086775153875351, + 2.49613094329834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/47.png", + [ + 0.21046997606754303, + -0.011139814741909504, + -0.050261206924915314, + 0.5711135268211365, + -0.02212437056005001, + -0.2105822116136551, + -0.04597320780158043, + 0.5163820385932922, + -0.04648436978459358, + 0.049788836389780045, + -0.20568948984146118, + 2.4230098724365234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/104.png", + [ + 0.20855067670345306, + 0.00393983768299222, + -0.05864287167787552, + 0.6850239634513855, + -0.004729389678686857, + -0.21436136960983276, + -0.031220614910125732, + 0.3555602431297302, + -0.058584488928318024, + 0.03133004531264305, + -0.20623816549777985, + 2.4761228561401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/21.png", + [ + 0.20631323754787445, + -0.038056954741477966, + -0.054170161485672, + 0.6495038866996765, + -0.046115901321172714, + -0.20981962978839874, + -0.02823002263903618, + 0.33440467715263367, + -0.04749801754951477, + 0.03840935602784157, + -0.20788592100143433, + 2.597236156463623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/82.png", + [ + 0.21068930625915527, + -0.006840859539806843, + -0.05011099949479103, + 0.5600196123123169, + -0.01920870691537857, + -0.2094203382730484, + -0.05217325687408447, + 0.5779054760932922, + -0.04678605869412422, + 0.05517450347542763, + -0.20424184203147888, + 2.3647189140319824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/106.png", + [ + 0.20787964761257172, + 0.004804478958249092, + -0.06091683357954025, + 0.7069488763809204, + -0.005470576696097851, + -0.21367324888706207, + -0.03552072122693062, + 0.4061228632926941, + -0.060860637575387955, + 0.035616934299468994, + -0.2048787623643875, + 2.441580295562744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/14.png", + [ + 0.20594896376132965, + -0.0377168245613575, + -0.05577059090137482, + 0.6688939929008484, + -0.046640794724226, + -0.2093643695116043, + -0.030644534155726433, + 0.3676951825618744, + -0.04855464771389961, + 0.041132617741823196, + -0.2071194052696228, + 2.6060056686401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/67.png", + [ + 0.2110484540462494, + -0.013990423642098904, + -0.04701815918087959, + 0.5437851548194885, + -0.019900452345609665, + -0.21423719823360443, + -0.025579294189810753, + 0.2841032147407532, + -0.04483760893344879, + 0.029233479872345924, + -0.2099592536687851, + 2.5198569297790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/78.png", + [ + 0.21178069710731506, + -0.007089145015925169, + -0.04523907229304314, + 0.5082322955131531, + -0.018042588606476784, + -0.2096637487411499, + -0.05160883069038391, + 0.57813960313797, + -0.04208674654364586, + 0.05421024560928345, + -0.20551849901676178, + 2.393843650817871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/31.png", + [ + 0.20795559883117676, + -0.027132024988532066, + -0.054463014006614685, + 0.6311386823654175, + -0.036576204001903534, + -0.2107308954000473, + -0.03467803820967674, + 0.3953554034233093, + -0.0486266165971756, + 0.04247632250189781, + -0.20683111250400543, + 2.4736671447753906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/39.png", + [ + 0.2085743397474289, + -0.019204936921596527, + -0.055459946393966675, + 0.6305508613586426, + -0.030752936378121376, + -0.21015019714832306, + -0.04288414865732193, + 0.4818730652332306, + -0.04998892918229103, + 0.04915245249867439, + -0.20501960813999176, + 2.414524555206299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/92.png", + [ + 0.20923665165901184, + -0.003225967986509204, + -0.056191712617874146, + 0.6343361735343933, + -0.016491219401359558, + -0.21033863723278046, + -0.04933151230216026, + 0.5450429916381836, + -0.053814079612493515, + 0.051914844661951065, + -0.20336368680000305, + 2.361082077026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/53.png", + [ + 0.20919527113437653, + -0.008650139905512333, + -0.055771030485630035, + 0.6399067640304565, + -0.02101328782737255, + -0.2106580287218094, + -0.04614689201116562, + 0.5248540639877319, + -0.052380092442035675, + 0.04996267333626747, + -0.20422525703907013, + 2.4213194847106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/75.png", + [ + 0.2116987556219101, + -0.011066695675253868, + -0.0448225736618042, + 0.5053421854972839, + -0.02031569369137287, + -0.21122673153877258, + -0.04379991814494133, + 0.49328240752220154, + -0.041458502411842346, + 0.04699668660759926, + -0.20741359889507294, + 2.427978992462158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/87.png", + [ + 0.21115778386592865, + -0.00497898506000638, + -0.048326920717954636, + 0.5398610234260559, + -0.01774214394390583, + -0.2085500806570053, + -0.056035518646240234, + 0.6199864149093628, + -0.045227181166410446, + 0.05856597423553467, + -0.20364779233932495, + 2.3557915687561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/107.png", + [ + 0.20837704837322235, + 0.006009432952851057, + -0.05908294767141342, + 0.6792818307876587, + -0.004330730997025967, + -0.21345095336437225, + -0.036984339356422424, + 0.42106154561042786, + -0.05922966077923775, + 0.03674892708659172, + -0.20515665411949158, + 2.428164482116699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/112.png", + [ + 0.20685485005378723, + 0.010304369032382965, + -0.06366147100925446, + 0.7106112241744995, + -0.002884859684854746, + -0.21219822764396667, + -0.04372056946158409, + 0.48207828402519226, + -0.06442547589540482, + 0.04258674383163452, + -0.20244412124156952, + 2.332155227661133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/69.png", + [ + 0.21137450635433197, + -0.0125077273696661, + -0.0459594689309597, + 0.5291655659675598, + -0.01821875385940075, + -0.21440310776233673, + -0.02544163540005684, + 0.28089258074760437, + -0.0440090149641037, + 0.028683733195066452, + -0.21021024882793427, + 2.503347396850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/45.png", + [ + 0.2100096344947815, + -0.01221612561494112, + -0.05190961807966232, + 0.5905274748802185, + -0.023640461266040802, + -0.21038280427455902, + -0.04613138362765312, + 0.5162872672080994, + -0.047801367938518524, + 0.05037601292133331, + -0.20524419844150543, + 2.4132561683654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/50.png", + [ + 0.21015077829360962, + -0.009012504480779171, + -0.05199345201253891, + 0.5937342643737793, + -0.020420504733920097, + -0.21074703335762024, + -0.04600631073117256, + 0.518257737159729, + -0.04865744709968567, + 0.04952123016119003, + -0.2052510529756546, + 2.4219064712524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/101.png", + [ + 0.20631901919841766, + 0.0036252683494240046, + -0.0660848394036293, + 0.7754070162773132, + -0.006785821169614792, + -0.21405047178268433, + -0.03292788937687874, + 0.3736632466316223, + -0.06583541631698608, + 0.03342380374670029, + -0.203706756234169, + 2.4577856063842773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/85.png", + [ + 0.21123740077018738, + -0.005371865350753069, + -0.04793526604771614, + 0.5349552035331726, + -0.017898524180054665, + -0.20868311822414398, + -0.055487748235464096, + 0.6146935224533081, + -0.04479162395000458, + 0.05805506184697151, + -0.20389018952846527, + 2.3602423667907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/71.png", + [ + 0.21184991300106049, + -0.011447384022176266, + -0.04400515928864479, + 0.5014861822128296, + -0.0183561984449625, + -0.21337994933128357, + -0.03286244347691536, + 0.3673417270183563, + -0.04159983620047569, + 0.03585871681571007, + -0.20959842205047607, + 2.469472885131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/115.png", + [ + 0.20643554627895355, + 0.011800418607890606, + -0.06475343555212021, + 0.7214588522911072, + -0.0016033272258937359, + -0.2121991366147995, + -0.04378180578351021, + 0.4809103310108185, + -0.06580035388469696, + 0.04219203442335129, + -0.2020842432975769, + 2.319201946258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/54.png", + [ + 0.20913080871105194, + -0.0070908041670918465, + -0.056230925023555756, + 0.6461005806922913, + -0.01947251707315445, + -0.2108752727508545, + -0.045829370617866516, + 0.5213894248008728, + -0.05322609469294548, + 0.04928721860051155, + -0.20417062938213348, + 2.4222540855407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/33.png", + [ + 0.2080119401216507, + -0.025684816762804985, + -0.0549473911523819, + 0.6303864121437073, + -0.03608778864145279, + -0.21017423272132874, + -0.03837133198976517, + 0.43654513359069824, + -0.04875035956501961, + 0.045988887548446655, + -0.20604932308197021, + 2.4457387924194336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/49.png", + [ + 0.2107142060995102, + -0.009255939163267612, + -0.0496160089969635, + 0.5652143955230713, + -0.020094141364097595, + -0.21077603101730347, + -0.04601722210645676, + 0.5178968906402588, + -0.0462995283305645, + 0.049352679401636124, + -0.2058362364768982, + 2.4260425567626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/118.png", + [ + 0.20790588855743408, + 0.014210585504770279, + -0.05933879315853119, + 0.6616582870483398, + 0.001177063095383346, + -0.21161124110221863, + -0.04655304551124573, + 0.5135863423347473, + -0.06100530922412872, + 0.044346705079078674, + -0.20312462747097015, + 2.3321995735168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/110.png", + [ + 0.2069961130619049, + 0.00843030121177435, + -0.06347787380218506, + 0.7138227224349976, + -0.004648685455322266, + -0.2122436761856079, + -0.043346405029296875, + 0.4833586513996124, + -0.0638662725687027, + 0.0427720844745636, + -0.2025821954011917, + 2.352910041809082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/18.png", + [ + 0.20552387833595276, + -0.03757164627313614, + -0.05741257965564728, + 0.6943796277046204, + -0.045536890625953674, + -0.21030940115451813, + -0.02538202330470085, + 0.29983022809028625, + -0.05132470652461052, + 0.036141760647296906, + -0.20738236606121063, + 2.6135830879211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/66.png", + [ + 0.21072226762771606, + -0.007942155003547668, + -0.049809131771326065, + 0.5876742005348206, + -0.014275497756898403, + -0.21461376547813416, + -0.0261733066290617, + 0.2932886779308319, + -0.04837599769234657, + 0.02873593382537365, + -0.20924127101898193, + 2.5391974449157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/16.png", + [ + 0.20576146245002747, + -0.038100071251392365, + -0.05620051547884941, + 0.6773528456687927, + -0.04652122035622597, + -0.20974330604076385, + -0.02813214808702469, + 0.3364155888557434, + -0.0494559146463871, + 0.0387817807495594, + -0.20735955238342285, + 2.6139140129089355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/94.png", + [ + 0.20772141218185425, + -0.003228249493986368, + -0.06155721843242645, + 0.7038969993591309, + -0.016201699152588844, + -0.21162885427474976, + -0.04357326403260231, + 0.4850858151912689, + -0.059474509209394455, + 0.04637567326426506, + -0.20312552154064178, + 2.38686466217041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/28.png", + [ + 0.20788657665252686, + -0.03355180472135544, + -0.051042526960372925, + 0.6002051830291748, + -0.04168488457798958, + -0.21027237176895142, + -0.03155624493956566, + 0.36365363001823425, + -0.044647883623838425, + 0.040096163749694824, + -0.20819886028766632, + 2.5337719917297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/61.png", + [ + 0.20834369957447052, + -0.006131458096206188, + -0.059187885373830795, + 0.7017340064048767, + -0.017167972400784492, + -0.21255017817020416, + -0.03841319680213928, + 0.4474755823612213, + -0.05697421729564667, + 0.04162593558430672, + -0.20486365258693695, + 2.4973807334899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/58.png", + [ + 0.20850318670272827, + -0.005227949004620314, + -0.05871102958917618, + 0.6900092959403992, + -0.017435720190405846, + -0.21163271367549896, + -0.04307534918189049, + 0.5013166069984436, + -0.056305527687072754, + 0.04617530107498169, + -0.20407211780548096, + 2.4645633697509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/123.png", + [ + 0.2065325826406479, + 0.017346689477562904, + -0.06317654997110367, + 0.693691611289978, + 0.0005675375577993691, + -0.20940743386745453, + -0.05564264580607414, + 0.6098028421401978, + -0.06551229953765869, + 0.052872661501169205, + -0.19965098798274994, + 2.259620189666748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/64.png", + [ + 0.20926006138324738, + -0.009169243276119232, + -0.05544413626194, + 0.6604400277137756, + -0.01745329052209854, + -0.2138039767742157, + -0.030514603480696678, + 0.35076597332954407, + -0.05341826006770134, + 0.03393645957112312, + -0.2072262167930603, + 2.5348567962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/10.png", + [ + 0.206342414021492, + -0.038098566234111786, + -0.05402965843677521, + 0.6387559771537781, + -0.04698873311281204, + -0.20908033847808838, + -0.03202144056558609, + 0.37473416328430176, + -0.04650552570819855, + 0.04221152514219284, + -0.20737241208553314, + 2.5565085411071777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/41.png", + [ + 0.20849984884262085, + -0.015964163467288017, + -0.056752610951662064, + 0.6471619606018066, + -0.02775455266237259, + -0.21059943735599518, + -0.042725346982479095, + 0.4803300201892853, + -0.052013445645570755, + 0.04838300868868828, + -0.20469877123832703, + 2.417130470275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/91.png", + [ + 0.20941731333732605, + -0.0039940401911735535, + -0.055464647710323334, + 0.6269295811653137, + -0.01817403733730316, + -0.20916305482387543, + -0.05355757474899292, + 0.5952330827713013, + -0.05255458503961563, + 0.05641592666506767, + -0.2024923413991928, + 2.351761817932129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/23.png", + [ + 0.20625607669353485, + -0.03811751678586006, + -0.05434504523873329, + 0.6476056575775146, + -0.04578261449933052, + -0.21013425290584564, + -0.026371261104941368, + 0.30910858511924744, + -0.04806537926197052, + 0.036586157977581024, + -0.20808427035808563, + 2.5790719985961914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/37.png", + [ + 0.2086496204137802, + -0.022588282823562622, + -0.05387946963310242, + 0.6129916310310364, + -0.033376459032297134, + -0.21009215712547302, + -0.041172709316015244, + 0.4649970233440399, + -0.047950394451618195, + 0.04794735834002495, + -0.2057904452085495, + 2.429131031036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/36.png", + [ + 0.2087002843618393, + -0.022036075592041016, + -0.05391194298863411, + 0.6148998737335205, + -0.03298880159854889, + -0.2100173383951187, + -0.04186112806200981, + 0.4743904769420624, + -0.047998178750276566, + 0.04852861166000366, + -0.20564301311969757, + 2.4307260513305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/8.png", + [ + 0.20702141523361206, + -0.038844577968120575, + -0.05080479383468628, + 0.5938823819160461, + -0.0470028854906559, + -0.20913732051849365, + -0.03162601217627525, + 0.36558106541633606, + -0.043367695063352585, + 0.041238024830818176, + -0.2082463800907135, + 2.527343273162842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/6.png", + [ + 0.20790940523147583, + -0.03753744810819626, + -0.04808860644698143, + 0.5587825179100037, + -0.04514986276626587, + -0.2095436155796051, + -0.031636375933885574, + 0.3635843098163605, + -0.04102516174316406, + 0.04037710279226303, + -0.20888876914978027, + 2.504539966583252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/20.png", + [ + 0.20626647770404816, + -0.03740400820970535, + -0.054799433797597885, + 0.6582099199295044, + -0.04526280611753464, + -0.21017849445343018, + -0.026910528540611267, + 0.31971585750579834, + -0.04851099103689194, + 0.037065327167510986, + -0.20789597928524017, + 2.608689785003662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/2.png", + [ + 0.20796631276607513, + -0.03793063014745712, + -0.04753071442246437, + 0.5497496724128723, + -0.0453525073826313, + -0.2095656543970108, + -0.031197432428598404, + 0.35420510172843933, + -0.0405098982155323, + 0.03989231213927269, + -0.20908240973949432, + 2.4966583251953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/117.png", + [ + 0.20676517486572266, + 0.012495316565036774, + -0.0635603740811348, + 0.7089471817016602, + -0.001145688584074378, + -0.2118665724992752, + -0.04537777975201607, + 0.49789145588874817, + -0.06476682424545288, + 0.04363854229450226, + -0.20211093127727509, + 2.317042350769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/5.png", + [ + 0.20769377052783966, + -0.038262221962213516, + -0.048447880893945694, + 0.565629780292511, + -0.04604126885533333, + -0.2092795968055725, + -0.03209597244858742, + 0.36778295040130615, + -0.041126593947410583, + 0.041060347110033035, + -0.20873558521270752, + 2.501779556274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/108.png", + [ + 0.20786358416080475, + 0.006530640181154013, + -0.06081106513738632, + 0.6959629654884338, + -0.005027534905821085, + -0.21288226544857025, + -0.04004697501659393, + 0.45398396253585815, + -0.06095374375581741, + 0.03982946649193764, + -0.20407387614250183, + 2.400674819946289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/60.png", + [ + 0.20825403928756714, + -0.005477642174810171, + -0.059566304087638855, + 0.7041983008384705, + -0.01711495779454708, + -0.21220041811466217, + -0.04032314568758011, + 0.47068825364112854, + -0.05731690302491188, + 0.04346117004752159, + -0.2043863832950592, + 2.484445571899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/56.png", + [ + 0.20786450803279877, + -0.004967006854712963, + -0.06095556914806366, + 0.710639238357544, + -0.018017351627349854, + -0.21134790778160095, + -0.04421910271048546, + 0.5094433426856995, + -0.058443374931812286, + 0.047489818185567856, + -0.2031673938035965, + 2.4363298416137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/30.png", + [ + 0.20853334665298462, + -0.02763941138982773, + -0.05194040760397911, + 0.6043726205825806, + -0.036473192274570465, + -0.21081869304180145, + -0.03425026312470436, + 0.39176231622695923, + -0.04616761580109596, + 0.04170656204223633, + -0.2075500190258026, + 2.4940128326416016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/17.png", + [ + 0.20586666464805603, + -0.03733854368329048, + -0.0563262440264225, + 0.6794431209564209, + -0.04537665843963623, + -0.21020586788654327, + -0.026502033695578575, + 0.3146447539329529, + -0.05007766932249069, + 0.03697609528899193, + -0.2075400948524475, + 2.6163439750671387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/12.png", + [ + 0.20583759248256683, + -0.038099393248558044, + -0.05592158064246178, + 0.667601466178894, + -0.047180790454149246, + -0.2091674655675888, + -0.031158408150076866, + 0.3710339665412903, + -0.048505254089832306, + 0.041776902973651886, + -0.20700201392173767, + 2.583590030670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/114.png", + [ + 0.2063123732805252, + 0.012111090123653412, + -0.06508778780698776, + 0.728006899356842, + -0.001267305575311184, + -0.21225683391094208, + -0.04351234808564186, + 0.47888240218162537, + -0.06619284301996231, + 0.04181210324168205, + -0.20203500986099243, + 2.3249692916870117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/27.png", + [ + 0.20764192938804626, + -0.035440895706415176, + -0.050760913640260696, + 0.598993182182312, + -0.04347952455282211, + -0.20995140075683594, + -0.03127024695277214, + 0.36244991421699524, + -0.04407106339931488, + 0.040152713656425476, + -0.2083108127117157, + 2.5456957817077637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/42.png", + [ + 0.20862223207950592, + -0.013901364989578724, + -0.05684550106525421, + 0.6480796933174133, + -0.02611335925757885, + -0.2104700654745102, + -0.04436597228050232, + 0.4979640543460846, + -0.05237128213047981, + 0.04956812411546707, + -0.20432361960411072, + 2.4087271690368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/7.png", + [ + 0.2074706107378006, + -0.040244705975055695, + -0.04779341071844101, + 0.5569687485694885, + -0.047824058681726456, + -0.20894600450992584, + -0.031659528613090515, + 0.3650694787502289, + -0.040208276361227036, + 0.040863554924726486, + -0.20895302295684814, + 2.520125389099121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/73.png", + [ + 0.2109740823507309, + -0.008224830962717533, + -0.0486844927072525, + 0.5526739358901978, + -0.017234189435839653, + -0.2124767154455185, + -0.038788165897130966, + 0.4368949830532074, + -0.04626888781785965, + 0.0416400246322155, + -0.207540825009346, + 2.4369406700134277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/120.png", + [ + 0.20793862640857697, + 0.017397388815879822, + -0.05836743116378784, + 0.6469542384147644, + 0.003130207536742091, + -0.21042510867118835, + -0.05156911164522171, + 0.5680567622184753, + -0.06082456186413765, + 0.0486467108130455, + -0.20219239592552185, + 2.3092994689941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/46.png", + [ + 0.21031807363033295, + -0.012279858812689781, + -0.050630103796720505, + 0.5746371746063232, + -0.02333293855190277, + -0.2104727178812027, + -0.04587714374065399, + 0.5145662426948547, + -0.04658085107803345, + 0.0499834269285202, + -0.20562046766281128, + 2.416685104370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/57.png", + [ + 0.20830728113651276, + -0.004498416557908058, + -0.059462107717990875, + 0.6962921023368835, + -0.017159657552838326, + -0.21144047379493713, + -0.04411774128675461, + 0.5111819505691528, + -0.057109758257865906, + 0.04712316766381264, + -0.20363149046897888, + 2.4492359161376953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/44.png", + [ + 0.20904208719730377, + -0.01181449182331562, + -0.0557648241519928, + 0.6354917287826538, + -0.024104714393615723, + -0.2104063183069229, + -0.04578254744410515, + 0.5130659937858582, + -0.05165521800518036, + 0.05037357285618782, + -0.20430892705917358, + 2.4033498764038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/113.png", + [ + 0.20619164407253265, + 0.01173256617039442, + -0.06553809344768524, + 0.7340924143791199, + -0.001591667183674872, + -0.212354376912117, + -0.043023064732551575, + 0.473941832780838, + -0.06656096875667572, + 0.04142299294471741, + -0.20199422538280487, + 2.3300886154174805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/29.png", + [ + 0.20775575935840607, + -0.030893512070178986, + -0.05320737883448601, + 0.6252015829086304, + -0.039664071053266525, + -0.21049535274505615, + -0.032655224204063416, + 0.3763248324394226, + -0.04703398421406746, + 0.04105110093951225, + -0.20748615264892578, + 2.5160913467407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/4.png", + [ + 0.20781947672367096, + -0.03795395791530609, + -0.04815036058425903, + 0.5611320734024048, + -0.04579227417707443, + -0.20923884212970734, + -0.032711781561374664, + 0.37505990266799927, + -0.04076796770095825, + 0.04155105724930763, + -0.20870883762836456, + 2.498997688293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/55.png", + [ + 0.20873944461345673, + -0.00599646894261241, + -0.057790882885456085, + 0.6684674620628357, + -0.01804802194237709, + -0.2115481048822403, + -0.043238524347543716, + 0.49362871050834656, + -0.055226922035217285, + 0.046468738466501236, + -0.20430012047290802, + 2.4358839988708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/9.png", + [ + 0.20679344236850739, + -0.041207995265722275, + -0.04986254498362541, + 0.5838678479194641, + -0.04926566779613495, + -0.20856614410877228, + -0.031952302902936935, + 0.3710988461971283, + -0.0419197604060173, + 0.04183248430490494, + -0.20842424035072327, + 2.545017719268799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/25.png", + [ + 0.20652401447296143, + -0.036265987902879715, + -0.05459394305944443, + 0.6471975445747375, + -0.04443250596523285, + -0.21014806628227234, + -0.02848583273589611, + 0.3318251967430115, + -0.04818166792392731, + 0.03834668919444084, + -0.20774012804031372, + 2.5558524131774902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/99.png", + [ + 0.2062472701072693, + 0.0017728939419612288, + -0.06638385355472565, + 0.7726914882659912, + -0.009553090669214725, + -0.21355240046977997, + -0.0353836715221405, + 0.4004196524620056, + -0.06571680307388306, + 0.036607686430215836, + -0.20319712162017822, + 2.434166431427002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/34.png", + [ + 0.20840388536453247, + -0.024325719103217125, + -0.05407377704977989, + 0.6194525361061096, + -0.034898146986961365, + -0.21007215976715088, + -0.03999633714556694, + 0.4546171724796295, + -0.04793572053313255, + 0.047178879380226135, + -0.2059713900089264, + 2.443303108215332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/72.png", + [ + 0.2117648720741272, + -0.010842847637832165, + -0.04456419125199318, + 0.5052410364151001, + -0.018266716971993446, + -0.2130533754825592, + -0.03496403247117996, + 0.3920935392379761, + -0.04206971824169159, + 0.037928737699985504, + -0.20913976430892944, + 2.458251953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/102.png", + [ + 0.2063770294189453, + 0.004293073900043964, + -0.06586339324712753, + 0.7752770185470581, + -0.006020288914442062, + -0.21409012377262115, + -0.0328187495470047, + 0.37438055872917175, + -0.06572802364826202, + 0.03308902680873871, + -0.20379605889320374, + 2.468204975128174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/70.png", + [ + 0.21152392029762268, + -0.012280327267944813, + -0.04532907158136368, + 0.5184677839279175, + -0.01848912052810192, + -0.21402192115783691, + -0.02829599566757679, + 0.31469666957855225, + -0.04317040741443634, + 0.03149133920669556, + -0.20998217165470123, + 2.48911190032959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/90.png", + [ + 0.21002638339996338, + -0.005615113768726587, + -0.052965011447668076, + 0.5988903045654297, + -0.01956409588456154, + -0.20853808522224426, + -0.055470794439315796, + 0.617799699306488, + -0.04953855648636818, + 0.0585511177778244, + -0.20264647901058197, + 2.354278564453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/122.png", + [ + 0.20691679418087006, + 0.01523174624890089, + -0.062460578978061676, + 0.6879285573959351, + -0.0010544589022174478, + -0.2096734344959259, + -0.054624494165182114, + 0.6006574034690857, + -0.06428233534097672, + 0.052468471229076385, + -0.2001567780971527, + 2.273350238800049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/15.png", + [ + 0.2057565450668335, + -0.03856143355369568, + -0.05590301379561424, + 0.6731268763542175, + -0.04734167456626892, + -0.20932070910930634, + -0.02985801175236702, + 0.3576214909553528, + -0.04869186505675316, + 0.040567852556705475, + -0.20719857513904572, + 2.6126708984375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/22.png", + [ + 0.20649072527885437, + -0.038909733295440674, + -0.052872613072395325, + 0.6306478977203369, + -0.046507783234119415, + -0.20987100899219513, + -0.02718612737953663, + 0.31986814737319946, + -0.04633040726184845, + 0.0372571162879467, + -0.20835857093334198, + 2.590932846069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/109.png", + [ + 0.2073022723197937, + 0.008004087023437023, + -0.06252678483724594, + 0.7110677361488342, + -0.004744904115796089, + -0.21232983469963074, + -0.04291178286075592, + 0.4824628531932831, + -0.06285818666219711, + 0.042424868792295456, + -0.20297014713287354, + 2.3730058670043945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/26.png", + [ + 0.20716825127601624, + -0.034876540303230286, + -0.05303619056940079, + 0.6281746625900269, + -0.04319940507411957, + -0.2101115882396698, + -0.030574969947338104, + 0.3559783101081848, + -0.0465083047747612, + 0.03980758786201477, + -0.20784664154052734, + 2.5504817962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/43.png", + [ + 0.20883934199810028, + -0.013002627529203892, + -0.05625784024596214, + 0.6425624489784241, + -0.025392623618245125, + -0.21028126776218414, + -0.04566066339612007, + 0.5125634074211121, + -0.05185776203870773, + 0.0506025031208992, + -0.20420099794864655, + 2.403794288635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/84.png", + [ + 0.21147406101226807, + -0.005856106523424387, + -0.04682231694459915, + 0.5223950743675232, + -0.01790648326277733, + -0.2088770568370819, + -0.05475061386823654, + 0.6058595180511475, + -0.04365754500031471, + 0.05730600282549858, + -0.20434759557247162, + 2.3621745109558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/89.png", + [ + 0.21070866286754608, + -0.004089743364602327, + -0.05032919719815254, + 0.5665636658668518, + -0.017551619559526443, + -0.20842866599559784, + -0.05654487386345863, + 0.6269555687904358, + -0.04734654352068901, + 0.0590648390352726, + -0.20302104949951172, + 2.353569507598877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/63.png", + [ + 0.2092565894126892, + -0.007826771587133408, + -0.05566255748271942, + 0.6634231209754944, + -0.016806744039058685, + -0.21346034109592438, + -0.0331680104136467, + 0.3832152187824249, + -0.05363871902227402, + 0.03635003790259361, + -0.20675942301750183, + 2.529560089111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/88.png", + [ + 0.21078301966190338, + -0.004515664651989937, + -0.04998019337654114, + 0.5608329772949219, + -0.0177118182182312, + -0.20860254764556885, + -0.05584954842925072, + 0.6186410188674927, + -0.04695425555109978, + 0.058416519314050674, + -0.20329955220222473, + 2.3551764488220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/62.png", + [ + 0.208908811211586, + -0.006752553395926952, + -0.057091210037469864, + 0.678094208240509, + -0.017004746943712234, + -0.2128044068813324, + -0.03705418109893799, + 0.43077510595321655, + -0.054916683584451675, + 0.0402066744863987, + -0.20570726692676544, + 2.511838436126709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/65.png", + [ + 0.20994584262371063, + -0.006294610444456339, + -0.053207285702228546, + 0.6315358877182007, + -0.013917888514697552, + -0.21419470012187958, + -0.029577352106571198, + 0.3377963900566101, + -0.051739051938056946, + 0.032076556235551834, + -0.2079472541809082, + 2.5359272956848145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/80.png", + [ + 0.21108587086200714, + -0.0062391445972025394, + -0.04849453642964363, + 0.5438132286071777, + -0.01816779375076294, + -0.20952557027339935, + -0.05212349072098732, + 0.5801348090171814, + -0.04539358988404274, + 0.05484523996710777, + -0.2046443670988083, + 2.375850200653076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/119.png", + [ + 0.20757880806922913, + 0.013762068003416061, + -0.06057669594883919, + 0.6761148571968079, + 9.315374427387724e-07, + -0.21129128336906433, + -0.04799884930253029, + 0.5309028029441833, + -0.06212029233574867, + 0.045983634889125824, + -0.20242151618003845, + 2.325387954711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/79.png", + [ + 0.21093547344207764, + -0.007065463811159134, + -0.04903267323970795, + 0.550745964050293, + -0.018956800922751427, + -0.20964880287647247, + -0.051341183483600616, + 0.5737673044204712, + -0.045768581330776215, + 0.054271142929792404, + -0.2047138810157776, + 2.383164882659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/116.png", + [ + 0.2061120718717575, + 0.011934342794120312, + -0.06575164943933487, + 0.7332664728164673, + -0.0023100238759070635, + -0.211791530251503, + -0.04568275064229965, + 0.502090334892273, + -0.06678600609302521, + 0.04415678232908249, + -0.20133976638317108, + 2.3090906143188477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/19.png", + [ + 0.20647674798965454, + -0.03852606564760208, + -0.05320707708597183, + 0.6400390267372131, + -0.04583122581243515, + -0.2102138102054596, + -0.02564268745481968, + 0.30168938636779785, + -0.047061122953891754, + 0.03569021448493004, + -0.20846906304359436, + 2.616568088531494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/77.png", + [ + 0.2116173952817917, + -0.007500325795263052, + -0.045931585133075714, + 0.51778244972229, + -0.017957178875803947, + -0.21044208109378815, + -0.04836905747652054, + 0.5437713861465454, + -0.0429360568523407, + 0.05104675516486168, + -0.20615193247795105, + 2.407893180847168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/68.png", + [ + 0.21111707389354706, + -0.012526167556643486, + -0.047122932970523834, + 0.5436766147613525, + -0.018271785229444504, + -0.21446794271469116, + -0.024850405752658844, + 0.27315643429756165, + -0.04520638659596443, + 0.028186803683638573, + -0.21002328395843506, + 2.5095877647399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/86.png", + [ + 0.21135933697223663, + -0.003995913080871105, + -0.04753054305911064, + 0.5302790999412537, + -0.016706110909581184, + -0.2084382027387619, + -0.05676542967557907, + 0.6269134879112244, + -0.04467690363526344, + 0.059037622064352036, + -0.20363306999206543, + 2.3494606018066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/1.png", + [ + 0.20789453387260437, + -0.03863297402858734, + -0.04727840796113014, + 0.543243408203125, + -0.046075500547885895, + -0.20935796201229095, + -0.031530726701021194, + 0.35776612162590027, + -0.040060002356767654, + 0.04030671343207359, + -0.20908959209918976, + 2.4977688789367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/81.png", + [ + 0.211088627576828, + -0.005981575231999159, + -0.04851498827338219, + 0.5417365431785583, + -0.018047552555799484, + -0.2093895673751831, + -0.05270854011178017, + 0.5833972692489624, + -0.04542872682213783, + 0.05539065971970558, + -0.20448961853981018, + 2.3669047355651855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/95.png", + [ + 0.20761384069919586, + 8.099195110844448e-05, + -0.06200311705470085, + 0.7113810181617737, + -0.012642842717468739, + -0.2120669037103653, + -0.042610835283994675, + 0.4773903787136078, + -0.06070050597190857, + 0.044446803629398346, + -0.20319406688213348, + 2.396815299987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/103.png", + [ + 0.20799653232097626, + 0.00255809398368001, + -0.060653023421764374, + 0.7102818489074707, + -0.0065250215120613575, + -0.21428599953651428, + -0.031413864344358444, + 0.3575497269630432, + -0.06035526096820831, + 0.03198222815990448, + -0.20562654733657837, + 2.479405403137207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/83.png", + [ + 0.21081726253032684, + -0.005570274777710438, + -0.04972876235842705, + 0.5575931072235107, + -0.018085788935422897, + -0.20925363898277283, + -0.053232692182064056, + 0.5923690795898438, + -0.046657074242830276, + 0.05594450235366821, + -0.204061821103096, + 2.365571975708008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/51.png", + [ + 0.20968405902385712, + -0.008266814984381199, + -0.05396433174610138, + 0.6170520186424255, + -0.020343899726867676, + -0.21058203279972076, + -0.04678921774029732, + 0.5288484692573547, + -0.05066176876425743, + 0.05034644529223442, + -0.2045641988515854, + 2.4151053428649902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/93.png", + [ + 0.20820270478725433, + -0.00226610223762691, + -0.0599532313644886, + 0.6810921430587769, + -0.015258414670825005, + -0.21140064299106598, + -0.04499819874763489, + 0.4985397160053253, + -0.058023322373628616, + 0.04746073856949806, + -0.2032945156097412, + 2.3746843338012695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/76.png", + [ + 0.20649521052837372, + 0.0028275763615965843, + -0.06557156890630722, + 0.7869054079055786, + -0.0071974461898207664, + -0.21419227123260498, + -0.031902290880680084, + 0.36999908089637756, + -0.0652366653084755, + 0.03258165344595909, + -0.20403555035591125, + 2.50284481048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/48.png", + [ + 0.19259551167488098, + 0.017316602170467377, + -0.09774965792894363, + 1.120444893836975, + 0.00038921672967262566, + -0.21348275244235992, + -0.03705213963985443, + 0.41716575622558594, + -0.09927088767290115, + 0.032758936285972595, + -0.18978945910930634, + 2.2247891426086426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/35.png", + [ + 0.18999888002872467, + 0.012654852122068405, + -0.10338364541530609, + 1.1873866319656372, + -0.007338183466345072, + -0.21290850639343262, + -0.039547573775053024, + 0.4419843554496765, + -0.10389646142721176, + 0.038180023431777954, + -0.18626783788204193, + 2.1855521202087402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/97.png", + [ + 0.20371276140213013, + 0.0032708256039768457, + -0.07374489307403564, + 0.8457353115081787, + -0.011023157276213169, + -0.21268679201602936, + -0.03988371044397354, + 0.4474257230758667, + -0.07298969477415085, + 0.041249506175518036, + -0.19979709386825562, + 2.3752927780151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/13.png", + [ + 0.21322031319141388, + -0.004623038694262505, + 0.03825736418366432, + -0.4759003221988678, + 0.0033074275124818087, + -0.21212056279182434, + -0.04406608268618584, + 0.5297023057937622, + 0.03839348256587982, + 0.04394754022359848, + -0.2086682915687561, + 2.663177013397217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/32.png", + [ + 0.1900455355644226, + 0.009765636175870895, + -0.10361091047525406, + 1.1976162195205688, + -0.009951785206794739, + -0.21302469074726105, + -0.0383320115506649, + 0.4350060224533081, + -0.10359319299459457, + 0.03837985545396805, + -0.18639564514160156, + 2.2008771896362305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/38.png", + [ + 0.18720969557762146, + 0.015014774166047573, + -0.10805082321166992, + 1.2344682216644287, + -0.005507550202310085, + -0.2130378633737564, + -0.03914622962474823, + 0.43805450201034546, + -0.1089499294757843, + 0.036569345742464066, + -0.18368583917617798, + 2.1479673385620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/111.png", + [ + 0.17894911766052246, + 0.01173732802271843, + -0.12160321325063705, + 1.370301604270935, + -0.011359494179487228, + -0.2131393700838089, + -0.03728897124528885, + 0.41139867901802063, + -0.12163908779621124, + 0.03717176616191864, + -0.1754140406847, + 2.032486915588379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/11.png", + [ + 0.21185393631458282, + -0.004645450972020626, + 0.04521305114030838, + -0.5634233951568604, + 0.005690061487257481, + -0.2111334204673767, + -0.04835488647222519, + 0.584470808506012, + 0.04509349539875984, + 0.04846639558672905, + -0.20631404221057892, + 2.6449790000915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/59.png", + [ + 0.19857212901115417, + 0.01205332763493061, + -0.08585868775844574, + 0.9982250928878784, + -0.003823976032435894, + -0.21314416825771332, + -0.038766395300626755, + 0.43932706117630005, + -0.08661624789237976, + 0.03704285994172096, + -0.19512392580509186, + 2.324000358581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/105.png", + [ + 0.17964613437652588, + 0.003134976839646697, + -0.12110050022602081, + 1.3850064277648926, + -0.014912464655935764, + -0.2143823504447937, + -0.027671650052070618, + 0.30627700686454773, + -0.12021969258785248, + 0.0312773697078228, + -0.17752982676029205, + 2.070847988128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/121.png", + [ + 0.18849217891693115, + 0.01385412085801363, + -0.10595592111349106, + 1.1804752349853516, + -0.009511677548289299, + -0.21181774139404297, + -0.044616907835006714, + 0.4894222915172577, + -0.10643365234136581, + 0.04346497356891632, + -0.18365882337093353, + 2.1029186248779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/24.png", + [ + 0.2115190029144287, + 0.003214168129488826, + -0.046875111758708954, + 0.565582275390625, + -0.005102056078612804, + -0.21331757307052612, + -0.03764941170811653, + 0.43418648838996887, + -0.04670734703540802, + 0.03785733878612518, + -0.20816613733768463, + 2.539334297180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/74.png", + [ + 0.205625981092453, + 0.003532027592882514, + -0.06821560114622116, + 0.8238667249679565, + -0.006227297708392143, + -0.2145143449306488, + -0.0298782791942358, + 0.3441147208213806, + -0.06802253425121307, + 0.030315270647406578, + -0.20347435772418976, + 2.5113983154296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/98.png", + [ + 0.20135213434696198, + 0.0026850467547774315, + -0.0799875259399414, + 0.9251289963722229, + -0.010627840645611286, + -0.21373774111270905, + -0.033928219228982925, + 0.369353324174881, + -0.07932379096746445, + 0.03545229882001877, + -0.19849121570587158, + 2.3634767532348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/0.png", + [ + 0.21406851708889008, + 0.002822577953338623, + 0.033385615795850754, + -0.4252617061138153, + 0.010710930451750755, + -0.21033981442451477, + -0.05089534819126129, + 0.6170569062232971, + 0.031746525317430496, + 0.05193355306982994, + -0.20794939994812012, + 2.697409152984619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/96.png", + [ + 0.20382793247699738, + 0.004335049539804459, + -0.07337082922458649, + 0.8398689031600952, + -0.01189385075122118, + -0.2115011066198349, + -0.045538078993558884, + 0.5235688090324402, + -0.07253003865480423, + 0.04686563089489937, + -0.1987231820821762, + 2.3597092628479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/100.png", + [ + 0.19456464052200317, + 0.0004055181925650686, + -0.09535371512174606, + 1.1013591289520264, + -0.013316335156559944, + -0.21443389356136322, + -0.028083276003599167, + 0.29878905415534973, + -0.0944201871752739, + 0.03107781708240509, + -0.1925276219844818, + 2.2693309783935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/40.png", + [ + 0.19030408561229706, + 0.012250744737684727, + -0.1028696671128273, + 1.1710453033447266, + -0.00796994473785162, + -0.21278534829616547, + -0.040084630250930786, + 0.4462306499481201, + -0.10328953713178635, + 0.03898995369672775, + -0.18643751740455627, + 2.176201343536377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/52.png", + [ + 0.19439764320850372, + 0.014334996230900288, + -0.09461475908756256, + 1.0876885652542114, + -0.0019859166350215673, + -0.21357929706573486, + -0.03643951565027237, + 0.41124436259269714, + -0.09567393362522125, + 0.03356024622917175, + -0.19148916006088257, + 2.252810001373291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/3.png", + [ + 0.21275594830513, + -0.0009165903902612627, + 0.04101176932454109, + -0.5226646065711975, + 0.008128862828016281, + -0.2113829255104065, + -0.04689423739910126, + 0.5676116347312927, + 0.040208544582128525, + 0.047584738582372665, + -0.2075255662202835, + 2.695916175842285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/47.png", + [ + 0.19292014837265015, + 0.01600419357419014, + -0.09733226150274277, + 1.1162127256393433, + -0.001115602208301425, + -0.21343594789505005, + -0.037306152284145355, + 0.4196316599845886, + -0.09863294661045074, + 0.03371734544634819, + -0.18995413184165955, + 2.228330612182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/104.png", + [ + 0.1823520064353943, + 0.005638903472572565, + -0.11689245700836182, + 1.3382850885391235, + -0.011945136822760105, + -0.21439577639102936, + -0.028976865112781525, + 0.3234817385673523, + -0.11641716212034225, + 0.030830955132842064, + -0.1801232546567917, + 2.108142852783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/21.png", + [ + 0.21654318273067474, + -0.0016546701081097126, + -0.0073627145029604435, + 0.08122865855693817, + -0.0031379233114421368, + -0.2120022475719452, + -0.04464414715766907, + 0.5299433469772339, + -0.006863011978566647, + 0.044723689556121826, + -0.2118975967168808, + 2.6414403915405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/82.png", + [ + 0.2054262012243271, + 0.003466741181910038, + -0.06881829351186752, + 0.8078908920288086, + -0.008205301128327847, + -0.21362972259521484, + -0.035254910588264465, + 0.4040864408016205, + -0.06841526180505753, + 0.036030784249305725, + -0.2024080753326416, + 2.4302964210510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/106.png", + [ + 0.17677398025989532, + 0.003902361262589693, + -0.12523427605628967, + 1.431280255317688, + -0.015400508418679237, + -0.2142506241798401, + -0.028414687141776085, + 0.31304898858070374, + -0.12434498220682144, + 0.03208335489034653, + -0.17451898753643036, + 2.029294967651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/14.png", + [ + 0.2135961353778839, + -0.004902043845504522, + 0.03606339171528816, + -0.44799479842185974, + 0.0023851930163800716, + -0.21235324442386627, + -0.04299188032746315, + 0.5159602165222168, + 0.03631678596138954, + 0.04277804121375084, + -0.20928215980529785, + 2.668456554412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/67.png", + [ + 0.2047245055437088, + 0.006682007107883692, + -0.0706479549407959, + 0.842002272605896, + -0.0042102946899831295, + -0.21418820321559906, + -0.03245893493294716, + 0.3697250783443451, + -0.07083823531866074, + 0.032041534781455994, + -0.20224535465240479, + 2.4619688987731934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/78.png", + [ + 0.20660091936588287, + 0.004288708325475454, + -0.0651579275727272, + 0.7762449979782104, + -0.0065781474113464355, + -0.21373999118804932, + -0.034926217049360275, + 0.40567851066589355, + -0.06496672332286835, + 0.035280581563711166, + -0.20367252826690674, + 2.479724884033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/31.png", + [ + 0.18977607786655426, + 0.009154601022601128, + -0.1041591688990593, + 1.2088499069213867, + -0.009483648464083672, + -0.21344590187072754, + -0.03603889420628548, + 0.4097830057144165, + -0.10412972420454025, + 0.03612387925386429, + -0.18654747307300568, + 2.2080883979797363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/39.png", + [ + 0.18882736563682556, + 0.015246175229549408, + -0.10516498237848282, + 1.198755145072937, + -0.005374770611524582, + -0.2127881795167923, + -0.04049931466579437, + 0.45225489139556885, + -0.10612837225198746, + 0.037902988493442535, + -0.1850622147321701, + 2.1596641540527344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/92.png", + [ + 0.20370616018772125, + 0.005053407978266478, + -0.07366243749856949, + 0.8649008274078369, + -0.013290280476212502, + -0.2101263552904129, + -0.05116809532046318, + 0.5972456932067871, + -0.07262961566448212, + 0.05262384191155434, + -0.19723987579345703, + 2.323789119720459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/53.png", + [ + 0.1932612806558609, + 0.015364567749202251, + -0.09675691276788712, + 1.115246295928955, + -0.0015076310373842716, + -0.21350163221359253, + -0.036914434283971786, + 0.4169842004776001, + -0.09795763343572617, + 0.03359879180788994, + -0.19032424688339233, + 2.2425951957702637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/75.png", + [ + 0.2062329798936844, + 0.003222547471523285, + -0.06637370586395264, + 0.7996103167533875, + -0.006571535021066666, + -0.21436981856822968, + -0.03082672879099846, + 0.35634946823120117, + -0.06612616032361984, + 0.03135422617197037, + -0.20394152402877808, + 2.510802745819092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/87.png", + [ + 0.20453909039497375, + 0.003978708293288946, + -0.07138511538505554, + 0.8253353238105774, + -0.00761227635666728, + -0.2138972133398056, + -0.033733122050762177, + 0.3749198317527771, + -0.0710894986987114, + 0.034351713955402374, + -0.20177744328975677, + 2.3983521461486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/107.png", + [ + 0.1749989241361618, + 0.004518777132034302, + -0.1276826113462448, + 1.4548027515411377, + -0.015535430982708931, + -0.2141796499490738, + -0.028872480615973473, + 0.3177447021007538, + -0.12681451439857483, + 0.032473839819431305, + -0.17265984416007996, + 2.003988265991211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/112.png", + [ + 0.1814042627811432, + 0.013926449231803417, + -0.117670938372612, + 1.3203091621398926, + -0.009481980465352535, + -0.212776780128479, + -0.03979993611574173, + 0.4373626410961151, + -0.11811217665672302, + 0.038470733910799026, + -0.177531436085701, + 2.048712730407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/69.png", + [ + 0.20487014949321747, + 0.005540980491787195, + -0.07032366096973419, + 0.8441588878631592, + -0.00445380387827754, + -0.2145581841468811, + -0.02988060750067234, + 0.33905577659606934, + -0.07040088623762131, + 0.02969822660088539, + -0.20275509357452393, + 2.484025001525879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/45.png", + [ + 0.19262126088142395, + 0.012788203544914722, + -0.09839414060115814, + 1.1261789798736572, + -0.004321989603340626, + -0.2135821133852005, + -0.03622002899646759, + 0.40531039237976074, + -0.09912752360105515, + 0.034161850810050964, + -0.18961696326732635, + 2.222881317138672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/50.png", + [ + 0.193279430270195, + 0.016664713621139526, + -0.09650513529777527, + 1.1072733402252197, + -0.00013652774214278907, + -0.2134685516357422, + -0.037135638296604156, + 0.4187602996826172, + -0.097933329641819, + 0.033186767250299454, + -0.19040901958942413, + 2.234114646911621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/101.png", + [ + 0.18927288055419922, + 0.0018257541814818978, + -0.10545302927494049, + 1.2183867692947388, + -0.013345669023692608, + -0.21448618173599243, + -0.027667028829455376, + 0.29869791865348816, + -0.10462107509374619, + 0.030663300305604935, + -0.18724873661994934, + 2.206421375274658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/85.png", + [ + 0.2052522748708725, + 0.004197815433144569, + -0.06929484009742737, + 0.8056097030639648, + -0.0077614071778953075, + -0.2135346531867981, + -0.03592512384057045, + 0.40760645270347595, + -0.06898664683103561, + 0.03651345148682594, + -0.20212745666503906, + 2.4110522270202637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/71.png", + [ + 0.20520596206188202, + 0.0040591564029455185, + -0.06944011151790619, + 0.8377165198326111, + -0.00600743293762207, + -0.21446295082569122, + -0.030289405956864357, + 0.3476637005805969, + -0.06929874420166016, + 0.030611447989940643, + -0.2029988020658493, + 2.4997639656066895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/115.png", + [ + 0.18305012583732605, + 0.015500899404287338, + -0.1148924008011818, + 1.2827420234680176, + -0.008425855077803135, + -0.2123824805021286, + -0.04207826405763626, + 0.46168363094329834, + -0.11562676727771759, + 0.04001621901988983, + -0.17882126569747925, + 2.054229259490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/54.png", + [ + 0.19169193506240845, + 0.01657356508076191, + -0.09963641315698624, + 1.1506816148757935, + -0.000107621330244001, + -0.2137041836977005, + -0.03575470298528671, + 0.4032493531703949, + -0.10100536793470383, + 0.031681664288043976, + -0.18905575573444366, + 2.231928825378418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/33.png", + [ + 0.19026395678520203, + 0.010555791668593884, + -0.10313146561384201, + 1.1894103288650513, + -0.009528440423309803, + -0.21285557746887207, + -0.039365075528621674, + 0.44615626335144043, + -0.10323144495487213, + 0.03910211846232414, + -0.1864462047815323, + 2.196737289428711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/49.png", + [ + 0.19255171716213226, + 0.017265496775507927, + -0.09784499555826187, + 1.1225507259368896, + 0.0006036798004060984, + -0.21357744932174683, + -0.03649936616420746, + 0.4114026427268982, + -0.09935479611158371, + 0.03216319531202316, + -0.1898474246263504, + 2.2259817123413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/118.png", + [ + 0.1894426941871643, + 0.012324118055403233, + -0.10443884879350662, + 1.1581693887710571, + -0.009867064654827118, + -0.21214936673641205, + -0.04293227195739746, + 0.46697941422462463, + -0.10469957441091537, + 0.04229249432682991, + -0.18492496013641357, + 2.1115264892578125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/110.png", + [ + 0.17657779157161713, + 0.00929298996925354, + -0.12522706389427185, + 1.4143472909927368, + -0.012239654548466206, + -0.2137778252363205, + -0.03312292322516441, + 0.3658389747142792, + -0.12497346103191376, + 0.03406725078821182, + -0.17369210720062256, + 2.015374183654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/18.png", + [ + 0.2163362205028534, + -0.0015537119470536709, + 0.012005439959466457, + -0.1460328996181488, + 0.0007358205621130764, + -0.21279753744602203, + -0.040799058973789215, + 0.48831650614738464, + 0.012083178386092186, + 0.04077610373497009, + -0.21245989203453064, + 2.6815052032470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/66.png", + [ + 0.2047290951013565, + 0.006681204307824373, + -0.07063468545675278, + 0.8378214836120605, + -0.004573765676468611, + -0.21402031183242798, + -0.03350048512220383, + 0.3821202516555786, + -0.07080238312482834, + 0.03314458206295967, + -0.20208005607128143, + 2.4507064819335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/16.png", + [ + 0.21498675644397736, + -0.004473637789487839, + 0.02661900594830513, + -0.3275659382343292, + 0.0009414402884431183, + -0.2123052477836609, + -0.04328388348221779, + 0.5217298269271851, + 0.026975886896252632, + 0.043062370270490646, + -0.21063196659088135, + 2.6814770698547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/94.png", + [ + 0.205749049782753, + 0.008652695454657078, + -0.06738218665122986, + 0.7767964601516724, + -0.009378105401992798, + -0.20923490822315216, + -0.05550401657819748, + 0.6549897193908691, + -0.06728506088256836, + 0.05562171712517738, + -0.1983099728822708, + 2.3349075317382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/28.png", + [ + 0.19092217087745667, + 0.007105499040335417, + -0.10220630466938019, + 1.2188341617584229, + -0.007443498820066452, + -0.21461965143680573, + -0.028825117275118828, + 0.3237520456314087, + -0.10218223929405212, + 0.02891029231250286, + -0.18886736035346985, + 2.262892723083496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/61.png", + [ + 0.2026645988225937, + 0.009884103201329708, + -0.07600831240415573, + 0.8836149573326111, + -0.004008920397609472, + -0.2132045328617096, + -0.03841424360871315, + 0.4344525635242462, + -0.07654337584972382, + 0.03733671084046364, + -0.19923599064350128, + 2.3810300827026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/58.png", + [ + 0.19487573206424713, + 0.012701463885605335, + -0.09386172145605087, + 1.0904200077056885, + -0.003396467072889209, + -0.2136424481868744, + -0.03596206381917, + 0.40680578351020813, + -0.09465628862380981, + 0.03381536155939102, + -0.19194947183132172, + 2.2800464630126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/64.png", + [ + 0.20445482432842255, + 0.006995480973273516, + -0.07139449566602707, + 0.8376500606536865, + -0.005403962917625904, + -0.21352727711200714, + -0.03639765828847885, + 0.4145072102546692, + -0.07153256237506866, + 0.0361255519092083, + -0.20131053030490875, + 2.4220757484436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/10.png", + [ + 0.2117437720298767, + -0.002707837847992778, + 0.045881763100624084, + -0.5742390155792236, + 0.008292235434055328, + -0.21049819886684418, + -0.05069168284535408, + 0.6141815781593323, + 0.04520738124847412, + 0.05129401385784149, + -0.20560425519943237, + 2.6404037475585938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/41.png", + [ + 0.19159528613090515, + 0.012919952161610126, + -0.1003604456782341, + 1.1438466310501099, + -0.007123282644897699, + -0.21264593303203583, + -0.040973931550979614, + 0.4551425576210022, + -0.10093763470649719, + 0.039530735462903976, + -0.18760812282562256, + 2.189962387084961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/91.png", + [ + 0.20301318168640137, + 0.003522382816299796, + -0.07563818246126175, + 0.8831429481506348, + -0.01279011182487011, + -0.2117348313331604, + -0.044188957661390305, + 0.5071399211883545, + -0.07463213056325912, + 0.0458676740527153, + -0.19817692041397095, + 2.337310314178467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/23.png", + [ + 0.21450522541999817, + 0.002008510520681739, + -0.030518291518092155, + 0.36719682812690735, + -0.00436722207814455, + -0.21197983622550964, + -0.044647183269262314, + 0.5227082967758179, + -0.030270900577306747, + 0.04481528326869011, + -0.20981694757938385, + 2.583393096923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/37.png", + [ + 0.18796926736831665, + 0.014630393125116825, + -0.10677731037139893, + 1.2244951725006104, + -0.005813452880829573, + -0.2129799872636795, + -0.03941596671938896, + 0.4423481225967407, + -0.1076180636882782, + 0.037058960646390915, + -0.18437157571315765, + 2.15910005569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/36.png", + [ + 0.18947765231132507, + 0.013326289132237434, + -0.10425219684839249, + 1.19772207736969, + -0.006831964943557978, + -0.212909534573555, + -0.03963272273540497, + 0.4430241882801056, + -0.10487818717956543, + 0.037945207208395004, + -0.18576496839523315, + 2.1782584190368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/8.png", + [ + 0.21205317974090576, + -0.002258758759126067, + 0.04445488005876541, + -0.5602685213088989, + 0.007814238779246807, + -0.21114581823349, + -0.04800287261605263, + 0.5848461985588074, + 0.043820951133966446, + 0.04858225956559181, + -0.20656085014343262, + 2.660433769226074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/6.png", + [ + 0.21203462779521942, + -0.0019256076775491238, + 0.044558972120285034, + -0.5622170567512512, + 0.008119835518300533, + -0.21118827164173126, + -0.04776483029127121, + 0.5838367938995361, + 0.043855197727680206, + 0.04841180145740509, + -0.2065936028957367, + 2.674285411834717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/20.png", + [ + 0.2166678011417389, + -0.0016924870433285832, + -0.0003066703793592751, + -0.0016510512214154005, + -0.001719874213449657, + -0.21262876689434052, + -0.04164068028330803, + 0.4943554103374481, + 2.4319268050021492e-05, + 0.04164179787039757, + -0.21263548731803894, + 2.660464286804199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/2.png", + [ + 0.21335469186306, + 0.0003246958658564836, + 0.03778313472867012, + -0.48095184564590454, + 0.009095949120819569, + -0.2107362002134323, + -0.04955221712589264, + 0.6019432544708252, + 0.03667334467172623, + 0.05037909373641014, + -0.20752085745334625, + 2.6966896057128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/117.png", + [ + 0.18624547123908997, + 0.013914002105593681, + -0.10984951257705688, + 1.2229455709457397, + -0.009799815714359283, + -0.21204225718975067, + -0.04347336292266846, + 0.47418108582496643, + -0.1102926954627037, + 0.042336396872997284, + -0.18163436651229858, + 2.0798816680908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/5.png", + [ + 0.2123391032218933, + -0.002287324983626604, + 0.043066903948783875, + -0.5442941188812256, + 0.0072149960324168205, + -0.21143639087677002, + -0.04680275544524193, + 0.5688161849975586, + 0.04251980409026146, + 0.04730033874511719, + -0.20712952315807343, + 2.6823172569274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/108.png", + [ + 0.17725473642349243, + 0.006744649261236191, + -0.12443134188652039, + 1.4118925333023071, + -0.014173376373946667, + -0.2138618528842926, + -0.0317823588848114, + 0.3515171408653259, + -0.12380534410476685, + 0.03413960337638855, + -0.17451250553131104, + 2.0234150886535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/60.png", + [ + 0.20181046426296234, + 0.011051979847252369, + -0.07809152454137802, + 0.9063307642936707, + -0.0033023760188370943, + -0.21316449344158173, + -0.0387025848031044, + 0.4372546076774597, + -0.07880055904388428, + 0.0372377447783947, + -0.19837267696857452, + 2.3638596534729004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/56.png", + [ + 0.19338667392730713, + 0.016708869487047195, + -0.09628243744373322, + 1.1144412755966187, + 0.00207874015904963, + -0.2141389101743698, + -0.03298646956682205, + 0.3676999509334564, + -0.09769939631223679, + 0.028517404571175575, + -0.19128374755382538, + 2.2587270736694336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/30.png", + [ + 0.1891118884086609, + 0.007535506505519152, + -0.1054883748292923, + 1.2328931093215942, + -0.009627443738281727, + -0.2139998823404312, + -0.03254634886980057, + 0.3697040379047394, + -0.10531806945800781, + 0.03309333324432373, + -0.186442568898201, + 2.214970588684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/17.png", + [ + 0.2158416360616684, + -0.0021964306943118572, + 0.01885361224412918, + -0.22787640988826752, + 0.001609870116226375, + -0.21232523024082184, + -0.04316597804427147, + 0.5195620059967041, + 0.018912728875875473, + 0.04314011335372925, + -0.2114926278591156, + 2.684223175048828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/12.png", + [ + 0.21257023513317108, + -0.0034022496547549963, + 0.04183549806475639, + -0.5192932486534119, + 0.005796536337584257, + -0.21151290833950043, + -0.04665393754839897, + 0.5629492402076721, + 0.04157143831253052, + 0.04688938334584236, + -0.20741526782512665, + 2.6522207260131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/114.png", + [ + 0.18371205031871796, + 0.013964102603495121, + -0.11402973532676697, + 1.2705284357070923, + -0.009827082976698875, + -0.21236951649188995, + -0.0418391153216362, + 0.46021395921707153, + -0.11446049809455872, + 0.04064587503671646, + -0.17942854762077332, + 2.062443256378174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/27.png", + [ + 0.19250084459781647, + 0.006322671193629503, + -0.09925393760204315, + 1.1975935697555542, + -0.006863533053547144, + -0.21487624943256378, + -0.026999717578291893, + 0.30345839262008667, + -0.09921800345182419, + 0.027131469920277596, + -0.19070284068584442, + 2.30153751373291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/42.png", + [ + 0.19224371016025543, + 0.012551252730190754, + -0.09916005283594131, + 1.12891685962677, + -0.0063847205601632595, + -0.21297842264175415, + -0.03933608531951904, + 0.4359308183193207, + -0.09974711388349533, + 0.037822723388671875, + -0.18859441578388214, + 2.2003536224365234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/7.png", + [ + 0.21233773231506348, + -0.0025232017505913973, + 0.04306063801050186, + -0.5424371957778931, + 0.007338333409279585, + -0.21103723347187042, + -0.048552338033914566, + 0.5934100151062012, + 0.042505692690610886, + 0.04903889819979668, + -0.20672772824764252, + 2.670673370361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/73.png", + [ + 0.20537430047988892, + 0.0044957855716347694, + -0.06891355663537979, + 0.8332800269126892, + -0.005241211038082838, + -0.21457675099372864, + -0.0296182781457901, + 0.3413991928100586, + -0.06886088848114014, + 0.029740557074546814, + -0.2032770812511444, + 2.509901523590088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/120.png", + [ + 0.18942564725875854, + 0.011191013269126415, + -0.10459721833467484, + 1.1616461277008057, + -0.010638901963829994, + -0.21230225265026093, + -0.04198160022497177, + 0.45890864729881287, + -0.10465482622385025, + 0.04183780774474144, + -0.18505366146564484, + 2.117647647857666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/46.png", + [ + 0.19178825616836548, + 0.016599157825112343, + -0.09944658726453781, + 1.140654444694519, + -0.0006401268183253706, + -0.21351313591003418, + -0.03687313199043274, + 0.4152551591396332, + -0.10082037001848221, + 0.03293183445930481, + -0.1889408379793167, + 2.218132972717285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/57.png", + [ + 0.1943669319152832, + 0.015273761935532093, + -0.09453096985816956, + 1.095427393913269, + 0.00021314092737156898, + -0.21396902203559875, + -0.03413362428545952, + 0.38183489441871643, + -0.09575670212507248, + 0.030526412650942802, + -0.19195491075515747, + 2.2695741653442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/44.png", + [ + 0.19252584874629974, + 0.012218726798892021, + -0.0986529216170311, + 1.1277201175689697, + -0.005577150732278824, + -0.21336521208286285, + -0.03731057792901993, + 0.41573041677474976, + -0.09925013780593872, + 0.03569154441356659, + -0.1892707645893097, + 2.2171101570129395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/113.png", + [ + 0.18236517906188965, + 0.013859270140528679, + -0.11618413031101227, + 1.2966153621673584, + -0.009740225970745087, + -0.21260443329811096, + -0.04064944386482239, + 0.4469357132911682, + -0.11660169810056686, + 0.039435647428035736, + -0.17831647396087646, + 2.052513599395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/29.png", + [ + 0.18937167525291443, + 0.008006692864000797, + -0.10498644411563873, + 1.2395433187484741, + -0.00789165124297142, + -0.21436023712158203, + -0.03058273158967495, + 0.3459722101688385, + -0.10499516129493713, + 0.030552813783288002, + -0.18705731630325317, + 2.2300896644592285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/4.png", + [ + 0.21244560182094574, + -0.002087137196213007, + 0.042548853904008865, + -0.5401597619056702, + 0.007273416500538588, + -0.21145959198474884, + -0.04668869450688362, + 0.5659995675086975, + 0.041974496096372604, + 0.04720572754740715, + -0.2072623074054718, + 2.6903514862060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/55.png", + [ + 0.1928694248199463, + 0.016223808750510216, + -0.09739641845226288, + 1.124752163887024, + 0.0011466562282294035, + -0.21408332884311676, + -0.03339025750756264, + 0.37371084094047546, + -0.09873175621032715, + 0.029206374660134315, + -0.19064867496490479, + 2.2522401809692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/9.png", + [ + 0.21180671453475952, + -0.0032848611008375883, + 0.04555235058069229, + -0.5728232264518738, + 0.007356551941484213, + -0.2108374536037445, + -0.04940994456410408, + 0.5989869236946106, + 0.045074254274368286, + 0.04984647408127785, + -0.20598916709423065, + 2.6494197845458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/25.png", + [ + 0.20545612275600433, + 0.004702590871602297, + -0.06865537911653519, + 0.8399317860603333, + -0.005011516157537699, + -0.21457168459892273, + -0.029694532975554466, + 0.3398389518260956, + -0.06863352656364441, + 0.02974501997232437, + -0.20335331559181213, + 2.4831042289733887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/99.png", + [ + 0.19985687732696533, + 0.0013351158704608679, + -0.08368594944477081, + 0.9658332467079163, + -0.011139119043946266, + -0.21429547667503357, + -0.03002103604376316, + 0.3190508484840393, + -0.08295203745365143, + 0.03199312090873718, + -0.19759374856948853, + 2.3368654251098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/34.png", + [ + 0.18998850882053375, + 0.011671863496303558, + -0.10351826995611191, + 1.1918761730194092, + -0.008411110378801823, + -0.2128886580467224, + -0.0394405871629715, + 0.4444078207015991, + -0.10383408516645432, + 0.038601480424404144, + -0.18621574342250824, + 2.190047264099121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/72.png", + [ + 0.20522047579288483, + 0.004499456845223904, + -0.0693700760602951, + 0.8390006422996521, + -0.005357444752007723, + -0.21455352008342743, + -0.029765449464321136, + 0.34137827157974243, + -0.06930910050868988, + 0.02990717440843582, + -0.20310024917125702, + 2.506124496459961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/102.png", + [ + 0.18727269768714905, + 0.004512906074523926, + -0.10888739675283432, + 1.2520346641540527, + -0.011431243270635605, + -0.21448108553886414, + -0.028549615293741226, + 0.31470414996147156, + -0.10837968438863754, + 0.030420180410146713, + -0.1851387321949005, + 2.175812244415283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/70.png", + [ + 0.2048889845609665, + 0.004612723831087351, + -0.07033579796552658, + 0.8468175530433655, + -0.00548038212582469, + -0.21451319754123688, + -0.030032502487301826, + 0.3432067930698395, + -0.0702735111117363, + 0.030177948996424675, + -0.20272843539714813, + 2.4913244247436523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/90.png", + [ + 0.20229417085647583, + 0.003084103111177683, + -0.07755932211875916, + 0.9004514217376709, + -0.011612223461270332, + -0.21286459267139435, + -0.038752034306526184, + 0.435496062040329, + -0.07674708962440491, + 0.0403367355465889, + -0.19857171177864075, + 2.3492822647094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/122.png", + [ + 0.18755149841308594, + 0.014483317732810974, + -0.10752934962511063, + 1.199723482131958, + -0.009899908676743507, + -0.21155548095703125, + -0.04576209932565689, + 0.5030022263526917, + -0.10804775357246399, + 0.04452427849173546, + -0.18245866894721985, + 2.0869202613830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/15.png", + [ + 0.2143910676240921, + -0.005143257789313793, + 0.030950192362070084, + -0.3821408748626709, + 0.0010289910715073347, + -0.21247577667236328, + -0.04243670776486397, + 0.509067952632904, + 0.03135775402188301, + 0.04213643819093704, + -0.21021205186843872, + 2.6761088371276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/22.png", + [ + 0.21583248674869537, + -0.0012694352772086859, + -0.019042743369936943, + 0.22332079708576202, + -0.005242200568318367, + -0.211822509765625, + -0.04529505595564842, + 0.5369642376899719, + -0.018350938335061073, + 0.04557972028851509, + -0.21102993190288544, + 2.6194396018981934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/109.png", + [ + 0.17838658392429352, + 0.009279000572860241, + -0.12263776361942291, + 1.389225959777832, + -0.012661025859415531, + -0.21352368593215942, + -0.034572090953588486, + 0.38372936844825745, + -0.12233486771583557, + 0.03562907502055168, + -0.17525024712085724, + 2.0333356857299805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/26.png", + [ + 0.19800753891468048, + 0.006920215208083391, + -0.08770987391471863, + 1.068132996559143, + -0.004874722566455603, + -0.21480867266654968, + -0.027953000739216805, + 0.31558236479759216, + -0.08784729987382889, + 0.02751806378364563, + -0.1961466372013092, + 2.3828349113464355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/43.png", + [ + 0.19246327877044678, + 0.012004298157989979, + -0.0988011583685875, + 1.1273988485336304, + -0.0063974023796617985, + -0.21315592527389526, + -0.03836040198802948, + 0.4260704815387726, + -0.09932193160057068, + 0.036991141736507416, + -0.18898335099220276, + 2.2067747116088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/84.png", + [ + 0.20497655868530273, + 0.004263436421751976, + -0.07010228931903839, + 0.8177642822265625, + -0.007712091784924269, + -0.2136007845401764, + -0.03554050996899605, + 0.40444356203079224, + -0.06980711221694946, + 0.03611685708165169, + -0.20191690325737, + 2.4150009155273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/89.png", + [ + 0.20467089116573334, + 0.003671694314107299, + -0.07102280855178833, + 0.8186092376708984, + -0.008433417417109013, + -0.2136058211326599, + -0.03534597530961037, + 0.3905234932899475, + -0.07061585038900375, + 0.03615216538310051, + -0.201629176735878, + 2.3834280967712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/63.png", + [ + 0.20447252690792084, + 0.007761307060718536, + -0.07126461714506149, + 0.8318699598312378, + -0.005166675895452499, + -0.21324522793293, + -0.038048405200242996, + 0.4319395422935486, + -0.07149958610534668, + 0.03760501742362976, + -0.20105114579200745, + 2.410548686981201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/88.png", + [ + 0.204353466629982, + 0.004060754552483559, + -0.07191009074449539, + 0.8286206722259521, + -0.007146135903894901, + -0.21411938965320587, + -0.03239913284778595, + 0.3541930019855499, + -0.07166926562786102, + 0.03292842209339142, + -0.20180964469909668, + 2.3914637565612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/62.png", + [ + 0.20395642518997192, + 0.009517808444797993, + -0.07251954823732376, + 0.8442023396492004, + -0.004021718632429838, + -0.21304790675640106, + -0.03927223011851311, + 0.4441435933113098, + -0.07303081452846527, + 0.03831310197710991, + -0.20036591589450836, + 2.397177219390869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/65.png", + [ + 0.2050231546163559, + 0.006909707561135292, + -0.06975425779819489, + 0.8234304785728455, + -0.004659723024815321, + -0.2137988656759262, + -0.034874413162469864, + 0.39891669154167175, + -0.06994059681892395, + 0.03449917957186699, + -0.20215342938899994, + 2.4410862922668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/80.png", + [ + 0.20672540366649628, + 0.003487417008727789, + -0.06481005996465683, + 0.7642307877540588, + -0.007644941098988056, + -0.21354706585407257, + -0.0358760841190815, + 0.41431885957717896, + -0.06445199996232986, + 0.036515429615974426, + -0.20361840724945068, + 2.458098888397217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/119.png", + [ + 0.19078363478183746, + 0.011617801152169704, + -0.10205157101154327, + 1.1307320594787598, + -0.009531044401228428, + -0.2123526781797409, + -0.04199286922812462, + 0.4570125937461853, + -0.10226758569478989, + 0.04146406799554825, + -0.18646706640720367, + 2.1313843727111816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/79.png", + [ + 0.20651215314865112, + 0.0041844770312309265, + -0.06544551998376846, + 0.7754875421524048, + -0.00695047527551651, + -0.21361859142780304, + -0.035590510815382004, + 0.41256698966026306, + -0.06520979851484299, + 0.03602060675621033, + -0.20346522331237793, + 2.467123031616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/116.png", + [ + 0.18306681513786316, + 0.01564595103263855, + -0.11484615504741669, + 1.2824591398239136, + -0.009029628708958626, + -0.2121138721704483, + -0.04329051449894905, + 0.47434356808662415, + -0.11555473506450653, + 0.04136190190911293, + -0.17856144905090332, + 2.0498290061950684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/19.png", + [ + 0.216567724943161, + -0.001546424813568592, + 0.006627704482525587, + -0.08276998996734619, + -0.0003097138542216271, + -0.21302777528762817, + -0.03958495333790779, + 0.4724556505680084, + 0.006798675283789635, + 0.03955594822764397, + -0.21292486786842346, + 2.678412914276123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/77.png", + [ + 0.206468403339386, + 0.003820715006440878, + -0.0656055361032486, + 0.7847378849983215, + -0.006398352794349194, + -0.21411170065402985, + -0.03260575607419014, + 0.37812340259552, + -0.06540446728467941, + 0.033007215708494186, + -0.20391340553760529, + 2.4923973083496094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/68.png", + [ + 0.20434686541557312, + 0.006898471154272556, + -0.07171235233545303, + 0.8594114780426025, + -0.0036109876818954945, + -0.2144271582365036, + -0.030916759744286537, + 0.351003497838974, + -0.07195284217596054, + 0.030352864414453506, + -0.20211230218410492, + 2.470134735107422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/86.png", + [ + 0.20504572987556458, + 0.003790931310504675, + -0.06992687284946442, + 0.8100874423980713, + -0.007851164788007736, + -0.2137484848499298, + -0.034609775990247726, + 0.38857465982437134, + -0.0695880651473999, + 0.0352860651910305, + -0.20213927328586578, + 2.4076027870178223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/1.png", + [ + 0.21379904448986053, + 0.0010685003362596035, + 0.035167139023542404, + -0.44910985231399536, + 0.0092623857781291, + -0.21064430475234985, + -0.04991067945957184, + 0.6075336933135986, + 0.033942267298698425, + 0.05075161159038544, + -0.207894429564476, + 2.6995019912719727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/81.png", + [ + 0.20584481954574585, + 0.0034340647980570793, + -0.06755749136209488, + 0.794594943523407, + -0.008149195462465286, + -0.2135603278875351, + -0.03568590059876442, + 0.4100880026817322, + -0.06715204566717148, + 0.03644310683012009, + -0.20275700092315674, + 2.4420127868652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/95.png", + [ + 0.2055000215768814, + 0.007094475906342268, + -0.06831762194633484, + 0.7827423214912415, + -0.009717383421957493, + -0.21034491062164307, + -0.051073357462882996, + 0.5986536145210266, + -0.067994125187397, + 0.05150323361158371, + -0.19917859137058258, + 2.3543753623962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/103.png", + [ + 0.18354175984859467, + 0.006215085741132498, + -0.11498557776212692, + 1.3174718618392944, + -0.010992574505507946, + -0.21442510187625885, + -0.02913641184568405, + 0.3253348171710968, + -0.11462754756212234, + 0.030514584854245186, + -0.1813209354877472, + 2.1251306533813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/83.png", + [ + 0.20545604825019836, + 0.0033307524863630533, + -0.06873585283756256, + 0.8045946955680847, + -0.008473139256238937, + -0.21354953944683075, + -0.0356748104095459, + 0.40801331400871277, + -0.06829287856817245, + 0.03651564568281174, + -0.202362522482872, + 2.423330307006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/51.png", + [ + 0.1937047690153122, + 0.014665678143501282, + -0.09597541391849518, + 1.1027257442474365, + -0.00195122545119375, + -0.21355710923671722, + -0.036571044474840164, + 0.4121931195259094, + -0.09706984460353851, + 0.03355840593576431, + -0.19078567624092102, + 2.2418341636657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/93.png", + [ + 0.20487520098686218, + 0.007202123291790485, + -0.07015819847583771, + 0.8182340860366821, + -0.01196391973644495, + -0.20886892080307007, + -0.056378453969955444, + 0.6638304591178894, + -0.06950472295284271, + 0.05718211084604263, + -0.19709691405296326, + 2.319765567779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/76.png", + [ + 0.2061685472726822, + -0.043174684047698975, + 0.05077757313847542, + -0.606204092502594, + -0.045795738697052, + -0.2116963267326355, + 0.005941999610513449, + -0.08206680417060852, + 0.048426903784275055, + -0.016386089846491814, + -0.21055693924427032, + 2.5665993690490723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/48.png", + [ + 0.19850130379199982, + -0.030715635046362877, + 0.08125068247318268, + -0.9802711606025696, + -0.04151896387338638, + -0.21157486736774445, + 0.02145104482769966, + -0.2735465168952942, + 0.07629743218421936, + -0.03522103652358055, + -0.19971498847007751, + 2.4717659950256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/35.png", + [ + 0.20132608711719513, + -0.031342145055532455, + 0.07371143996715546, + -0.8980645537376404, + -0.037689898163080215, + -0.21301265060901642, + 0.012368299998342991, + -0.1670345664024353, + 0.07067657262086868, + -0.024314047768712044, + -0.20337538421154022, + 2.5277295112609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/97.png", + [ + 0.20844733715057373, + -0.03660450875759125, + 0.04645121842622757, + -0.5713648796081543, + -0.041716888546943665, + -0.2116371989250183, + 0.020427854731678963, + -0.2688157260417938, + 0.0419202484190464, + -0.028595561161637306, + -0.21064871549606323, + 2.657097816467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/13.png", + [ + 0.20424975454807281, + -0.0385461151599884, + 0.06118929013609886, + -0.7386260032653809, + -0.04107213392853737, + -0.2127237766981125, + 0.003093679202720523, + -0.0499095618724823, + 0.05952319875359535, + -0.014515118673443794, + -0.20783212780952454, + 2.5612692832946777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/32.png", + [ + 0.2010810822248459, + -0.03231548145413399, + 0.07395946234464645, + -0.89970862865448, + -0.0390443280339241, + -0.21271798014640808, + 0.013209829106926918, + -0.17714038491249084, + 0.0706387460231781, + -0.02558649703860283, + -0.20323236286640167, + 2.5166215896606445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/38.png", + [ + 0.20019005239009857, + -0.03445134311914444, + 0.07539854198694229, + -0.915495753288269, + -0.04092312976717949, + -0.21245980262756348, + 0.01157684437930584, + -0.15768690407276154, + 0.07209113985300064, + -0.024936532601714134, + -0.20280268788337708, + 2.519618511199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/111.png", + [ + 0.20414327085018158, + -0.04189949110150337, + 0.05931147560477257, + -0.716091513633728, + -0.048084598034620285, + -0.2106090933084488, + 0.016720781102776527, + -0.21817727386951447, + 0.05441773682832718, + -0.02891618385910988, + -0.20772689580917358, + 2.5735092163085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/11.png", + [ + 0.20418031513690948, + -0.04051442816853523, + 0.060140449553728104, + -0.7198172807693481, + -0.04296797513961792, + -0.2123527079820633, + 0.0028244988061487675, + -0.04922962188720703, + 0.058412715792655945, + -0.014587865211069584, + -0.20814189314842224, + 2.5598526000976562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/59.png", + [ + 0.1986818164587021, + -0.051123637706041336, + 0.06971223652362823, + -0.8514276742935181, + -0.05901116132736206, + -0.20788997411727905, + 0.015726841986179352, + -0.2065640240907669, + 0.06317520141601562, + -0.03340694680809975, + -0.2045501470565796, + 2.5401172637939453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/105.png", + [ + 0.20449277758598328, + -0.04330048710107803, + 0.0570584312081337, + -0.6979805827140808, + -0.049825891852378845, + -0.2099906951189041, + 0.019214274361729622, + -0.24987639486789703, + 0.05145849660038948, + -0.03125501051545143, + -0.20814189314842224, + 2.606518268585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/24.png", + [ + 0.203672856092453, + -0.045971471816301346, + 0.05789545178413391, + -0.690716028213501, + -0.04978811368346214, + -0.21073172986507416, + 0.00782169122248888, + -0.1083461195230484, + 0.05464798957109451, + -0.020655721426010132, + -0.20865002274513245, + 2.5533041954040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/74.png", + [ + 0.20520073175430298, + -0.045677218586206436, + 0.052479930222034454, + -0.6200394630432129, + -0.04796856641769409, + -0.21126611530780792, + 0.003680209629237652, + -0.05529855191707611, + 0.050394125282764435, + -0.015103606507182121, + -0.21019087731838226, + 2.5551185607910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/98.png", + [ + 0.20887696743011475, + -0.035370420664548874, + 0.04546695202589035, + -0.559607744216919, + -0.04030568152666092, + -0.21192242205142975, + 0.020303618162870407, + -0.26841098070144653, + 0.04115534573793411, + -0.02803066186606884, + -0.21087534725666046, + 2.65848970413208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/0.png", + [ + 0.19797295331954956, + -0.012882138602435589, + 0.08711288869380951, + -1.0294302701950073, + -0.013607560656964779, + -0.21624435484409332, + -0.0010533558670431376, + 0.0011333785951137543, + 0.08700252324342728, + -0.004508408717811108, + -0.19838882982730865, + 2.39066219329834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/96.png", + [ + 0.20844689011573792, + -0.03751237317919731, + 0.045723166316747665, + -0.5610674619674683, + -0.04234505444765091, + -0.21160544455051422, + 0.019440338015556335, + -0.25572633743286133, + 0.04128779098391533, + -0.02763788402080536, + -0.21090130507946014, + 2.6580986976623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/100.png", + [ + 0.20854943990707397, + -0.03505060821771622, + 0.04718552902340889, + -0.5795488357543945, + -0.04047195985913277, + -0.211765319108963, + 0.021572336554527283, + -0.2852122485637665, + 0.042626749724149704, + -0.029577020555734634, + -0.2103712260723114, + 2.6497650146484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/40.png", + [ + 0.19947679340839386, + -0.037875425070524216, + 0.0756462886929512, + -0.9160678386688232, + -0.044337864965200424, + -0.21181119978427887, + 0.010865491814911366, + -0.151671901345253, + 0.07204902172088623, + -0.025482483208179474, + -0.20274978876113892, + 2.5126028060913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/52.png", + [ + 0.2000764012336731, + -0.025527266785502434, + 0.07915610074996948, + -0.9589276909828186, + -0.035646725445985794, + -0.21263526380062103, + 0.021527985110878944, + -0.27759724855422974, + 0.07514414191246033, + -0.03290139511227608, + -0.20054613053798676, + 2.490218162536621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/3.png", + [ + 0.19946596026420593, + -0.014585712924599648, + 0.08335753530263901, + -0.9807695746421814, + -0.015669943764805794, + -0.21610704064369202, + -0.00031736379605717957, + -0.010391868650913239, + 0.08316054940223694, + -0.005736270919442177, + -0.19999827444553375, + 2.4116029739379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/47.png", + [ + 0.19836938381195068, + -0.030743848532438278, + 0.08156158775091171, + -0.9851388335227966, + -0.041240841150283813, + -0.21172383427619934, + 0.020496347919106483, + -0.26306599378585815, + 0.07678978890180588, + -0.03428881615400314, + -0.19968850910663605, + 2.4731059074401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/104.png", + [ + 0.20582245290279388, + -0.04110373184084892, + 0.05380985140800476, + -0.6559998989105225, + -0.04739033058285713, + -0.21042980253696442, + 0.020526768639683723, + -0.26517853140830994, + 0.04836500808596611, + -0.031267788261175156, + -0.2088804543018341, + 2.6163158416748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/21.png", + [ + 0.20359818637371063, + -0.04505540803074837, + 0.05887002497911453, + -0.7016690969467163, + -0.049625836312770844, + -0.21065835654735565, + 0.010403099469840527, + -0.14202994108200073, + 0.05507218837738037, + -0.023258497938513756, + -0.20826423168182373, + 2.549510955810547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/82.png", + [ + 0.20645445585250854, + -0.043666772544384, + 0.049169834703207016, + -0.5868917107582092, + -0.04653036594390869, + -0.21148456633090973, + 0.007556496188044548, + -0.10512596368789673, + 0.04646918550133705, + -0.01775917410850525, + -0.21088652312755585, + 2.578899383544922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/106.png", + [ + 0.20400583744049072, + -0.04312729835510254, + 0.05890284478664398, + -0.7192070484161377, + -0.04961627721786499, + -0.21014994382858276, + 0.01797553524374962, + -0.23435571789741516, + 0.05355122685432434, + -0.030412672087550163, + -0.20773836970329285, + 2.598935604095459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/14.png", + [ + 0.20354430377483368, + -0.03956138715147972, + 0.06286905705928802, + -0.7601333856582642, + -0.042418718338012695, + -0.21245057880878448, + 0.003646446391940117, + -0.05818040668964386, + 0.06097765639424324, + -0.015733445063233376, + -0.2073211967945099, + 2.559309959411621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/67.png", + [ + 0.19695860147476196, + -0.060627348721027374, + 0.06692925840616226, + -0.7980999946594238, + -0.0671275332570076, + -0.20570926368236542, + 0.011201947927474976, + -0.15492798388004303, + 0.06040772795677185, + -0.03091786429286003, + -0.20577386021614075, + 2.5172119140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/78.png", + [ + 0.2061014175415039, + -0.04220704361796379, + 0.05185237154364586, + -0.6226253509521484, + -0.04568462073802948, + -0.21159727871418, + 0.009349016472697258, + -0.1263347864151001, + 0.048816174268722534, + -0.019825585186481476, + -0.2101709395647049, + 2.5643563270568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/31.png", + [ + 0.2014867663383484, + -0.03200841695070267, + 0.07298249006271362, + -0.8859864473342896, + -0.03827732056379318, + -0.21291208267211914, + 0.012296007946133614, + -0.1651948243379593, + 0.06989871710538864, + -0.02432706020772457, + -0.20364248752593994, + 2.515284538269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/39.png", + [ + 0.19993160665035248, + -0.03623322397470474, + 0.07524893432855606, + -0.9129010438919067, + -0.042894307523965836, + -0.21205495297908783, + 0.011860521510243416, + -0.16247539222240448, + 0.07166120409965515, + -0.025840794667601585, + -0.2028418630361557, + 2.5199227333068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/92.png", + [ + 0.2073287069797516, + -0.04401547089219093, + 0.045003846287727356, + -0.5456118583679199, + -0.04775789752602577, + -0.21089814603328705, + 0.013749957084655762, + -0.18172098696231842, + 0.04101087525486946, + -0.02307630516588688, + -0.21150292456150055, + 2.6444835662841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/53.png", + [ + 0.20031149685382843, + -0.023640228435397148, + 0.07914759963750839, + -0.9613105058670044, + -0.033547401428222656, + -0.21300114691257477, + 0.021283438429236412, + -0.2746058702468872, + 0.07548361271619797, + -0.03193042427301407, + -0.200575590133667, + 2.4965572357177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/75.png", + [ + 0.20564325153827667, + -0.04385997727513313, + 0.0522976815700531, + -0.6213628649711609, + -0.04613422974944115, + -0.21167053282260895, + 0.0038879255298525095, + -0.05703078210353851, + 0.05030286684632301, + -0.01482517458498478, + -0.21023255586624146, + 2.5616841316223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/87.png", + [ + 0.2071552723646164, + -0.04454076662659645, + 0.04528476670384407, + -0.5420229434967041, + -0.04740609601140022, + -0.2112291008234024, + 0.00910054612904787, + -0.12455098330974579, + 0.04227590188384056, + -0.018608545884490013, + -0.21169403195381165, + 2.6123709678649902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/107.png", + [ + 0.2039182186126709, + -0.04401951655745506, + 0.05854521319270134, + -0.711787760257721, + -0.0502939410507679, + -0.21005016565322876, + 0.01724381372332573, + -0.22593025863170624, + 0.053252048790454865, + -0.029817964881658554, + -0.20790141820907593, + 2.595287799835205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/112.png", + [ + 0.20437301695346832, + -0.04197555035352707, + 0.05846039578318596, + -0.7032702565193176, + -0.048030853271484375, + -0.2106245458126068, + 0.016680162400007248, + -0.21656745672225952, + 0.053596656769514084, + -0.028692230582237244, + -0.2079712599515915, + 2.568060874938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/69.png", + [ + 0.1980055272579193, + -0.05666913464665413, + 0.06730758398771286, + -0.8044350147247314, + -0.06300681084394455, + -0.20701633393764496, + 0.011057584546506405, + -0.15334470570087433, + 0.06141533702611923, + -0.029677212238311768, + -0.2056582272052765, + 2.5104875564575195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/45.png", + [ + 0.19935131072998047, + -0.03091491013765335, + 0.07906465977430344, + -0.9536582231521606, + -0.040156323462724686, + -0.21213287115097046, + 0.018303323537111282, + -0.23680581152439117, + 0.07479585707187653, + -0.031493015587329865, + -0.20090211927890778, + 2.4875688552856445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/50.png", + [ + 0.1979736089706421, + -0.030284561216831207, + 0.08268729597330093, + -0.9998878836631775, + -0.04103206470608711, + -0.21174576878547668, + 0.020688045769929886, + -0.2660391330718994, + 0.07791478931903839, + -0.03456111624836922, + -0.1992051899433136, + 2.4694032669067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/101.png", + [ + 0.2080424726009369, + -0.03576121851801872, + 0.048860691487789154, + -0.5983384251594543, + -0.041348546743392944, + -0.21163766086101532, + 0.021158797666430473, + -0.27789920568466187, + 0.044232673943042755, + -0.029640046879649162, + -0.21003055572509766, + 2.644033432006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/85.png", + [ + 0.2069949507713318, + -0.043588750064373016, + 0.046914953738451004, + -0.5600418448448181, + -0.046546656638383865, + -0.21142731606960297, + 0.00893255602568388, + -0.12241174280643463, + 0.04398181289434433, + -0.018611904233694077, + -0.21134591102600098, + 2.5953636169433594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/71.png", + [ + 0.19941823184490204, + -0.053143154829740524, + 0.0660005584359169, + -0.7834540009498596, + -0.057090647518634796, + -0.20897521078586578, + 0.0042319996282458305, + -0.06653943657875061, + 0.06261729449033737, + -0.021285153925418854, + -0.20633448660373688, + 2.5099449157714844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/115.png", + [ + 0.20495201647281647, + -0.038193538784980774, + 0.05902383103966713, + -0.7069104909896851, + -0.04409332200884819, + -0.21151839196681976, + 0.0162371676415205, + -0.20913171768188477, + 0.05475708097219467, + -0.027370059862732887, + -0.20784713327884674, + 2.5642294883728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/54.png", + [ + 0.20277675986289978, + -0.023696662858128548, + 0.07258065789937973, + -0.8802558779716492, + -0.03139936923980713, + -0.2136325091123581, + 0.017975645139813423, + -0.23179857432842255, + 0.06959571689367294, + -0.02734067104756832, + -0.20336376130580902, + 2.5238876342773438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/33.png", + [ + 0.20142975449562073, + -0.031462669372558594, + 0.0733761116862297, + -0.8931506276130676, + -0.038212791085243225, + -0.21284200251102448, + 0.01363679300993681, + -0.18207049369812012, + 0.07009804993867874, + -0.02561795897781849, + -0.20341551303863525, + 2.5225253105163574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/49.png", + [ + 0.1983180046081543, + -0.03249048814177513, + 0.08100757747888565, + -0.9786539077758789, + -0.04245833680033684, + -0.21161654591560364, + 0.01906893216073513, + -0.24591052532196045, + 0.07625712454319, + -0.03332720696926117, + -0.2000550925731659, + 2.47592830657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/110.png", + [ + 0.20449432730674744, + -0.04181294143199921, + 0.05815187096595764, + -0.703552782535553, + -0.047706104815006256, + -0.21073289215564728, + 0.016237910836935043, + -0.21219229698181152, + 0.0534236878156662, + -0.02812863141298294, + -0.20809273421764374, + 2.5850024223327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/18.png", + [ + 0.2046852558851242, + -0.03618721663951874, + 0.06117450073361397, + -0.7325538992881775, + -0.040339574217796326, + -0.21268928050994873, + 0.009158791042864323, + -0.1266333907842636, + 0.05851967632770538, + -0.020041214302182198, + -0.2076576203107834, + 2.556304454803467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/66.png", + [ + 0.19466407597064972, + -0.06625284999608994, + 0.06829608231782913, + -0.8162901401519775, + -0.07188542187213898, + -0.2042921930551529, + 0.006714462768286467, + -0.09860987961292267, + 0.062340039759874344, + -0.028690747916698456, + -0.20551997423171997, + 2.517113208770752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/16.png", + [ + 0.20484764873981476, + -0.035149846225976944, + 0.06123577803373337, + -0.7344672679901123, + -0.03898172453045845, + -0.2129833698272705, + 0.008148527704179287, + -0.11657841503620148, + 0.058870695531368256, + -0.01872061751782894, + -0.20768167078495026, + 2.563598155975342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/94.png", + [ + 0.20761527121067047, + -0.04175763204693794, + 0.04582677409052849, + -0.558638334274292, + -0.046582840383052826, + -0.2107531577348709, + 0.01900104619562626, + -0.24990813434123993, + 0.04091248661279678, + -0.028058886528015137, + -0.2109188437461853, + 2.6499552726745605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/28.png", + [ + 0.20224426686763763, + -0.03304864093661308, + 0.07037714868783951, + -0.8453754782676697, + -0.03809173405170441, + -0.21309290826320648, + 0.009397979825735092, + -0.12816646695137024, + 0.06778035312891006, + -0.02114449441432953, + -0.20471107959747314, + 2.5103683471679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/61.png", + [ + 0.19317224621772766, + -0.06366173177957535, + 0.07469641417264938, + -0.9085221290588379, + -0.0693158209323883, + -0.2052423357963562, + 0.004335006698966026, + -0.06245669350028038, + 0.06948156654834747, + -0.027760732918977737, + -0.2033458650112152, + 2.5196704864501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/58.png", + [ + 0.2004726082086563, + -0.04415324702858925, + 0.06934777647256851, + -0.8478837013244629, + -0.05234357714653015, + -0.20949076116085052, + 0.01793503761291504, + -0.23453475534915924, + 0.06339380890130997, + -0.0333467498421669, + -0.20449233055114746, + 2.541811943054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/64.png", + [ + 0.19204121828079224, + -0.0682440921664238, + 0.07355819642543793, + -0.8845074772834778, + -0.07386519759893417, + -0.20365813374519348, + 0.003897585440427065, + -0.06185033544898033, + 0.06791167706251144, + -0.028530742973089218, + -0.20376922190189362, + 2.5109128952026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/10.png", + [ + 0.20345135033130646, + -0.04175131395459175, + 0.06174353137612343, + -0.7353214025497437, + -0.04462761804461479, + -0.2119966596364975, + 0.0036993632093071938, + -0.06331320106983185, + 0.05969766899943352, + -0.0161906685680151, + -0.20765824615955353, + 2.5486745834350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/41.png", + [ + 0.19947953522205353, + -0.03732718154788017, + 0.07591113448143005, + -0.9185835123062134, + -0.044364482164382935, + -0.2117169201374054, + 0.012475239112973213, + -0.1701352745294571, + 0.07202507555484772, + -0.027028141543269157, + -0.20255805552005768, + 2.5095014572143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/91.png", + [ + 0.20707209408283234, + -0.04417801648378372, + 0.04601464420557022, + -0.5569695830345154, + -0.04776371270418167, + -0.21098150312900543, + 0.012382762506604195, + -0.16550305485725403, + 0.042280878871679306, + -0.021977446973323822, + -0.2113698571920395, + 2.6331496238708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/23.png", + [ + 0.20388562977313995, + -0.04606527090072632, + 0.05706604942679405, + -0.6797683835029602, + -0.05013112723827362, + -0.21059870719909668, + 0.009107527323067188, + -0.125281423330307, + 0.05352955311536789, + -0.02177310176193714, + -0.20882627367973328, + 2.5513930320739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/37.png", + [ + 0.20074962079524994, + -0.03392653539776802, + 0.07413825392723083, + -0.9008153080940247, + -0.039498236030340195, + -0.21282954514026642, + 0.009558982215821743, + -0.13272687792778015, + 0.0713258683681488, + -0.02237129956483841, + -0.20337167382240295, + 2.527742862701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/36.png", + [ + 0.20067615807056427, + -0.03378044441342354, + 0.074403315782547, + -0.9050263166427612, + -0.039216138422489166, + -0.21290135383605957, + 0.009110384620726109, + -0.12627744674682617, + 0.07168727368116379, + -0.021904032677412033, + -0.20329543948173523, + 2.5254955291748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/8.png", + [ + 0.20278491079807281, + -0.04120313748717308, + 0.06425321102142334, + -0.7603731751441956, + -0.04401916638016701, + -0.2121364027261734, + 0.002890707226470113, + -0.05331875756382942, + 0.06235773488879204, + -0.015758953988552094, + -0.20690833032131195, + 2.523627281188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/6.png", + [ + 0.20235688984394073, + -0.02962643653154373, + 0.07156714051961899, + -0.8401309251785278, + -0.031070243567228317, + -0.2144334316253662, + -0.000916900287847966, + -0.001824667677283287, + 0.07095223665237427, + -0.009406118653714657, + -0.2045121043920517, + 2.471086025238037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/20.png", + [ + 0.20429076254367828, + -0.0419367253780365, + 0.05877485126256943, + -0.7010502815246582, + -0.0461554117500782, + -0.2114870697259903, + 0.009528745897114277, + -0.13061581552028656, + 0.05552341043949127, + -0.02150418981909752, + -0.20833294093608856, + 2.554631233215332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/2.png", + [ + 0.1985476016998291, + -0.01442464254796505, + 0.08554922789335251, + -1.0073902606964111, + -0.014993836171925068, + -0.2161489576101303, + -0.0016467825043946505, + 0.006026547402143478, + 0.08545131236314774, + -0.0044109756126999855, + -0.19906409084796906, + 2.3997106552124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/5.png", + [ + 0.2016811966896057, + -0.02332398295402527, + 0.07568737119436264, + -0.8910670280456543, + -0.023933934047818184, + -0.2153332233428955, + -0.002581722103059292, + 0.017655394971370697, + 0.07549670338630676, + -0.005957373883575201, + -0.2030089944601059, + 2.447573184967041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/108.png", + [ + 0.20401696860790253, + -0.04322245717048645, + 0.058794520795345306, + -0.7139760255813599, + -0.04935695230960846, + -0.2103199064731598, + 0.016653109341859818, + -0.2183770388364792, + 0.05374819040298462, + -0.02907324768602848, + -0.2078792303800583, + 2.5907859802246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/60.png", + [ + 0.19488713145256042, + -0.05831308662891388, + 0.07460886240005493, + -0.9113898277282715, + -0.06572500616312027, + -0.2061975598335266, + 0.010520768351852894, + -0.13986313343048096, + 0.06816980242729187, + -0.03209434449672699, + -0.20315198600292206, + 2.5238823890686035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/56.png", + [ + 0.20152951776981354, + -0.03476319462060928, + 0.07159095257520676, + -0.8722106218338013, + -0.042702723294496536, + -0.2117106318473816, + 0.01740613393485546, + -0.22589978575706482, + 0.06715817749500275, + -0.030298784375190735, + -0.20376372337341309, + 2.5340795516967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/30.png", + [ + 0.2021482288837433, + -0.03276471793651581, + 0.07078459113836288, + -0.8560782670974731, + -0.03790634870529175, + -0.21311669051647186, + 0.009606508538126945, + -0.13144183158874512, + 0.06816960126161575, + -0.021345939487218857, + -0.20456087589263916, + 2.5201592445373535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/17.png", + [ + 0.20549532771110535, + -0.03357413783669472, + 0.059936147183179855, + -0.71733158826828, + -0.037517961114645004, + -0.21320316195487976, + 0.00920401606708765, + -0.1284475475549698, + 0.05754969269037247, + -0.019107285887002945, + -0.20801644027233124, + 2.565596103668213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/12.png", + [ + 0.2040831595659256, + -0.03884146362543106, + 0.061557330191135406, + -0.7406122088432312, + -0.04178957641124725, + -0.21256045997142792, + 0.004424961283802986, + -0.06635558605194092, + 0.0595952607691288, + -0.016040250658988953, + -0.20769934356212616, + 2.5571632385253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/114.png", + [ + 0.2036983072757721, + -0.041150592267513275, + 0.06133120134472847, + -0.738162100315094, + -0.047422491014003754, + -0.21081063151359558, + 0.016058702021837234, + -0.20734818279743195, + 0.05662151426076889, + -0.02852022461593151, + -0.20719194412231445, + 2.5572924613952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/27.png", + [ + 0.20131663978099823, + -0.036904510110616684, + 0.07111653685569763, + -0.8516943454742432, + -0.043046869337558746, + -0.2120256870985031, + 0.011830545030534267, + -0.1573198288679123, + 0.06757567822933197, + -0.025120751932263374, + -0.20432907342910767, + 2.50233793258667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/42.png", + [ + 0.19993987679481506, + -0.036784689873456955, + 0.07495883852243423, + -0.9051183462142944, + -0.043452054262161255, + -0.21193940937519073, + 0.011895507574081421, + -0.16220729053020477, + 0.0713011771440506, + -0.026009049266576767, + -0.202947199344635, + 2.506610870361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/7.png", + [ + 0.2026812732219696, + -0.03584451973438263, + 0.06770054996013641, + -0.7967022061347961, + -0.03818528726696968, + -0.21327875554561615, + 0.0013968453276902437, + -0.03219106048345566, + 0.06640841066837311, + -0.0132377240806818, + -0.2058217078447342, + 2.4982552528381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/73.png", + [ + 0.20373278856277466, + -0.04789064824581146, + 0.05610108748078346, + -0.6606289744377136, + -0.05044323951005936, + -0.2106948047876358, + 0.003326662350445986, + -0.05136488378047943, + 0.053817518055438995, + -0.01618865318596363, + -0.20925940573215485, + 2.54091739654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/46.png", + [ + 0.1990957111120224, + -0.03042815625667572, + 0.07989319413900375, + -0.9635876417160034, + -0.04018532112240791, + -0.21203093230724335, + 0.019388549029827118, + -0.25005391240119934, + 0.07545817643404007, + -0.03263285011053085, + -0.20047207176685333, + 2.482985496520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/57.png", + [ + 0.20089980959892273, + -0.03945208713412285, + 0.07092735171318054, + -0.8664773106575012, + -0.04763803631067276, + -0.21062400937080383, + 0.017777573317289352, + -0.23173291981220245, + 0.06570976972579956, + -0.0320773646235466, + -0.20396362245082855, + 2.538853168487549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/44.png", + [ + 0.19982823729515076, + -0.03139439970254898, + 0.07765926420688629, + -0.9357661008834839, + -0.03974775969982147, + -0.21236330270767212, + 0.016426973044872284, + -0.21377870440483093, + 0.07373388856649399, + -0.029395945370197296, + -0.2016112208366394, + 2.4946436882019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/113.png", + [ + 0.2039935141801834, + -0.04101571813225746, + 0.06043390557169914, + -0.7266418933868408, + -0.04723922908306122, + -0.21082791686058044, + 0.01636890321969986, + -0.21168413758277893, + 0.055704593658447266, + -0.028586648404598236, + -0.20743119716644287, + 2.560664176940918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/29.png", + [ + 0.20275866985321045, + -0.03202831745147705, + 0.06936141848564148, + -0.8348680138587952, + -0.036987192928791046, + -0.21327665448188782, + 0.00963908713310957, + -0.12979093194007874, + 0.06684884428977966, + -0.020860275253653526, + -0.20504628121852875, + 2.519094467163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/4.png", + [ + 0.1997377723455429, + -0.017610661685466766, + 0.08211318403482437, + -0.9680142998695374, + -0.019041704013943672, + -0.215836301445961, + 2.8343267331365496e-05, + -0.015687132254242897, + 0.08179318159818649, + -0.0072423615492880344, + -0.20051264762878418, + 2.4207210540771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/55.png", + [ + 0.20259416103363037, + -0.02961885929107666, + 0.07089584320783615, + -0.8616056442260742, + -0.036318451166152954, + -0.21309885382652283, + 0.014756322838366032, + -0.19155000150203705, + 0.06770868599414825, + -0.025680774822831154, + -0.2042153775691986, + 2.5329055786132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/9.png", + [ + 0.20333699882030487, + -0.04382674768567085, + 0.06067274883389473, + -0.7197748422622681, + -0.04633241519331932, + -0.21164943277835846, + 0.0023929569870233536, + -0.047826144844293594, + 0.05878157541155815, + -0.015219555236399174, + -0.2079927772283554, + 2.543898105621338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/25.png", + [ + 0.20167624950408936, + -0.04382270202040672, + 0.06598600000143051, + -0.7917011380195618, + -0.04904632270336151, + -0.2108185738325119, + 0.009893611073493958, + -0.13354115188121796, + 0.0622016079723835, + -0.02414531074464321, + -0.20614522695541382, + 2.536227226257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/99.png", + [ + 0.2088204026222229, + -0.03522707521915436, + 0.04583662375807762, + -0.5642216801643372, + -0.04020609334111214, + -0.21194329857826233, + 0.020283127203583717, + -0.2682293951511383, + 0.04153808578848839, + -0.028053313493728638, + -0.2107972800731659, + 2.656332492828369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/34.png", + [ + 0.2011423408985138, + -0.03189481794834137, + 0.07397544384002686, + -0.9012770652770996, + -0.03853089362382889, + -0.2128240466117859, + 0.01300716120749712, + -0.17470821738243103, + 0.07074613124132156, + -0.02522967755794525, + -0.20323961973190308, + 2.5252790451049805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/72.png", + [ + 0.20167140662670135, + -0.051325105130672455, + 0.060351256281137466, + -0.7118819952011108, + -0.05420244112610817, + -0.20976781845092773, + 0.002729464089497924, + -0.045802682638168335, + 0.0577809177339077, + -0.017637690529227257, + -0.2080821394920349, + 2.5238776206970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/102.png", + [ + 0.20736706256866455, + -0.037327785044908524, + 0.050531476736068726, + -0.6174597144126892, + -0.04336851090192795, + -0.21114733815193176, + 0.02199697680771351, + -0.28610050678253174, + 0.045452892780303955, + -0.0311661995947361, + -0.20954854786396027, + 2.637692928314209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/70.png", + [ + 0.19899213314056396, + -0.054435569792985916, + 0.06623287498950958, + -0.7895066142082214, + -0.059707675129175186, + -0.20811860263347626, + 0.00833879504352808, + -0.11827905476093292, + 0.06152251362800598, + -0.025909654796123505, + -0.20613481104373932, + 2.508664131164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/90.png", + [ + 0.20692011713981628, + -0.04536085203289986, + 0.045545075088739395, + -0.5497002005577087, + -0.04835602268576622, + -0.21099378168582916, + 0.009550459682941437, + -0.131062313914299, + 0.04235156625509262, + -0.019284958019852638, + -0.2116183638572693, + 2.6320128440856934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/15.png", + [ + 0.20430593192577362, + -0.03642099350690842, + 0.06229356303811073, + -0.7494561672210693, + -0.040200695395469666, + -0.2127825915813446, + 0.007440362125635147, + -0.10698491334915161, + 0.05992395803332329, + -0.01857326179742813, + -0.20739345252513885, + 2.5577192306518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/22.png", + [ + 0.2039409577846527, + -0.045762840658426285, + 0.05711173638701439, + -0.6799989342689514, + -0.050095684826374054, + -0.21055853366851807, + 0.010169601067900658, + -0.1389344185590744, + 0.053351763635873795, + -0.02277631312608719, + -0.20876476168632507, + 2.551835536956787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/109.png", + [ + 0.20364946126937866, + -0.0440169982612133, + 0.059475138783454895, + -0.721985399723053, + -0.0504426434636116, + -0.2100103199481964, + 0.01729452610015869, + -0.22607538104057312, + 0.054132506251335144, + -0.030100911855697632, + -0.2076330929994583, + 2.586193561553955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/26.png", + [ + 0.20438934862613678, + -0.0411955751478672, + 0.058956027030944824, + -0.7003235220909119, + -0.04579123482108116, + -0.21149657666683197, + 0.010966088622808456, + -0.14354506134986877, + 0.05546216666698456, + -0.02280387654900551, + -0.2082110196352005, + 2.5338058471679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/43.png", + [ + 0.20004449784755707, + -0.034213826060295105, + 0.0758914202451706, + -0.9144614934921265, + -0.04138405621051788, + -0.2122637927532196, + 0.013391450047492981, + -0.17774561047554016, + 0.07223192602396011, + -0.02685861475765705, + -0.2025069296360016, + 2.502472400665283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/84.png", + [ + 0.20697876811027527, + -0.04326169565320015, + 0.04728752747178078, + -0.5641839504241943, + -0.046027835458517075, + -0.21158210933208466, + 0.007896019145846367, + -0.10929155349731445, + 0.04459959268569946, + -0.017587898299098015, + -0.21130412817001343, + 2.5892724990844727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/89.png", + [ + 0.2070339322090149, + -0.04616492986679077, + 0.044200025498867035, + -0.5320483446121216, + -0.048723652958869934, + -0.21097876131534576, + 0.00786491297185421, + -0.1100701093673706, + 0.04136240482330322, + -0.0174542386084795, + -0.21197262406349182, + 2.6296863555908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/63.png", + [ + 0.1900060921907425, + -0.06937994807958603, + 0.07766594737768173, + -0.9371963143348694, + -0.07549802958965302, + -0.20306910574436188, + 0.003298228606581688, + -0.054302528500556946, + 0.0717330202460289, + -0.029954176396131516, + -0.2022498995065689, + 2.496133327484131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/88.png", + [ + 0.20720987021923065, + -0.045108966529369354, + 0.04446512088179588, + -0.5329045057296753, + -0.047520656138658524, + -0.2112797647714615, + 0.007109792437404394, + -0.10077816247940063, + 0.041877832263708115, + -0.016551228240132332, + -0.2119438648223877, + 2.624730110168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/62.png", + [ + 0.19121162593364716, + -0.06619089096784592, + 0.07749047130346298, + -0.939075231552124, + -0.07227189093828201, + -0.2042292058467865, + 0.003885820275172591, + -0.05639631301164627, + 0.07185249775648117, + -0.02927614375948906, + -0.20230674743652344, + 2.505445957183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/65.png", + [ + 0.19320572912693024, + -0.06739425659179688, + 0.07125631719827652, + -0.8549683094024658, + -0.07316548377275467, + -0.20387201011180878, + 0.0055600544437766075, + -0.08426257967948914, + 0.06531661748886108, + -0.02901925891637802, + -0.20454710721969604, + 2.5162181854248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/80.png", + [ + 0.20632363855838776, + -0.043890513479709625, + 0.0495184026658535, + -0.5919594764709473, + -0.046700507402420044, + -0.21146103739738464, + 0.007154617924243212, + -0.09957027435302734, + 0.046877630054950714, + -0.01748567260801792, + -0.21081894636154175, + 2.57316255569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/79.png", + [ + 0.20625239610671997, + -0.044046271592378616, + 0.04967662692070007, + -0.5945767760276794, + -0.04694477841258049, + -0.21139590442180634, + 0.007473766338080168, + -0.10414528846740723, + 0.04694709554314613, + -0.01787722297012806, + -0.2107706516981125, + 2.568993091583252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/116.png", + [ + 0.20530468225479126, + -0.03384709730744362, + 0.06043391674757004, + -0.723478376865387, + -0.039576854556798935, + -0.21246829628944397, + 0.015452862717211246, + -0.19799727201461792, + 0.05684678629040718, + -0.025680573657155037, + -0.20750144124031067, + 2.5618362426757812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/19.png", + [ + 0.2041982114315033, + -0.03992392122745514, + 0.060473691672086716, + -0.7235619425773621, + -0.04403124377131462, + -0.2119736671447754, + 0.008735704235732555, + -0.12123315036296844, + 0.0575520358979702, + -0.020521769300103188, + -0.20788100361824036, + 2.5548081398010254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/77.png", + [ + 0.20583799481391907, + -0.04343905299901962, + 0.051881302148103714, + -0.6215270757675171, + -0.0465841144323349, + -0.21146512031555176, + 0.007766492664813995, + -0.1057867705821991, + 0.04907688871026039, + -0.018532320857048035, + -0.21022821962833405, + 2.564044952392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/68.png", + [ + 0.19795672595500946, + -0.05826670303940773, + 0.06607590615749359, + -0.7885838747024536, + -0.06518600136041641, + -0.2061975598335266, + 0.013462630100548267, + -0.1840897798538208, + 0.059260595589876175, + -0.03217839449644089, + -0.20591412484645844, + 2.515202522277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/86.png", + [ + 0.2068338692188263, + -0.044849101454019547, + 0.04643499478697777, + -0.5549842119216919, + -0.047619450837373734, + -0.21122179925441742, + 0.008101795800030231, + -0.1118459552526474, + 0.043589431792497635, + -0.017939038574695587, + -0.2114853411912918, + 2.601154327392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/1.png", + [ + 0.19795633852481842, + -0.01464861910790205, + 0.08687116205692291, + -1.0246919393539429, + -0.014865837059915066, + -0.2161487489938736, + -0.0025727092288434505, + 0.018342919647693634, + 0.08683424443006516, + -0.0036096901167184114, + -0.19848093390464783, + 2.393141269683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/81.png", + [ + 0.20641914010047913, + -0.044112127274274826, + 0.04891985282301903, + -0.5840059518814087, + -0.04703090339899063, + -0.211362823843956, + 0.007858071476221085, + -0.10888299345970154, + 0.0461207777261734, + -0.018104569986462593, + -0.2109336405992508, + 2.576559066772461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/95.png", + [ + 0.20780107378959656, + -0.03998284041881561, + 0.046561527997255325, + -0.5698976516723633, + -0.04507962986826897, + -0.2109864354133606, + 0.020011361688375473, + -0.26285794377326965, + 0.04164649918675423, + -0.028879057615995407, + -0.21066433191299438, + 2.654715061187744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/103.png", + [ + 0.20678798854351044, + -0.038941096514463425, + 0.051674094051122665, + -0.6302220225334167, + -0.045259229838848114, + -0.21071578562259674, + 0.022323740646243095, + -0.2885350286960602, + 0.04624093323945999, + -0.03209887072443962, + -0.20923511683940887, + 2.627495288848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/83.png", + [ + 0.20650595426559448, + -0.04305063188076019, + 0.04949574172496796, + -0.5911590456962585, + -0.04593197628855705, + -0.21161456406116486, + 0.007578144781291485, + -0.10507406294345856, + 0.04683415964245796, + -0.01771489903330803, + -0.21080948412418365, + 2.580078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/51.png", + [ + 0.19854536652565002, + -0.028498223051428795, + 0.08194802701473236, + -0.9924501776695251, + -0.03869686275720596, + -0.21225641667842865, + 0.019941316917538643, + -0.25808754563331604, + 0.07765422761440277, + -0.03290827199816704, + -0.19958646595478058, + 2.4766716957092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/93.png", + [ + 0.20756623148918152, + -0.0426592119038105, + 0.045214489102363586, + -0.5492429733276367, + -0.046981409192085266, + -0.2108566015958786, + 0.01673750951886177, + -0.22079826891422272, + 0.04070509970188141, + -0.025837738066911697, + -0.21124252676963806, + 2.646754264831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/76.png", + [ + 0.1674974262714386, + -0.011510989628732204, + -0.13696718215942383, + 1.5092238187789917, + -0.03620176389813423, + -0.21198450028896332, + -0.026455609127879143, + 0.28109240531921387, + -0.1325969099998474, + 0.04333548620343208, + -0.16579501330852509, + 1.8905118703842163, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/48.png", + [ + 0.15207752585411072, + -0.019881287589669228, + -0.1530524492263794, + 1.7488694190979004, + -0.05707202106714249, + -0.20688296854496002, + -0.029834682121872902, + 0.32499849796295166, + -0.14339838922023773, + 0.06125404313206673, + -0.15044178068637848, + 1.7756266593933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/35.png", + [ + 0.1525290310382843, + -0.024456022307276726, + -0.15193647146224976, + 1.756074070930481, + -0.06365441530942917, + -0.20478957891464233, + -0.03093930333852768, + 0.34079208970069885, + -0.1401103138923645, + 0.06641557067632675, + -0.15134716033935547, + 1.7963547706604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/97.png", + [ + 0.15507450699806213, + -0.026406612247228622, + -0.1490049660205841, + 1.6911500692367554, + -0.050653163343667984, + -0.21010105311870575, + -0.015482425689697266, + 0.16473819315433502, + -0.142597496509552, + 0.04591447860002518, + -0.15654300153255463, + 1.8243962526321411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/13.png", + [ + 0.155913308262825, + -0.029667850583791733, + -0.14750847220420837, + 1.7026420831680298, + -0.0639331117272377, + -0.20535366237163544, + -0.02627389132976532, + 0.28676745295524597, + -0.1362038552761078, + 0.062430597841739655, + -0.1565210074186325, + 1.856404423713684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/32.png", + [ + 0.15537619590759277, + -0.023578936234116554, + -0.14916488528251648, + 1.7246534824371338, + -0.06337940692901611, + -0.2044384777545929, + -0.03370237350463867, + 0.37212029099464417, + -0.13707362115383148, + 0.06779995560646057, + -0.1534987986087799, + 1.8216766119003296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/38.png", + [ + 0.15506590902805328, + -0.02470916137099266, + -0.14930477738380432, + 1.711694598197937, + -0.06243974715471268, + -0.2051699310541153, + -0.03089452162384987, + 0.3381604254245758, + -0.13785403966903687, + 0.06513563543558121, + -0.1539529412984848, + 1.8104603290557861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/11.png", + [ + 0.1568482369184494, + -0.03225734829902649, + -0.14596569538116455, + 1.6834405660629272, + -0.06468304991722107, + -0.20538344979286194, + -0.024117283523082733, + 0.2610652446746826, + -0.1347687989473343, + 0.06103280186653137, + -0.1583043336868286, + 1.8807326555252075, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/59.png", + [ + 0.15805399417877197, + -0.011331945657730103, + -0.14777828752994537, + 1.6789050102233887, + -0.04246308654546738, + -0.21044613420963287, + -0.02927829697728157, + 0.31682920455932617, + -0.1419990062713623, + 0.05031818151473999, + -0.15573136508464813, + 1.825859546661377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/105.png", + [ + 0.16495034098625183, + -0.02195364236831665, + -0.13877075910568237, + 1.5866427421569824, + -0.04561327397823334, + -0.210788294672966, + -0.020871495828032494, + 0.22067606449127197, + -0.13288608193397522, + 0.04510241374373436, + -0.16509073972702026, + 1.9385238885879517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/24.png", + [ + 0.1526014357805252, + -0.024583516642451286, + -0.15184317529201508, + 1.7559666633605957, + -0.0622192919254303, + -0.2054758071899414, + -0.029263313859701157, + 0.32066115736961365, + -0.14067499339580536, + 0.06421240419149399, + -0.15177354216575623, + 1.8051726818084717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/74.png", + [ + 0.16337800025939941, + -0.012610122561454773, + -0.1417621672153473, + 1.5692620277404785, + -0.03774608299136162, + -0.21193283796310425, + -0.024649586528539658, + 0.2618959844112396, + -0.1372252255678177, + 0.04328225180506706, + -0.16199931502342224, + 1.849969744682312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/98.png", + [ + 0.15406300127506256, + -0.02297798916697502, + -0.15061374008655548, + 1.7038758993148804, + -0.04761245846748352, + -0.21072952449321747, + -0.01655345782637596, + 0.17859652638435364, + -0.1447257250547409, + 0.04486618563532829, + -0.15488505363464355, + 1.807205080986023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/0.png", + [ + 0.14952608942985535, + -0.05005465820431709, + -0.14860813319683075, + 1.7379467487335205, + -0.08403287827968597, + -0.19894373416900635, + -0.017543086782097816, + 0.18573451042175293, + -0.13239455223083496, + 0.06974105536937714, + -0.15670277178287506, + 1.894264578819275, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/96.png", + [ + 0.15305224061012268, + -0.02487376518547535, + -0.15134133398532867, + 1.7219395637512207, + -0.05044987425208092, + -0.21007300913333893, + -0.016493581235408783, + 0.17426641285419464, + -0.14483685791492462, + 0.04688841849565506, + -0.1541806012392044, + 1.800650954246521, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/100.png", + [ + 0.16447044909000397, + -0.026612769812345505, + -0.13852481544017792, + 1.5650911331176758, + -0.048500917851924896, + -0.21047914028167725, + -0.017148800194263458, + 0.1808965802192688, + -0.1324576437473297, + 0.04402477666735649, + -0.1657247096300125, + 1.9323374032974243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/40.png", + [ + 0.15607871115207672, + -0.02552228793501854, + -0.1481078714132309, + 1.6875157356262207, + -0.06273555755615234, + -0.20509858429431915, + -0.03076878935098648, + 0.3338727056980133, + -0.1365707814693451, + 0.0650467649102211, + -0.15512971580028534, + 1.8142396211624146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/52.png", + [ + 0.1576964557170868, + -0.016306839883327484, + -0.14769499003887177, + 1.6892756223678589, + -0.05084075778722763, + -0.20828890800476074, + -0.03128660097718239, + 0.3447116017341614, + -0.13962428271770477, + 0.057425789535045624, + -0.15541954338550568, + 1.8333646059036255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/3.png", + [ + 0.14980344474315643, + -0.047249313443899155, + -0.14924584329128265, + 1.7467929124832153, + -0.08124721795320511, + -0.2000368982553482, + -0.018221665173768997, + 0.1926487535238266, + -0.13381221890449524, + 0.06856122612953186, + -0.1560177505016327, + 1.8790644407272339, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/47.png", + [ + 0.15329967439174652, + -0.019480634480714798, + -0.1518802046775818, + 1.7353359460830688, + -0.05735587701201439, + -0.20657317340373993, + -0.031396202743053436, + 0.3412929177284241, + -0.1419767439365387, + 0.06241733208298683, + -0.1513095200061798, + 1.7816888093948364, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/104.png", + [ + 0.16407367587089539, + -0.020982708781957626, + -0.13995516300201416, + 1.597596287727356, + -0.04459264501929283, + -0.21102945506572723, + -0.02063882350921631, + 0.2184806764125824, + -0.13431014120578766, + 0.04443186894059181, + -0.16411729156970978, + 1.9261192083358765, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/21.png", + [ + 0.1484595686197281, + -0.0282501969486475, + -0.15527260303497314, + 1.790462613105774, + -0.06006200984120369, + -0.20724759995937347, + -0.01972012221813202, + 0.21186214685440063, + -0.14594590663909912, + 0.05655311420559883, + -0.1498313546180725, + 1.7832027673721313, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/82.png", + [ + 0.15967002511024475, + -0.020780961960554123, + -0.144988015294075, + 1.6278258562088013, + -0.04449494183063507, + -0.21122843027114868, + -0.01872553676366806, + 0.19184675812721252, + -0.13954776525497437, + 0.04357289522886276, + -0.15992410480976105, + 1.8452770709991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/106.png", + [ + 0.16448454558849335, + -0.02426692470908165, + -0.1389382779598236, + 1.5914442539215088, + -0.049754798412323, + -0.20970486104488373, + -0.022276105359196663, + 0.23951315879821777, + -0.13197417557239532, + 0.048814766108989716, + -0.16476596891880035, + 1.9358869791030884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/14.png", + [ + 0.15373137593269348, + -0.028927220031619072, + -0.14992587268352509, + 1.7345033884048462, + -0.0651930645108223, + -0.20481909811496735, + -0.02732931822538376, + 0.2992641031742096, + -0.13807395100593567, + 0.06449995189905167, + -0.15402346849441528, + 1.8329222202301025, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/67.png", + [ + 0.15483154356479645, + -0.01398777961730957, + -0.1509285569190979, + 1.7034823894500732, + -0.04099797084927559, + -0.2115728259086609, + -0.02244999259710312, + 0.2397446632385254, + -0.14592550694942474, + 0.04460020363330841, + -0.1538325697183609, + 1.79155695438385, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/78.png", + [ + 0.16662073135375977, + -0.01212825533002615, + -0.13797946274280548, + 1.5255767107009888, + -0.037477534264326096, + -0.21173886954784393, + -0.026645347476005554, + 0.2852771282196045, + -0.1333448886871338, + 0.04435589909553528, + -0.16492296755313873, + 1.8905590772628784, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/31.png", + [ + 0.15333956480026245, + -0.0231710746884346, + -0.15132077038288116, + 1.7512671947479248, + -0.06363079696893692, + -0.20444685220718384, + -0.03317367658019066, + 0.36657968163490295, + -0.13923358917236328, + 0.0679151862859726, + -0.1514906883239746, + 1.8009033203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/39.png", + [ + 0.15561231970787048, + -0.025658108294010162, + -0.14857445657253265, + 1.6967835426330566, + -0.0633057951927185, + -0.20490065217018127, + -0.030919168144464493, + 0.3372238576412201, + -0.1368396133184433, + 0.06561464071273804, + -0.154652938246727, + 1.812174916267395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/92.png", + [ + 0.16300339996814728, + -0.016430284827947617, + -0.1418020874261856, + 1.593765377998352, + -0.043347857892513275, + -0.21076835691928864, + -0.025407690554857254, + 0.27435043454170227, + -0.1360100954771042, + 0.04748297482728958, + -0.16184718906879425, + 1.8799172639846802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/53.png", + [ + 0.15615351498126984, + -0.016750799492001534, + -0.14927621185779572, + 1.7096508741378784, + -0.049798980355262756, + -0.2089189887046814, + -0.028649743646383286, + 0.31562668085098267, + -0.14171814918518066, + 0.05495595186948776, + -0.1544140726327896, + 1.8282110691070557, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/75.png", + [ + 0.16658280789852142, + -0.011721160262823105, + -0.13806042075157166, + 1.5216946601867676, + -0.03607082739472389, + -0.21212221682071686, + -0.02551390789449215, + 0.2697486877441406, + -0.13377952575683594, + 0.042599041014909744, + -0.16503410041332245, + 1.879867672920227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/87.png", + [ + 0.15434309840202332, + -0.02030913531780243, + -0.15071044862270355, + 1.6940109729766846, + -0.04638751968741417, + -0.21078722178936005, + -0.019100777804851532, + 0.20549242198467255, + -0.1448250710964203, + 0.045871347188949585, + -0.15449729561805725, + 1.7867096662521362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/107.png", + [ + 0.16598264873027802, + -0.025874776765704155, + -0.13685083389282227, + 1.5726152658462524, + -0.05223619192838669, + -0.2089264988899231, + -0.023853523656725883, + 0.2594265639781952, + -0.12910862267017365, + 0.051265060901641846, + -0.16628514230251312, + 1.9533687829971313, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/69.png", + [ + 0.16127674281597137, + -0.009859657846391201, + -0.14436234533786774, + 1.6245224475860596, + -0.03836832568049431, + -0.21134696900844574, + -0.02842922881245613, + 0.3066922128200531, + -0.1395190805196762, + 0.046724047511816025, + -0.15905718505382538, + 1.8427015542984009, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/45.png", + [ + 0.15255440771579742, + -0.020663589239120483, + -0.15247316658496857, + 1.739227056503296, + -0.0593295693397522, + -0.2060079574584961, + -0.03144240751862526, + 0.3427000343799591, + -0.1419684886932373, + 0.06388770788908005, + -0.1507023721933365, + 1.7712976932525635, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/50.png", + [ + 0.155755877494812, + -0.018216410651803017, + -0.14951978623867035, + 1.7087836265563965, + -0.054333221167325974, + -0.20739850401878357, + -0.0313313826918602, + 0.343854695558548, + -0.1404845416545868, + 0.060015968978405, + -0.15365569293498993, + 1.8124818801879883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/101.png", + [ + 0.16400180757045746, + -0.026374202221632004, + -0.1391247808933258, + 1.5784565210342407, + -0.04813515022397041, + -0.21058960258960724, + -0.016820285469293594, + 0.17714104056358337, + -0.1331702470779419, + 0.04363847151398659, + -0.16525515913963318, + 1.935198187828064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/85.png", + [ + 0.15737822651863098, + -0.0218203142285347, + -0.14732229709625244, + 1.6579669713974, + -0.04708033427596092, + -0.21063394844532013, + -0.01909637451171875, + 0.20227928459644318, + -0.14129197597503662, + 0.04588140547275543, + -0.15773195028305054, + 1.8185288906097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/71.png", + [ + 0.15935039520263672, + -0.011732564307749271, + -0.14634786546230316, + 1.632553219795227, + -0.03741646185517311, + -0.21209536492824554, + -0.023737316951155663, + 0.25476840138435364, + -0.14196957647800446, + 0.042729366570711136, + -0.1580086648464203, + 1.8177821636199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/54.png", + [ + 0.15771229565143585, + -0.017370451241731644, + -0.14755678176879883, + 1.693763256072998, + -0.048415493220090866, + -0.20945145189762115, + -0.02709093503654003, + 0.29885557293891907, + -0.14046591520309448, + 0.05269009619951248, + -0.15633609890937805, + 1.8530365228652954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/33.png", + [ + 0.15492847561836243, + -0.02487613819539547, + -0.14941968023777008, + 1.7271610498428345, + -0.06467200815677643, + -0.20413661003112793, + -0.0330706462264061, + 0.365492582321167, + -0.13697661459445953, + 0.06824451684951782, + -0.1533883512020111, + 1.8198974132537842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/49.png", + [ + 0.156905859708786, + -0.017172766849398613, + -0.1484369933605194, + 1.6952582597732544, + -0.05349418520927429, + -0.2074291706085205, + -0.03254861384630203, + 0.35603001713752747, + -0.13952353596687317, + 0.06021741032600403, + -0.1544504463672638, + 1.8182348012924194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/18.png", + [ + 0.15178784728050232, + -0.027837825939059258, + -0.1520966738462448, + 1.7593684196472168, + -0.059848934412002563, + -0.20709845423698425, + -0.021822767332196236, + 0.23566976189613342, + -0.1425708532333374, + 0.05729907006025314, + -0.15276865661144257, + 1.8184689283370972, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/66.png", + [ + 0.15882085263729095, + -0.011362528428435326, + -0.14695142209529877, + 1.6615511178970337, + -0.0387846939265728, + -0.21163809299468994, + -0.02555317059159279, + 0.27117618918418884, + -0.14219556748867035, + 0.04503454267978668, + -0.15716299414634705, + 1.8295702934265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/16.png", + [ + 0.15124572813510895, + -0.02863333374261856, + -0.15248854458332062, + 1.7641102075576782, + -0.06366213411092758, + -0.20565372705459595, + -0.024526922032237053, + 0.26682278513908386, + -0.14149117469787598, + 0.061923906207084656, + -0.1519656777381897, + 1.809906244277954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/94.png", + [ + 0.16073133051395416, + -0.021184341982007027, + -0.14375171065330505, + 1.626969814300537, + -0.048025861382484436, + -0.2100575566291809, + -0.022742897272109985, + 0.24364310503005981, + -0.13713805377483368, + 0.0487334243953228, + -0.16051822900772095, + 1.8697677850723267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/28.png", + [ + 0.15253378450870514, + -0.02310744673013687, + -0.15214265882968903, + 1.7649973630905151, + -0.06358186900615692, + -0.2045416533946991, + -0.03267950937151909, + 0.3618922531604767, + -0.14013810455799103, + 0.0676509439945221, + -0.15077319741249084, + 1.7990738153457642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/61.png", + [ + 0.15698587894439697, + -0.008663683198392391, + -0.14909148216247559, + 1.69428551197052, + -0.03813115134835243, + -0.21146540343761444, + -0.027861975133419037, + 0.2987866997718811, + -0.14439301192760468, + 0.04642429202795029, + -0.15473634004592896, + 1.8117440938949585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/58.png", + [ + 0.16157454252243042, + -0.012275014072656631, + -0.14384324848651886, + 1.6392178535461426, + -0.042371924966573715, + -0.21041397750377655, + -0.029639137908816338, + 0.32293421030044556, + -0.13800789415836334, + 0.050231292843818665, + -0.15930640697479248, + 1.8703891038894653, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/64.png", + [ + 0.157237246632576, + -0.012245181016623974, + -0.14857454597949982, + 1.675398826599121, + -0.03782711550593376, + -0.21215233206748962, + -0.022547518834471703, + 0.23827886581420898, + -0.14419934153556824, + 0.04230055212974548, + -0.15609325468540192, + 1.818344235420227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/10.png", + [ + 0.1565045565366745, + -0.03515443205833435, + -0.14566531777381897, + 1.6824517250061035, + -0.06749501079320908, + -0.20458921790122986, + -0.0231424942612648, + 0.2506512403488159, + -0.13378579914569855, + 0.06209120154380798, + -0.15872597694396973, + 1.8905950784683228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/41.png", + [ + 0.15348276495933533, + -0.021875333040952682, + -0.15136843919754028, + 1.7245856523513794, + -0.06164167821407318, + -0.20510564744472504, + -0.03286143019795418, + 0.35799646377563477, + -0.13996869325637817, + 0.06634034216403961, + -0.15151110291481018, + 1.7717969417572021, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/91.png", + [ + 0.15952877700328827, + -0.01557784341275692, + -0.14579369127750397, + 1.6379565000534058, + -0.04236498102545738, + -0.21115615963935852, + -0.023794418200850487, + 0.2572512924671173, + -0.14036980271339417, + 0.046024955809116364, + -0.15851157903671265, + 1.8426176309585571, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/23.png", + [ + 0.15388381481170654, + -0.02452840656042099, + -0.15055236220359802, + 1.7392187118530273, + -0.0600787028670311, + -0.2063150405883789, + -0.027794720605015755, + 0.3024718165397644, + -0.14020773768424988, + 0.06148458272218704, + -0.15332752466201782, + 1.821770191192627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/37.png", + [ + 0.15077610313892365, + -0.025177741423249245, + -0.15355956554412842, + 1.7651445865631104, + -0.06318067014217377, + -0.2053072303533554, + -0.0283731147646904, + 0.31063908338546753, + -0.14220641553401947, + 0.06452062726020813, + -0.15020759403705597, + 1.7732499837875366, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/36.png", + [ + 0.15263904631137848, + -0.024552037939429283, + -0.1518104523420334, + 1.7503613233566284, + -0.06359104812145233, + -0.20482851564884186, + -0.030811576172709465, + 0.33812955021858215, + -0.1400192826986313, + 0.06625988334417343, + -0.15149958431720734, + 1.7922792434692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/8.png", + [ + 0.1571614146232605, + -0.038605812937021255, + -0.14407558739185333, + 1.6738158464431763, + -0.070323646068573, + -0.20374833047389984, + -0.022115433588624, + 0.24059492349624634, + -0.131539985537529, + 0.06280205398797989, + -0.1603154093027115, + 1.9143027067184448, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/6.png", + [ + 0.15490752458572388, + -0.04063315689563751, + -0.14594689011573792, + 1.7028963565826416, + -0.07473179697990417, + -0.2020672708749771, + -0.023062413558363914, + 0.2504199147224426, + -0.13178279995918274, + 0.06682562083005905, + -0.158478781580925, + 1.8973265886306763, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/20.png", + [ + 0.14945074915885925, + -0.029016919434070587, + -0.1541764736175537, + 1.7781798839569092, + -0.05963437259197235, + -0.20745998620986938, + -0.01876131072640419, + 0.2020660638809204, + -0.145107239484787, + 0.05537385493516922, + -0.15108118951320648, + 1.7989474534988403, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/2.png", + [ + 0.1488080620765686, + -0.04927967116236687, + -0.14958465099334717, + 1.747594952583313, + -0.08225305378437042, + -0.19981589913368225, + -0.015997998416423798, + 0.16561535000801086, + -0.13430744409561157, + 0.0677717849612236, + -0.15593713521957397, + 1.8783105611801147, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/5.png", + [ + 0.1532573699951172, + -0.042657215148210526, + -0.1471068561077118, + 1.7197251319885254, + -0.07715968787670135, + -0.20126914978027344, + -0.02202284149825573, + 0.23877719044685364, + -0.13231195509433746, + 0.0679631233215332, + -0.15755145251750946, + 1.8901902437210083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/60.png", + [ + 0.15523849427700043, + -0.009519740007817745, + -0.15085846185684204, + 1.712393045425415, + -0.04055953770875931, + -0.21093784272670746, + -0.028426172211766243, + 0.3062775731086731, + -0.1456153243780136, + 0.0486055351793766, + -0.15291032195091248, + 1.7919224500656128, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/56.png", + [ + 0.15807659924030304, + -0.01644931361079216, + -0.14727221429347992, + 1.6891919374465942, + -0.044922564178705215, + -0.2105221003293991, + -0.024704325944185257, + 0.271392285823822, + -0.14121490716934204, + 0.048556771129369736, + -0.15699836611747742, + 1.8591965436935425, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/30.png", + [ + 0.14978961646556854, + -0.021739536896348, + -0.1550430804491043, + 1.7960065603256226, + -0.06238308548927307, + -0.20509324967861176, + -0.03151192143559456, + 0.3484410047531128, + -0.14359426498413086, + 0.0664232149720192, + -0.14804233610630035, + 1.7657973766326904, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/17.png", + [ + 0.14884047210216522, + -0.02695574052631855, + -0.15513798594474792, + 1.7952638864517212, + -0.06043115630745888, + -0.20690764486789703, + -0.022027181461453438, + 0.23858144879341125, + -0.14540456235408783, + 0.058399565517902374, + -0.1496492475271225, + 1.7843929529190063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/12.png", + [ + 0.15687674283981323, + -0.0296335332095623, + -0.14649036526679993, + 1.6927194595336914, + -0.0620204396545887, + -0.20613178610801697, + -0.02471938356757164, + 0.2676445245742798, + -0.13598176836967468, + 0.059828389436006546, + -0.1577257663011551, + 1.8748584985733032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/27.png", + [ + 0.15441171824932098, + -0.024343842640519142, + -0.15004095435142517, + 1.7383842468261719, + -0.06329774856567383, + -0.20474937558174133, + -0.031921472400426865, + 0.3527858853340149, + -0.13819663226604462, + 0.06658048927783966, + -0.15302492678165436, + 1.822840929031372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/42.png", + [ + 0.1527223289012909, + -0.02285442128777504, + -0.15199163556098938, + 1.7291449308395386, + -0.06254453957080841, + -0.2049645185470581, + -0.03202545642852783, + 0.34805673360824585, + -0.14039930701255798, + 0.06644640862941742, + -0.15106557309627533, + 1.7674026489257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/7.png", + [ + 0.15550605952739716, + -0.038573380559682846, + -0.14586928486824036, + 1.6985807418823242, + -0.07163441181182861, + -0.20323525369167328, + -0.02262377366423607, + 0.24646449089050293, + -0.1327940970659256, + 0.06446252018213272, + -0.1586133986711502, + 1.8970574140548706, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/73.png", + [ + 0.16374064981937408, + -0.012037149630486965, + -0.1413930505514145, + 1.5684895515441895, + -0.03656035661697388, + -0.21218377351760864, + -0.02427508868277073, + 0.2583974301815033, + -0.13711392879486084, + 0.04220244660973549, + -0.1623779982328415, + 1.8566690683364868, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/46.png", + [ + 0.15340691804885864, + -0.019651802256703377, + -0.151749849319458, + 1.7329018115997314, + -0.0573810413479805, + -0.20658773183822632, + -0.03125425800681114, + 0.34037524461746216, + -0.14185072481632233, + 0.06231548264622688, + -0.1514696329832077, + 1.7827883958816528, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/57.png", + [ + 0.1601313352584839, + -0.013972233980894089, + -0.14529496431350708, + 1.6624821424484253, + -0.04325298219919205, + -0.21053506433963776, + -0.02742360718548298, + 0.2999955415725708, + -0.13940955698490143, + 0.04927120357751846, + -0.15838311612606049, + 1.8699067831039429, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/44.png", + [ + 0.14786522090435028, + -0.021682238206267357, + -0.15688736736774445, + 1.7899211645126343, + -0.06211115047335625, + -0.20537954568862915, + -0.03015533648431301, + 0.32883670926094055, + -0.14569135010242462, + 0.06555166840553284, + -0.1463724672794342, + 1.7221992015838623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/29.png", + [ + 0.15283052623271942, + -0.023817075416445732, + -0.1517348438501358, + 1.7589192390441895, + -0.06393762677907944, + -0.2044908106327057, + -0.0323014035820961, + 0.35666200518608093, + -0.1396520733833313, + 0.06755847483873367, + -0.15126481652259827, + 1.8038685321807861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/4.png", + [ + 0.15289834141731262, + -0.04679373279213905, + -0.1462201625108719, + 1.7075740098953247, + -0.08011899888515472, + -0.20035548508167267, + -0.019659945741295815, + 0.2113335132598877, + -0.1309615671634674, + 0.06794051080942154, + -0.1586853712797165, + 1.9030872583389282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/55.png", + [ + 0.1578667312860489, + -0.01639328896999359, + -0.14750336110591888, + 1.6950361728668213, + -0.04629455506801605, + -0.2100430727005005, + -0.02620328962802887, + 0.2888970673084259, + -0.14100636541843414, + 0.05060689523816109, + -0.15653765201568604, + 1.8580869436264038, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/9.png", + [ + 0.16103219985961914, + -0.03593191131949425, + -0.1404472142457962, + 1.6247450113296509, + -0.0673220157623291, + -0.2044415920972824, + -0.024885037913918495, + 0.26977431774139404, + -0.1283910721540451, + 0.062132250517606735, + -0.16310489177703857, + 1.9399429559707642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/25.png", + [ + 0.15366841852664948, + -0.024052269756793976, + -0.15084891021251678, + 1.7461494207382202, + -0.062133677303791046, + -0.20531311631202698, + -0.030558641999959946, + 0.33634328842163086, + -0.13954681158065796, + 0.06493005901575089, + -0.15250791609287262, + 1.8143432140350342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/99.png", + [ + 0.1597309112548828, + -0.02522723563015461, + -0.14421342313289642, + 1.624687671661377, + -0.04726481810212135, + -0.21089082956314087, + -0.015459459275007248, + 0.1663011610507965, + -0.13856391608715057, + 0.04285493120551109, + -0.16097013652324677, + 1.8709465265274048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/34.png", + [ + 0.15333226323127747, + -0.024109434336423874, + -0.15118148922920227, + 1.7482258081436157, + -0.06417631357908249, + -0.20438531041145325, + -0.03249527886509895, + 0.3589347004890442, + -0.13899105787277222, + 0.0677737221121788, + -0.1517764925956726, + 1.8022233247756958, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/72.png", + [ + 0.16073079407215118, + -0.013336611911654472, + -0.14469152688980103, + 1.6097122430801392, + -0.03828853741288185, + -0.21202200651168823, + -0.022990237921476364, + 0.2464013695716858, + -0.14016951620578766, + 0.04262274503707886, + -0.15963616967201233, + 1.83220374584198, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/102.png", + [ + 0.1635950207710266, + -0.024822944775223732, + -0.1398870199918747, + 1.5937870740890503, + -0.04742734506726265, + -0.21064525842666626, + -0.018086327239871025, + 0.19156306982040405, + -0.13392238318920135, + 0.04427516460418701, + -0.16447612643241882, + 1.9322088956832886, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/70.png", + [ + 0.15933857858181, + -0.011804732494056225, + -0.14635489881038666, + 1.640755295753479, + -0.03944162651896477, + -0.21147648990154266, + -0.02588331513106823, + 0.279465913772583, + -0.14143359661102295, + 0.045675333589315414, + -0.15766477584838867, + 1.822536587715149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/90.png", + [ + 0.15613846480846405, + -0.01518326997756958, + -0.14945951104164124, + 1.679254174232483, + -0.04333643242716789, + -0.2109534740447998, + -0.023842716589570045, + 0.25797536969184875, + -0.14384236931800842, + 0.047074299305677414, + -0.15505249798297882, + 1.8016014099121094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/15.png", + [ + 0.15240436792373657, + -0.026488130912184715, + -0.15172073245048523, + 1.7535406351089478, + -0.06289754807949066, + -0.20553995668888092, + -0.02729680761694908, + 0.2987577021121979, + -0.1405870020389557, + 0.0632423609495163, + -0.15226159989833832, + 1.8104850053787231, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/22.png", + [ + 0.15427318215370178, + -0.025718623772263527, + -0.14995408058166504, + 1.729185938835144, + -0.058723270893096924, + -0.2070736289024353, + -0.024899469688534737, + 0.268831729888916, + -0.14035402238368988, + 0.05836915597319603, + -0.15440750122070312, + 1.8316148519515991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/26.png", + [ + 0.15239675343036652, + -0.02401961013674736, + -0.15213871002197266, + 1.7623209953308105, + -0.06299947202205658, + -0.20502236485481262, + -0.03073745034635067, + 0.3391990661621094, + -0.14054960012435913, + 0.06585424393415451, + -0.1511850506067276, + 1.8021169900894165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/43.png", + [ + 0.15255817770957947, + -0.021732153370976448, + -0.1523207426071167, + 1.7345603704452515, + -0.06202612817287445, + -0.2049873024225235, + -0.032876525074243546, + 0.35793042182922363, + -0.1408071666955948, + 0.06675192713737488, + -0.15055036544799805, + 1.763789176940918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/84.png", + [ + 0.1566777527332306, + -0.021067459136247635, + -0.14817604422569275, + 1.6691933870315552, + -0.04576212167739868, + -0.21098706126213074, + -0.01838991604745388, + 0.1922294646501541, + -0.1424984335899353, + 0.044592853635549545, + -0.15701453387737274, + 1.8135677576065063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/89.png", + [ + 0.15768179297447205, + -0.015674572438001633, + -0.14777907729148865, + 1.6585211753845215, + -0.04435746744275093, + -0.21060805022716522, + -0.02499118447303772, + 0.26962199807167053, + -0.14183355867862701, + 0.04844018816947937, + -0.15647582709789276, + 1.8103630542755127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/63.png", + [ + 0.15481075644493103, + -0.012320694513618946, + -0.15109509229660034, + 1.7043712139129639, + -0.03848562017083168, + -0.21207694709300995, + -0.022138718515634537, + 0.23550274968147278, + -0.14663010835647583, + 0.042655203491449356, + -0.1537141650915146, + 1.7954182624816895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/88.png", + [ + 0.15785056352615356, + -0.01824137195944786, + -0.14730358123779297, + 1.6535989046096802, + -0.045933689922094345, + -0.2104797214269638, + -0.02315775491297245, + 0.2499503791332245, + -0.14114242792129517, + 0.048098210245370865, + -0.1572045385837555, + 1.814936876296997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/62.png", + [ + 0.1590065360069275, + -0.010985689237713814, + -0.1467791646718979, + 1.6561216115951538, + -0.03796743229031563, + -0.21181941032409668, + -0.025276660919189453, + 0.2687870264053345, + -0.14220860600471497, + 0.04426906257867813, + -0.15736855566501617, + 1.8367851972579956, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/65.png", + [ + 0.15658137202262878, + -0.011497557163238525, + -0.14932505786418915, + 1.6895853281021118, + -0.03824331983923912, + -0.21194273233413696, + -0.023782799020409584, + 0.2525026500225067, + -0.1448020040988922, + 0.04354284331202507, + -0.15519116818904877, + 1.8101848363876343, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/80.png", + [ + 0.1640978455543518, + -0.01535767037421465, + -0.14065536856651306, + 1.5658677816390991, + -0.039673127233982086, + -0.21174822747707367, + -0.02316524274647236, + 0.24385294318199158, + -0.13581542670726776, + 0.04329812154173851, + -0.16317884624004364, + 1.8753970861434937, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/79.png", + [ + 0.16659198701381683, + -0.012236225418746471, + -0.1380046159029007, + 1.5318351984024048, + -0.037315089255571365, + -0.21181517839431763, + -0.026264162734150887, + 0.27963829040527344, + -0.13342633843421936, + 0.04396018013358116, + -0.16496305167675018, + 1.8927241563796997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/19.png", + [ + 0.1525086909532547, + -0.029793882742524147, + -0.15100106596946716, + 1.7412596940994263, + -0.05961403250694275, + -0.20741790533065796, + -0.01928379200398922, + 0.20586907863616943, + -0.14189840853214264, + 0.05511825904250145, + -0.15419049561023712, + 1.8305529356002808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/77.png", + [ + 0.1652815192937851, + -0.01152054499834776, + -0.13963232934474945, + 1.5414042472839355, + -0.03792577609419823, + -0.2115578055381775, + -0.027437550947070122, + 0.2928239703178406, + -0.13487602770328522, + 0.04537026211619377, + -0.16339488327503204, + 1.8712528944015503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/68.png", + [ + 0.1578502207994461, + -0.012253589928150177, + -0.14792245626449585, + 1.6670629978179932, + -0.040402840822935104, + -0.21132846176624298, + -0.025608453899621964, + 0.27407291531562805, + -0.1428244262933731, + 0.04623885825276375, + -0.1562403440475464, + 1.8133050203323364, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/86.png", + [ + 0.15490221977233887, + -0.02038520760834217, + -0.1501254141330719, + 1.6875636577606201, + -0.04653235152363777, + -0.21072810888290405, + -0.0193986427038908, + 0.2078450471162796, + -0.14418022334575653, + 0.046108681708574295, + -0.15502886474132538, + 1.7909737825393677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/1.png", + [ + 0.1482827514410019, + -0.04964208975434303, + -0.1499859243631363, + 1.7542017698287964, + -0.08301007747650146, + -0.19949941337108612, + -0.0160374715924263, + 0.1675584614276886, + -0.13442263007164001, + 0.06843636184930801, + -0.1555471569299698, + 1.8779197931289673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/81.png", + [ + 0.15965129435062408, + -0.018546413630247116, + -0.1453113555908203, + 1.625607967376709, + -0.04282012954354286, + -0.2114521712064743, + -0.020057689398527145, + 0.2080458551645279, + -0.14009208977222443, + 0.043496035039424896, + -0.15946847200393677, + 1.8377044200897217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/95.png", + [ + 0.15785346925258636, + -0.022948238998651505, + -0.14664092659950256, + 1.6629440784454346, + -0.04890850558876991, + -0.21015560626983643, + -0.019760344177484512, + 0.2100788950920105, + -0.14013613760471344, + 0.04749622195959091, + -0.15828412771224976, + 1.8438746929168701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/103.png", + [ + 0.164134219288826, + -0.022573966532945633, + -0.13963618874549866, + 1.5928066968917847, + -0.045220717787742615, + -0.2110464721918106, + -0.019035974517464638, + 0.20118507742881775, + -0.13402587175369263, + 0.043562568724155426, + -0.1645820587873459, + 1.9320801496505737, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/83.png", + [ + 0.15434935688972473, + -0.02076999843120575, + -0.15064121782779694, + 1.6920990943908691, + -0.04410671442747116, + -0.2115316241979599, + -0.01602702960371971, + 0.1638410985469818, + -0.14552927017211914, + 0.042081765830516815, + -0.15491367876529694, + 1.787923812866211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/51.png", + [ + 0.15648169815540314, + -0.01685173436999321, + -0.14892075955867767, + 1.7026501893997192, + -0.05185825750231743, + -0.20808912813663483, + -0.030944010242819786, + 0.3404403328895569, + -0.14061328768730164, + 0.05798990651965141, + -0.15431451797485352, + 1.8201121091842651, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/93.png", + [ + 0.15740171074867249, + -0.01757446862757206, + -0.14786390960216522, + 1.6687250137329102, + -0.04374862462282181, + -0.21112240850925446, + -0.021477483212947845, + 0.23044583201408386, + -0.14233288168907166, + 0.04545726254582405, + -0.1569167822599411, + 1.830954670906067, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/76.png", + [ + 0.19949336349964142, + 0.03995811939239502, + 0.07452274858951569, + -0.8391708135604858, + 0.0456729494035244, + -0.21162357926368713, + -0.008794227614998817, + 0.0934607982635498, + 0.07116372138261795, + 0.02380557544529438, + -0.20326562225818634, + 2.333993911743164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/48.png", + [ + 0.1979142278432846, + 0.04106602817773819, + 0.07804763317108154, + -0.8872020244598389, + 0.05092322453856468, + -0.20976853370666504, + -0.018758689984679222, + 0.2046937197446823, + 0.07200469076633453, + 0.03547738119959831, + -0.20125749707221985, + 2.3389506340026855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/35.png", + [ + 0.19625121355056763, + 0.04923168197274208, + 0.07752163708209991, + -0.893347978591919, + 0.06611811369657516, + -0.2026856690645218, + -0.03866279870271683, + 0.44214576482772827, + 0.06373191624879837, + 0.05867418274283409, + -0.19860383868217468, + 2.3199520111083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/97.png", + [ + 0.1980162262916565, + 0.04351793974637985, + 0.07644379884004593, + -0.8557890057563782, + 0.046454641968011856, + -0.21163609623908997, + 0.00014644177281297743, + -0.011022217571735382, + 0.07469558715820312, + 0.01625557616353035, + -0.20274174213409424, + 2.325596332550049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/13.png", + [ + 0.19361858069896698, + 0.044035281985998154, + 0.08672161400318146, + -1.010474681854248, + 0.06109165400266647, + -0.20539003610610962, + -0.03210354596376419, + 0.37546306848526, + 0.07568061351776123, + 0.05313871055841446, + -0.19595055282115936, + 2.3202481269836426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/32.png", + [ + 0.1942288726568222, + 0.05117974057793617, + 0.0812629982829094, + -0.9447588920593262, + 0.06842629611492157, + -0.2023959755897522, + -0.03607778251171112, + 0.41253429651260376, + 0.06738606840372086, + 0.05800343677401543, + -0.19759203493595123, + 2.33089542388916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/38.png", + [ + 0.19633644819259644, + 0.0469706691801548, + 0.07869977504014969, + -0.9023006558418274, + 0.06325609982013702, + -0.20408397912979126, + -0.03600412234663963, + 0.40738195180892944, + 0.06632167845964432, + 0.05560024827718735, + -0.19864024221897125, + 2.310177803039551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/11.png", + [ + 0.1926470249891281, + 0.04773169010877609, + 0.0869293138384819, + -1.0142018795013428, + 0.06333693861961365, + -0.2053644359111786, + -0.027600374072790146, + 0.3221307396888733, + 0.07631154358386993, + 0.04995031654834747, + -0.19654366374015808, + 2.3285412788391113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/59.png", + [ + 0.1982569694519043, + 0.041017401963472366, + 0.07719869166612625, + -0.894805908203125, + 0.04886272922158241, + -0.2106572389602661, + -0.013559354469180107, + 0.1519131064414978, + 0.07248792052268982, + 0.029816020280122757, + -0.20200099050998688, + 2.381117820739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/105.png", + [ + 0.19906207919120789, + 0.04360982030630112, + 0.07362323254346848, + -0.8359951376914978, + 0.04595498368144035, + -0.21174198389053345, + 0.0011699661845341325, + -0.021617623046040535, + 0.07218266278505325, + 0.014540042728185654, + -0.2037796527147293, + 2.3686060905456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/24.png", + [ + 0.19294574856758118, + 0.047229573130607605, + 0.08654014766216278, + -1.0022001266479492, + 0.06443076580762863, + -0.20436473190784454, + -0.03211899846792221, + 0.37306496500968933, + 0.07462242990732193, + 0.054335255175828934, + -0.1960282325744629, + 2.3069324493408203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/74.png", + [ + 0.19928082823753357, + 0.04160774126648903, + 0.07418792694807053, + -0.8397091627120972, + 0.048294227570295334, + -0.21091413497924805, + -0.011436527594923973, + 0.12441127002239227, + 0.0700194239616394, + 0.027054063975811005, + -0.20325660705566406, + 2.350126266479492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/98.png", + [ + 0.19830965995788574, + 0.04295351728796959, + 0.07600108534097672, + -0.8519877195358276, + 0.04622514173388481, + -0.21168412268161774, + -0.000977801624685526, + 0.0008594170212745667, + 0.07405678182840347, + 0.017108917236328125, + -0.2029058188199997, + 2.3306264877319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/0.png", + [ + 0.19968876242637634, + 0.044017914682626724, + 0.07165692746639252, + -0.8454004526138306, + 0.04939709231257439, + -0.21081098914146423, + -0.008158119395375252, + 0.08750395476818085, + 0.06806040555238724, + 0.02385479211807251, + -0.20431990921497345, + 2.4487252235412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/96.png", + [ + 0.19774214923381805, + 0.042695511132478714, + 0.07760822027921677, + -0.8678696751594543, + 0.04546695575118065, + -0.2118493914604187, + 0.0006994874565862119, + -0.017665546387434006, + 0.07601775228977203, + 0.0156469214707613, + -0.20229773223400116, + 2.3196921348571777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/100.png", + [ + 0.1969321221113205, + 0.04033472016453743, + 0.08086252957582474, + -0.9077370166778564, + 0.04314152151346207, + -0.21233460307121277, + 0.0008471831097267568, + -0.020762108266353607, + 0.07940054684877396, + 0.01533033698797226, + -0.20101848244667053, + 2.3114871978759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/40.png", + [ + 0.1968183070421219, + 0.04610266909003258, + 0.07800637185573578, + -0.889503538608551, + 0.06034054234623909, + -0.2058425396680832, + -0.030590228736400604, + 0.34310686588287354, + 0.06759785115718842, + 0.04951047524809837, + -0.19981776177883148, + 2.3172683715820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/52.png", + [ + 0.1955847442150116, + 0.04152687266469002, + 0.0834866538643837, + -0.9635320901870728, + 0.0504736490547657, + -0.2102709263563156, + -0.013654674403369427, + 0.14779916405677795, + 0.07840225845575333, + 0.03177354857325554, + -0.199477881193161, + 2.3452630043029785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/3.png", + [ + 0.19783298671245575, + 0.04403262585401535, + 0.07662329822778702, + -0.9002106785774231, + 0.050089165568351746, + -0.21064303815364838, + -0.008275865577161312, + 0.08785027265548706, + 0.07280849665403366, + 0.025269394740462303, + -0.20250500738620758, + 2.4230828285217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/47.png", + [ + 0.19828103482723236, + 0.04293496161699295, + 0.07608624547719955, + -0.8620402216911316, + 0.05266736075282097, + -0.2093026041984558, + -0.019143257290124893, + 0.20966245234012604, + 0.06970421224832535, + 0.03601255267858505, + -0.20197106897830963, + 2.337676525115967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/104.png", + [ + 0.19917720556259155, + 0.04420014098286629, + 0.07295671105384827, + -0.8255952000617981, + 0.045839160680770874, + -0.21174702048301697, + 0.0031406613998115063, + -0.04542625695466995, + 0.07193820178508759, + 0.012547505088150501, + -0.203998401761055, + 2.362579345703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/21.png", + [ + 0.1923738718032837, + 0.04879595711827278, + 0.08694333583116531, + -1.0049989223480225, + 0.0639352798461914, + -0.20536135137081146, + -0.026208730414509773, + 0.2994420528411865, + 0.07650142908096313, + 0.048924148082733154, + -0.19672788679599762, + 2.3144917488098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/82.png", + [ + 0.19834460318088531, + 0.03960533067584038, + 0.07770925015211105, + -0.8733149766921997, + 0.04538163170218468, + -0.2117205560207367, + -0.00792621448636055, + 0.0831415057182312, + 0.07448367029428482, + 0.02353156916797161, + -0.20210479199886322, + 2.3281636238098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/106.png", + [ + 0.19878847897052765, + 0.043633636087179184, + 0.07434479892253876, + -0.8472680449485779, + 0.0463288277387619, + -0.21166345477104187, + 0.000349848298355937, + -0.012281598523259163, + 0.07269583642482758, + 0.015575251542031765, + -0.20352058112621307, + 2.3716697692871094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/14.png", + [ + 0.19353218376636505, + 0.04569743573665619, + 0.08605193346738815, + -1.001328945159912, + 0.06291577965021133, + -0.2047319859266281, + -0.032776713371276855, + 0.38222187757492065, + 0.07439620792865753, + 0.054262809455394745, + -0.19613425433635712, + 2.322277545928955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/67.png", + [ + 0.20036403834819794, + 0.0405551977455616, + 0.07181517034769058, + -0.8197210431098938, + 0.0474369116127491, + -0.2110062837600708, + -0.013190102763473988, + 0.14532259106636047, + 0.06746764481067657, + 0.027919799089431763, + -0.20400121808052063, + 2.3755078315734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/78.png", + [ + 0.2003183513879776, + 0.04018331691622734, + 0.07215090841054916, + -0.8043057322502136, + 0.04454763978719711, + -0.21197107434272766, + -0.005627206061035395, + 0.05619524046778679, + 0.06954105943441391, + 0.020036425441503525, + -0.20423142611980438, + 2.324639320373535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/31.png", + [ + 0.1945568174123764, + 0.050341177731752396, + 0.081001877784729, + -0.9416934251785278, + 0.06660711020231247, + -0.2034347504377365, + -0.03355133533477783, + 0.38039278984069824, + 0.06825710833072662, + 0.055026937276124954, + -0.1981436312198639, + 2.3409900665283203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/39.png", + [ + 0.1959759145975113, + 0.04690689966082573, + 0.07963085174560547, + -0.909518301486969, + 0.06275302916765213, + -0.20459553599357605, + -0.03392079100012779, + 0.3826509714126587, + 0.06784826517105103, + 0.05374296382069588, + -0.19863584637641907, + 2.3083715438842773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/92.png", + [ + 0.2010401040315628, + 0.03975960239768028, + 0.07035582512617111, + -0.78817218542099, + 0.04286520555615425, + -0.21237792074680328, + -0.0024669317062944174, + 0.01586855947971344, + 0.06850797683000565, + 0.01620756834745407, + -0.20491918921470642, + 2.347097873687744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/53.png", + [ + 0.19586411118507385, + 0.04047275334596634, + 0.08334929496049881, + -0.9643797874450684, + 0.049218446016311646, + -0.2105843871831894, + -0.013403802178800106, + 0.1460721790790558, + 0.07850281149148941, + 0.031049532815814018, + -0.19955232739448547, + 2.3501925468444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/75.png", + [ + 0.19958366453647614, + 0.039499517530202866, + 0.07452548295259476, + -0.8415117859840393, + 0.04601818695664406, + -0.21143636107444763, + -0.011175312101840973, + 0.12106719613075256, + 0.07068653404712677, + 0.026121828705072403, + -0.20314763486385345, + 2.338454246520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/87.png", + [ + 0.1995537281036377, + 0.03865651413798332, + 0.07504589110612869, + -0.8464851975440979, + 0.04400619864463806, + -0.21201510727405548, + -0.007806370500475168, + 0.08205299079418182, + 0.07203932106494904, + 0.022431211546063423, + -0.20311345160007477, + 2.3488540649414062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/107.png", + [ + 0.1984608769416809, + 0.04242006316781044, + 0.0759059265255928, + -0.8684813380241394, + 0.045022767037153244, + -0.21194413304328918, + 0.0007301970617845654, + -0.01719231903553009, + 0.0743916779756546, + 0.015103655867278576, + -0.20294247567653656, + 2.3707218170166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/69.png", + [ + 0.19974176585674286, + 0.04169277474284172, + 0.07288920879364014, + -0.8307690620422363, + 0.048449233174324036, + -0.21083760261535645, + -0.01216820441186428, + 0.13437241315841675, + 0.06858420372009277, + 0.027515562251210213, + -0.20368355512619019, + 2.3677797317504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/45.png", + [ + 0.19720609486103058, + 0.044467851519584656, + 0.07797598838806152, + -0.8824023008346558, + 0.05464997887611389, + -0.2087937295436859, + -0.019143084064126015, + 0.20965851843357086, + 0.07121112942695618, + 0.03709026426076889, + -0.20124904811382294, + 2.3292365074157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/50.png", + [ + 0.19636085629463196, + 0.04072602465748787, + 0.08204695582389832, + -0.9405101537704468, + 0.05015252158045769, + -0.21020588278770447, + -0.015687866136431694, + 0.1711438000202179, + 0.0766487792134285, + 0.03320806100964546, + -0.19992519915103912, + 2.338209629058838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/101.png", + [ + 0.1975686401128769, + 0.04225774109363556, + 0.07828672230243683, + -0.8793777823448181, + 0.04454055801033974, + -0.2120373547077179, + 0.0020489138551056385, + -0.033833712339401245, + 0.07701081782579422, + 0.014224706217646599, + -0.20202693343162537, + 2.3262386322021484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/85.png", + [ + 0.19960731267929077, + 0.038990966975688934, + 0.07472962886095047, + -0.8415257930755615, + 0.04430978745222092, + -0.21195338666439056, + -0.007765182293951511, + 0.08098326623439789, + 0.0717039480805397, + 0.02243567258119583, + -0.2032315880060196, + 2.346982002258301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/71.png", + [ + 0.19943350553512573, + 0.04156670719385147, + 0.07379961013793945, + -0.8399037718772888, + 0.04798596352338791, + -0.21101683378219604, + -0.010823016054928303, + 0.11870205402374268, + 0.06979629397392273, + 0.02630588412284851, + -0.20343150198459625, + 2.3636422157287598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/54.png", + [ + 0.19575493037700653, + 0.04191947355866432, + 0.08288945257663727, + -0.960213840007782, + 0.05027751624584198, + -0.2103995680809021, + -0.012332485057413578, + 0.1346815973520279, + 0.0781029760837555, + 0.03037559613585472, + -0.19981276988983154, + 2.3571395874023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/33.png", + [ + 0.19490768015384674, + 0.04960578307509422, + 0.08061113208532333, + -0.9346124529838562, + 0.06704742461442947, + -0.20261161029338837, + -0.03743091598153114, + 0.429117888212204, + 0.06680967658758163, + 0.05861480534076691, + -0.1976073533296585, + 2.323941230773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/49.png", + [ + 0.1977178454399109, + 0.04016852378845215, + 0.07900653779506683, + -0.9009526968002319, + 0.04976586252450943, + -0.21013766527175903, + -0.017703326418995857, + 0.19300881028175354, + 0.0733409970998764, + 0.034300703555345535, + -0.20097875595092773, + 2.3408279418945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/18.png", + [ + 0.19601742923259735, + 0.04934053122997284, + 0.07804213464260101, + -0.8991902470588684, + 0.06412472575902939, + -0.20451711118221283, + -0.03175949677824974, + 0.3624838590621948, + 0.06643103808164597, + 0.05182814598083496, + -0.1996212750673294, + 2.3307290077209473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/66.png", + [ + 0.19920311868190765, + 0.040810298174619675, + 0.07483670860528946, + -0.8567721247673035, + 0.048000603914260864, + -0.21090538799762726, + -0.01275789923965931, + 0.1409149318933487, + 0.07044115662574768, + 0.028307978063821793, + -0.20293988287448883, + 2.3687872886657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/16.png", + [ + 0.19386033713817596, + 0.04726101830601692, + 0.08445388823747635, + -0.9798656105995178, + 0.0645347610116005, + -0.20403440296649933, + -0.03395763412117958, + 0.39362698793411255, + 0.07212024927139282, + 0.05553603172302246, + -0.19662734866142273, + 2.3224005699157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/94.png", + [ + 0.19891990721225739, + 0.04161030799150467, + 0.07514884322881699, + -0.8401821255683899, + 0.044232286512851715, + -0.2121114432811737, + 0.00036383094266057014, + -0.015091825276613235, + 0.07363607734441757, + 0.015006978996098042, + -0.2032250463962555, + 2.327718734741211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/28.png", + [ + 0.19412627816200256, + 0.04639371857047081, + 0.08432383090257645, + -0.9795005321502686, + 0.06286540627479553, + -0.20486871898174286, + -0.03200998529791832, + 0.36057114601135254, + 0.07287541031837463, + 0.05314434692263603, + -0.19700948894023895, + 2.326064109802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/61.png", + [ + 0.19865189492702484, + 0.040975555777549744, + 0.0761992484331131, + -0.8810514211654663, + 0.04858371987938881, + -0.2107359915971756, + -0.013336405158042908, + 0.15024417638778687, + 0.07158870995044708, + 0.029312822967767715, + -0.20239493250846863, + 2.382418155670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/58.png", + [ + 0.19768072664737701, + 0.04283883050084114, + 0.07768564671278, + -0.8990623950958252, + 0.05041569471359253, + -0.21036937832832336, + -0.012283260934054852, + 0.1371120810508728, + 0.07299645245075226, + 0.029282335191965103, + -0.20189590752124786, + 2.382265567779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/64.png", + [ + 0.19966310262680054, + 0.03923005983233452, + 0.07445492595434189, + -0.8542149662971497, + 0.046733420342206955, + -0.21110489964485168, + -0.01409284956753254, + 0.1567646712064743, + 0.06998944282531738, + 0.029045188799500465, + -0.20299199223518372, + 2.375844955444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/10.png", + [ + 0.19230404496192932, + 0.04791981354355812, + 0.08758273720741272, + -1.0233051776885986, + 0.06331535428762436, + -0.20550552010536194, + -0.026580726727843285, + 0.31155121326446533, + 0.07718943059444427, + 0.04918394610285759, + -0.19639405608177185, + 2.3265604972839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/41.png", + [ + 0.1978471726179123, + 0.046458229422569275, + 0.07514005154371262, + -0.8544437289237976, + 0.05910342186689377, + -0.206583172082901, + -0.02789398841559887, + 0.30964818596839905, + 0.06565958261489868, + 0.045966532081365585, + -0.20130522549152374, + 2.324481964111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/91.png", + [ + 0.20081989467144012, + 0.039025966078042984, + 0.07138794660568237, + -0.8014214038848877, + 0.04255395010113716, + -0.21242466568946838, + -0.00358048384077847, + 0.02918744459748268, + 0.06934281438589096, + 0.017338771373033524, + -0.20454542338848114, + 2.348027229309082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/23.png", + [ + 0.19255025684833527, + 0.047020480036735535, + 0.0875292643904686, + -1.0142360925674438, + 0.06365224719047546, + -0.20493997633457184, + -0.02993147075176239, + 0.3464537560939789, + 0.0762934461236, + 0.05231229588389397, + -0.19593526422977448, + 2.308058738708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/37.png", + [ + 0.1962188184261322, + 0.046921759843826294, + 0.0790216401219368, + -0.9069566130638123, + 0.06347236037254333, + -0.20392489433288574, + -0.03652109205722809, + 0.4142999053001404, + 0.06646300107240677, + 0.05622169375419617, + -0.19841796159744263, + 2.310732364654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/36.png", + [ + 0.19580908119678497, + 0.049076277762651443, + 0.0787288025021553, + -0.9052810668945312, + 0.06616613268852234, + -0.20276345312595367, + -0.03816967457532883, + 0.4341360330581665, + 0.0650288313627243, + 0.058535460382699966, + -0.1982239931821823, + 2.3131604194641113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/8.png", + [ + 0.19284112751483917, + 0.0472203753888607, + 0.08677806705236435, + -1.016202688217163, + 0.05982353910803795, + -0.207274928689003, + -0.020152976736426353, + 0.2313976287841797, + 0.0786215141415596, + 0.04189550504088402, + -0.19751283526420593, + 2.345101833343506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/6.png", + [ + 0.19484998285770416, + 0.046841710805892944, + 0.08238469064235687, + -0.965599536895752, + 0.05590827390551567, + -0.20890474319458008, + -0.0134523781016469, + 0.14940525591373444, + 0.07652220875024796, + 0.033354997634887695, + -0.1999492198228836, + 2.379342555999756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/20.png", + [ + 0.19180059432983398, + 0.04882136359810829, + 0.08818671852350235, + -1.017958164215088, + 0.06444395333528519, + -0.20515379309654236, + -0.02658565528690815, + 0.30396872758865356, + 0.07750742882490158, + 0.04976237937808037, + -0.1961229145526886, + 2.305393695831299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/2.png", + [ + 0.1988152414560318, + 0.042980991303920746, + 0.07465271651744843, + -0.8784991502761841, + 0.048446428030729294, + -0.21105559170246124, + -0.007508220616728067, + 0.07899898290634155, + 0.07122736424207687, + 0.02358100935816765, + -0.20326951146125793, + 2.434627056121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/5.png", + [ + 0.19516433775424957, + 0.04542067274451256, + 0.08243625611066818, + -0.9665607810020447, + 0.053105901926755905, + -0.20982201397418976, + -0.010118387639522552, + 0.109078049659729, + 0.07770802825689316, + 0.029318617656826973, + -0.20012439787387848, + 2.3867712020874023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/108.png", + [ + 0.1982770562171936, + 0.04268919676542282, + 0.07623476535081863, + -0.8705764412879944, + 0.045130204409360886, + -0.21191860735416412, + 0.0012901079608127475, + -0.026120316237211227, + 0.07481558620929718, + 0.014698038809001446, + -0.20281639695167542, + 2.3565921783447266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/60.png", + [ + 0.19785897433757782, + 0.04246300086379051, + 0.07743779569864273, + -0.8965060114860535, + 0.05033398047089577, + -0.2103288173675537, + -0.013273055665194988, + 0.14918671548366547, + 0.07256865501403809, + 0.030109412968158722, + -0.20192846655845642, + 2.380464553833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/56.png", + [ + 0.19715671241283417, + 0.04275175929069519, + 0.07905319333076477, + -0.9161909818649292, + 0.05081406608223915, + -0.21022804081439972, + -0.013038243167102337, + 0.14519381523132324, + 0.07412861287593842, + 0.030403152108192444, + -0.20131689310073853, + 2.3746633529663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/30.png", + [ + 0.19344142079353333, + 0.049727536737918854, + 0.08399694412946701, + -0.9783836007118225, + 0.0662609413266182, + -0.20380693674087524, + -0.03193920478224754, + 0.35852929949760437, + 0.07167844474315643, + 0.05420146510004997, + -0.19716057181358337, + 2.33146333694458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/17.png", + [ + 0.1935952603816986, + 0.046178221702575684, + 0.08565247058868408, + -0.993675708770752, + 0.06352730840444565, + -0.20444843173027039, + -0.03336180001497269, + 0.38520941138267517, + 0.07370924949645996, + 0.05492085590958595, + -0.19621042907238007, + 2.3161392211914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/12.png", + [ + 0.19339914619922638, + 0.046256598085165024, + 0.08605226129293442, + -1.003246784210205, + 0.06258934736251831, + -0.20520392060279846, + -0.03036167100071907, + 0.35417672991752625, + 0.07501492649316788, + 0.051957521587610245, + -0.19652244448661804, + 2.3275256156921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/27.png", + [ + 0.19491732120513916, + 0.04607114568352699, + 0.08265946060419083, + -0.9591597318649292, + 0.062497835606336594, + -0.20478613674640656, + -0.03323490545153618, + 0.3795265555381775, + 0.07105743139982224, + 0.0537400059401989, + -0.19751140475273132, + 2.327427387237549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/42.png", + [ + 0.19884604215621948, + 0.04694641754031181, + 0.07213998585939407, + -0.8138684034347534, + 0.05813533440232277, + -0.20717626810073853, + -0.025420010089874268, + 0.2788051962852478, + 0.06346988677978516, + 0.042684052139520645, + -0.20272530615329742, + 2.32327938079834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/7.png", + [ + 0.19353927671909332, + 0.046403028070926666, + 0.08565747737884521, + -1.0039697885513306, + 0.05748622491955757, + -0.20820899307727814, + -0.01709500141441822, + 0.1958131194114685, + 0.07864970713853836, + 0.0379955880343914, + -0.19828881323337555, + 2.3576478958129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/73.png", + [ + 0.19961756467819214, + 0.04118011146783829, + 0.07351822406053543, + -0.8333980441093445, + 0.048357848078012466, + -0.21079474687576294, + -0.013228334486484528, + 0.14590772986412048, + 0.06900905072689056, + 0.028594905510544777, + -0.2033911943435669, + 2.3543176651000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/46.png", + [ + 0.19816406071186066, + 0.04367148131132126, + 0.07597178220748901, + -0.8589686751365662, + 0.05302052199840546, + -0.20931705832481384, + -0.01797476038336754, + 0.1952926218509674, + 0.06976915895938873, + 0.03502955287694931, + -0.20212149620056152, + 2.3382396697998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/57.png", + [ + 0.19730226695537567, + 0.04294445365667343, + 0.07858427613973618, + -0.911060631275177, + 0.050699058920145035, + -0.21029627323150635, + -0.012368661351501942, + 0.1381065845489502, + 0.07381950318813324, + 0.029650511220097542, + -0.20154261589050293, + 2.3785057067871094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/44.png", + [ + 0.19602903723716736, + 0.047077521681785583, + 0.07939910143613815, + -0.8977723121643066, + 0.05760333687067032, + -0.20802272856235504, + -0.01887594908475876, + 0.20706753432750702, + 0.07212742418050766, + 0.03818576782941818, + -0.20071716606616974, + 2.3209891319274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/29.png", + [ + 0.1941174417734146, + 0.047963861376047134, + 0.0834612175822258, + -0.9699786305427551, + 0.06418514251708984, + -0.20449763536453247, + -0.031762782484292984, + 0.3567419946193695, + 0.07173962146043777, + 0.05317964777350426, + -0.19741642475128174, + 2.3332114219665527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/4.png", + [ + 0.1968672126531601, + 0.04456556960940361, + 0.07877247035503387, + -0.9243018627166748, + 0.05142911896109581, + -0.21026480197906494, + -0.009573603048920631, + 0.10423034429550171, + 0.074473075568676, + 0.02739558182656765, + -0.20162126421928406, + 2.4080262184143066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/55.png", + [ + 0.19661419093608856, + 0.04228343814611435, + 0.08064034581184387, + -0.9342072010040283, + 0.05046408995985985, + -0.21032975614070892, + -0.012754037976264954, + 0.14084215462207794, + 0.07579005509614944, + 0.0303545780479908, + -0.2007046639919281, + 2.3680615425109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/9.png", + [ + 0.1931278109550476, + 0.04641454294323921, + 0.08657505363225937, + -1.0131902694702148, + 0.06067691370844841, + -0.20654267072677612, + -0.024623896926641464, + 0.28639206290245056, + 0.07725194096565247, + 0.046192146837711334, + -0.19709469377994537, + 2.3353638648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/25.png", + [ + 0.19329796731472015, + 0.047336094081401825, + 0.08569178730249405, + -0.9923790097236633, + 0.06460646539926529, + -0.20417726039886475, + -0.032947659492492676, + 0.38125985860824585, + 0.07355131208896637, + 0.05494394525885582, + -0.19626325368881226, + 2.311779499053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/99.png", + [ + 0.19827879965305328, + 0.042106859385967255, + 0.07655338197946548, + -0.858951985836029, + 0.045448970049619675, + -0.2118510603904724, + -0.0011911289766430855, + 0.0024617239832878113, + 0.07461767643690109, + 0.017147591337561607, + -0.20269694924354553, + 2.330087184906006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/34.png", + [ + 0.1960296928882599, + 0.05000540614128113, + 0.07758688926696777, + -0.8961036205291748, + 0.06697497516870499, + -0.20238150656223297, + -0.03878121078014374, + 0.44450828433036804, + 0.06351864337921143, + 0.05906850844621658, + -0.19855526089668274, + 2.325676918029785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/72.png", + [ + 0.19996881484985352, + 0.04095746949315071, + 0.07268325984477997, + -0.8249986171722412, + 0.04773032292723656, + -0.21098653972148895, + -0.01242514792829752, + 0.13733366131782532, + 0.06842651218175888, + 0.02747824229300022, + -0.2037416249513626, + 2.361572265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/102.png", + [ + 0.19793114066123962, + 0.04340379685163498, + 0.07672856003046036, + -0.8640914559364319, + 0.04503653571009636, + -0.21191024780273438, + 0.003695823485031724, + -0.0525222048163414, + 0.07578173279762268, + 0.012572169303894043, + -0.20260050892829895, + 2.33609676361084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/70.png", + [ + 0.19951342046260834, + 0.04180251806974411, + 0.07344956696033478, + -0.8364090323448181, + 0.0483173131942749, + -0.21092133224010468, + -0.011203744448721409, + 0.12355034053325653, + 0.06933777034282684, + 0.0266952496021986, + -0.20353753864765167, + 2.3669471740722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/90.png", + [ + 0.20146018266677856, + 0.03980601206421852, + 0.06911713629961014, + -0.7782030701637268, + 0.044160936027765274, + -0.21202364563941956, + -0.006609869655221701, + 0.0648428201675415, + 0.06641919165849686, + 0.020232655107975006, + -0.20524869859218597, + 2.359043598175049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/15.png", + [ + 0.19348768889904022, + 0.04704822227358818, + 0.08542174100875854, + -0.9929959774017334, + 0.06457319110631943, + -0.2040340155363083, + -0.03388693183660507, + 0.39452552795410156, + 0.07308018207550049, + 0.05571791157126427, + -0.19622105360031128, + 2.3211374282836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/22.png", + [ + 0.19340337812900543, + 0.04723787680268288, + 0.08550791442394257, + -0.9889252781867981, + 0.06286551058292389, + -0.20535211265087128, + -0.02874593622982502, + 0.3299427032470703, + 0.07477263361215591, + 0.050467655062675476, + -0.19700244069099426, + 2.3163270950317383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/109.png", + [ + 0.1975480169057846, + 0.04061022400856018, + 0.07920537143945694, + -0.9053472280502319, + 0.04368613660335541, + -0.21222487092018127, + -0.0001465815439587459, + -0.007108509540557861, + 0.07755129039287567, + 0.016103101894259453, + -0.20167893171310425, + 2.3371634483337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/26.png", + [ + 0.1941530555486679, + 0.04705536365509033, + 0.08389445394277573, + -0.9717336893081665, + 0.0638635903596878, + -0.2043757289648056, + -0.033164747059345245, + 0.3832465410232544, + 0.07193002104759216, + 0.054444946348667145, + -0.19700181484222412, + 2.320618152618408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/43.png", + [ + 0.1966673582792282, + 0.04467497766017914, + 0.07920854538679123, + -0.8943145871162415, + 0.05574699863791466, + -0.20833364129066467, + -0.020910775288939476, + 0.22873711585998535, + 0.07184790074825287, + 0.039359040558338165, + -0.20059072971343994, + 2.3122482299804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/84.png", + [ + 0.19934409856796265, + 0.03933742269873619, + 0.0752488300204277, + -0.846310555934906, + 0.044831156730651855, + -0.21183407306671143, + -0.008024309761822224, + 0.08413717150688171, + 0.07211093604564667, + 0.022951887920498848, + -0.2030298411846161, + 2.3431010246276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/89.png", + [ + 0.19928869605064392, + 0.03980386629700661, + 0.0751502737402916, + -0.8490892052650452, + 0.04521618410944939, + -0.21176259219646454, + -0.007745865732431412, + 0.08041378855705261, + 0.0720236673951149, + 0.02280687727034092, + -0.20307716727256775, + 2.350459575653076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/63.png", + [ + 0.19960851967334747, + 0.03950904309749603, + 0.07445383071899414, + -0.8570032119750977, + 0.04682328924536705, + -0.21112380921840668, + -0.013498649932444096, + 0.1509045511484146, + 0.0700850710272789, + 0.02852488122880459, + -0.20303277671337128, + 2.380593776702881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/88.png", + [ + 0.19997276365756989, + 0.03869648277759552, + 0.07390109449625015, + -0.8335155248641968, + 0.043971020728349686, + -0.2120164930820465, + -0.007966249249875546, + 0.08358648419380188, + 0.07088962942361832, + 0.022349359467625618, + -0.2035265564918518, + 2.353818416595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/62.png", + [ + 0.19899001717567444, + 0.04046444222331047, + 0.0755876898765564, + -0.8729444146156311, + 0.04769114404916763, + -0.21098484098911285, + -0.012603596784174442, + 0.14107657968997955, + 0.07124903798103333, + 0.028212131932377815, + -0.20267103612422943, + 2.381608009338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/65.png", + [ + 0.1996498852968216, + 0.04059016332030296, + 0.0737580880522728, + -0.8450909852981567, + 0.04773344099521637, + -0.2109437733888626, + -0.013120406307280064, + 0.14535029232501984, + 0.06934937089681625, + 0.028338415548205376, + -0.20331132411956787, + 2.3753514289855957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/80.png", + [ + 0.19882182776927948, + 0.03946344926953316, + 0.07655331492424011, + -0.8560935854911804, + 0.04412231594324112, + -0.21206916868686676, + -0.0052708107978105545, + 0.05287947133183479, + 0.07396617531776428, + 0.020425381138920784, + -0.20263193547725677, + 2.3236942291259766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/79.png", + [ + 0.1989024132490158, + 0.03962550312280655, + 0.07625974714756012, + -0.8509504795074463, + 0.04431694746017456, + -0.21202488243579865, + -0.005417726002633572, + 0.055535923689603806, + 0.07363244891166687, + 0.020570926368236542, + -0.20273873209953308, + 2.318875312805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/19.png", + [ + 0.19270043075084686, + 0.04722543805837631, + 0.08708728849887848, + -1.0036919116973877, + 0.06303663551807404, + -0.20538830757141113, + -0.02810552343726158, + 0.3207424581050873, + 0.07642526924610138, + 0.050331857055425644, + -0.19640207290649414, + 2.3043856620788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/77.png", + [ + 0.19982405006885529, + 0.0394735187292099, + 0.07389239966869354, + -0.827111005783081, + 0.04455040395259857, + -0.2119206041097641, + -0.007267172448337078, + 0.0746304988861084, + 0.07094721496105194, + 0.02189500443637371, + -0.2035558670759201, + 2.3231329917907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/68.png", + [ + 0.200359508395195, + 0.03983831778168678, + 0.07222788780927658, + -0.8240201473236084, + 0.04685774818062782, + -0.21111348271369934, + -0.013540320098400116, + 0.14931721985340118, + 0.06788454204797745, + 0.028140665963292122, + -0.2038324773311615, + 2.370670795440674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/86.png", + [ + 0.19955119490623474, + 0.039632268249988556, + 0.07454190403223038, + -0.8396886587142944, + 0.04493962600827217, + -0.2118237465620041, + -0.007682920899242163, + 0.0805148333311081, + 0.07146777957677841, + 0.02253619022667408, + -0.20330363512039185, + 2.3502721786499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/1.png", + [ + 0.19931238889694214, + 0.04362324997782707, + 0.07293475419282913, + -0.8580198287963867, + 0.04885226488113403, + -0.2109687328338623, + -0.007317766547203064, + 0.0771903246641159, + 0.06954079866409302, + 0.02317553013563156, + -0.20389916002750397, + 2.4433116912841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/81.png", + [ + 0.19812503457069397, + 0.04018719121813774, + 0.0779702216386795, + -0.8752753138542175, + 0.0450734868645668, + -0.21186749637126923, + -0.005333139095455408, + 0.05364589765667915, + 0.07525123655796051, + 0.021096233278512955, + -0.2020893394947052, + 2.322544574737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/95.png", + [ + 0.19837193191051483, + 0.04105580598115921, + 0.07688232511281967, + -0.8597860932350159, + 0.04374228045344353, + -0.21221287548542023, + 0.00045952812070026994, + -0.014988400042057037, + 0.07538624107837677, + 0.015100297518074512, + -0.20257540047168732, + 2.3207011222839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/103.png", + [ + 0.19885192811489105, + 0.04338693991303444, + 0.07431937754154205, + -0.8379290699958801, + 0.04489462822675705, + -0.21194185316562653, + 0.0036077501717954874, + -0.05118854343891144, + 0.07341845333576202, + 0.012087859213352203, + -0.20349816977977753, + 2.3496036529541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/83.png", + [ + 0.19864876568317413, + 0.03916126862168312, + 0.07715541869401932, + -0.8670260906219482, + 0.04466412216424942, + -0.21189041435718536, + -0.00744699826464057, + 0.07729010283946991, + 0.07410586625337601, + 0.022731855511665344, + -0.20233505964279175, + 2.3318910598754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/51.png", + [ + 0.1953926682472229, + 0.041253987699747086, + 0.08406966924667358, + -0.9680324196815491, + 0.05016005039215088, + -0.2103653848171234, + -0.013351948000490665, + 0.14422748982906342, + 0.0790795236825943, + 0.03150258958339691, + -0.1992533951997757, + 2.337852954864502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/93.png", + [ + 0.19992518424987793, + 0.04138105362653732, + 0.07256319373846054, + -0.8118787407875061, + 0.04410151019692421, + -0.2121383100748062, + -0.0005305181257426739, + -0.006000123918056488, + 0.07094268500804901, + 0.015258870087563992, + -0.20416218042373657, + 2.3388233184814453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/76.png", + [ + 0.2101430743932724, + 0.0068076965399086475, + 0.05235878378152847, + -0.6133784651756287, + 0.010817133821547031, + -0.21585945785045624, + -0.01534871943295002, + 0.17004244029521942, + 0.05167955532670021, + 0.01749996840953827, + -0.2096923142671585, + 2.4620065689086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/48.png", + [ + 0.2095613032579422, + 0.023959847167134285, + -0.049577049911022186, + 0.5661041736602783, + 0.016201039776206017, + -0.21328076720237732, + -0.034593891352415085, + 0.3851362466812134, + -0.05262588709592819, + 0.029751254245638847, + -0.20807035267353058, + 2.4028334617614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/137.png", + [ + 0.2077837884426117, + 0.015529385767877102, + 0.05943593010306358, + -0.674204409122467, + 0.021311940625309944, + -0.2148398905992508, + -0.018371783196926117, + 0.20003999769687653, + 0.057615913450717926, + 0.023464001715183258, + -0.20755179226398468, + 2.403254508972168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/173.png", + [ + 0.20296330749988556, + 0.0039413608610630035, + -0.07575130462646484, + 0.8661835789680481, + -0.0016584539553150535, + -0.21609963476657867, + -0.015687279403209686, + 0.1763596534729004, + -0.07583563029766083, + 0.01527438685297966, + -0.2023945152759552, + 2.344620704650879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/35.png", + [ + 0.2019156962633133, + 0.032695379108190536, + -0.07147695869207382, + 0.8533744812011719, + 0.019602935761213303, + -0.21176016330718994, + -0.04148804396390915, + 0.4723597466945648, + -0.0761161521077156, + 0.03219541534781456, + -0.20029400289058685, + 2.351792335510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/124.png", + [ + 0.20656754076480865, + 0.013194256462156773, + 0.06405974179506302, + -0.7289482355117798, + 0.017952531576156616, + -0.21550704538822174, + -0.01350232120603323, + 0.15279540419578552, + 0.06289232522249222, + 0.01818014495074749, + -0.20654764771461487, + 2.4026012420654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/97.png", + [ + 0.20998823642730713, + 0.014102345332503319, + 0.0515165701508522, + -0.5902209877967834, + 0.017318880185484886, + -0.21567204594612122, + -0.011555100791156292, + 0.12825073301792145, + 0.05052613094449043, + 0.015316259115934372, + -0.2101438045501709, + 2.4466476440429688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/155.png", + [ + 0.2098780870437622, + -0.00731295719742775, + -0.05334413796663284, + 0.6162693500518799, + -0.011920405551791191, + -0.2156507670879364, + -0.017336249351501465, + 0.1938861906528473, + -0.052506957203149796, + 0.019727196544408798, + -0.20928868651390076, + 2.425985336303711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/192.png", + [ + 0.212757870554924, + 0.008654140867292881, + -0.040088482201099396, + 0.455069363117218, + 0.006214480847120285, + -0.21615299582481384, + -0.013680700212717056, + 0.1475142538547516, + -0.04053839296102524, + 0.012283614836633205, + -0.21249385178089142, + 2.4603447914123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/13.png", + [ + 0.2110852301120758, + 0.022428495809435844, + 0.04344986751675606, + -0.5085316896438599, + 0.02661723643541336, + -0.2142159640789032, + -0.018733397126197815, + 0.2154884785413742, + 0.041017692536115646, + 0.02358771115541458, + -0.2114451825618744, + 2.515507221221924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/32.png", + [ + 0.21490424871444702, + 0.026741741225123405, + -0.006995645817369223, + 0.08273398876190186, + 0.02569539099931717, + -0.21348172426223755, + -0.026705797761678696, + 0.3005126118659973, + -0.010188558138906956, + 0.025657979771494865, + -0.21490871906280518, + 2.5088977813720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/158.png", + [ + 0.20792485773563385, + -0.006802937015891075, + -0.06057116016745567, + 0.6949121952056885, + -0.01041027344763279, + -0.2161206305027008, + -0.011462539434432983, + 0.12267279624938965, + -0.0600564144551754, + 0.0139098409563303, + -0.2077201008796692, + 2.408428192138672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/38.png", + [ + 0.19815614819526672, + 0.02739068679511547, + -0.08325733989477158, + 0.9657692909240723, + 0.00879586860537529, + -0.21099787950515747, + -0.048481252044439316, + 0.5488295555114746, + -0.08720475435256958, + 0.040957897901535034, + -0.19407647848129272, + 2.267052173614502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/148.png", + [ + 0.21650774776935577, + 0.004556979518383741, + 0.007177804596722126, + -0.07866626977920532, + 0.004930818919092417, + -0.2163185328245163, + -0.011396460235118866, + 0.11944235861301422, + 0.006926324218511581, + 0.01155102625489235, + -0.21625563502311707, + 2.5040740966796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/111.png", + [ + 0.20474576950073242, + 0.015475602820515633, + 0.06919229030609131, + -0.793597400188446, + 0.023115456104278564, + -0.21446692943572998, + -0.020432718098163605, + 0.22788679599761963, + 0.06702791899442673, + 0.02668943628668785, + -0.2043106108903885, + 2.381051540374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/164.png", + [ + 0.20768097043037415, + -0.0027569730300456285, + -0.061716318130493164, + 0.7034683227539062, + -0.003730126190930605, + -0.2166234403848648, + -0.0028752731159329414, + 0.02433517947793007, + -0.06166514754295349, + 0.0038183946162462234, + -0.2076793760061264, + 2.410904884338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/11.png", + [ + 0.2116059511899948, + 0.025845948606729507, + 0.038766033947467804, + -0.4539368152618408, + 0.029833555221557617, + -0.213638037443161, + -0.02041167952120304, + 0.23347613215446472, + 0.035787951201200485, + 0.025271816179156303, + -0.21219909191131592, + 2.5242366790771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/125.png", + [ + 0.20681335031986237, + 0.01293814554810524, + 0.06331457942724228, + -0.7192696332931519, + 0.0173424631357193, + -0.21561230719089508, + -0.012588400393724442, + 0.14140363037586212, + 0.0622524693608284, + 0.017083127051591873, + -0.20683494210243225, + 2.407257556915283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/59.png", + [ + 0.21181030571460724, + 0.02112496644258499, + -0.04047255963087082, + 0.46519023180007935, + 0.01409895345568657, + -0.2129613161087036, + -0.03737092390656471, + 0.4210011065006256, + -0.043422479182481766, + 0.03389840945601463, + -0.20955495536327362, + 2.4502859115600586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/105.png", + [ + 0.20852689445018768, + 0.008883832022547722, + 0.058185167610645294, + -0.6597495675086975, + 0.012563709169626236, + -0.2159741222858429, + -0.012051062658429146, + 0.12879043817520142, + 0.057502951472997665, + 0.014971720986068249, + -0.20836783945560455, + 2.433663845062256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/121.png", + [ + 0.20599788427352905, + 0.012702826410531998, + 0.0659651905298233, + -0.7527486681938171, + 0.018322275951504707, + -0.2153230905532837, + -0.015752822160720825, + 0.17870402336120605, + 0.06463020294904709, + 0.020554693415760994, + -0.20578712224960327, + 2.3937854766845703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/175.png", + [ + 0.20225068926811218, + 0.006313352845609188, + -0.07747703790664673, + 0.8835407495498657, + -0.00015265255933627486, + -0.2159261256456375, + -0.017993615940213203, + 0.1996575891971588, + -0.07773368805646896, + 0.01685037463903427, + -0.20154759287834167, + 2.32789945602417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/198.png", + [ + 0.21401679515838623, + 0.007922114804387093, + -0.03289298713207245, + 0.37162262201309204, + 0.006144962273538113, + -0.21624918282032013, + -0.012100625783205032, + 0.1305147260427475, + -0.033270835876464844, + 0.011019336991012096, + -0.21382124722003937, + 2.46079683303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/24.png", + [ + 0.2103327065706253, + 0.01945795677602291, + 0.04826417192816734, + -0.5617475509643555, + 0.02368585206568241, + -0.21473148465156555, + -0.016651557758450508, + 0.19165392220020294, + 0.04633598402142525, + 0.02144019305706024, + -0.2105734795331955, + 2.5003461837768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/74.png", + [ + 0.2134016752243042, + 0.005002929829061031, + 0.03718320652842522, + -0.43542179465293884, + 0.007981074042618275, + -0.21587803959846497, + -0.016758956015110016, + 0.1860487312078476, + 0.03665955364704132, + 0.01787542551755905, + -0.21280142664909363, + 2.5007872581481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/193.png", + [ + 0.21277543902397156, + 0.009237541817128658, + -0.03986447677016258, + 0.45337286591529846, + 0.006749700754880905, + -0.2161131054162979, + -0.014052193611860275, + 0.15250353515148163, + -0.040360257029533386, + 0.012557484209537506, + -0.21251177787780762, + 2.462303638458252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/129.png", + [ + 0.2060486227273941, + 0.013560601510107517, + 0.065635085105896, + -0.7494497895240784, + 0.01818704977631569, + -0.21554423868656158, + -0.012561988085508347, + 0.1399022489786148, + 0.06450647860765457, + 0.01745515502989292, + -0.20611190795898438, + 2.3981571197509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/172.png", + [ + 0.20329517126083374, + 0.003804032923653722, + -0.07486317306756973, + 0.8560876846313477, + -0.001455457997508347, + -0.2161543369293213, + -0.014935857616364956, + 0.16768890619277954, + -0.07494563609361649, + 0.014516457915306091, + -0.20278145372867584, + 2.351205348968506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/153.png", + [ + 0.21200980246067047, + -0.007857200689613819, + -0.04402272775769234, + 0.5103676319122314, + -0.011282486841082573, + -0.2158016562461853, + -0.015819121152162552, + 0.17245684564113617, + -0.04327171668410301, + 0.017770860344171524, + -0.21156474947929382, + 2.44929838180542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/144.png", + [ + 0.21101294457912445, + 0.014135819859802723, + 0.04713394120335579, + -0.5448068380355835, + 0.01827191561460495, + -0.21521200239658356, + -0.01725747436285019, + 0.1826035976409912, + 0.0456899031996727, + 0.02078128792345524, + -0.21078062057495117, + 2.443545341491699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/188.png", + [ + 0.21236830949783325, + 0.012502308003604412, + -0.041125353425741196, + 0.4622139036655426, + 0.010115141980350018, + -0.2160208523273468, + -0.013437545858323574, + 0.14361003041267395, + -0.0417766235768795, + 0.011250603012740612, + -0.21231117844581604, + 2.4447779655456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/98.png", + [ + 0.20968706905841827, + 0.013477680273354053, + 0.052892055362463, + -0.6057679653167725, + 0.017225520685315132, + -0.21557539701461792, + -0.013357631862163544, + 0.14771801233291626, + 0.051792845129966736, + 0.017131753265857697, + -0.2096947729587555, + 2.438593864440918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/0.png", + [ + 0.21425460278987885, + 0.031495120376348495, + 0.007135107181966305, + -0.08140715956687927, + 0.03164736554026604, + -0.2143070250749588, + -0.0043404861353337765, + 0.04307248815894127, + 0.006426222622394562, + 0.00533415749669075, + -0.21651360392570496, + 2.6666574478149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/163.png", + [ + 0.20776289701461792, + -0.0037069697864353657, + -0.0613899864256382, + 0.7012092471122742, + -0.004181406460702419, + -0.21663162112236023, + -0.001070113037712872, + 0.0025910548865795135, + -0.06135949864983559, + 0.0022108096163719893, + -0.2077932059764862, + 2.414430618286133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/96.png", + [ + 0.21018099784851074, + 0.012890119105577469, + 0.05104595422744751, + -0.5849061012268066, + 0.015731701627373695, + -0.21585878729820251, + -0.010266423225402832, + 0.11343765258789062, + 0.05024299398064613, + 0.013664944097399712, + -0.2103254795074463, + 2.4527225494384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/100.png", + [ + 0.2099359780550003, + 0.01400696113705635, + 0.05175508186221123, + -0.5861695408821106, + 0.017596496269106865, + -0.21556508541107178, + -0.013036894612014294, + 0.14136342704296112, + 0.050647277384996414, + 0.016834557056427002, + -0.20999844372272491, + 2.4375791549682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/40.png", + [ + 0.20423780381679535, + 0.021023014560341835, + -0.06923039257526398, + 0.7916254997253418, + 0.00525520509108901, + -0.21108901500701904, + -0.048597391694784164, + 0.5449900031089783, + -0.07216091454029083, + 0.04412886127829552, + -0.19948267936706543, + 2.317817211151123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/141.png", + [ + 0.2098482996225357, + 0.015919310972094536, + 0.0515572614967823, + -0.5876637697219849, + 0.020666923373937607, + -0.2149554044008255, + -0.0177468191832304, + 0.19126777350902557, + 0.049844298511743546, + 0.02210535667836666, + -0.20970168709754944, + 2.436771869659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/52.png", + [ + 0.2098979502916336, + 0.020441461354494095, + -0.04972820356488228, + 0.5701181292533875, + 0.013396324589848518, + -0.21396701037883759, + -0.03140949457883835, + 0.35149288177490234, + -0.0520700104534626, + 0.027352595701813698, + -0.20853883028030396, + 2.4200439453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/184.png", + [ + 0.212196484208107, + 0.01076654251664877, + -0.04248090088367462, + 0.47558751702308655, + 0.008452072739601135, + -0.21614499390125275, + -0.012561742216348648, + 0.13306142389774323, + -0.043001264333724976, + 0.010645021684467793, + -0.21209776401519775, + 2.4501895904541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/3.png", + [ + 0.21315808594226837, + 0.036817874759435654, + 0.012488611042499542, + -0.14628884196281433, + 0.0376407653093338, + -0.21285691857337952, + -0.014933153055608273, + 0.17347939312458038, + 0.009731089696288109, + 0.016860319301486015, + -0.21579834818840027, + 2.620028495788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/47.png", + [ + 0.20992426574230194, + 0.02281683310866356, + -0.048570387065410614, + 0.5498166084289551, + 0.014208979904651642, + -0.21274738013744354, + -0.0385298877954483, + 0.4306102991104126, + -0.05174742266535759, + 0.03414439409971237, + -0.20761564373970032, + 2.4028000831604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/104.png", + [ + 0.2095891237258911, + 0.011177238076925278, + 0.0538085512816906, + -0.607341468334198, + 0.014390015043318272, + -0.21590586006641388, + -0.011201933026313782, + 0.11923043429851532, + 0.05303977429866791, + 0.014409204013645649, + -0.20958781242370605, + 2.4403724670410156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/21.png", + [ + 0.20965053141117096, + 0.021183881908655167, + 0.05045581981539726, + -0.5889288783073425, + 0.025372980162501335, + -0.21463841199874878, + -0.015312084928154945, + 0.17670448124408722, + 0.048484619706869125, + 0.02072416990995407, + -0.2101609855890274, + 2.501774787902832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/82.png", + [ + 0.21083149313926697, + 0.00864280667155981, + 0.04922683164477348, + -0.5618822574615479, + 0.012272420339286327, + -0.21582897007465363, + -0.014667702838778496, + 0.16083137691020966, + 0.04844963178038597, + 0.017060354351997375, + -0.2104981541633606, + 2.4668831825256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/106.png", + [ + 0.20818601548671722, + 0.009214205667376518, + 0.0593428798019886, + -0.6737145781517029, + 0.013169937767088413, + -0.21590203046798706, + -0.012679379433393478, + 0.13668470084667206, + 0.05859207734465599, + 0.01578962616622448, + -0.20800374448299408, + 2.4319310188293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/14.png", + [ + 0.21068908274173737, + 0.021456241607666016, + 0.04579995945096016, + -0.5359707474708557, + 0.025641219690442085, + -0.21443963050842285, + -0.0174946840852499, + 0.20097516477108002, + 0.043595124036073685, + 0.022431354969739914, + -0.2110549509525299, + 2.5139946937561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/67.png", + [ + 0.2157253623008728, + 0.018275504931807518, + -0.008744836784899235, + 0.1028284952044487, + 0.017445102334022522, + -0.21511518955230713, + -0.01920994557440281, + 0.20634526014328003, + -0.010302169248461723, + 0.018421713262796402, + -0.21564416587352753, + 2.5289735794067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/78.png", + [ + 0.2107277363538742, + 0.011536242440342903, + 0.049077823758125305, + -0.5652188062667847, + 0.015293731354176998, + -0.21561409533023834, + -0.014985118061304092, + 0.16516965627670288, + 0.048039767891168594, + 0.018037933856248856, + -0.21051059663295746, + 2.4666929244995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/191.png", + [ + 0.2127382904291153, + 0.009132087230682373, + -0.04008644446730614, + 0.45345622301101685, + 0.006629867944866419, + -0.2161170393228531, + -0.014048957265913486, + 0.1514015644788742, + -0.04057539626955986, + 0.012567154131829739, + -0.21247023344039917, + 2.456617832183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/31.png", + [ + 0.21519333124160767, + 0.022599946707487106, + 0.011356279253959656, + -0.13465900719165802, + 0.02375059574842453, + -0.2140096127986908, + -0.024159669876098633, + 0.27275171875953674, + 0.00869666039943695, + 0.025239311158657074, + -0.21502381563186646, + 2.5159082412719727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/194.png", + [ + 0.21314997971057892, + 0.009791601449251175, + -0.037671055644750595, + 0.42945027351379395, + 0.007484546396881342, + -0.21610377728939056, + -0.013821517117321491, + 0.14974233508110046, + -0.03819640725851059, + 0.012295417487621307, + -0.21292664110660553, + 2.461824893951416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/152.png", + [ + 0.21351715922355652, + -0.007751410361379385, + -0.03603094443678856, + 0.41900956630706787, + -0.010246144607663155, + -0.21596209704875946, + -0.014257661998271942, + 0.15192708373069763, + -0.03540240228176117, + 0.01575373113155365, + -0.21318157017230988, + 2.465930461883545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/39.png", + [ + 0.20064330101013184, + 0.02430759184062481, + -0.07809804379940033, + 0.8980084657669067, + 0.006237355526536703, + -0.21083004772663116, + -0.0495951883494854, + 0.5587556958198547, + -0.08155525475740433, + 0.043677546083927155, + -0.1959308683872223, + 2.2836475372314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/92.png", + [ + 0.21063272655010223, + 0.010186905041337013, + 0.04977922886610031, + -0.5697296857833862, + 0.012400379404425621, + -0.21616271138191223, + -0.008234289474785328, + 0.09020054340362549, + 0.04927448555827141, + 0.01085356529802084, + -0.21071811020374298, + 2.4730029106140137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/203.png", + [ + 0.2145620584487915, + 0.005597278010100126, + -0.029659483581781387, + 0.33457016944885254, + 0.0049576833844184875, + -0.21656009554862976, + -0.005004005040973425, + 0.049128782004117966, + -0.029773076996207237, + 0.00427658436819911, + -0.21457673609256744, + 2.4620394706726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/53.png", + [ + 0.21013584733009338, + 0.019220968708395958, + -0.04920745640993118, + 0.5632774233818054, + 0.012233318760991096, + -0.21404297649860382, + -0.03136627748608589, + 0.35179784893989563, + -0.051392268389463425, + 0.02764148637652397, + -0.2086688131093979, + 2.425933837890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/75.png", + [ + 0.21152691543102264, + 0.004018764942884445, + 0.04677714407444, + -0.5493209362030029, + 0.007745763286948204, + -0.21590831875801086, + -0.01647711917757988, + 0.18363429605960846, + 0.04630610719323158, + 0.01775786653161049, + -0.2109224796295166, + 2.4781904220581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/151.png", + [ + 0.21486592292785645, + -0.004982059821486473, + -0.02749020792543888, + 0.3213730454444885, + -0.006744572892785072, + -0.21614570915699005, + -0.013544022105634212, + 0.1434742659330368, + -0.027111681178212166, + 0.014286668039858341, + -0.21449649333953857, + 2.4818944931030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/87.png", + [ + 0.20930108428001404, + 0.014692088589072227, + 0.0540841743350029, + -0.6266142725944519, + 0.017737869173288345, + -0.21571362018585205, + -0.010044933296740055, + 0.10939700901508331, + 0.053163181990385056, + 0.014130651019513607, + -0.20957551896572113, + 2.464951515197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/139.png", + [ + 0.20899321138858795, + 0.014818188734352589, + 0.055228132754564285, + -0.6257407069206238, + 0.0205741785466671, + -0.21474404633045197, + -0.0202387236058712, + 0.22122430801391602, + 0.053351931273937225, + 0.024765383452177048, + -0.20853810012340546, + 2.419905185699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/107.png", + [ + 0.20748382806777954, + 0.010119148530066013, + 0.061611358076334, + -0.7020823955535889, + 0.014595982618629932, + -0.2157466858625412, + -0.013719180598855019, + 0.14942295849323273, + 0.060706786811351776, + 0.017287608236074448, + -0.20727691054344177, + 2.424931049346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/112.png", + [ + 0.20530758798122406, + 0.01338228490203619, + 0.06795293092727661, + -0.7737237215042114, + 0.020921723917126656, + -0.21464312076568604, + -0.020940575748682022, + 0.2355630099773407, + 0.06602248549461365, + 0.02640342153608799, + -0.2046748399734497, + 2.3823013305664062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/69.png", + [ + 0.21597664058208466, + 0.01626516319811344, + -0.006117407698184252, + 0.08022511005401611, + 0.015755433589220047, + -0.2154606580734253, + -0.016624223440885544, + 0.1811995804309845, + -0.007331067230552435, + 0.016125846654176712, + -0.21594932675361633, + 2.531665325164795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/157.png", + [ + 0.2081632763147354, + -0.006374638061970472, + -0.05979388952255249, + 0.687792956829071, + -0.01119170617312193, + -0.21579627692699432, + -0.015956126153469086, + 0.17640268802642822, + -0.059082068502902985, + 0.018417825922369957, + -0.20764870941638947, + 2.4060988426208496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/45.png", + [ + 0.2117519974708557, + 0.01739734597504139, + -0.042500805109739304, + 0.47023656964302063, + 0.009476132690906525, + -0.21276214718818665, + -0.03987940028309822, + 0.44479110836982727, + -0.04493538662791252, + 0.03711463138461113, + -0.20868925750255585, + 2.412720203399658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/50.png", + [ + 0.2092306911945343, + 0.02296074852347374, + -0.05141228437423706, + 0.5905448794364929, + 0.015873707830905914, + -0.21386973559856415, + -0.03091367520391941, + 0.3440071642398834, + -0.05402262881398201, + 0.026085129007697105, + -0.2082042545080185, + 2.410991668701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/101.png", + [ + 0.21057771146297455, + 0.01434539258480072, + 0.0489809513092041, + -0.5509296655654907, + 0.017565110698342323, + -0.21560698747634888, + -0.012369182892143726, + 0.13288550078868866, + 0.04792067036032677, + 0.015991859138011932, + -0.2107030302286148, + 2.443754196166992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/85.png", + [ + 0.20931072533130646, + 0.011993996798992157, + 0.05470883473753929, + -0.6333755254745483, + 0.015410063788294792, + -0.21581204235553741, + -0.011644243262708187, + 0.12696722149848938, + 0.053846463561058044, + 0.015139436349272728, + -0.2093304693698883, + 2.4575695991516113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/156.png", + [ + 0.20880275964736938, + -0.007471433840692043, + -0.05738890543580055, + 0.6613382697105408, + -0.012185279279947281, + -0.215720534324646, + -0.01625015027821064, + 0.18132872879505157, + -0.05657585710287094, + 0.018887193873524666, + -0.20830348134040833, + 2.416506290435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/181.png", + [ + 0.20931904017925262, + 0.007793003227561712, + -0.05543193593621254, + 0.6320188641548157, + 0.0036889200564473867, + -0.21601860225200653, + -0.01643948256969452, + 0.17968593537807465, + -0.055855363607406616, + 0.01493766438215971, + -0.2088179737329483, + 2.4127984046936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/131.png", + [ + 0.20620562136173248, + 0.0135641535744071, + 0.06513947248458862, + -0.7431716918945312, + 0.018388506025075912, + -0.21548035740852356, + -0.013340690173208714, + 0.14823627471923828, + 0.06394528597593307, + 0.01822429709136486, + -0.20622019469738007, + 2.4003982543945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/71.png", + [ + 0.21621830761432648, + 0.012461951933801174, + 0.006499416194856167, + -0.06783130019903183, + 0.012834959663450718, + -0.2159022092819214, + -0.013014981523156166, + 0.14022639393806458, + 0.005727695766836405, + 0.013372572138905525, + -0.21618570387363434, + 2.5351295471191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/160.png", + [ + 0.20787645876407623, + -0.005840333644300699, + -0.06083715334534645, + 0.6987727880477905, + -0.006913741119205952, + -0.21654574573040009, + -0.0028355151880532503, + 0.01955706626176834, + -0.06072453409433365, + 0.004661594517529011, + -0.20793916285037994, + 2.415165424346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/115.png", + [ + 0.20562584698200226, + 0.009760752320289612, + 0.06760644167661667, + -0.7679746150970459, + 0.01633850298821926, + -0.21525423228740692, + -0.01861620508134365, + 0.20980863273143768, + 0.0663246214389801, + 0.02276482991874218, + -0.20501390099525452, + 2.3828258514404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/54.png", + [ + 0.21062777936458588, + 0.019826415926218033, + -0.04680543765425682, + 0.5344693660736084, + 0.012862973846495152, + -0.21380886435508728, + -0.03268346190452576, + 0.3666764497756958, + -0.049177028238773346, + 0.028992727398872375, + -0.2090189903974533, + 2.4339003562927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/33.png", + [ + 0.21292740106582642, + 0.028829475864768028, + -0.027904801070690155, + 0.33540135622024536, + 0.025012735277414322, + -0.21320688724517822, + -0.029412375763058662, + 0.33309924602508545, + -0.03137164190411568, + 0.02568240463733673, + -0.21284766495227814, + 2.492401123046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/159.png", + [ + 0.20748181641101837, + -0.006545850541442633, + -0.06209952011704445, + 0.7131764888763428, + -0.00875923689454794, + -0.21640124917030334, + -0.006454991176724434, + 0.06244967505335808, + -0.061826158314943314, + 0.008691545575857162, + -0.2074846476316452, + 2.4097681045532227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/177.png", + [ + 0.20303328335285187, + 0.005009742919355631, + -0.07550021260976791, + 0.8624207973480225, + -0.0005441089160740376, + -0.21609695255756378, + -0.015802109614014626, + 0.1740931123495102, + -0.07566428184509277, + 0.014996839687228203, + -0.20247939229011536, + 2.339937210083008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/49.png", + [ + 0.20910774171352386, + 0.02337058261036873, + -0.05172683298587799, + 0.5927081108093262, + 0.016117079183459282, + -0.21377600729465485, + -0.031431734561920166, + 0.34936437010765076, + -0.05442507565021515, + 0.026486411690711975, + -0.2080487310886383, + 2.4071907997131348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/118.png", + [ + 0.20584848523139954, + 0.01185473334044218, + 0.06658653914928436, + -0.7593589425086975, + 0.01846454292535782, + -0.21506695449352264, + -0.018792640417814255, + 0.21162626147270203, + 0.06506428867578506, + 0.023528024554252625, + -0.20533135533332825, + 2.386901378631592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/179.png", + [ + 0.2061740607023239, + 0.0045578014105558395, + -0.0664784163236618, + 0.7601642608642578, + 8.505542064085603e-05, + -0.21618500351905823, + -0.014557987451553345, + 0.15997588634490967, + -0.06663442403078079, + 0.013826376758515835, + -0.20570993423461914, + 2.3792872428894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/110.png", + [ + 0.20396871864795685, + 0.015130184590816498, + 0.07152435928583145, + -0.821681797504425, + 0.022398559376597404, + -0.21472236514091492, + -0.018452679738402367, + 0.2048216611146927, + 0.06959138065576553, + 0.024764377623796463, + -0.20369502902030945, + 2.3752031326293945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/18.png", + [ + 0.21017366647720337, + 0.02147017791867256, + 0.048103682696819305, + -0.5625404119491577, + 0.025372106581926346, + -0.214657261967659, + -0.015047061257064342, + 0.1735275834798813, + 0.046164803206920624, + 0.02022843062877655, + -0.2107309103012085, + 2.512213706970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/66.png", + [ + 0.21580910682678223, + 0.016039567068219185, + -0.010818772949278355, + 0.12418793886899948, + 0.014910071156919003, + -0.21509233117103577, + -0.021468086168169975, + 0.23403993248939514, + -0.012328963726758957, + 0.020637860521674156, + -0.215336874127388, + 2.529081344604492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/202.png", + [ + 0.21452420949935913, + 0.006808155681937933, + -0.02968011051416397, + 0.33373793959617615, + 0.006021211855113506, + -0.21650384366512299, + -0.006142030004411936, + 0.06372237205505371, + -0.029849709942936897, + 0.0052562858909368515, + -0.21454431116580963, + 2.4599461555480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/206.png", + [ + 0.21520909667015076, + 0.007012593559920788, + -0.02416120283305645, + 0.272247850894928, + 0.005956264212727547, + -0.21637332439422607, + -0.00974686723202467, + 0.1015893816947937, + -0.02444305829703808, + 0.009016764350235462, + -0.21510259807109833, + 2.455674171447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/16.png", + [ + 0.21011623740196228, + 0.02214714325964451, + 0.04804755374789238, + -0.5609037280082703, + 0.0262325257062912, + -0.21449622511863708, + -0.015846824273467064, + 0.18254172801971436, + 0.04594472795724869, + 0.021184220910072327, + -0.2106851041316986, + 2.5140061378479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/190.png", + [ + 0.21295301616191864, + 0.009808889590203762, + -0.038764555007219315, + 0.4364010989665985, + 0.00730318995192647, + -0.2160620540380478, + -0.014551760628819466, + 0.15631625056266785, + -0.03931371867656708, + 0.012995230033993721, + -0.2126815766096115, + 2.452479839324951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/94.png", + [ + 0.2107146680355072, + 0.011646241880953312, + 0.049107957631349564, + -0.5613200664520264, + 0.014117881655693054, + -0.21601197123527527, + -0.00934914592653513, + 0.10255943238735199, + 0.04845525324344635, + 0.012291713617742062, + -0.21082906424999237, + 2.4637575149536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/209.png", + [ + 0.21558231115341187, + 0.0043514566496014595, + -0.021288998425006866, + 0.2415185123682022, + 0.0033758655190467834, + -0.21641512215137482, + -0.010049520060420036, + 0.10300067067146301, + -0.021465323865413666, + 0.009667168371379375, + -0.21539193391799927, + 2.468142509460449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/28.png", + [ + 0.21119147539138794, + 0.017116962000727654, + 0.045310817658901215, + -0.5380582213401794, + 0.021360747516155243, + -0.21483221650123596, + -0.018404701724648476, + 0.2098744660615921, + 0.04347158223390579, + 0.022405894473195076, + -0.21108314394950867, + 2.4852848052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/61.png", + [ + 0.21366454660892487, + 0.017346275970339775, + -0.03153518959879875, + 0.3625556528568268, + 0.012795322574675083, + -0.21405623853206635, + -0.03105010837316513, + 0.3492198884487152, + -0.033639878034591675, + 0.02875649742782116, + -0.2121068686246872, + 2.482999324798584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/132.png", + [ + 0.20646680891513824, + 0.015184824354946613, + 0.0639435276389122, + -0.7283196449279785, + 0.019821150228381157, + -0.21538296341896057, + -0.012852855026721954, + 0.14148858189582825, + 0.06266158819198608, + 0.018096821382641792, + -0.2066250890493393, + 2.4020209312438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/58.png", + [ + 0.2109905332326889, + 0.021618377417325974, + -0.04431183263659477, + 0.5095672011375427, + 0.013806404545903206, + -0.21285054087638855, + -0.038104098290205, + 0.42999395728111267, + -0.047331552952528, + 0.034280966967344284, + -0.20864427089691162, + 2.439098358154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/123.png", + [ + 0.20578579604625702, + 0.011774880811572075, + 0.06679413467645645, + -0.762296736240387, + 0.016595175489783287, + -0.21563981473445892, + -0.01311370451003313, + 0.14919069409370422, + 0.0657624825835228, + 0.01757046766579151, + -0.20570482313632965, + 2.395970344543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/64.png", + [ + 0.2153838872909546, + 0.013012772426009178, + -0.019706547260284424, + 0.22724270820617676, + 0.01066863164305687, + -0.21492575109004974, + -0.02531789429485798, + 0.282894104719162, + -0.021067999303340912, + 0.02419676072895527, + -0.21428614854812622, + 2.517984390258789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/10.png", + [ + 0.21188119053840637, + 0.027159003540873528, + 0.03628559410572052, + -0.42548298835754395, + 0.03089025802910328, + -0.21346983313560486, + -0.02059870958328247, + 0.23567834496498108, + 0.03316697105765343, + 0.02531607076525688, + -0.21261924505233765, + 2.5272269248962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/170.png", + [ + 0.20443010330200195, + 0.0010944613022729754, + -0.07179848849773407, + 0.8191141486167908, + -0.003323814831674099, + -0.21627302467823029, + -0.012760579586029053, + 0.1413547396659851, + -0.0717298611998558, + 0.013140864670276642, + -0.20403440296649933, + 2.3646726608276367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/41.png", + [ + 0.20599281787872314, + 0.018096286803483963, + -0.06470993906259537, + 0.7347115278244019, + 0.003810883965343237, + -0.2114792913198471, + -0.047009408473968506, + 0.5256699919700623, + -0.06708448380231857, + 0.043553777039051056, + -0.20137187838554382, + 2.336024761199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/166.png", + [ + 0.2079140841960907, + -0.0017061905236914754, + -0.06096486747264862, + 0.6928299069404602, + -0.0031721480190753937, + -0.21659918129444122, + -0.004756424576044083, + 0.047212157398462296, + -0.06090618297457695, + 0.005456648301333189, + -0.20786668360233307, + 2.4078660011291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/91.png", + [ + 0.21063879132270813, + 0.011872203089296818, + 0.049378588795661926, + -0.565491259098053, + 0.014098633080720901, + -0.2160601168870926, + -0.008194021880626678, + 0.08995963633060455, + 0.048789579421281815, + 0.011178740300238132, + -0.21081392467021942, + 2.4768757820129395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/140.png", + [ + 0.2095663994550705, + 0.014826249331235886, + 0.05300937592983246, + -0.6013858318328857, + 0.020082686096429825, + -0.21487733721733093, + -0.019295301288366318, + 0.20967520773410797, + 0.05124936252832413, + 0.023575525730848312, + -0.20920227468013763, + 2.4300670623779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/23.png", + [ + 0.20989707112312317, + 0.020331699401140213, + 0.04977688193321228, + -0.5797862410545349, + 0.024502940475940704, + -0.21471728384494781, + -0.01562025398015976, + 0.18065808713436127, + 0.0478614941239357, + 0.020760739222168922, + -0.21030017733573914, + 2.501131057739258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/201.png", + [ + 0.21439844369888306, + 0.0068657794035971165, + -0.030562352389097214, + 0.34459295868873596, + 0.005825153086334467, + -0.21645717322826385, + -0.00776260532438755, + 0.08307936787605286, + -0.03077765554189682, + 0.006859410088509321, + -0.21436786651611328, + 2.460899829864502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/37.png", + [ + 0.1956494152545929, + 0.029193518683314323, + -0.08841346204280853, + 1.0353885889053345, + 0.009877881966531277, + -0.21109551191329956, + -0.04784360155463219, + 0.5440016388893127, + -0.09258309751749039, + 0.039170414209365845, + -0.19194255769252777, + 2.2477574348449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/178.png", + [ + 0.20451731979846954, + 0.0045639267191290855, + -0.07141239196062088, + 0.816287100315094, + -0.00023525458527728915, + -0.2161894291639328, + -0.014490287750959396, + 0.15822765231132507, + -0.07155770808458328, + 0.01375479344278574, + -0.20405438542366028, + 2.3598990440368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/36.png", + [ + 0.19659914076328278, + 0.03018491342663765, + -0.08593915402889252, + 1.0156289339065552, + 0.012632311321794987, + -0.21149121224880219, + -0.045384928584098816, + 0.5173556208610535, + -0.0902058333158493, + 0.03616957366466522, + -0.19365578889846802, + 2.2747201919555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/182.png", + [ + 0.21033789217472076, + 0.008840957656502724, + -0.051261186599731445, + 0.5807441473007202, + 0.005659687798470259, + -0.21614421904087067, + -0.014054984785616398, + 0.15171805024147034, + -0.05170918256044388, + 0.012304961681365967, + -0.2100539207458496, + 2.4263110160827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/8.png", + [ + 0.21263660490512848, + 0.02731524407863617, + 0.0314236618578434, + -0.37037208676338196, + 0.030506012961268425, + -0.21350176632404327, + -0.02083914540708065, + 0.23946043848991394, + 0.028336413204669952, + 0.0248749740421772, + -0.21336863934993744, + 2.534669876098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/6.png", + [ + 0.21347934007644653, + 0.029293298721313477, + 0.022723717615008354, + -0.2674065828323364, + 0.03147195279598236, + -0.2133859246969223, + -0.020587990060448647, + 0.2382718026638031, + 0.019595421850681305, + 0.0235849991440773, + -0.21449397504329681, + 2.5558595657348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/197.png", + [ + 0.2137434482574463, + 0.0087177949026227, + -0.03443299978971481, + 0.3896501362323761, + 0.006720785982906818, + -0.2161790430545807, + -0.013013111427426338, + 0.14027102291584015, + -0.03487782180309296, + 0.01176903210580349, + -0.2135249823331833, + 2.4624991416931152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/169.png", + [ + 0.20541058480739594, + -0.0001905766112031415, + -0.06895183026790619, + 0.7872368693351746, + -0.0036824061535298824, + -0.21639488637447357, + -0.010371954180300236, + 0.11217567324638367, + -0.0688537061214447, + 0.011004598811268806, + -0.2051486372947693, + 2.375922203063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/154.png", + [ + 0.21111223101615906, + -0.00816730223596096, + -0.04809179902076721, + 0.5559804439544678, + -0.012152194045484066, + -0.21568681299686432, + -0.016715891659259796, + 0.18495166301727295, + -0.04724246636033058, + 0.01898399367928505, + -0.21060782670974731, + 2.43825101852417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/20.png", + [ + 0.2098248302936554, + 0.02124021388590336, + 0.049702003598213196, + -0.5806456208229065, + 0.025318412110209465, + -0.21465621888637543, + -0.015152054838836193, + 0.17465782165527344, + 0.04775368049740791, + 0.020480724051594734, + -0.21035213768482208, + 2.5054798126220703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/2.png", + [ + 0.2133200615644455, + 0.03644881397485733, + 0.010673738084733486, + -0.12483634054660797, + 0.037000853568315506, + -0.2131817787885666, + -0.011504960246384144, + 0.13187308609485626, + 0.008566319942474365, + 0.013149561360478401, + -0.21610553562641144, + 2.639774799346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/117.png", + [ + 0.20507651567459106, + 0.011036396957933903, + 0.06906316429376602, + -0.7885881066322327, + 0.017834186553955078, + -0.21513883769512177, + -0.01857740990817547, + 0.20866380631923676, + 0.06762740761041641, + 0.02326749451458454, + -0.20453131198883057, + 2.3775792121887207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/149.png", + [ + 0.21662333607673645, + -0.0003719563828781247, + -0.0046997289173305035, + 0.05767976865172386, + -0.0006452142843045294, + -0.21630580723285675, + -0.012620332650840282, + 0.1321803778409958, + -0.0046700648963451385, + 0.012631339952349663, + -0.21625572443008423, + 2.5029282569885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/161.png", + [ + 0.20745936036109924, + -0.005446870811283588, + -0.06228036433458328, + 0.714619517326355, + -0.005956626962870359, + -0.21659085154533386, + -0.0008994069648906589, + -0.0033673904836177826, + -0.06223367899656296, + 0.002573311561718583, + -0.20752888917922974, + 2.412655830383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/5.png", + [ + 0.21355141699314117, + 0.0323406346142292, + 0.017256012186408043, + -0.20287398993968964, + 0.03394819051027298, + -0.21296674013137817, + -0.02099008858203888, + 0.24375784397125244, + 0.01382775604724884, + 0.023391172289848328, + -0.21496404707431793, + 2.5709190368652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/187.png", + [ + 0.21190784871578217, + 0.012481986545026302, + -0.04344143718481064, + 0.49130862951278687, + 0.009556629694998264, + -0.215913787484169, + -0.015420950017869473, + 0.16646607220172882, + -0.04417724534869194, + 0.01316566951572895, + -0.2117142677307129, + 2.4421744346618652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/108.png", + [ + 0.20670980215072632, + 0.012541304342448711, + 0.06373117119073868, + -0.7283810377120972, + 0.01743483729660511, + -0.2155086100101471, + -0.014140532352030277, + 0.15461419522762299, + 0.0625697448849678, + 0.018618375062942505, + -0.20660656690597534, + 2.4153618812561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/60.png", + [ + 0.2130146473646164, + 0.01882394403219223, + -0.034904394298791885, + 0.4008937478065491, + 0.013589015230536461, + -0.21381057798862457, + -0.032376985996961594, + 0.3638799786567688, + -0.03725581616163254, + 0.029641015455126762, + -0.2113795280456543, + 2.4734363555908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/56.png", + [ + 0.21085213124752045, + 0.020916782319545746, + -0.04529636353254318, + 0.5183461308479309, + 0.013458311557769775, + -0.2132667750120163, + -0.035833798348903656, + 0.40329572558403015, + -0.04804316908121109, + 0.032057374715805054, + -0.20883503556251526, + 2.4406638145446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/147.png", + [ + 0.2155742347240448, + 0.00729272561147809, + 0.020553844049572945, + -0.23428109288215637, + 0.008368657901883125, + -0.21623070538043976, + -0.011051727458834648, + 0.11551064252853394, + 0.02013976126909256, + 0.011789456009864807, + -0.21541422605514526, + 2.4924163818359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/30.png", + [ + 0.2140268087387085, + 0.02068857103586197, + 0.02669084072113037, + -0.31768959760665894, + 0.02345268987119198, + -0.21427831053733826, + -0.021969804540276527, + 0.24953997135162354, + 0.02429792657494545, + 0.024590324610471725, + -0.21389907598495483, + 2.5065932273864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/17.png", + [ + 0.21022292971611023, + 0.02235853113234043, + 0.04747958108782768, + -0.5535339117050171, + 0.026351429522037506, + -0.21449480950832367, + -0.01566748507320881, + 0.18026694655418396, + 0.0453852042555809, + 0.020975319668650627, + -0.21082721650600433, + 2.5142178535461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/12.png", + [ + 0.2115253061056137, + 0.024310080334544182, + 0.040174052119255066, + -0.47023653984069824, + 0.02839718386530876, + -0.21386277675628662, + -0.020105063915252686, + 0.23077377676963806, + 0.03739698603749275, + 0.02489243820309639, + -0.21196633577346802, + 2.5184426307678223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/114.png", + [ + 0.2052932232618332, + 0.011268188245594501, + 0.06837846338748932, + -0.776544451713562, + 0.01789078488945961, + -0.21516157686710358, + -0.018256856128573418, + 0.20565158128738403, + 0.06695151329040527, + 0.02294386364519596, + -0.20479005575180054, + 2.3834543228149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/27.png", + [ + 0.2101929634809494, + 0.01883428357541561, + 0.04911300539970398, + -0.5786919593811035, + 0.023332081735134125, + -0.21470102667808533, + -0.017520811408758163, + 0.19794069230556488, + 0.047142669558525085, + 0.022285303100943565, + -0.21030651032924652, + 2.4799399375915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/42.png", + [ + 0.20842178165912628, + 0.016255460679531097, + -0.05695629492402077, + 0.6413244009017944, + 0.004086143337190151, + -0.21180467307567596, + -0.045497018843889236, + 0.508185088634491, + -0.059089452028274536, + 0.042689986526966095, + -0.20404388010501862, + 2.3612990379333496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/174.png", + [ + 0.20222888886928558, + 0.004938209429383278, + -0.07763361185789108, + 0.8863423466682434, + -0.001077903201803565, + -0.21603897213935852, + -0.01654990203678608, + 0.1848839521408081, + -0.07778304815292358, + 0.015832725912332535, + -0.20161104202270508, + 2.3330674171447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/7.png", + [ + 0.21315625309944153, + 0.028672732412815094, + 0.026271160691976547, + -0.30912619829177856, + 0.03136570379137993, + -0.21329104900360107, + -0.021702872589230537, + 0.25070905685424805, + 0.022988954558968544, + 0.02515346184372902, + -0.21397829055786133, + 2.541987419128418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/73.png", + [ + 0.21493200957775116, + 0.006986642722040415, + 0.02652001567184925, + -0.3072759211063385, + 0.009070074185729027, + -0.21584384143352509, + -0.01664499007165432, + 0.1835937649011612, + 0.02588162012398243, + 0.01762125827372074, + -0.21440039575099945, + 2.52048921585083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/120.png", + [ + 0.20595112442970276, + 0.013360043056309223, + 0.06598135083913803, + -0.7524387836456299, + 0.01920146308839321, + -0.21520116925239563, + -0.016360171139240265, + 0.18485607206821442, + 0.06452389061450958, + 0.021397680044174194, + -0.20573453605175018, + 2.3923349380493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/46.png", + [ + 0.21095643937587738, + 0.01936846226453781, + -0.0454988032579422, + 0.5092733502388, + 0.011232545599341393, + -0.212920144200325, + -0.038558319211006165, + 0.4313318729400635, + -0.04815712198615074, + 0.035182058811187744, + -0.20830509066581726, + 2.412440776824951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/127.png", + [ + 0.20646440982818604, + 0.01356624998152256, + 0.06431408226490021, + -0.732168972492218, + 0.017925208434462547, + -0.21559445559978485, + -0.012067490257322788, + 0.13584399223327637, + 0.06323789805173874, + 0.016819460317492485, + -0.20655742287635803, + 2.403456687927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/133.png", + [ + 0.20652474462985992, + 0.014796257950365543, + 0.06384745985269547, + -0.7269698977470398, + 0.01968628354370594, + -0.215338334441185, + -0.013775068335235119, + 0.15078386664390564, + 0.06251303106546402, + 0.018930744379758835, + -0.20659536123275757, + 2.400082588195801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/57.png", + [ + 0.21086078882217407, + 0.02125018648803234, + -0.045100510120391846, + 0.5173820853233337, + 0.01360935065895319, + -0.21309654414653778, + -0.036777034401893616, + 0.41487839818000793, + -0.04796261340379715, + 0.03295746073126793, + -0.20871341228485107, + 2.439664840698242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/44.png", + [ + 0.21158567070960999, + 0.0156581811606884, + -0.04397977888584137, + 0.4854164123535156, + 0.007058828137814999, + -0.21250702440738678, + -0.04169932007789612, + 0.4629548490047455, + -0.046147290617227554, + 0.03928717225790024, + -0.20802605152130127, + 2.400956630706787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/113.png", + [ + 0.20546258985996246, + 0.01189257763326168, + 0.06776122748851776, + -0.7684777975082397, + 0.01899416744709015, + -0.214923694729805, + -0.01987263187766075, + 0.22346988320350647, + 0.06612291187047958, + 0.024784399196505547, + -0.20484480261802673, + 2.383894920349121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/126.png", + [ + 0.20718441903591156, + 0.012907716445624828, + 0.06209593266248703, + -0.7056429386138916, + 0.01732315495610237, + -0.21559035778045654, + -0.01298488862812519, + 0.14621222019195557, + 0.0610116608440876, + 0.0173807330429554, + -0.20717959105968475, + 2.408717632293701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/29.png", + [ + 0.21250145137310028, + 0.019586481153964996, + 0.03751529008150101, + -0.44617772102355957, + 0.02318829670548439, + -0.2145615965127945, + -0.01932651922106743, + 0.22004446387290955, + 0.03540240228176117, + 0.022969134151935577, + -0.21252524852752686, + 2.4964723587036133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/4.png", + [ + 0.21336714923381805, + 0.03458821028470993, + 0.015033777803182602, + -0.1767980456352234, + 0.03579455614089966, + -0.2129267156124115, + -0.018134431913495064, + 0.21179500222206116, + 0.011878897435963154, + 0.020341187715530396, + -0.2153903990983963, + 2.594542980194092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/55.png", + [ + 0.21086271107196808, + 0.019724978134036064, + -0.04577921703457832, + 0.5227215886116028, + 0.012686720117926598, + -0.21367263793945312, + -0.03362949565052986, + 0.37802833318710327, + -0.04820642247796059, + 0.030046986415982246, + -0.20909617841243744, + 2.441270351409912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/9.png", + [ + 0.21222056448459625, + 0.02840019389986992, + 0.03322279080748558, + -0.3898085057735443, + 0.0317949615418911, + -0.21332302689552307, + -0.02074265480041504, + 0.23794090747833252, + 0.029990091919898987, + 0.02519139088690281, + -0.21310532093048096, + 2.531492233276367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/25.png", + [ + 0.2101859152317047, + 0.019736016169190407, + 0.048787929117679596, + -0.5698859691619873, + 0.023794708773493767, + -0.21479690074920654, + -0.015620202757418156, + 0.17844828963279724, + 0.04694234952330589, + 0.020510205999016762, + -0.2105318158864975, + 2.496432304382324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/99.png", + [ + 0.2093832790851593, + 0.012466859072446823, + 0.05432412400841713, + -0.6194345355033875, + 0.016401730477809906, + -0.21561585366725922, + -0.013735996559262276, + 0.1510186642408371, + 0.05326834321022034, + 0.017385967075824738, + -0.2093038558959961, + 2.4306583404541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/208.png", + [ + 0.21535493433475494, + 0.005108495242893696, + -0.02332484722137451, + 0.26445239782333374, + 0.004081912338733673, + -0.21641838550567627, + -0.009711193852126598, + 0.09965783357620239, + -0.02352622151374817, + 0.009212630800902843, + -0.21519652009010315, + 2.4715070724487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/34.png", + [ + 0.20830276608467102, + 0.03167615830898285, + -0.05054176226258278, + 0.608031690120697, + 0.024067357182502747, + -0.21262212097644806, + -0.034065984189510345, + 0.38761577010154724, + -0.05457665026187897, + 0.02713577076792717, + -0.20792530477046967, + 2.445193290710449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/72.png", + [ + 0.21583111584186554, + 0.008469093590974808, + 0.017120251432061195, + -0.19487713277339935, + 0.009692426770925522, + -0.2159104347229004, + -0.015383060090243816, + 0.16748258471488953, + 0.016458597034215927, + 0.016089007258415222, + -0.21544872224330902, + 2.532965660095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/102.png", + [ + 0.21080243587493896, + 0.01321424450725317, + 0.04832823574542999, + -0.5412778258323669, + 0.016321364790201187, + -0.2157137393951416, + -0.012210027314722538, + 0.13119354844093323, + 0.04736926779150963, + 0.015519518405199051, + -0.21086296439170837, + 2.449751853942871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/134.png", + [ + 0.2066127210855484, + 0.014896887354552746, + 0.06353867799043655, + -0.7242959141731262, + 0.020374922081828117, + -0.21513396501541138, + -0.015815433114767075, + 0.1725262999534607, + 0.061999544501304626, + 0.021055836230516434, + -0.206544429063797, + 2.3982791900634766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/70.png", + [ + 0.21617582440376282, + 0.014605635777115822, + -0.0016062926733866334, + 0.027677809819579124, + 0.014470566064119339, + -0.21572940051555634, + -0.014118410646915436, + 0.1540185511112213, + -0.002550981007516384, + 0.013978634960949421, + -0.21620818972587585, + 2.527285099029541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/135.png", + [ + 0.2065606266260147, + 0.015030605718493462, + 0.0636763870716095, + -0.7262940406799316, + 0.020810792222619057, + -0.21502123773097992, + -0.016753317788243294, + 0.18171480298042297, + 0.06202831119298935, + 0.022087180987000465, + -0.20642806589603424, + 2.3950037956237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/130.png", + [ + 0.2062271684408188, + 0.014283308759331703, + 0.06491720676422119, + -0.7412405610084534, + 0.01894783228635788, + -0.21546554565429688, + -0.012785466387867928, + 0.1417529135942459, + 0.06371212750673294, + 0.017845885828137398, + -0.2063254415988922, + 2.401599884033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/90.png", + [ + 0.21048864722251892, + 0.01270997989922762, + 0.04980842396616936, + -0.5715612173080444, + 0.015062122605741024, + -0.21598176658153534, + -0.00853835791349411, + 0.09314587712287903, + 0.04914829879999161, + 0.0117570199072361, + -0.21069909632205963, + 2.4760541915893555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/122.png", + [ + 0.20572368800640106, + 0.011497934348881245, + 0.06703320890665054, + -0.7645163536071777, + 0.01673501543700695, + -0.21554778516292572, + -0.014387424103915691, + 0.16392822563648224, + 0.0659211054444313, + 0.01883762516081333, + -0.20554184913635254, + 2.3913769721984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/15.png", + [ + 0.21038618683815002, + 0.021493421867489815, + 0.047154877334833145, + -0.5513166785240173, + 0.025662275031208992, + -0.21449849009513855, + -0.016725340858101845, + 0.19186855852603912, + 0.045022185891866684, + 0.021824806928634644, + -0.2108188271522522, + 2.513370990753174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/162.png", + [ + 0.20685023069381714, + -0.005216948222368956, + -0.06429354846477509, + 0.7372174859046936, + -0.005514535587280989, + -0.21660439670085907, + -0.00016594539920333773, + -0.010098807513713837, + -0.06426870822906494, + 0.0017947419546544552, + -0.2069159299135208, + 2.4104671478271484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/22.png", + [ + 0.20972977578639984, + 0.020592648535966873, + 0.05037126690149307, + -0.5876350402832031, + 0.024767868220806122, + -0.21470637619495392, + -0.015349740162491798, + 0.17679257690906525, + 0.04845486581325531, + 0.02061563916504383, + -0.21017853915691376, + 2.5009374618530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/171.png", + [ + 0.2038078010082245, + 0.0028273845091462135, + -0.07350023090839386, + 0.8399907350540161, + -0.0021850024349987507, + -0.21618622541427612, + -0.014374948106706142, + 0.16032829880714417, + -0.07352212816476822, + 0.014262514188885689, + -0.20331986248493195, + 2.3555870056152344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/138.png", + [ + 0.20849595963954926, + 0.015263048000633717, + 0.05695939064025879, + -0.6448613405227661, + 0.021090779453516006, + -0.21474795043468475, + -0.019656701013445854, + 0.2145186960697174, + 0.0550682507455349, + 0.024459071457386017, + -0.2081277072429657, + 2.4121456146240234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/109.png", + [ + 0.20539596676826477, + 0.013448290526866913, + 0.06767228990793228, + -0.7765995860099792, + 0.019472304731607437, + -0.21517840027809143, + -0.01633979193866253, + 0.1798001378774643, + 0.06619082391262054, + 0.021570879966020584, + -0.20518618822097778, + 2.3956141471862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/26.png", + [ + 0.21019361913204193, + 0.018516378477215767, + 0.04923092573881149, + -0.5773212313652039, + 0.022641783580183983, + -0.21490530669689178, + -0.015841476619243622, + 0.1798955202102661, + 0.04747515171766281, + 0.020512109622359276, + -0.21041211485862732, + 2.4862961769104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/43.png", + [ + 0.2102375030517578, + 0.014813382178544998, + -0.05028565227985382, + 0.5592610239982605, + 0.004586824681609869, + -0.21224483847618103, + -0.043347183614969254, + 0.4822145402431488, + -0.05222110450267792, + 0.04099488630890846, + -0.20625293254852295, + 2.3823776245117188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/205.png", + [ + 0.21510647237300873, + 0.006375749129801989, + -0.025228114798665047, + 0.2828614413738251, + 0.0056743863970041275, + -0.216507688164711, + -0.006334257312119007, + 0.0630597174167633, + -0.025395061820745468, + 0.005627726670354605, + -0.21510767936706543, + 2.45829439163208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/84.png", + [ + 0.209958016872406, + 0.0101969875395298, + 0.05255042761564255, + -0.6054513454437256, + 0.013825268484652042, + -0.2158200740814209, + -0.013358809053897858, + 0.14633750915527344, + 0.05171448737382889, + 0.01629776880145073, + -0.20978057384490967, + 2.46024751663208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/136.png", + [ + 0.20678366720676422, + 0.015027365647256374, + 0.06294909119606018, + -0.7167531251907349, + 0.02086663246154785, + -0.21497853100299835, + -0.017225323244929314, + 0.18665461242198944, + 0.061261676251888275, + 0.022501256316900253, + -0.20661218464374542, + 2.3953685760498047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/89.png", + [ + 0.21038131415843964, + 0.014778533950448036, + 0.04969104379415512, + -0.5718991160392761, + 0.01725754700601101, + -0.21580354869365692, + -0.008882992900907993, + 0.09717173874378204, + 0.04888539761304855, + 0.012582742609083652, + -0.21071258187294006, + 2.477902889251709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/63.png", + [ + 0.2149331420660019, + 0.013913377188146114, + -0.023623179644346237, + 0.2720973491668701, + 0.011039874516427517, + -0.2148163914680481, + -0.026075519621372223, + 0.2912836968898773, + -0.025094976648688316, + 0.024662308394908905, + -0.21379876136779785, + 2.5048584938049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/88.png", + [ + 0.21007321774959564, + 0.014780503697693348, + 0.05097722262144089, + -0.58893883228302, + 0.017446711659431458, + -0.2157692164182663, + -0.009335722774267197, + 0.10211507976055145, + 0.050127364695072174, + 0.01315599586814642, + -0.2103854864835739, + 2.472507953643799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/62.png", + [ + 0.21419601142406464, + 0.015988202765583992, + -0.02850164845585823, + 0.3281959891319275, + 0.012266548350453377, + -0.2144898921251297, + -0.02813388966023922, + 0.31530922651290894, + -0.030290234833955765, + 0.026198500767350197, + -0.21294137835502625, + 2.494154930114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/65.png", + [ + 0.21578489243984222, + 0.013126770965754986, + -0.014575928449630737, + 0.16779495775699615, + 0.0114901727065444, + -0.21507957577705383, + -0.023593302816152573, + 0.26088419556617737, + -0.015897978097200394, + 0.022723466157913208, + -0.21489250659942627, + 2.5272765159606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/80.png", + [ + 0.21171008050441742, + 0.010583418421447277, + 0.04488575831055641, + -0.508643627166748, + 0.014264666475355625, + -0.21557776629924774, + -0.01645117625594139, + 0.18224117159843445, + 0.043854985386133194, + 0.019029270857572556, + -0.21133509278297424, + 2.4726643562316895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/146.png", + [ + 0.21397897601127625, + 0.01338464580476284, + 0.03133281692862511, + -0.3627891540527344, + 0.01506046112626791, + -0.2158890962600708, + -0.010628562420606613, + 0.11067764461040497, + 0.030562665313482285, + 0.012674190104007721, + -0.21413357555866241, + 2.4791078567504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/119.png", + [ + 0.20579135417938232, + 0.013066058047115803, + 0.06653639674186707, + -0.7592647671699524, + 0.01946117915213108, + -0.2150501161813736, + -0.017961379140615463, + 0.2023308426141739, + 0.06495440751314163, + 0.023035338148474693, + -0.20542198419570923, + 2.388338088989258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/180.png", + [ + 0.20775993168354034, + 0.00512733543291688, + -0.06129777431488037, + 0.7014148831367493, + 0.0007172991754487157, + -0.21610784530639648, + -0.015645448118448257, + 0.17172160744667053, + -0.06150766462087631, + 0.014798818156123161, + -0.20723342895507812, + 2.397275447845459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/145.png", + [ + 0.21202291548252106, + 0.012942950241267681, + 0.042739398777484894, + -0.49551379680633545, + 0.016212379559874535, + -0.21553505957126617, + -0.015155480243265629, + 0.1634308099746704, + 0.04160931333899498, + 0.018028028309345245, + -0.2118762582540512, + 2.4614014625549316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/204.png", + [ + 0.21480073034763336, + 0.006099218036979437, + -0.027773072943091393, + 0.3123781085014343, + 0.005372972227632999, + -0.21652500331401825, + -0.005995552986860275, + 0.05981991067528725, + -0.02792266570031643, + 0.005255000665783882, + -0.21480362117290497, + 2.4624366760253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/207.png", + [ + 0.21532845497131348, + 0.005561446771025658, + -0.02346520870923996, + 0.26476216316223145, + 0.004533007275313139, + -0.21641020476818085, + -0.009693863801658154, + 0.10037508606910706, + -0.023685386404395103, + 0.009142727591097355, + -0.21518205106258392, + 2.4638290405273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/167.png", + [ + 0.207170307636261, + -0.002434129361063242, + -0.06342267245054245, + 0.7214273810386658, + -0.0038632629439234734, + -0.21659739315509796, + -0.004306461662054062, + 0.042110081762075424, + -0.06335168331861496, + 0.00524837477132678, + -0.20713981986045837, + 2.3973965644836426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/189.png", + [ + 0.21318784356117249, + 0.011335101909935474, + -0.03701832890510559, + 0.4153485894203186, + 0.009008706547319889, + -0.21601684391498566, + -0.014263919554650784, + 0.15192671120166779, + -0.0376521572470665, + 0.012495264410972595, + -0.21301192045211792, + 2.44757080078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/79.png", + [ + 0.21145516633987427, + 0.01075712125748396, + 0.04603135958313942, + -0.524276614189148, + 0.014309415593743324, + -0.21565699577331543, + -0.015336326323449612, + 0.17024868726730347, + 0.04505377262830734, + 0.01800685189664364, + -0.2111724466085434, + 2.4748635292053223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/176.png", + [ + 0.20258717238903046, + 0.004897450562566519, + -0.07669644057750702, + 0.8749872446060181, + -0.0012946242932230234, + -0.21598605811595917, + -0.01721142791211605, + 0.19194069504737854, + -0.07684173434972763, + 0.016550658270716667, + -0.20191413164138794, + 2.3311986923217773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/185.png", + [ + 0.2121000587940216, + 0.011076139286160469, + -0.04288104549050331, + 0.48237255215644836, + 0.008617416955530643, + -0.21610073745250702, + -0.013194812461733818, + 0.14141811430454254, + -0.04344196990132332, + 0.011210802011191845, + -0.21197879314422607, + 2.449362277984619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/165.png", + [ + 0.2078971564769745, + -0.0033813246991485357, + -0.06095273047685623, + 0.6929685473442078, + -0.0047643911093473434, + -0.2165808081626892, + -0.00423562852665782, + 0.04025769606232643, + -0.060860250145196915, + 0.005404314491897821, + -0.20788149535655975, + 2.4113287925720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/116.png", + [ + 0.2054554969072342, + 0.010134014301002026, + 0.06806790083646774, + -0.7751770615577698, + 0.01682521216571331, + -0.21520555019378662, + -0.018745047971606255, + 0.21114586293697357, + 0.06672967970371246, + 0.023060057312250137, + -0.20484940707683563, + 2.380317211151123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/19.png", + [ + 0.2100619226694107, + 0.02194409817457199, + 0.048377010971307755, + -0.5651383996009827, + 0.025924401357769966, + -0.21457801759243011, + -0.015234696678817272, + 0.1759720891714096, + 0.046365976333618164, + 0.02055789902806282, + -0.2106548398733139, + 2.508734703063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/77.png", + [ + 0.21045391261577606, + 0.010442523285746574, + 0.05047769844532013, + -0.5868276953697205, + 0.014304750598967075, + -0.21567945182323456, + -0.015021538361907005, + 0.16694296896457672, + 0.04952189698815346, + 0.01792278327047825, + -0.21017670631408691, + 2.466000556945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/68.png", + [ + 0.21575473248958588, + 0.017612773925065994, + -0.009357975795865059, + 0.11521713435649872, + 0.016770120710134506, + -0.21523532271385193, + -0.01845034398138523, + 0.19845587015151978, + -0.010795582085847855, + 0.017647728323936462, + -0.21568475663661957, + 2.5255913734436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/143.png", + [ + 0.21019341051578522, + 0.01554553396999836, + 0.050248995423316956, + -0.5780594348907471, + 0.019868740811944008, + -0.2151254266500473, + -0.016558317467570305, + 0.1750854104757309, + 0.04870172590017319, + 0.020670779049396515, + -0.21011604368686676, + 2.4352827072143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/183.png", + [ + 0.2114221304655075, + 0.01009498443454504, + -0.046332117170095444, + 0.520923912525177, + 0.007498409133404493, + -0.21616137027740479, + -0.012881261296570301, + 0.13688924908638, + -0.04682251438498497, + 0.01096559688448906, + -0.21127068996429443, + 2.4413814544677734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/86.png", + [ + 0.20940040051937103, + 0.013930894434452057, + 0.05390085652470589, + -0.6246285438537598, + 0.017094625160098076, + -0.21573635935783386, + -0.010653275065124035, + 0.11613403260707855, + 0.05298250541090965, + 0.014548149891197681, + -0.20959270000457764, + 2.4623708724975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/1.png", + [ + 0.2137666940689087, + 0.034098248928785324, + 0.009433936327695847, + -0.11009262502193451, + 0.03449278697371483, + -0.21371705830097198, + -0.009119403548538685, + 0.1023612916469574, + 0.007870037108659744, + 0.010498818941414356, + -0.21627697348594666, + 2.656813144683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/81.png", + [ + 0.211651012301445, + 0.009409761987626553, + 0.04542244225740433, + -0.5147615075111389, + 0.012952436693012714, + -0.21571914851665497, + -0.015664733946323395, + 0.17342320084571838, + 0.0445418506860733, + 0.018016822636127472, + -0.21128018200397491, + 2.4754714965820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/95.png", + [ + 0.2104063183069229, + 0.012366184033453465, + 0.0502409003674984, + -0.5752658843994141, + 0.015085139311850071, + -0.2159159928560257, + -0.010030707344412804, + 0.11041952669620514, + 0.04949251562356949, + 0.013238352723419666, + -0.2105305939912796, + 2.4586095809936523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/200.png", + [ + 0.21425309777259827, + 0.006030706223100424, + -0.03173549100756645, + 0.3572298288345337, + 0.004811910446733236, + -0.2164485901594162, + -0.008645571768283844, + 0.09277859330177307, + -0.03194301575422287, + 0.00784416776150465, + -0.21416349709033966, + 2.4616317749023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/199.png", + [ + 0.21399308741092682, + 0.006982292979955673, + -0.033258117735385895, + 0.3752731382846832, + 0.005559105426073074, + -0.2163877785205841, + -0.00965998787432909, + 0.1030539721250534, + -0.03352538123726845, + 0.008687151595950127, + -0.21388894319534302, + 2.4608492851257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/103.png", + [ + 0.21046312153339386, + 0.012359845452010632, + 0.050004053860902786, + -0.5625971555709839, + 0.015599868260324001, + -0.21576043963432312, + -0.01232762262225151, + 0.13233722746372223, + 0.04908987507224083, + 0.015574350953102112, + -0.21046499907970428, + 2.448726177215576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/196.png", + [ + 0.21354728937149048, + 0.009194646961987019, + -0.03550926595926285, + 0.4031814932823181, + 0.007102760951966047, + -0.2161521464586258, + -0.013254784047603607, + 0.14394012093544006, + -0.03598611056804657, + 0.011899451725184917, + -0.21333375573158264, + 2.462157726287842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/150.png", + [ + 0.2160586416721344, + -0.0027182528283447027, + -0.01609855517745018, + 0.18973900377750397, + -0.003745223395526409, + -0.2162049412727356, + -0.013758267275989056, + 0.14527803659439087, + -0.015891058370471, + 0.01399741880595684, + -0.21563728153705597, + 2.494936466217041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/83.png", + [ + 0.21042881906032562, + 0.009803825058043003, + 0.05070984363555908, + -0.582251787185669, + 0.013628469780087471, + -0.21573545038700104, + -0.01484505645930767, + 0.16247902810573578, + 0.04981834813952446, + 0.017606699839234352, + -0.210133358836174, + 2.4622793197631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/142.png", + [ + 0.21030311286449432, + 0.01641257107257843, + 0.049508802592754364, + -0.5659160017967224, + 0.020618891343474388, + -0.21507564187049866, + -0.016285443678498268, + 0.17315907776355743, + 0.04790986701846123, + 0.02051784284412861, + -0.21031299233436584, + 2.4383883476257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/186.png", + [ + 0.21202440559864044, + 0.012288120575249195, + -0.04292494058609009, + 0.4848212003707886, + 0.00953330472111702, + -0.2159627228975296, + -0.014734627678990364, + 0.15940551459789276, + -0.043619539588689804, + 0.012529775500297546, + -0.21186843514442444, + 2.4456920623779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/195.png", + [ + 0.2136482298374176, + 0.009455670602619648, + -0.03482693061232567, + 0.39670830965042114, + 0.007371940184384584, + -0.21613065898418427, + -0.013456777669489384, + 0.14586499333381653, + -0.035326749086380005, + 0.012083901092410088, + -0.21343357861042023, + 2.4631800651550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/51.png", + [ + 0.20962025225162506, + 0.021612081676721573, + -0.05039998143911362, + 0.578859269618988, + 0.014356281608343124, + -0.21382033824920654, + -0.03197889029979706, + 0.3568066656589508, + -0.052925772964954376, + 0.027598373591899872, + -0.20829086005687714, + 2.4133191108703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/128.png", + [ + 0.20653317868709564, + 0.01311393454670906, + 0.0641869604587555, + -0.7316373586654663, + 0.01746192015707493, + -0.21562881767749786, + -0.012132116593420506, + 0.13505248725414276, + 0.06314286589622498, + 0.016737133264541626, + -0.20659318566322327, + 2.4001731872558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/168.png", + [ + 0.2069482058286667, + -0.0011342575307935476, + -0.06417987495660782, + 0.7308223247528076, + -0.0037663611583411694, + -0.21648211777210236, + -0.008318732492625713, + 0.08821253478527069, + -0.06407929956912994, + 0.009060918353497982, + -0.20678403973579407, + 2.3941879272460938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/93.png", + [ + 0.21063852310180664, + 0.010423491708934307, + 0.049705762416124344, + -0.5680603981018066, + 0.012666186317801476, + -0.21614287793636322, + -0.008349601179361343, + 0.09136082231998444, + 0.04918210953474045, + 0.0110226571559906, + -0.2107309103012085, + 2.4686641693115234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/76.png", + [ + 0.19231541454792023, + -0.016108691692352295, + -0.09850475937128067, + 1.1425725221633911, + -0.027676556259393692, + -0.21405558288097382, + -0.019029265269637108, + 0.214431032538414, + -0.09589935094118118, + 0.029472272843122482, + -0.19204841554164886, + 2.289902687072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/48.png", + [ + 0.19004429876804352, + -0.025802528485655785, + -0.10082307457923889, + 1.2055126428604126, + -0.040821924805641174, + -0.21156921982765198, + -0.0228018406778574, + 0.26134932041168213, + -0.09573209285736084, + 0.03899465128779411, + -0.19042761623859406, + 2.3186326026916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/35.png", + [ + 0.18880444765090942, + -0.02022990956902504, + -0.10436247289180756, + 1.2456955909729004, + -0.03754975274205208, + -0.21169428527355194, + -0.026896679773926735, + 0.30554264783859253, + -0.09945245832204819, + 0.041523080319166183, + -0.18797056376934052, + 2.3033695220947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/97.png", + [ + 0.19202497601509094, + -0.013192654587328434, + -0.09950004518032074, + 1.1444816589355469, + -0.030906209722161293, + -0.21213018894195557, + -0.03151962533593178, + 0.3516849875450134, + -0.09549403935670853, + 0.04212640970945358, + -0.18987931311130524, + 2.2509217262268066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/13.png", + [ + 0.1812206208705902, + -0.025241518393158913, + -0.11605966091156006, + 1.3446507453918457, + -0.03547859191894531, + -0.2135627567768097, + -0.00895060133188963, + 0.09131269156932831, + -0.11335013061761856, + 0.026489797979593277, + -0.18275101482868195, + 2.1785502433776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/32.png", + [ + 0.18939736485481262, + -0.022172315046191216, + -0.10288306325674057, + 1.2269198894500732, + -0.03860915079712868, + -0.21168190240859985, + -0.0254560187458992, + 0.2907588481903076, + -0.09790746122598648, + 0.040584031492471695, + -0.18898403644561768, + 2.316183567047119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/38.png", + [ + 0.18937981128692627, + -0.0209690909832716, + -0.10316722840070724, + 1.2359741926193237, + -0.03755965828895569, + -0.21181751787662506, + -0.025894073769450188, + 0.2975336015224457, + -0.09834863990545273, + 0.040515776723623276, + -0.18876947462558746, + 2.3161864280700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/111.png", + [ + 0.18803074955940247, + -0.04330157861113548, + -0.09857641160488129, + 1.165693759918213, + -0.05617416650056839, + -0.20869307219982147, + -0.015477646142244339, + 0.17042604088783264, + -0.09185204654932022, + 0.03898805007338524, + -0.1923305094242096, + 2.3350396156311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/11.png", + [ + 0.17941740155220032, + -0.03054617904126644, + -0.11757645756006241, + 1.3605600595474243, + -0.04183140769600868, + -0.21242238581180573, + -0.008646193891763687, + 0.09185135364532471, + -0.11405010521411896, + 0.029858900234103203, + -0.18179360032081604, + 2.168179988861084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/59.png", + [ + 0.18861784040927887, + -0.00014481217658612877, + -0.10663572698831558, + 1.23648202419281, + -0.025328462943434715, + -0.2105344533920288, + -0.0445152185857296, + 0.5158340334892273, + -0.10358411073684692, + 0.051216352730989456, + -0.18328969180583954, + 2.1769237518310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/105.png", + [ + 0.18780048191547394, + -0.020935121923685074, + -0.10602166503667831, + 1.2357007265090942, + -0.03697545453906059, + -0.21218831837177277, + -0.02359725534915924, + 0.26721441745758057, + -0.10154648870229721, + 0.038545235991477966, + -0.18748459219932556, + 2.2391152381896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/24.png", + [ + 0.19058524072170258, + -0.02442885749042034, + -0.10014186054468155, + 1.1856187582015991, + -0.036172717809677124, + -0.21296507120132446, + -0.016890963539481163, + 0.19752037525177002, + -0.09652303159236908, + 0.03157532215118408, + -0.19140061736106873, + 2.313143253326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/74.png", + [ + 0.19281262159347534, + -0.014469741843640804, + -0.09778451919555664, + 1.129034399986267, + -0.027590150013566017, + -0.21370013058185577, + -0.022780127823352814, + 0.25511330366134644, + -0.09492085129022598, + 0.03272273391485214, + -0.19200819730758667, + 2.283881664276123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/98.png", + [ + 0.1912224441766739, + -0.014447790570557117, + -0.10086192935705185, + 1.1635726690292358, + -0.03262088820338249, + -0.21187686920166016, + -0.03149547055363655, + 0.35574960708618164, + -0.09652846306562424, + 0.04298079013824463, + -0.1891634315252304, + 2.247152805328369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/0.png", + [ + 0.11023811995983124, + -0.023227745667099953, + -0.1850835680961609, + 2.1473731994628906, + -0.04161759093403816, + -0.21263179183006287, + 0.001897044014185667, + -0.03132971376180649, + -0.18183350563049316, + 0.03458459675312042, + -0.11264268308877945, + 1.3577862977981567, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/96.png", + [ + 0.19221709668636322, + -0.014248496852815151, + -0.09898214787244797, + 1.1361925601959229, + -0.03079148381948471, + -0.21247731149196625, + -0.029208973050117493, + 0.3224348723888397, + -0.09514393657445908, + 0.03997823968529701, + -0.19051842391490936, + 2.255136013031006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/100.png", + [ + 0.18962208926677704, + -0.014265958219766617, + -0.10386453568935394, + 1.2020878791809082, + -0.031796373426914215, + -0.21237432956695557, + -0.028879651799798012, + 0.3267587721347809, + -0.0999017134308815, + 0.040515750646591187, + -0.1879521757364273, + 2.233461856842041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/40.png", + [ + 0.1891678273677826, + -0.02440030872821808, + -0.10280103236436844, + 1.2345279455184937, + -0.0405532531440258, + -0.21143825352191925, + -0.024437611922621727, + 0.2847580313682556, + -0.09756465256214142, + 0.04057570919394493, + -0.1891629993915558, + 2.326420783996582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/52.png", + [ + 0.19136962294578552, + -0.020462188869714737, + -0.09953320771455765, + 1.1776793003082275, + -0.032154813408851624, + -0.2135242372751236, + -0.01792648620903492, + 0.18515032529830933, + -0.09639309346675873, + 0.030603749677538872, + -0.1916237771511078, + 2.336998462677002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/3.png", + [ + 0.12105502188205719, + -0.026147866621613503, + -0.17779162526130676, + 2.044111967086792, + -0.04049631208181381, + -0.2128240019083023, + 0.0037268984597176313, + -0.062209732830524445, + -0.1750817745923996, + 0.031146911904215813, + -0.12379070371389389, + 1.4833741188049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/47.png", + [ + 0.1894734501838684, + -0.02598334662616253, + -0.10184578597545624, + 1.21945059299469, + -0.0426052026450634, + -0.2109142690896988, + -0.025453150272369385, + 0.2965742349624634, + -0.09608587622642517, + 0.04228393733501434, + -0.1895454078912735, + 2.308603286743164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/104.png", + [ + 0.18831153213977814, + -0.0187289509922266, + -0.10552670061588287, + 1.228246808052063, + -0.03451456129550934, + -0.21257276833057404, + -0.023863395676016808, + 0.2696344554424286, + -0.10146626085042953, + 0.0375492088496685, + -0.18772998452186584, + 2.2389016151428223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/21.png", + [ + 0.18964286148548126, + -0.0213547982275486, + -0.10260341316461563, + 1.2078973054885864, + -0.028582824394106865, + -0.2146260291337967, + -0.008159887976944447, + 0.08528308570384979, + -0.1008291020989418, + 0.020676899701356888, + -0.19066683948040009, + 2.2976903915405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/82.png", + [ + 0.19442085921764374, + -0.018586255609989166, + -0.09382417798042297, + 1.097883939743042, + -0.026252659037709236, + -0.21475116908550262, + -0.011858820915222168, + 0.12517128884792328, + -0.09197404980659485, + 0.0220087431371212, + -0.19494688510894775, + 2.333285331726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/106.png", + [ + 0.18718458712100983, + -0.02497217245399952, + -0.10623659193515778, + 1.2400354146957397, + -0.04075676202774048, + -0.21166060864925385, + -0.022058429196476936, + 0.25028854608535767, + -0.10123591870069504, + 0.039039451628923416, + -0.18755026161670685, + 2.242990016937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/14.png", + [ + 0.18170049786567688, + -0.02363446168601513, + -0.11564702540636063, + 1.3397175073623657, + -0.0319526307284832, + -0.21420933306217194, + -0.006425466388463974, + 0.05772792175412178, + -0.11363034695386887, + 0.02244257740676403, + -0.18311847746372223, + 2.1804022789001465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/67.png", + [ + 0.1914292275905609, + -0.008133228868246078, + -0.10117601603269577, + 1.1620672941207886, + -0.026282627135515213, + -0.21258367598056793, + -0.032638877630233765, + 0.3611433804035187, + -0.09804060310125351, + 0.04110867902636528, + -0.18880151212215424, + 2.2253661155700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/78.png", + [ + 0.19290785491466522, + -0.014609919860959053, + -0.09757561981678009, + 1.1386265754699707, + -0.023951858282089233, + -0.2148103415966034, + -0.015189660713076591, + 0.16546756029129028, + -0.095711849629879, + 0.024309823289513588, + -0.1928630918264389, + 2.305391311645508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/31.png", + [ + 0.18964143097400665, + -0.023213090375065804, + -0.10220164060592651, + 1.2192329168319702, + -0.03933994099497795, + -0.211609348654747, + -0.02493477798998356, + 0.2871077358722687, + -0.0971410870552063, + 0.04037977755069733, + -0.18942274153232574, + 2.3186559677124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/39.png", + [ + 0.18939583003520966, + -0.02238835208117962, + -0.10283907502889633, + 1.2329550981521606, + -0.03899760916829109, + -0.21157382428646088, + -0.025760596618056297, + 0.29811331629753113, + -0.09775633364915848, + 0.04102662205696106, + -0.18896670639514923, + 2.3214030265808105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/92.png", + [ + 0.19399501383304596, + -0.013031388632953167, + -0.09562430530786514, + 1.0938379764556885, + -0.02611018903553486, + -0.21377065777778625, + -0.023838268592953682, + 0.25576722621917725, + -0.09290900081396103, + 0.032866209745407104, + -0.1929653435945511, + 2.273489475250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/53.png", + [ + 0.18996281921863556, + -0.017441630363464355, + -0.10275121033191681, + 1.2108464241027832, + -0.030600469559431076, + -0.21353775262832642, + -0.02032584510743618, + 0.21187317371368408, + -0.09962747991085052, + 0.03233138099312782, + -0.18967589735984802, + 2.304539680480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/75.png", + [ + 0.1928957998752594, + -0.015547518618404865, + -0.0974544882774353, + 1.1272807121276855, + -0.027876757085323334, + -0.2138390690088272, + -0.021062569692730904, + 0.2368430197238922, + -0.09466779232025146, + 0.031289294362068176, + -0.19237174093723297, + 2.2911911010742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/87.png", + [ + 0.19485542178153992, + -0.013500448316335678, + -0.09379233419895172, + 1.0775418281555176, + -0.024205610156059265, + -0.21444068849086761, + -0.019421080127358437, + 0.20983150601387024, + -0.09161524474620819, + 0.02794329635798931, + -0.19435462355613708, + 2.291398048400879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/107.png", + [ + 0.18720701336860657, + -0.03015052154660225, + -0.10484454780817032, + 1.2258654832839966, + -0.045629777014255524, + -0.21078602969646454, + -0.020858557894825935, + 0.23745957016944885, + -0.09909267723560333, + 0.040101148188114166, + -0.18846867978572845, + 2.2609152793884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/112.png", + [ + 0.1881021410226822, + -0.04398147761821747, + -0.0981382206082344, + 1.1688261032104492, + -0.05531855300068855, + -0.2091323435306549, + -0.01230496633797884, + 0.12701334059238434, + -0.09222438931465149, + 0.03573770448565483, + -0.19278323650360107, + 2.3541030883789062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/69.png", + [ + 0.19043263792991638, + -0.009946062229573727, + -0.10288041830062866, + 1.1812833547592163, + -0.02741570957005024, + -0.2128046602010727, + -0.0301736481487751, + 0.332158625125885, + -0.0996578261256218, + 0.03953664004802704, + -0.1882898360490799, + 2.222019672393799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/45.png", + [ + 0.18858566880226135, + -0.02348845638334751, + -0.10407509654760361, + 1.2467669248580933, + -0.040129154920578, + -0.2114543616771698, + -0.024992022663354874, + 0.2919885814189911, + -0.09885840862989426, + 0.04102734476327896, + -0.18839231133460999, + 2.302311897277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/50.png", + [ + 0.19145822525024414, + -0.023835439234972, + -0.0986078605055809, + 1.1726043224334717, + -0.03617611899971962, + -0.2128043919801712, + -0.018801042810082436, + 0.20326077938079834, + -0.09477829933166504, + 0.03307662159204483, + -0.19201798737049103, + 2.340912342071533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/101.png", + [ + 0.1895381063222885, + -0.014480290934443474, + -0.10398806631565094, + 1.2062827348709106, + -0.03135129436850548, + -0.21261872351169586, + -0.027536654844880104, + 0.31178194284439087, + -0.10020126402378082, + 0.03913428261876106, + -0.18808536231517792, + 2.2372217178344727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/85.png", + [ + 0.1955638825893402, + -0.01444312371313572, + -0.09216319024562836, + 1.0680594444274902, + -0.02381945587694645, + -0.2146974802017212, + -0.016897449269890785, + 0.18319033086299896, + -0.09019584953784943, + 0.025382796302437782, + -0.19536714255809784, + 2.3209176063537598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/71.png", + [ + 0.19114728271961212, + -0.011499403044581413, + -0.10138233751058578, + 1.166601300239563, + -0.028153197839856148, + -0.21288050711154938, + -0.028934117406606674, + 0.31799837946891785, + -0.09807146340608597, + 0.03869818150997162, + -0.18929430842399597, + 2.238565444946289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/54.png", + [ + 0.18965493142604828, + -0.013762986287474632, + -0.1038724035024643, + 1.2182581424713135, + -0.028003348037600517, + -0.21364186704158783, + -0.02282245270907879, + 0.238532155752182, + -0.1009688600897789, + 0.03340107947587967, + -0.18877911567687988, + 2.2840018272399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/33.png", + [ + 0.18921534717082977, + -0.021571757271885872, + -0.1033446192741394, + 1.2324920892715454, + -0.03808850795030594, + -0.21176686882972717, + -0.025533469393849373, + 0.2890065610408783, + -0.09846175462007523, + 0.04046420007944107, + -0.18872155249118805, + 2.313324451446533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/49.png", + [ + 0.1907653957605362, + -0.02529917098581791, + -0.09958120435476303, + 1.1872258186340332, + -0.038894955068826675, + -0.2121562659740448, + -0.02061065472662449, + 0.23105216026306152, + -0.09509807825088501, + 0.03602178394794464, + -0.1913287192583084, + 2.3312768936157227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/110.png", + [ + 0.18794545531272888, + -0.04149705544114113, + -0.09951076656579971, + 1.172627329826355, + -0.05603137984871864, + -0.20844940841197968, + -0.018900541588664055, + 0.21459263563156128, + -0.0921134278178215, + 0.04212766885757446, + -0.19154182076454163, + 2.3157854080200195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/18.png", + [ + 0.18496549129486084, + -0.02309391088783741, + -0.1104641929268837, + 1.2843798398971558, + -0.02801773138344288, + -0.21484623849391937, + -0.0019976880867034197, + 0.0022744573652744293, + -0.10931913554668427, + 0.01598922535777092, + -0.18639089167118073, + 2.227158546447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/66.png", + [ + 0.19074366986751556, + -0.00686380360275507, + -0.10255555808544159, + 1.1796541213989258, + -0.02590048499405384, + -0.21242432296276093, + -0.033955395221710205, + 0.378038227558136, + -0.0994681715965271, + 0.0421508252620697, + -0.18782249093055725, + 2.21720027923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/16.png", + [ + 0.18174384534358978, + -0.021876243874430656, + -0.11592453718185425, + 1.3416179418563843, + -0.02697565034031868, + -0.21498195827007294, + -0.0017223380273208022, + -0.002697328105568886, + -0.11484503000974655, + 0.015877097845077515, + -0.18304762244224548, + 2.1778759956359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/94.png", + [ + 0.19162625074386597, + -0.013574225828051567, + -0.10021485388278961, + 1.1485432386398315, + -0.02914435788989067, + -0.21301698684692383, + -0.026875099167227745, + 0.2926141023635864, + -0.09683945775032043, + 0.03724788501858711, + -0.1902172714471817, + 2.248180389404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/28.png", + [ + 0.19027858972549438, + -0.02586015686392784, + -0.10036532580852509, + 1.1968576908111572, + -0.04212065041065216, + -0.21100755035877228, + -0.025486597791314125, + 0.30117571353912354, + -0.0946984514594078, + 0.04189233481884003, + -0.19032900035381317, + 2.3179636001586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/61.png", + [ + 0.1877019852399826, + -0.001091575832106173, + -0.10823430866003036, + 1.250362753868103, + -0.026217028498649597, + -0.2106705605983734, + -0.043341394513845444, + 0.4977703392505646, + -0.1050167828798294, + 0.05064205080270767, + -0.18263283371925354, + 2.1661691665649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/58.png", + [ + 0.1872451901435852, + -0.0004821665643248707, + -0.10902704298496246, + 1.2682037353515625, + -0.024431966245174408, + -0.2113478183746338, + -0.04102526977658272, + 0.4747679531574249, + -0.10625539720058441, + 0.04774684086441994, + -0.18269626796245575, + 2.1769375801086426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/64.png", + [ + 0.190705806016922, + -0.004990970250219107, + -0.10273399949073792, + 1.1838274002075195, + -0.025802671909332275, + -0.21182025969028473, + -0.03760713338851929, + 0.42331865429878235, + -0.09956609457731247, + 0.045333921909332275, + -0.18702758848667145, + 2.212094783782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/10.png", + [ + 0.17726238071918488, + -0.029787305742502213, + -0.1209903359413147, + 1.3967998027801514, + -0.040878064930438995, + -0.2126501202583313, + -0.007536707911640406, + 0.077822744846344, + -0.11770696192979813, + 0.028991976752877235, + -0.1795896291732788, + 2.1379623413085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/41.png", + [ + 0.19031797349452972, + -0.02523709274828434, + -0.10044926404953003, + 1.2066068649291992, + -0.041150618344545364, + -0.21127037703990936, + -0.024886714294552803, + 0.2924134135246277, + -0.09504520893096924, + 0.0409366674721241, + -0.19036410748958588, + 2.341775417327881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/91.png", + [ + 0.1937691867351532, + -0.012479795143008232, + -0.09615433216094971, + 1.0989922285079956, + -0.02531004138290882, + -0.2139328569173813, + -0.023238344117999077, + 0.2497166097164154, + -0.09359914809465408, + 0.03201364353299141, + -0.19277505576610565, + 2.268880844116211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/23.png", + [ + 0.19078800082206726, + -0.02334645204246044, + -0.10001388192176819, + 1.1818979978561401, + -0.03332973271608353, + -0.21365666389465332, + -0.013705975376069546, + 0.15719306468963623, + -0.09714403748512268, + 0.027453016489744186, + -0.1917218416929245, + 2.314910411834717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/37.png", + [ + 0.18832525610923767, + -0.01944122277200222, + -0.10537327826023102, + 1.2599897384643555, + -0.037062909454107285, + -0.21174483001232147, + -0.027172960340976715, + 0.31074991822242737, + -0.10053770989179611, + 0.041642140597105026, + -0.18736594915390015, + 2.297893524169922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/36.png", + [ + 0.1885349005460739, + -0.01948934607207775, + -0.10498880594968796, + 1.2533998489379883, + -0.03721129149198532, + -0.21167275309562683, + -0.027529260143637657, + 0.313952773809433, + -0.10008899122476578, + 0.041984591633081436, + -0.18752968311309814, + 2.298872470855713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/8.png", + [ + 0.17107737064361572, + -0.029526157304644585, + -0.12964807450771332, + 1.4914755821228027, + -0.040259987115859985, + -0.2128506600856781, + -0.004650374408811331, + 0.03892333433032036, + -0.12672629952430725, + 0.027761461213231087, + -0.17354434728622437, + 2.062739372253418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/6.png", + [ + 0.16283272206783295, + -0.030783342197537422, + -0.13959148526191711, + 1.596642017364502, + -0.04161569103598595, + -0.21263419091701508, + -0.0016534333117306232, + -0.0008343718945980072, + -0.13675355911254883, + 0.02805326133966446, + -0.16570870578289032, + 1.9643789529800415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/20.png", + [ + 0.1882176548242569, + -0.022585414350032806, + -0.10493768006563187, + 1.2305457592010498, + -0.02895568683743477, + -0.21465453505516052, + -0.005735874641686678, + 0.05408961698412895, + -0.10336142033338547, + 0.01900608092546463, + -0.18948107957839966, + 2.276493549346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/2.png", + [ + 0.10956588387489319, + -0.025243880227208138, + -0.1852186769247055, + 2.139633893966675, + -0.041322384029626846, + -0.2126493752002716, + 0.004538269247859716, + -0.06733830273151398, + -0.18230651319026947, + 0.033028494566679, + -0.11234474927186966, + 1.3543154001235962, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/5.png", + [ + 0.15188857913017273, + -0.03129015862941742, + -0.1513230949640274, + 1.7310512065887451, + -0.044022027403116226, + -0.2121552675962448, + -0.0003176674945279956, + -0.017348121851682663, + -0.1481209397315979, + 0.030967166647315025, + -0.1550777554512024, + 1.8398995399475098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/108.png", + [ + 0.18719124794006348, + -0.03535648435354233, + -0.10323397070169449, + 1.2075897455215454, + -0.0510890893638134, + -0.2095278799533844, + -0.020877428352832794, + 0.23967626690864563, + -0.09642218053340912, + 0.042377833276987076, + -0.1893535703420639, + 2.2743940353393555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/60.png", + [ + 0.18777397274971008, + -0.0008905993308871984, + -0.10811123251914978, + 1.249670386314392, + -0.02654481865465641, + -0.21041499078273773, + -0.04437125474214554, + 0.5133132934570312, + -0.10480555146932602, + 0.05169760808348656, + -0.18245834112167358, + 2.1656880378723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/56.png", + [ + 0.18901348114013672, + -0.005133145488798618, + -0.10580851882696152, + 1.2345733642578125, + -0.02366357110440731, + -0.21299728751182556, + -0.031938716769218445, + 0.3549845516681671, + -0.10325612127780914, + 0.03941696509718895, + -0.1863662302494049, + 2.234170436859131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/30.png", + [ + 0.19020161032676697, + -0.02422068826854229, + -0.10091880708932877, + 1.2038283348083496, + -0.04070490598678589, + -0.21121977269649506, + -0.026023397222161293, + 0.30359360575675964, + -0.0954691469669342, + 0.04180268943309784, + -0.18996334075927734, + 2.3217592239379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/17.png", + [ + 0.18433494865894318, + -0.023196520283818245, + -0.11149193346500397, + 1.2910887002944946, + -0.027540873736143112, + -0.21491561830043793, + -0.0008202398312278092, + -0.013295307755470276, + -0.11049899458885193, + 0.014869224280118942, + -0.1857869178056717, + 2.211636543273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/12.png", + [ + 0.18099328875541687, + -0.027667729184031487, + -0.11586122214794159, + 1.3420177698135376, + -0.038282398134469986, + -0.2130793035030365, + -0.00891960971057415, + 0.09373083710670471, + -0.1127997413277626, + 0.027921289205551147, + -0.18287840485572815, + 2.181056022644043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/114.png", + [ + 0.18928849697113037, + -0.04529164731502533, + -0.095217764377594, + 1.1446452140808105, + -0.05408540368080139, + -0.2096712589263916, + -0.00778623204678297, + 0.058571334928274155, + -0.09051256626844406, + 0.03056996315717697, + -0.19447581470012665, + 2.3970556259155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/27.png", + [ + 0.18983039259910583, + -0.02633053995668888, + -0.10108916461467743, + 1.2043038606643677, + -0.041852645576000214, + -0.2112845927476883, + -0.023560060188174248, + 0.27799639105796814, + -0.09571140259504318, + 0.040167436003685, + -0.19019410014152527, + 2.3123135566711426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/42.png", + [ + 0.18931111693382263, + -0.02377839758992195, + -0.1026829406619072, + 1.2338486909866333, + -0.04110042378306389, + -0.21103255450725555, + -0.026905644685029984, + 0.3184089958667755, + -0.09705644845962524, + 0.04298542067408562, + -0.18889202177524567, + 2.320807933807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/7.png", + [ + 0.16830964386463165, + -0.030674293637275696, + -0.13296180963516235, + 1.5266361236572266, + -0.041980378329753876, + -0.21252916753292084, + -0.004110364243388176, + 0.02846900373697281, + -0.1298360526561737, + 0.028954017907381058, + -0.1710326075553894, + 2.034792423248291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/73.png", + [ + 0.19296260178089142, + -0.013572433032095432, + -0.09761717170476913, + 1.12588632106781, + -0.027699721977114677, + -0.21342821419239044, + -0.025080334395170212, + 0.2784961760044098, + -0.09458354860544205, + 0.03481503948569298, + -0.19180656969547272, + 2.2757296562194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/46.png", + [ + 0.18925398588180542, + -0.024672672152519226, + -0.10257723182439804, + 1.2282328605651855, + -0.04132188484072685, + -0.2111702859401703, + -0.025446143001317978, + 0.29686740040779114, + -0.09707384556531906, + 0.04178831726312637, + -0.18915152549743652, + 2.3070197105407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/57.png", + [ + 0.186976358294487, + -0.0029026116244494915, + -0.10945003479719162, + 1.2746812105178833, + -0.024618390947580338, + -0.2121667116880417, + -0.03642958775162697, + 0.4163888096809387, + -0.10668490827083588, + 0.04387202486395836, + -0.18341612815856934, + 2.192051887512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/44.png", + [ + 0.1879720836877823, + -0.023750578984618187, + -0.10512037575244904, + 1.2593379020690918, + -0.041290003806352615, + -0.2110917866230011, + -0.02613970823585987, + 0.30821335315704346, + -0.09954656660556793, + 0.042709000408649445, + -0.1876547634601593, + 2.2974863052368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/113.png", + [ + 0.1886463463306427, + -0.045093782246112823, + -0.09657642990350723, + 1.1552926301956177, + -0.05495969206094742, + -0.20936870574951172, + -0.009595685638487339, + 0.08895595371723175, + -0.09132298827171326, + 0.03285111114382744, + -0.19372352957725525, + 2.3769326210021973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/29.png", + [ + 0.19021190702915192, + -0.025452077388763428, + -0.10059578716754913, + 1.20071280002594, + -0.042277704924345016, + -0.2108391523361206, + -0.0265958309173584, + 0.3136408030986786, + -0.094762422144413, + 0.04297596961259842, + -0.19005537033081055, + 2.318812370300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/4.png", + [ + 0.14159677922725677, + -0.030620723962783813, + -0.16112299263477325, + 1.8422341346740723, + -0.044015008956193924, + -0.21215064823627472, + 0.0016373979160562158, + -0.03852207958698273, + -0.15799027681350708, + 0.0316602848470211, + -0.14486058056354523, + 1.7195993661880493, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/55.png", + [ + 0.18948234617710114, + -0.009319720789790154, + -0.1046779528260231, + 1.2248859405517578, + -0.025475449860095978, + -0.21345718204975128, + -0.027109690010547638, + 0.2922206521034241, + -0.10195750743150711, + 0.036014948040246964, + -0.18776445090770721, + 2.263150691986084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/9.png", + [ + 0.17555807530879974, + -0.02947983518242836, + -0.12352406978607178, + 1.422338843345642, + -0.04037508741021156, + -0.212777242064476, + -0.006602227687835693, + 0.06490050256252289, + -0.1204039603471756, + 0.02836681716144085, + -0.1778935194015503, + 2.115346908569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/25.png", + [ + 0.19003278017044067, + -0.025748321786522865, + -0.10085862129926682, + 1.1963469982147217, + -0.03879409655928612, + -0.21233513951301575, + -0.01888659968972206, + 0.22194427251815796, + -0.09659428894519806, + 0.03462238609790802, + -0.19083692133426666, + 2.31057071685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/99.png", + [ + 0.18996848165988922, + -0.01373751275241375, + -0.10330124199390411, + 1.1940714120864868, + -0.03147085756063461, + -0.21231816709041595, + -0.02963901497423649, + 0.3354755640029907, + -0.09934511035680771, + 0.04098983854055405, + -0.18814431130886078, + 2.233461856842041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/34.png", + [ + 0.18882830440998077, + -0.020745716989040375, + -0.10421791672706604, + 1.2437946796417236, + -0.0375949889421463, + -0.21180379390716553, + -0.02595500648021698, + 0.2928819954395294, + -0.09939002245664597, + 0.04070209711790085, + -0.1881830394268036, + 2.3068790435791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/72.png", + [ + 0.19187310338020325, + -0.013052613474428654, + -0.09981099516153336, + 1.1488580703735352, + -0.02845437079668045, + -0.21311594545841217, + -0.026829790323972702, + 0.295720636844635, + -0.0965554416179657, + 0.036866217851638794, + -0.19043587148189545, + 2.25655460357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/102.png", + [ + 0.1903936266899109, + -0.01619882881641388, + -0.10215555131435394, + 1.1859004497528076, + -0.03194451704621315, + -0.21274805068969727, + -0.025801464915275574, + 0.2911137044429779, + -0.0983753427863121, + 0.037732820957899094, + -0.18933150172233582, + 2.2531657218933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/70.png", + [ + 0.190768301486969, + -0.01020647119730711, + -0.1022309735417366, + 1.1752560138702393, + -0.027391579002141953, + -0.21285149455070496, + -0.029863573610782623, + 0.3284713327884674, + -0.09902043640613556, + 0.03921682760119438, + -0.18869256973266602, + 2.229252338409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/90.png", + [ + 0.1942073255777359, + -0.01313658058643341, + -0.09517790377140045, + 1.0859293937683105, + -0.025704892352223396, + -0.21391966938972473, + -0.022924499586224556, + 0.24810394644737244, + -0.09257785975933075, + 0.03183872252702713, + -0.19329647719860077, + 2.2704296112060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/15.png", + [ + 0.18184438347816467, + -0.022642679512500763, + -0.11561930179595947, + 1.3362895250320435, + -0.029353193938732147, + -0.2146373987197876, + -0.00413207383826375, + 0.028265327215194702, + -0.11410042643547058, + 0.019130945205688477, + -0.18320204317569733, + 2.1788272857666016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/22.png", + [ + 0.19094254076480865, + -0.021962381899356842, + -0.10003248602151871, + 1.181815266609192, + -0.030604708939790726, + -0.21419969201087952, + -0.01139035727828741, + 0.12681150436401367, + -0.09773533791303635, + 0.02416696771979332, + -0.19186364114284515, + 2.3145570755004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/109.png", + [ + 0.1866372972726822, + -0.03910326212644577, + -0.10288508236408234, + 1.2080514430999756, + -0.05472039431333542, + -0.2087002396583557, + -0.01994464546442032, + 0.228397935628891, + -0.09549914300441742, + 0.043163001537323, + -0.18964378535747528, + 2.2876663208007812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/26.png", + [ + 0.19005437195301056, + -0.026319237425923347, + -0.10067033767700195, + 1.1966065168380737, + -0.04053858667612076, + -0.21179407835006714, + -0.021160924807190895, + 0.2483673095703125, + -0.09583237022161484, + 0.03739598020911217, + -0.19069764018058777, + 2.312809944152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/43.png", + [ + 0.18868792057037354, + -0.023768367245793343, + -0.10382597148418427, + 1.245344638824463, + -0.04160458594560623, + -0.21087858080863953, + -0.027334613725543022, + 0.3241296708583832, + -0.09805011749267578, + 0.04373999685049057, + -0.18820436298847198, + 2.3089518547058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/84.png", + [ + 0.19546978175640106, + -0.016599245369434357, + -0.09199956804513931, + 1.0721476078033447, + -0.024555785581469536, + -0.21486082673072815, + -0.013406447134912014, + 0.1426338106393814, + -0.09020237624645233, + 0.02252076007425785, + -0.19571471214294434, + 2.3322081565856934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/89.png", + [ + 0.19458045065402985, + -0.012162276543676853, + -0.0945432260632515, + 1.078061580657959, + -0.024310912936925888, + -0.21412880718708038, + -0.022488487884402275, + 0.24354133009910583, + -0.09217007458209991, + 0.03080311417579651, + -0.19365882873535156, + 2.2728700637817383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/63.png", + [ + 0.1898549646139145, + -0.0029116589576005936, + -0.10437674075365067, + 1.2039755582809448, + -0.025543663650751114, + -0.2113046795129776, + -0.04056788980960846, + 0.4602627456188202, + -0.10124476999044418, + 0.047851383686065674, + -0.18549296259880066, + 2.1957836151123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/88.png", + [ + 0.19455352425575256, + -0.01313964556902647, + -0.09446779638528824, + 1.081390619277954, + -0.024072613567113876, + -0.21442542970180511, + -0.019752105697989464, + 0.21276593208312988, + -0.09228935837745667, + 0.0282309427857399, + -0.19399376213550568, + 2.2822518348693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/62.png", + [ + 0.18854734301567078, + -0.0024010837078094482, + -0.10673343390226364, + 1.2315393686294556, + -0.026426056399941444, + -0.21092848479747772, + -0.04193723946809769, + 0.4784766137599945, + -0.10343816876411438, + 0.04951063543558121, + -0.18383996188640594, + 2.178215980529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/65.png", + [ + 0.19072949886322021, + -0.005643462296575308, + -0.10265626758337021, + 1.1825605630874634, + -0.02534244954586029, + -0.21225300431251526, + -0.03541634976863861, + 0.3952029347419739, + -0.0996389389038086, + 0.04318227246403694, + -0.18749737739562988, + 2.2148165702819824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/80.png", + [ + 0.19328299164772034, + -0.017925554886460304, + -0.096271812915802, + 1.1267400979995728, + -0.025175871327519417, + -0.21494968235492706, + -0.010522033087909222, + 0.10881933569908142, + -0.09463489800691605, + 0.020572122186422348, + -0.19382703304290771, + 2.320450782775879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/79.png", + [ + 0.1929856687784195, + -0.01712735928595066, + -0.09701075404882431, + 1.1348377466201782, + -0.024988004937767982, + -0.21490700542926788, + -0.011767112649977207, + 0.12367749214172363, + -0.0952892079949379, + 0.021668385714292526, + -0.193386510014534, + 2.31467342376709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/19.png", + [ + 0.1872829794883728, + -0.023772522807121277, + -0.10633832961320877, + 1.240510106086731, + -0.029173245653510094, + -0.2146749496459961, + -0.003388121724128723, + 0.02265521138906479, + -0.10498521476984024, + 0.017246006056666374, + -0.1887553185224533, + 2.261107921600342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/77.png", + [ + 0.1929570585489273, + -0.014668494462966919, + -0.09746942669153214, + 1.1341596841812134, + -0.024510929360985756, + -0.21467213332653046, + -0.016216786578297615, + 0.17915235459804535, + -0.09547077864408493, + 0.025467729195952415, + -0.19283312559127808, + 2.302013397216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/68.png", + [ + 0.19081251323223114, + -0.00839610118418932, + -0.10231314599514008, + 1.1738085746765137, + -0.026308735832571983, + -0.21273620426654816, + -0.03160768374800682, + 0.348548024892807, + -0.09922865033149719, + 0.04025792330503464, + -0.18836365640163422, + 2.2212281227111816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/86.png", + [ + 0.19569014012813568, + -0.013378793373703957, + -0.0920558050274849, + 1.0610098838806152, + -0.023708004504442215, + -0.21451421082019806, + -0.01922183483839035, + 0.2091158926486969, + -0.0899510607123375, + 0.02743275836110115, + -0.19520282745361328, + 2.308154582977295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/1.png", + [ + 0.10497945547103882, + -0.02260274812579155, + -0.18819226324558258, + 2.1828739643096924, + -0.04038558527827263, + -0.2128559947013855, + 0.0030366454739123583, + -0.04635374993085861, + -0.18519236147403717, + 0.03360554575920105, + -0.10734221339225769, + 1.2988771200180054, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/81.png", + [ + 0.19432947039604187, + -0.018478432670235634, + -0.09403456747531891, + 1.1016000509262085, + -0.025661297142505646, + -0.2148781716823578, + -0.010805971920490265, + 0.11218863725662231, + -0.0923333615064621, + 0.02082831785082817, + -0.19490671157836914, + 2.3330612182617188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/95.png", + [ + 0.1914348155260086, + -0.014160873368382454, + -0.10049914568662643, + 1.1529123783111572, + -0.030365511775016785, + -0.21271857619285583, + -0.027868252247571945, + 0.30622053146362305, + -0.09684287756681442, + 0.03870624676346779, + -0.18992413580417633, + 2.246863842010498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/103.png", + [ + 0.18932420015335083, + -0.016531074419617653, + -0.1040719673037529, + 1.2107046842575073, + -0.03226441517472267, + -0.21280819177627563, + -0.02489129826426506, + 0.2810306251049042, + -0.10031578689813614, + 0.037246380001306534, + -0.18840739130973816, + 2.2459988594055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/83.png", + [ + 0.19534651935100555, + -0.01750202104449272, + -0.09209403395652771, + 1.075051188468933, + -0.024985991418361664, + -0.21488532423973083, + -0.012161478400230408, + 0.12844476103782654, + -0.0903511568903923, + 0.021584268659353256, + -0.19575157761573792, + 2.3357467651367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/51.png", + [ + 0.19279487431049347, + -0.022383013740181923, + -0.096317358314991, + 1.141455888748169, + -0.03366978466510773, + -0.21329890191555023, + -0.017827410250902176, + 0.18718321621418, + -0.09297516196966171, + 0.030829720199108124, + -0.19326935708522797, + 2.3572702407836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/93.png", + [ + 0.19271907210350037, + -0.0129201365634799, + -0.09818515181541443, + 1.1254913806915283, + -0.026745006442070007, + -0.21363060176372528, + -0.024383898824453354, + 0.26293402910232544, + -0.09535176306962967, + 0.03380739688873291, + -0.19160637259483337, + 2.2623867988586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/76.png", + [ + 0.17308148741722107, + -0.010450278408825397, + 0.12992878258228302, + -1.4841772317886353, + 0.021785736083984375, + -0.21062004566192627, + -0.04596167802810669, + 0.5136172771453857, + 0.12851490080356598, + 0.04977836459875107, + -0.16719429194927216, + 1.9647122621536255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/48.png", + [ + 0.15014797449111938, + -0.029348425567150116, + 0.15343450009822845, + -1.7444485425949097, + 0.0009769409662112594, + -0.21263591945171356, + -0.04162827879190445, + 0.45914164185523987, + 0.15621308982372284, + 0.029538752511143684, + -0.14721694588661194, + 1.7392480373382568, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/35.png", + [ + 0.15767541527748108, + -0.047143030911684036, + 0.14093931019306183, + -1.611915946006775, + -0.01947093941271305, + -0.2102659046649933, + -0.048549164086580276, + 0.5437027215957642, + 0.14733374118804932, + 0.022664353251457214, + -0.15724815428256989, + 1.8661969900131226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/97.png", + [ + 0.1595350205898285, + -0.014038847759366035, + 0.1459430605173111, + -1.690028429031372, + 0.00930609367787838, + -0.2142745703458786, + -0.030784720554947853, + 0.34637850522994995, + 0.14632108807563782, + 0.02893463708460331, + -0.15716494619846344, + 1.8845618963241577, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/13.png", + [ + 0.16811254620552063, + -0.017180707305669785, + 0.13561299443244934, + -1.5621271133422852, + 0.007610093802213669, + -0.21344681084156036, + -0.03647525608539581, + 0.4070914685726166, + 0.1364849954843521, + 0.033063288778066635, + -0.16500471532344818, + 1.96534264087677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/32.png", + [ + 0.15464603900909424, + -0.047129612416028976, + 0.1442612260580063, + -1.659037470817566, + -0.02158913016319275, + -0.21069908142089844, + -0.04569137096405029, + 0.513861358165741, + 0.15022118389606476, + 0.018237093463540077, + -0.15507705509662628, + 1.8513892889022827, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/38.png", + [ + 0.16170179843902588, + -0.04277248680591583, + 0.1377350240945816, + -1.5715703964233398, + -0.00843203067779541, + -0.20937643945217133, + -0.05512088164687157, + 0.6178157329559326, + 0.1439768224954605, + 0.0357760451734066, + -0.1579197347164154, + 1.8708549737930298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/111.png", + [ + 0.13733792304992676, + -0.06264419108629227, + 0.15544095635414124, + -1.8661260604858398, + -0.05453787371516228, + -0.20673510432243347, + -0.035129960626363754, + 0.4031280279159546, + 0.15846703946590424, + -0.016858188435435295, + -0.14680561423301697, + 1.8188891410827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/11.png", + [ + 0.1636352688074112, + -0.016118930652737617, + 0.14110837876796722, + -1.637899398803711, + 0.005928045138716698, + -0.21431191265583038, + -0.031355440616607666, + 0.3486420214176178, + 0.14190225303173065, + 0.027540618553757668, + -0.1614098995923996, + 1.9381047487258911, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/59.png", + [ + 0.15712204575538635, + 0.004995464347302914, + 0.14911605417728424, + -1.7276767492294312, + 0.03120710328221321, + -0.2128635048866272, + -0.025751568377017975, + 0.28022661805152893, + 0.14589951932430267, + 0.04015062004327774, + -0.15507788956165314, + 1.8519288301467896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/105.png", + [ + 0.13233889639377594, + -0.05191968381404877, + 0.16351957619190216, + -1.9215621948242188, + -0.04342179000377655, + -0.20992708206176758, + -0.0315127894282341, + 0.34903189539909363, + 0.16597847640514374, + -0.013522314839065075, + -0.1386224627494812, + 1.6881449222564697, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/24.png", + [ + 0.15270450711250305, + -0.043845564126968384, + 0.14733226597309113, + -1.683249592781067, + -0.019758040085434914, + -0.21154938638210297, + -0.042477864772081375, + 0.4747925102710724, + 0.15244293212890625, + 0.016502005979418755, + -0.15309059619903564, + 1.8092350959777832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/74.png", + [ + 0.1739046722650528, + -0.016316501423716545, + 0.1282140016555786, + -1.460375428199768, + 0.014456427656114101, + -0.2111368030309677, + -0.046477410942316055, + 0.515038013458252, + 0.12843702733516693, + 0.045857492834329605, + -0.16837134957313538, + 1.9831327199935913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/98.png", + [ + 0.1541573703289032, + -0.019574511796236038, + 0.15099744498729706, + -1.7517945766448975, + -0.0002338770718779415, + -0.21490681171417236, + -0.02762061357498169, + 0.3056161105632782, + 0.15226075053215027, + 0.019488239660859108, + -0.15292078256607056, + 1.8350050449371338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/0.png", + [ + 0.15243081748485565, + -0.011236767284572124, + 0.15357889235019684, + -1.8306552171707153, + 0.01040642149746418, + -0.2148512899875641, + -0.026048457249999046, + 0.28862157464027405, + 0.15363739430904388, + 0.025701183825731277, + -0.15060840547084808, + 1.8566895723342896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/96.png", + [ + 0.1665535569190979, + -0.016185877844691277, + 0.13764381408691406, + -1.5919805765151978, + 0.01024142000824213, + -0.21316616237163544, + -0.037459198385477066, + 0.4200384020805359, + 0.13821329176425934, + 0.035300079733133316, + -0.16309162974357605, + 1.9457992315292358, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/100.png", + [ + 0.1492142528295517, + -0.032867640256881714, + 0.15363174676895142, + -1.7731196880340576, + -0.014406207948923111, + -0.21384984254837036, + -0.031758591532707214, + 0.34830090403556824, + 0.15644635260105133, + 0.01165611669421196, + -0.1494542360305786, + 1.7791606187820435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/40.png", + [ + 0.16485995054244995, + -0.044521138072013855, + 0.13336779177188873, + -1.5071442127227783, + -0.014109661802649498, + -0.2097265124320984, + -0.052570000290870667, + 0.5827420949935913, + 0.13989286124706268, + 0.03131382539868355, + -0.16247254610061646, + 1.9002305269241333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/52.png", + [ + 0.15332280099391937, + 0.0002726154343690723, + 0.15310107171535492, + -1.7328277826309204, + 0.02718978188931942, + -0.21327851712703705, + -0.026849383488297462, + 0.2854555547237396, + 0.15066762268543243, + 0.03821124508976936, + -0.15095385909080505, + 1.7765594720840454, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/3.png", + [ + 0.1489054560661316, + -0.013727115467190742, + 0.1568012237548828, + -1.8367629051208496, + 0.0067975991405546665, + -0.21508686244487762, + -0.025285016745328903, + 0.27833616733551025, + 0.15725409984588623, + 0.022295868024230003, + -0.14738361537456512, + 1.7928215265274048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/47.png", + [ + 0.1483796238899231, + -0.03252317011356354, + 0.15451093018054962, + -1.75894033908844, + -0.0016435415018349886, + -0.21233506500720978, + -0.04311630502343178, + 0.48241451382637024, + 0.15788820385932922, + 0.028354201465845108, + -0.145654559135437, + 1.728797435760498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/104.png", + [ + 0.13225822150707245, + -0.04957811161875725, + 0.16430966556072235, + -1.9232916831970215, + -0.038011450320482254, + -0.2107473909854889, + -0.0329933762550354, + 0.367458313703537, + 0.167364239692688, + -0.008685847744345665, + -0.13733777403831482, + 1.6660040616989136, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/21.png", + [ + 0.15279118716716766, + -0.04093591123819351, + 0.14807769656181335, + -1.714717149734497, + -0.015607429668307304, + -0.21189673244953156, + -0.04247438162565231, + 0.4788587987422943, + 0.15283700823783875, + 0.019285133108496666, + -0.1523706614971161, + 1.813509225845337, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/82.png", + [ + 0.1783486306667328, + -0.0077849747613072395, + 0.12279678136110306, + -1.404813289642334, + 0.02523953840136528, + -0.2093275487422943, + -0.04992839694023132, + 0.5680971145629883, + 0.12042684108018875, + 0.0554010272026062, + -0.17139428853988647, + 2.03257417678833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/106.png", + [ + 0.12972252070903778, + -0.051432378590106964, + 0.16575485467910767, + -1.9561388492584229, + -0.044617898762226105, + -0.20986898243427277, + -0.03020191378891468, + 0.33564257621765137, + 0.16771765053272247, + -0.016050636768341064, + -0.13623899221420288, + 1.6678683757781982, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/14.png", + [ + 0.16932931542396545, + -0.017189692705869675, + 0.13408949971199036, + -1.5418388843536377, + 0.007741476409137249, + -0.2133302092552185, + -0.03712401166558266, + 0.4169389009475708, + 0.1349649876356125, + 0.03380291908979416, + -0.16610148549079895, + 1.9757932424545288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/67.png", + [ + 0.16511023044586182, + -0.017362823709845543, + 0.1392301619052887, + -1.5968010425567627, + 0.014556854031980038, + -0.21172912418842316, + -0.04366655275225639, + 0.49313560128211975, + 0.13955144584178925, + 0.04262865334749222, + -0.1601751744747162, + 1.9058719873428345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/78.png", + [ + 0.174665167927742, + -0.0060381279326975346, + 0.1280762106180191, + -1.4667322635650635, + 0.023316094651818275, + -0.2113298624753952, + -0.0417606495320797, + 0.461700975894928, + 0.1260806769132614, + 0.047446109354496, + -0.16970688104629517, + 1.993627667427063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/31.png", + [ + 0.1556188315153122, + -0.04857852682471275, + 0.142726331949234, + -1.6446504592895508, + -0.023516690358519554, + -0.21042954921722412, + -0.04598114266991615, + 0.5174739956855774, + 0.14892159402370453, + 0.017533577978610992, + -0.156405970454216, + 1.8678957223892212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/39.png", + [ + 0.16473260521888733, + -0.036899544298648834, + 0.1358288675546646, + -1.540170669555664, + -0.008357716724276543, + -0.21129173040390015, + -0.0472637340426445, + 0.5300666093826294, + 0.1405034065246582, + 0.030694227665662766, + -0.16206341981887817, + 1.907551646232605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/92.png", + [ + 0.1760527640581131, + -0.011386912316083908, + 0.12579213082790375, + -1.461310863494873, + 0.019184868782758713, + -0.21087773144245148, + -0.04593924432992935, + 0.5296971201896667, + 0.12484093010425568, + 0.048464540392160416, + -0.17033444344997406, + 2.0418105125427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/53.png", + [ + 0.15694159269332886, + 0.0063285804353654385, + 0.1492554098367691, + -1.690735101699829, + 0.031119704246520996, + -0.21311601996421814, + -0.023685935884714127, + 0.2500953674316406, + 0.14611227810382843, + 0.038592856377363205, + -0.1552729606628418, + 1.824580430984497, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/75.png", + [ + 0.17445676028728485, + -0.012812383472919464, + 0.12786154448986053, + -1.4588327407836914, + 0.01853179559111595, + -0.21083268523216248, + -0.0464116632938385, + 0.5157767534255981, + 0.12715856730937958, + 0.048304375261068344, + -0.16865727305412292, + 1.9829903841018677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/87.png", + [ + 0.18216997385025024, + -0.013935867697000504, + 0.11648082733154297, + -1.3418089151382446, + 0.015538517385721207, + -0.21037834882736206, + -0.04947127774357796, + 0.5643545985221863, + 0.11627788841724396, + 0.04994641989469528, + -0.1758769452571869, + 2.0964088439941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/107.png", + [ + 0.13192762434482574, + -0.05473969876766205, + 0.1629311591386795, + -1.9234541654586792, + -0.05178040266036987, + -0.2085082232952118, + -0.028124835342168808, + 0.312570720911026, + 0.1638956516981125, + -0.021812424063682556, + -0.14003686606884003, + 1.713107705116272, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/112.png", + [ + 0.13328298926353455, + -0.06144293025135994, + 0.1593998372554779, + -1.9090046882629395, + -0.05140544846653938, + -0.2072294056415558, + -0.03689657524228096, + 0.42501699924468994, + 0.16291415691375732, + -0.01512098778039217, + -0.14205008745193481, + 1.763543963432312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/69.png", + [ + 0.16719812154769897, + -0.017542237415909767, + 0.13669291138648987, + -1.5613640546798706, + 0.01154327392578125, + -0.21237429976463318, + -0.04137400537729263, + 0.46029186248779297, + 0.13732966780662537, + 0.03920874372124672, + -0.16294518113136292, + 1.9262927770614624, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/45.png", + [ + 0.15214622020721436, + -0.03718443587422371, + 0.14972218871116638, + -1.6860700845718384, + -0.008320041000843048, + -0.2119581252336502, + -0.04418636113405228, + 0.48678216338157654, + 0.15404608845710754, + 0.025277964770793915, + -0.15026216208934784, + 1.765381932258606, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/50.png", + [ + 0.15402258932590485, + -0.01331001240760088, + 0.15181495249271393, + -1.7176004648208618, + 0.015930909663438797, + -0.21325787901878357, + -0.034859444946050644, + 0.3764207661151886, + 0.15156236290931702, + 0.03594187647104263, + -0.15061518549919128, + 1.7706700563430786, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/101.png", + [ + 0.1485692411661148, + -0.039148978888988495, + 0.15278229117393494, + -1.7598270177841187, + -0.023016037419438362, + -0.2130281627178192, + -0.032205041497945786, + 0.35392487049102783, + 0.15602992475032806, + 0.005853182170540094, + -0.15022748708724976, + 1.7828422784805298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/85.png", + [ + 0.17985516786575317, + -0.014623782597482204, + 0.1199423298239708, + -1.3816118240356445, + 0.01852887123823166, + -0.20920008420944214, + -0.05329069122672081, + 0.6123261451721191, + 0.11940141767263412, + 0.05449185147881508, + -0.17240020632743835, + 2.0523996353149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/71.png", + [ + 0.16620859503746033, + -0.023677198216319084, + 0.13697440922260284, + -1.564089059829712, + 0.004369272384792566, + -0.21251291036605835, + -0.042036473751068115, + 0.46164020895957947, + 0.1389370560646057, + 0.03500780090689659, + -0.16253873705863953, + 1.922754168510437, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/115.png", + [ + 0.136273592710495, + -0.062012720853090286, + 0.1566263884305954, + -1.8408730030059814, + -0.04091576486825943, + -0.20761080086231232, + -0.04659988731145859, + 0.5392906665802002, + 0.1634114682674408, + -0.00026838970370590687, + -0.14228323101997375, + 1.744223952293396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/54.png", + [ + 0.15270912647247314, + 0.011847062967717648, + 0.15325620770454407, + -1.744558334350586, + 0.04108259081840515, + -0.21131710708141327, + -0.024600639939308167, + 0.2607795000076294, + 0.1481216698884964, + 0.046396318823099136, + -0.1511794924736023, + 1.7854411602020264, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/33.png", + [ + 0.1538570523262024, + -0.04664032906293869, + 0.14526039361953735, + -1.6691395044326782, + -0.020329410210251808, + -0.21072912216186523, + -0.04612855240702629, + 0.5190378427505493, + 0.15120390057563782, + 0.01912612095475197, + -0.15401124954223633, + 1.83840012550354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/49.png", + [ + 0.15531966090202332, + -0.021467747166752815, + 0.14954209327697754, + -1.6948965787887573, + 0.0068810745142400265, + -0.21324804425239563, + -0.03776007145643234, + 0.4107724726200104, + 0.1509183794260025, + 0.031816791743040085, + -0.15218156576156616, + 1.7871780395507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/110.png", + [ + 0.135746568441391, + -0.059708088636398315, + 0.1579737514257431, + -1.8925385475158691, + -0.05348644405603409, + -0.20744717121124268, + -0.03244635835289955, + 0.370499849319458, + 0.1601872742176056, + -0.01866840571165085, + -0.14470461010932922, + 1.7900570631027222, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/18.png", + [ + 0.16259430348873138, + -0.02542487531900406, + 0.14094169437885284, + -1.6274878978729248, + 0.002551308134570718, + -0.21268486976623535, + -0.04131009429693222, + 0.46733787655830383, + 0.14319387078285217, + 0.03265897557139397, + -0.1593009978532791, + 1.8956907987594604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/66.png", + [ + 0.16506490111351013, + -0.01575029268860817, + 0.13947546482086182, + -1.600951075553894, + 0.013457542285323143, + -0.21253842115402222, + -0.03992752730846405, + 0.44936978816986084, + 0.139715313911438, + 0.0390799343585968, + -0.1609356552362442, + 1.9200035333633423, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/16.png", + [ + 0.16679449379444122, + -0.020051417872309685, + 0.13684089481830597, + -1.5762406587600708, + 0.009929134510457516, + -0.2120959460735321, + -0.0431811697781086, + 0.48867306113243103, + 0.1379452794790268, + 0.03951128572225571, + -0.16235099732875824, + 1.9325414896011353, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/94.png", + [ + 0.17023921012878418, + -0.012400773353874683, + 0.13346433639526367, + -1.546325445175171, + 0.019836731255054474, + -0.21103882789611816, + -0.044911134988069534, + 0.5117743611335754, + 0.13256321847438812, + 0.04750502109527588, + -0.16467592120170593, + 1.9712871313095093, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/28.png", + [ + 0.15786240994930267, + -0.04896848648786545, + 0.14010509848594666, + -1.5905848741531372, + -0.022948207333683968, + -0.2101348489522934, + -0.047588035464286804, + 0.5321334600448608, + 0.14663127064704895, + 0.019832510501146317, + -0.1582840234041214, + 1.864528775215149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/61.png", + [ + 0.1610015481710434, + 0.0011591302463784814, + 0.14500018954277039, + -1.679833173751831, + 0.027670057490468025, + -0.21293196082115173, + -0.029021386057138443, + 0.32003599405288696, + 0.1423403024673462, + 0.04008153825998306, + -0.1583685427904129, + 1.8958905935287476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/58.png", + [ + 0.15689438581466675, + 0.008434339426457882, + 0.149200901389122, + -1.7216671705245972, + 0.03680359199643135, + -0.21184693276882172, + -0.026725633069872856, + 0.28927966952323914, + 0.14483624696731567, + 0.04469480365514755, + -0.15483130514621735, + 1.841886043548584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/64.png", + [ + 0.16339372098445892, + -0.012580081820487976, + 0.14174669981002808, + -1.6397209167480469, + 0.013784731738269329, + -0.2134121209383011, + -0.03483029827475548, + 0.3865126669406891, + 0.14163462817668915, + 0.03528328612446785, + -0.16013310849666595, + 1.9210087060928345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/10.png", + [ + 0.16019967198371887, + -0.013865823857486248, + 0.14522980153560638, + -1.6899911165237427, + 0.00798188429325819, + -0.21453769505023956, + -0.029287632554769516, + 0.32545629143714905, + 0.14567171037197113, + 0.027003979310393333, + -0.1581089347600937, + 1.902983546257019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/41.png", + [ + 0.15934304893016815, + -0.04595504701137543, + 0.13944827020168304, + -1.5740512609481812, + -0.01470029354095459, + -0.2097473293542862, + -0.05232449620962143, + 0.5794005393981934, + 0.14608758687973022, + 0.029018698260188103, + -0.1573665291070938, + 1.8430920839309692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/91.png", + [ + 0.17874497175216675, + -0.011772207915782928, + 0.12189973145723343, + -1.4164347648620605, + 0.018717657774686813, + -0.21051131188869476, + -0.04777590557932854, + 0.5505871176719666, + 0.12102801352739334, + 0.049943000078201294, + -0.17264360189437866, + 2.070011615753174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/23.png", + [ + 0.15197353065013885, + -0.04351186379790306, + 0.14818453788757324, + -1.6995656490325928, + -0.019814694300293922, + -0.2116726189851761, + -0.04183271527290344, + 0.46990761160850525, + 0.1531643569469452, + 0.01578972302377224, + -0.1524442881345749, + 1.803114652633667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/37.png", + [ + 0.15675464272499084, + -0.04661867767572403, + 0.14213575422763824, + -1.6267695426940918, + -0.012303975410759449, + -0.20920412242412567, + -0.055046770721673965, + 0.6167504787445068, + 0.14907878637313843, + 0.03175269067287445, + -0.15399733185768127, + 1.8305963277816772, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/36.png", + [ + 0.15737605094909668, + -0.045970797538757324, + 0.14165930449962616, + -1.617085337638855, + -0.01589706353843212, + -0.21010196208953857, + -0.050520770251750946, + 0.5655527710914612, + 0.14808090031147003, + 0.026301156729459763, + -0.15597496926784515, + 1.8494391441345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/8.png", + [ + 0.15003851056098938, + -0.014088605530560017, + 0.15568508207798004, + -1.8172929286956787, + 0.006967728491872549, + -0.21497564017772675, + -0.026169072836637497, + 0.2876778841018677, + 0.15616588294506073, + 0.023127494379878044, + -0.14840897917747498, + 1.797823429107666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/6.png", + [ + 0.14685112237930298, + -0.013451896607875824, + 0.15875039994716644, + -1.8441135883331299, + 0.007694432511925697, + -0.2150501310825348, + -0.025340210646390915, + 0.2800953686237335, + 0.15913338959217072, + 0.022811776027083397, + -0.1452724188566208, + 1.7531908750534058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/20.png", + [ + 0.15478339791297913, + -0.03942243754863739, + 0.14640989899635315, + -1.6968984603881836, + -0.01282651536166668, + -0.21187728643417358, + -0.04349014163017273, + 0.4903516471385956, + 0.15108101069927216, + 0.022400522604584694, + -0.15369008481502533, + 1.828524112701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/2.png", + [ + 0.15389910340309143, + -0.013653410598635674, + 0.15190966427326202, + -1.7858457565307617, + 0.00691519770771265, + -0.21495817601680756, + -0.026325879618525505, + 0.2922283113002777, + 0.15236514806747437, + 0.023546898737549782, + -0.1522442102432251, + 1.8557571172714233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/5.png", + [ + 0.14213363826274872, + -0.014327265322208405, + 0.1629130244255066, + -1.9026451110839844, + 0.006683553569018841, + -0.21515236794948578, + -0.024752488359808922, + 0.2713005840778351, + 0.163405179977417, + 0.021262289956212044, + -0.14069312810897827, + 1.7102164030075073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/108.png", + [ + 0.1357913315296173, + -0.056618764996528625, + 0.15906894207000732, + -1.8844209909439087, + -0.05132756382226944, + -0.2083110809326172, + -0.030329473316669464, + 0.3417094051837921, + 0.1608542650938034, + -0.018673820421099663, + -0.14396211504936218, + 1.7643922567367554, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/60.png", + [ + 0.15700644254684448, + 0.002833279548212886, + 0.14929449558258057, + -1.7282013893127441, + 0.030370088294148445, + -0.21271349489688873, + -0.02790205553174019, + 0.3091486692428589, + 0.1462002992630005, + 0.041144128888845444, + -0.154533252120018, + 1.8500585556030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/56.png", + [ + 0.15295378863811493, + 0.012097755447030067, + 0.15299241244792938, + -1.7505087852478027, + 0.04291849955916405, + -0.21075396239757538, + -0.026242462918162346, + 0.2825735807418823, + 0.14734667539596558, + 0.04882938414812088, + -0.15117061138153076, + 1.7895832061767578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/30.png", + [ + 0.15029017627239227, + -0.04667046666145325, + 0.14893832802772522, + -1.7170730829238892, + -0.020722204819321632, + -0.2108973115682602, + -0.04517529904842377, + 0.5097599625587463, + 0.15469761192798615, + 0.017090480774641037, + -0.15074634552001953, + 1.8057595491409302, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/17.png", + [ + 0.1653907597064972, + -0.02279137447476387, + 0.13810989260673523, + -1.5943700075149536, + 0.007326173130422831, + -0.21208079159259796, + -0.04377162829041481, + 0.4973795711994171, + 0.13978596031665802, + 0.038081251084804535, + -0.16111360490322113, + 1.9184719324111938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/12.png", + [ + 0.16331151127815247, + -0.013253338634967804, + 0.1417800635099411, + -1.6366896629333496, + 0.011042024940252304, + -0.2139059156179428, + -0.03271445259451866, + 0.36480990052223206, + 0.14196941256523132, + 0.031882770359516144, + -0.16054928302764893, + 1.9227508306503296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/114.png", + [ + 0.13741034269332886, + -0.06343357264995575, + 0.15505634248256683, + -1.8351712226867676, + -0.0484686940908432, + -0.20701831579208374, + -0.041738446801900864, + 0.4816366136074066, + 0.16036544740200043, + -0.008215476758778095, + -0.14547619223594666, + 1.782741904258728, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/27.png", + [ + 0.15694311261177063, + -0.05022948607802391, + 0.14069025218486786, + -1.5947978496551514, + -0.02613387070596218, + -0.21014416217803955, + -0.04587312787771225, + 0.5110585689544678, + 0.14708422124385834, + 0.01625797711312771, + -0.15827129781246185, + 1.8590058088302612, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/42.png", + [ + 0.16163954138755798, + -0.04203837737441063, + 0.13803379237651825, + -1.555891990661621, + -0.009873192757368088, + -0.21001166105270386, + -0.052397679537534714, + 0.5804524421691895, + 0.14395511150360107, + 0.03279896080493927, + -0.15858450531959534, + 1.8545163869857788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/7.png", + [ + 0.1480608731508255, + -0.013491831719875336, + 0.15761928260326385, + -1.8354175090789795, + 0.006929268594831228, + -0.21512487530708313, + -0.024923229590058327, + 0.27429699897766113, + 0.15804386138916016, + 0.022071534767746925, + -0.14657039940357208, + 1.7679868936538696, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/73.png", + [ + 0.16959671676158905, + -0.02292098104953766, + 0.13288895785808563, + -1.518100619316101, + 0.007385041564702988, + -0.21162265539169312, + -0.04592614620923996, + 0.5069985389709473, + 0.13464882969856262, + 0.04047688841819763, + -0.16486117243766785, + 1.9501584768295288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/46.png", + [ + 0.14946000277996063, + -0.03784122318029404, + 0.152242049574852, + -1.7223824262619019, + -0.006576955318450928, + -0.21160297095775604, + -0.0461391806602478, + 0.5123141407966614, + 0.15673653781414032, + 0.027205180376768112, + -0.14711026847362518, + 1.7383170127868652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/57.png", + [ + 0.1552601158618927, + 0.011281481944024563, + 0.1507146954536438, + -1.7275404930114746, + 0.041689760982990265, + -0.21088409423828125, + -0.027161723002791405, + 0.2932945787906647, + 0.14527268707752228, + 0.04846156761050224, + -0.15328148007392883, + 1.8170326948165894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/44.png", + [ + 0.15679919719696045, + -0.04524167627096176, + 0.14253103733062744, + -1.6072120666503906, + -0.010984942317008972, + -0.20944726467132568, + -0.054397378116846085, + 0.5998910665512085, + 0.14913496375083923, + 0.03213929384946823, + -0.15386267006397247, + 1.8020051717758179, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/113.png", + [ + 0.1407225877046585, + -0.06453505158424377, + 0.1515924483537674, + -1.801536202430725, + -0.051732536405324936, + -0.20658594369888306, + -0.03992348164319992, + 0.4597238302230835, + 0.15642501413822174, + -0.010264808312058449, + -0.1495785415172577, + 1.8358169794082642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/29.png", + [ + 0.15463143587112427, + -0.04710335657000542, + 0.1442854255437851, + -1.6498249769210815, + -0.02087494172155857, + -0.21061906218528748, + -0.04638683423399925, + 0.5206660032272339, + 0.1503371000289917, + 0.019203510135412216, + -0.1548478901386261, + 1.8392667770385742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/4.png", + [ + 0.14511388540267944, + -0.01267236564308405, + 0.16040341556072235, + -1.8718864917755127, + 0.0066556064411997795, + -0.21534398198127747, + -0.02303403802216053, + 0.25111109018325806, + 0.16076551377773285, + 0.020353753119707108, + -0.1438334584236145, + 1.746463656425476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/55.png", + [ + 0.15463365614414215, + 0.014116174541413784, + 0.15111933648586273, + -1.7254365682601929, + 0.04346795752644539, + -0.21081764996051788, + -0.024786176159977913, + 0.2647840678691864, + 0.14541961252689362, + 0.04800574481487274, + -0.15328560769557953, + 1.8087928295135498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/9.png", + [ + 0.15121176838874817, + -0.01574428752064705, + 0.15438593924045563, + -1.8052115440368652, + 0.007254797965288162, + -0.21460379660129547, + -0.02899094671010971, + 0.3218696415424347, + 0.15501700341701508, + 0.025401271879673004, + -0.1492394208908081, + 1.8105247020721436, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/25.png", + [ + 0.1561477929353714, + -0.04445639252662659, + 0.1434900164604187, + -1.6270952224731445, + -0.026362352073192596, + -0.21186645328998566, + -0.03695305064320564, + 0.4118155539035797, + 0.14788773655891418, + 0.009172291494905949, + -0.1580916792154312, + 1.8542364835739136, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/99.png", + [ + 0.1520376205444336, + -0.027343733236193657, + 0.15193673968315125, + -1.7570204734802246, + -0.009160816669464111, + -0.2144709676504135, + -0.02943098358809948, + 0.3231869041919708, + 0.15410558879375458, + 0.014227564446628094, + -0.1516474187374115, + 1.8119227886199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/34.png", + [ + 0.15472596883773804, + -0.04572457820177078, + 0.14462724328041077, + -1.6603235006332397, + -0.01993659697473049, + -0.2109336256980896, + -0.045358967036008835, + 0.5102524161338806, + 0.15036724507808685, + 0.01908314973115921, + -0.15483354032039642, + 1.8467533588409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/72.png", + [ + 0.16842561960220337, + -0.024444621056318283, + 0.13410130143165588, + -1.5314453840255737, + 0.0046034445986151695, + -0.21202051639556885, + -0.04442983120679855, + 0.48834922909736633, + 0.13623327016830444, + 0.037385329604148865, + -0.16428852081298828, + 1.9428948163986206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/102.png", + [ + 0.14129087328910828, + -0.04064647853374481, + 0.15916234254837036, + -1.8403843641281128, + -0.021709345281124115, + -0.21271581947803497, + -0.03505110740661621, + 0.39019617438316345, + 0.16282965242862701, + 0.006909400224685669, + -0.14278188347816467, + 1.7107020616531372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/70.png", + [ + 0.16450494527816772, + -0.023171477019786835, + 0.13910099864006042, + -1.588658332824707, + 0.004115684889256954, + -0.21284957230091095, + -0.040323857218027115, + 0.44322991371154785, + 0.14095769822597504, + 0.03325710818171501, + -0.16116076707839966, + 1.9053963422775269, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/90.png", + [ + 0.17989937961101532, + -0.010876615531742573, + 0.1202738806605339, + -1.3972452878952026, + 0.019077129662036896, + -0.2105250358581543, + -0.0475727878510952, + 0.5464483499526978, + 0.11924835294485092, + 0.050087980926036835, + -0.173835888504982, + 2.086574077606201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/15.png", + [ + 0.17105458676815033, + -0.01824561133980751, + 0.1317395567893982, + -1.5154932737350464, + 0.008707587607204914, + -0.2126290649175644, + -0.040754806250333786, + 0.45940354466438293, + 0.13271169364452362, + 0.037468306720256805, + -0.1671275645494461, + 1.9859434366226196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/22.png", + [ + 0.15469767153263092, + -0.04135202243924141, + 0.14596758782863617, + -1.6810683012008667, + -0.017134100198745728, + -0.21189886331558228, + -0.041871216148138046, + 0.47129908204078674, + 0.1507413387298584, + 0.018351735547184944, + -0.1545579433441162, + 1.8307709693908691, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/109.png", + [ + 0.1280549019575119, + -0.056719642132520676, + 0.1653261035680771, + -1.974324345588684, + -0.052041858434677124, + -0.20802608132362366, + -0.031059518456459045, + 0.35278216004371643, + 0.16685765981674194, + -0.02135254070162773, + -0.13656677305698395, + 1.6938992738723755, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/26.png", + [ + 0.1575840413570404, + -0.04397808387875557, + 0.14206017553806305, + -1.611388087272644, + -0.02178962528705597, + -0.2115776240825653, + -0.04132813215255737, + 0.46331551671028137, + 0.14710669219493866, + 0.015771184116601944, + -0.15829966962337494, + 1.8602486848831177, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/43.png", + [ + 0.1579435169696808, + -0.04528401792049408, + 0.14124836027622223, + -1.5934573411941528, + -0.010997018776834011, + -0.20933735370635986, + -0.05481642112135887, + 0.6061660647392273, + 0.147921621799469, + 0.0327892042696476, + -0.15489338338375092, + 1.8151811361312866, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/84.png", + [ + 0.18076340854167938, + -0.012212191708385944, + 0.11884167045354843, + -1.3654454946517944, + 0.021830229088664055, + -0.2085341364145279, + -0.05463375896215439, + 0.6298849582672119, + 0.11745601892471313, + 0.057552315294742584, + -0.17274172604084015, + 2.052610397338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/89.png", + [ + 0.17912378907203674, + -0.011382723227143288, + 0.1213795393705368, + -1.4027035236358643, + 0.01708952710032463, + -0.21125362813472748, + -0.04503050446510315, + 0.5139672756195068, + 0.12070836871862411, + 0.0467999167740345, + -0.17374449968338013, + 2.0776171684265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/63.png", + [ + 0.16170601546764374, + -0.007076095324009657, + 0.14404506981372833, + -1.6720075607299805, + 0.019549818709492683, + -0.21334055066108704, + -0.03242694213986397, + 0.35849443078041077, + 0.14288757741451263, + 0.03719719126820564, + -0.15857931971549988, + 1.905685305595398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/88.png", + [ + 0.18097077310085297, + -0.011990778148174286, + 0.11854826658964157, + -1.3694592714309692, + 0.01629706099629402, + -0.2110579013824463, + -0.04622622951865196, + 0.5271242260932922, + 0.11803338676691055, + 0.047525569796562195, + -0.17537769675254822, + 2.097137451171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/62.png", + [ + 0.16044114530086517, + -0.003115848172456026, + 0.14559130370616913, + -1.6913338899612427, + 0.026239577680826187, + -0.21246086061000824, + -0.03346287086606026, + 0.37065058946609497, + 0.14324113726615906, + 0.04240955412387848, + -0.15694361925125122, + 1.8899894952774048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/65.png", + [ + 0.16531847417354584, + -0.013882985338568687, + 0.13937343657016754, + -1.6069066524505615, + 0.012667707167565823, + -0.21324196457862854, + -0.03626689687371254, + 0.4047304391860962, + 0.13948912918567657, + 0.03581928461790085, + -0.1618877798318863, + 1.9371992349624634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/80.png", + [ + 0.1760634183883667, + -0.008262267336249352, + 0.12602102756500244, + -1.4393471479415894, + 0.023695288226008415, + -0.21020962297916412, + -0.04688647761940956, + 0.5207973718643188, + 0.12404876947402954, + 0.051880091428756714, + -0.1699066013097763, + 2.0098681449890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/79.png", + [ + 0.17702271044254303, + -0.007968418300151825, + 0.12468905001878738, + -1.424231767654419, + 0.02023393101990223, + -0.21155087649822235, + -0.042245808988809586, + 0.46610644459724426, + 0.12329413741827011, + 0.04615869000554085, + -0.1720924824476242, + 2.0233817100524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/116.png", + [ + 0.13944575190544128, + -0.061385080218315125, + 0.15406052768230438, + -1.7938858270645142, + -0.03839163854718208, + -0.20776593685150146, + -0.04803422838449478, + 0.5541536211967468, + 0.16133460402488708, + 0.00361617817543447, + -0.14458893239498138, + 1.7565016746520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/19.png", + [ + 0.15730901062488556, + -0.03538990020751953, + 0.1447388082742691, + -1.679707646369934, + -0.008195803500711918, + -0.21221087872982025, + -0.042979829013347626, + 0.4853067696094513, + 0.14877699315547943, + 0.02572919987142086, + -0.1554068922996521, + 1.8499345779418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/77.png", + [ + 0.17365781962871552, + -0.006779589224606752, + 0.1294020414352417, + -1.48158597946167, + 0.024924922734498978, + -0.21058952808380127, + -0.04448244720697403, + 0.49369755387306213, + 0.1271597295999527, + 0.05053689330816269, + -0.1680009365081787, + 1.971608281135559, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/68.png", + [ + 0.16525010764598846, + -0.019557395949959755, + 0.13877248764038086, + -1.5857629776000977, + 0.010960693471133709, + -0.21209360659122467, + -0.04294262453913689, + 0.4833891689777374, + 0.1397145688533783, + 0.039770763367414474, + -0.16076697409152985, + 1.9053725004196167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/86.png", + [ + 0.18086035549640656, + -0.014620617032051086, + 0.11842156201601028, + -1.3654389381408691, + 0.017522132024168968, + -0.20945625007152557, + -0.05262080579996109, + 0.6022123694419861, + 0.11802713572978973, + 0.05349964275956154, + -0.1736527532339096, + 2.0708727836608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/1.png", + [ + 0.15147598087787628, + -0.01122345682233572, + 0.15452168881893158, + -1.8306890726089478, + 0.00974856223911047, + -0.2149866372346878, + -0.02517165243625641, + 0.28066563606262207, + 0.15462175011634827, + 0.02454955130815506, + -0.1497909426689148, + 1.8395289182662964, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/81.png", + [ + 0.17732715606689453, + -0.008295211009681225, + 0.12423433363437653, + -1.4196574687957764, + 0.024001386016607285, + -0.20986118912696838, + -0.04827120155096054, + 0.5421105623245239, + 0.12217573821544647, + 0.05326692387461662, + -0.17083212733268738, + 2.024606704711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/95.png", + [ + 0.16759240627288818, + -0.017492126673460007, + 0.13621565699577332, + -1.5782465934753418, + 0.012057412415742874, + -0.2122059166431427, + -0.04208521172404289, + 0.4755312502384186, + 0.13680386543273926, + 0.04013192281126976, + -0.16316257417201996, + 1.9514492750167847, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/103.png", + [ + 0.13430167734622955, + -0.043499670922756195, + 0.16437377035617828, + -1.910582184791565, + -0.026381509378552437, + -0.21225832402706146, + -0.03461674973368645, + 0.387031227350235, + 0.167973130941391, + 0.0014429931761696935, + -0.1368606686592102, + 1.6537835597991943, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/83.png", + [ + 0.179416686296463, + -0.010452952235937119, + 0.12103007733821869, + -1.386204481124878, + 0.023252947255969048, + -0.20892441272735596, + -0.05251458287239075, + 0.6032366752624512, + 0.11923439800739288, + 0.056473154574632645, + -0.17187736928462982, + 2.0393714904785156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/51.png", + [ + 0.15442058444023132, + -0.006643373519182205, + 0.15184877812862396, + -1.7197593450546265, + 0.020899632945656776, + -0.21348336338996887, + -0.03059348464012146, + 0.3273668587207794, + 0.15055027604103088, + 0.03645026311278343, + -0.15150541067123413, + 1.7846050262451172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/93.png", + [ + 0.17443856596946716, + -0.013574658893048763, + 0.12780772149562836, + -1.4804376363754272, + 0.017312638461589813, + -0.21101737022399902, + -0.04604167491197586, + 0.5274000763893127, + 0.12735523283481598, + 0.04727886989712715, + -0.16879943013191223, + 2.0162086486816406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/76.png", + [ + 0.20957092940807343, + 0.047575727105140686, + 0.027649125084280968, + -0.2983446419239044, + 0.04925941675901413, + -0.21072567999362946, + -0.010774821043014526, + 0.12275226414203644, + 0.02452414482831955, + 0.016707396134734154, + -0.2146330028772354, + 2.422565460205078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/48.png", + [ + 0.20929399132728577, + 0.04449321702122688, + 0.03412146121263504, + -0.3809128701686859, + 0.0476476289331913, + -0.21063697338104248, + -0.01759731024503708, + 0.19216372072696686, + 0.029557138681411743, + 0.024501338601112366, + -0.21324624121189117, + 2.4764928817749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/35.png", + [ + 0.20933590829372406, + 0.044584304094314575, + 0.033743344247341156, + -0.3809787333011627, + 0.04720408841967583, + -0.21100302040576935, + -0.014049790799617767, + 0.1523548811674118, + 0.029969114810228348, + 0.02092514932155609, + -0.21356938779354095, + 2.5036468505859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/124.png", + [ + 0.20936262607574463, + 0.04839188978075981, + 0.02781013958156109, + -0.26888948678970337, + 0.049978598952293396, + -0.21060462296009064, + -0.009784056805074215, + 0.11073623597621918, + 0.024845890700817108, + 0.015868622809648514, + -0.21465963125228882, + 2.2340521812438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/97.png", + [ + 0.20982354879379272, + 0.0494183786213398, + 0.02190416306257248, + -0.24774548411369324, + 0.05020523816347122, + -0.21070484817028046, + -0.0055491868406534195, + 0.05853777006268501, + 0.020035022869706154, + 0.010449095629155636, + -0.21549317240715027, + 2.568002223968506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/13.png", + [ + 0.21155810356140137, + 0.0466398224234581, + 0.003973989747464657, + -0.037737324833869934, + 0.04680794104933739, + -0.2109030932188034, + -0.01663711853325367, + 0.17932625114917755, + 0.00028694927459582686, + 0.017102746292948723, + -0.21599841117858887, + 2.498778820037842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/32.png", + [ + 0.21008184552192688, + 0.03994559869170189, + 0.03489791229367256, + -0.3975975811481476, + 0.04278098791837692, + -0.21187803149223328, + -0.015012777410447598, + 0.16454647481441498, + 0.03135764226317406, + 0.02144634537398815, + -0.21331819891929626, + 2.51662015914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/38.png", + [ + 0.2093268781900406, + 0.04387662187218666, + 0.0347130186855793, + -0.39000260829925537, + 0.04664130508899689, + -0.211102694272995, + -0.014427040703594685, + 0.1584959179162979, + 0.030898872762918472, + 0.021410109475255013, + -0.21338877081871033, + 2.4845662117004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/111.png", + [ + 0.2078554779291153, + 0.05198047310113907, + 0.03228030726313591, + -0.3668043315410614, + 0.052006177604198456, + -0.2103067934513092, + 0.0037818008568137884, + -0.056200459599494934, + 0.032238882035017014, + 0.004120036028325558, + -0.21422319114208221, + 2.5241713523864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/11.png", + [ + 0.21140889823436737, + 0.04699130356311798, + 0.006781829986721277, + -0.06907027959823608, + 0.04737897962331772, + -0.21080338954925537, + -0.016280734911561012, + 0.17772434651851654, + 0.003067178651690483, + 0.01736801490187645, + -0.21595564484596252, + 2.488246440887451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/125.png", + [ + 0.2092394381761551, + 0.04696689546108246, + 0.03099788911640644, + -0.299004465341568, + 0.04861395061016083, + -0.21098025143146515, + -0.008480125106871128, + 0.09740036725997925, + 0.02834506891667843, + 0.015143933705985546, + -0.21427813172340393, + 2.2087888717651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/59.png", + [ + 0.2092141956090927, + 0.04038725420832634, + 0.03932156041264534, + -0.4338168799877167, + 0.04262484982609749, + -0.2122592031955719, + -0.00877781305462122, + 0.08944182097911835, + 0.036884114146232605, + 0.016211029142141342, + -0.21289588510990143, + 2.433375835418701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/105.png", + [ + 0.20834560692310333, + 0.04911644384264946, + 0.03357928246259689, + -0.38680920004844666, + 0.050502657890319824, + -0.21064162254333496, + -0.005242498591542244, + 0.050147946923971176, + 0.03145592659711838, + 0.012867655605077744, + -0.2139926254749298, + 2.5429062843322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/121.png", + [ + 0.20852133631706238, + 0.049675021320581436, + 0.03160925954580307, + -0.3370269536972046, + 0.051533862948417664, + -0.2102396935224533, + -0.0095620546489954, + 0.11141738295555115, + 0.02847829833626747, + 0.016720185056328773, + -0.21414321660995483, + 2.388988971710205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/24.png", + [ + 0.21043336391448975, + 0.03838329762220383, + 0.034531258046627045, + -0.3940451443195343, + 0.04057235270738602, + -0.21255886554718018, + -0.010977513156831264, + 0.1161167323589325, + 0.03193069249391556, + 0.01712729036808014, + -0.21362344920635223, + 2.5277934074401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/74.png", + [ + 0.2092968076467514, + 0.04931333288550377, + 0.026663267984986305, + -0.2933610677719116, + 0.050589609891176224, + -0.2105448842048645, + -0.007710059639066458, + 0.08516402542591095, + 0.024154216051101685, + 0.013672922737896442, + -0.2148895412683487, + 2.464560031890869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/129.png", + [ + 0.2073446363210678, + 0.048224348574876785, + 0.040379591286182404, + -0.40730011463165283, + 0.04970560595393181, + -0.2108689546585083, + -0.003397083142772317, + 0.0370163656771183, + 0.03854156285524368, + 0.012513966299593449, + -0.21285170316696167, + 2.2577624320983887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/98.png", + [ + 0.2096564918756485, + 0.04919033870100975, + 0.023924099281430244, + -0.27346837520599365, + 0.05012276768684387, + -0.21071209013462067, + -0.006000793073326349, + 0.06314404308795929, + 0.021903421729803085, + 0.011340723372995853, + -0.2152661681175232, + 2.5688910484313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/0.png", + [ + 0.2105618417263031, + 0.04934728518128395, + 0.013283615931868553, + -0.1477213352918625, + 0.050079815089702606, + -0.21046826243400574, + -0.011959088034927845, + 0.12982837855815887, + 0.010179460048675537, + 0.014691930264234543, + -0.21593615412712097, + 2.5303549766540527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/96.png", + [ + 0.20979814231395721, + 0.04925043508410454, + 0.0225173719227314, + -0.25521430373191833, + 0.05014237016439438, + -0.21069741249084473, + -0.00634340662509203, + 0.0681968629360199, + 0.020454341545701027, + 0.01135301124304533, + -0.21540804207324982, + 2.5606985092163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/100.png", + [ + 0.2089812010526657, + 0.05052780732512474, + 0.02686437778174877, + -0.30807560682296753, + 0.051809847354888916, + -0.210252583026886, + -0.007581872399896383, + 0.08161410689353943, + 0.024300072342157364, + 0.013736301101744175, + -0.21486906707286835, + 2.564161777496338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/40.png", + [ + 0.20902246236801147, + 0.04401398077607155, + 0.0363355427980423, + -0.4097978472709656, + 0.046895720064640045, + -0.21106848120689392, + -0.014099005609750748, + 0.1542075127363205, + 0.03253142535686493, + 0.021465318277478218, + -0.21314042806625366, + 2.4891176223754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/52.png", + [ + 0.20972943305969238, + 0.04431956261396408, + 0.03157905861735344, + -0.3368561863899231, + 0.046933770179748535, + -0.2109508514404297, + -0.01564783975481987, + 0.17374972999095917, + 0.027544166892766953, + 0.021986594423651695, + -0.213789165019989, + 2.3980960845947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/3.png", + [ + 0.21033194661140442, + 0.05017773061990738, + 0.013804572634398937, + -0.1545412838459015, + 0.050864312797784805, + -0.21036601066589355, + -0.010337152518332005, + 0.11148038506507874, + 0.01100875437259674, + 0.013275174424052238, + -0.2159872055053711, + 2.5307650566101074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/47.png", + [ + 0.20913338661193848, + 0.044816646724939346, + 0.0346783772110939, + -0.38999828696250916, + 0.04810329154133797, + -0.2104940116405487, + -0.018062224611639977, + 0.1979147493839264, + 0.029953215271234512, + 0.025132423266768456, + -0.21311748027801514, + 2.4883885383605957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/104.png", + [ + 0.2089284509420395, + 0.04900068789720535, + 0.0299287810921669, + -0.3428534269332886, + 0.050382766872644424, + -0.21062342822551727, + -0.006873006001114845, + 0.07067020237445831, + 0.027538619935512543, + 0.013586553744971752, + -0.21448758244514465, + 2.552402973175049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/21.png", + [ + 0.21067357063293457, + 0.03779540956020355, + 0.0337052159011364, + -0.38437920808792114, + 0.03969525173306465, + -0.21279573440551758, + -0.009495241567492485, + 0.0943218469619751, + 0.03144553676247597, + 0.015407128259539604, + -0.21382632851600647, + 2.5039825439453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/82.png", + [ + 0.2092277705669403, + 0.04733283445239067, + 0.030516158789396286, + -0.323057621717453, + 0.04898492991924286, + -0.2108829766511917, + -0.008759899996221066, + 0.09750247001647949, + 0.02778685837984085, + 0.01535780169069767, + -0.21433600783348083, + 2.366811752319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/106.png", + [ + 0.20812645554542542, + 0.05023939535021782, + 0.03327573835849762, + -0.3827134668827057, + 0.051518797874450684, + -0.21041147410869598, + -0.004552297294139862, + 0.04151872172951698, + 0.03125835582613945, + 0.012284684926271439, + -0.21405582129955292, + 2.5393123626708984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/14.png", + [ + 0.21189168095588684, + 0.045131832361221313, + 0.003595455549657345, + -0.03201785683631897, + 0.045274704694747925, + -0.2112611085176468, + -0.016335180029273033, + 0.17615598440170288, + 0.00010311970254406333, + 0.016725871711969376, + -0.21602807939052582, + 2.5041399002075195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/67.png", + [ + 0.20967400074005127, + 0.047473955899477005, + 0.027035793289542198, + -0.3033798038959503, + 0.04884606599807739, + -0.2109282910823822, + -0.008438823744654655, + 0.09111581742763519, + 0.02446981891989708, + 0.014260987751185894, + -0.21481561660766602, + 2.496586322784424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/78.png", + [ + 0.2095833271741867, + 0.04854355752468109, + 0.02581189200282097, + -0.27057650685310364, + 0.050399355590343475, + -0.21028226613998413, + -0.013753876090049744, + 0.15789704024791718, + 0.021968984976410866, + 0.019307684153318405, + -0.21469157934188843, + 2.3664326667785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/31.png", + [ + 0.21023418009281158, + 0.03821717947721481, + 0.03590171039104462, + -0.4113321900367737, + 0.04089229181408882, + -0.212358295917511, + -0.01340386364609003, + 0.14319714903831482, + 0.03282234072685242, + 0.01978105679154396, + -0.213258758187294, + 2.518622398376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/39.png", + [ + 0.20928001403808594, + 0.04327310621738434, + 0.0357380285859108, + -0.4015822410583496, + 0.04608369618654251, + -0.21124888956546783, + -0.014074661768972874, + 0.15418946743011475, + 0.03203219547867775, + 0.0211953092366457, + -0.2132430225610733, + 2.487150192260742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/92.png", + [ + 0.20904357731342316, + 0.05014592781662941, + 0.027093632146716118, + -0.30727818608283997, + 0.05164602771401405, + -0.2102195918560028, + -0.00939751323312521, + 0.10319043695926666, + 0.024111568927764893, + 0.015524513088166714, + -0.21476852893829346, + 2.530247688293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/53.png", + [ + 0.2097233384847641, + 0.04461989551782608, + 0.03119412623345852, + -0.32921209931373596, + 0.04694444686174393, + -0.21108518540859222, + -0.013680389150977135, + 0.14945979416370392, + 0.02757222019135952, + 0.019999979063868523, + -0.2139805406332016, + 2.376682758331299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/75.png", + [ + 0.20943722128868103, + 0.04908221587538719, + 0.0259785708039999, + -0.2833460569381714, + 0.050313156098127365, + -0.2106112539768219, + -0.007705511059612036, + 0.08680708706378937, + 0.023506103083491325, + 0.01348050870001316, + -0.214973583817482, + 2.45181941986084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/87.png", + [ + 0.2091052234172821, + 0.0467386394739151, + 0.03222421184182167, + -0.3571875989437103, + 0.048786710947752, + -0.2108353227376938, + -0.01078074611723423, + 0.11569203436374664, + 0.029030276462435722, + 0.01765976846218109, + -0.2139936238527298, + 2.466644763946533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/107.png", + [ + 0.20828777551651, + 0.05012774467468262, + 0.03242387995123863, + -0.371581494808197, + 0.05128302052617073, + -0.21047964692115784, + -0.004032674245536327, + 0.03556787595152855, + 0.03056388534605503, + 0.01155073381960392, + -0.21419693529605865, + 2.5368285179138184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/112.png", + [ + 0.20748978853225708, + 0.05318893492221832, + 0.032662104815244675, + -0.37164968252182007, + 0.052998822182416916, + -0.2100251019001007, + 0.005336323752999306, + -0.07412146031856537, + 0.03296969458460808, + 0.0028790670912712812, + -0.21413220465183258, + 2.5217175483703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/69.png", + [ + 0.20986640453338623, + 0.049335163086652756, + 0.02168012224137783, + -0.2358434796333313, + 0.05029335245490074, + -0.21062137186527252, + -0.007557399105280638, + 0.08072222769260406, + 0.019353680312633514, + 0.012352208606898785, + -0.21545477211475372, + 2.4728379249572754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/45.png", + [ + 0.209000363945961, + 0.04404894635081291, + 0.03642013669013977, + -0.4128715693950653, + 0.0473165325820446, + -0.2107938975095749, + -0.016582129523158073, + 0.1804196834564209, + 0.03206060454249382, + 0.023948101326823235, + -0.21294717490673065, + 2.495412826538086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/50.png", + [ + 0.20910753309726715, + 0.045757751911878586, + 0.0335882343351841, + -0.36919093132019043, + 0.04888725280761719, + -0.21033471822738647, + -0.017811235040426254, + 0.1969337910413742, + 0.02884402871131897, + 0.024767549708485603, + -0.21331311762332916, + 2.44783878326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/101.png", + [ + 0.20846256613731384, + 0.05098395794630051, + 0.029864460229873657, + -0.3429519236087799, + 0.05254041776061058, + -0.21004973351955414, + -0.008154957555234432, + 0.08934225142002106, + 0.02703247219324112, + 0.015087575651705265, + -0.2144516557455063, + 2.558438777923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/85.png", + [ + 0.20852205157279968, + 0.047523967921733856, + 0.03475511446595192, + -0.381468266248703, + 0.04969288036227226, + -0.21065765619277954, + -0.010092699900269508, + 0.10827544331550598, + 0.03157631307840347, + 0.017683805897831917, + -0.2136307954788208, + 2.427309513092041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/131.png", + [ + 0.20709465444087982, + 0.048544157296419144, + 0.041269443929195404, + -0.4305630326271057, + 0.050506506115198135, + -0.21062907576560974, + -0.005689800716936588, + 0.059344541281461716, + 0.03884321451187134, + 0.015058075077831745, + -0.2126319706439972, + 2.3143482208251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/71.png", + [ + 0.21023957431316376, + 0.045761916786432266, + 0.025554994121193886, + -0.28221338987350464, + 0.047069448977708817, + -0.21131587028503418, + -0.008829661644995213, + 0.09783084690570831, + 0.02305813878774643, + 0.014118882827460766, + -0.2149810940027237, + 2.466261863708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/115.png", + [ + 0.20799407362937927, + 0.05152587592601776, + 0.03211622312664986, + -0.36171919107437134, + 0.05182220786809921, + -0.21037758886814117, + 0.0019048993708565831, + -0.03188776224851608, + 0.031635843217372894, + 0.005852673202753067, + -0.21427275240421295, + 2.509141445159912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/54.png", + [ + 0.20994390547275543, + 0.04286586865782738, + 0.03215539827942848, + -0.33879542350769043, + 0.04506181925535202, + -0.21158884465694427, + -0.012144597247242928, + 0.13060130178928375, + 0.028998015448451042, + 0.018454696983098984, + -0.2139309197664261, + 2.3653178215026855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/33.png", + [ + 0.2098693698644638, + 0.0401078499853611, + 0.035973552614450455, + -0.4095667600631714, + 0.04295237362384796, + -0.21188980340957642, + -0.014342286624014378, + 0.1569039225578308, + 0.03252429887652397, + 0.02102302573621273, + -0.21318559348583221, + 2.5100908279418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/49.png", + [ + 0.209102600812912, + 0.0458206906914711, + 0.03353295475244522, + -0.3718402683734894, + 0.048986341804265976, + -0.21028488874435425, + -0.018124639987945557, + 0.1991981863975525, + 0.02871120721101761, + 0.02507246471941471, + -0.21329541504383087, + 2.4656925201416016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/118.png", + [ + 0.20828936994075775, + 0.050977349281311035, + 0.03106026165187359, + -0.34208548069000244, + 0.05177413299679756, + -0.21038949489593506, + -0.0018964313203468919, + 0.015396133065223694, + 0.029713109135627747, + 0.009244851768016815, + -0.21442845463752747, + 2.4713916778564453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/110.png", + [ + 0.20781071484088898, + 0.052871447056531906, + 0.031099991872906685, + -0.35239100456237793, + 0.053323544561862946, + -0.21000947058200836, + 0.0007170719909481704, + -0.019649434834718704, + 0.030318301171064377, + 0.006965959444642067, + -0.21442987024784088, + 2.5287184715270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/18.png", + [ + 0.2123068869113922, + 0.03867444768548012, + 0.0194412712007761, + -0.2151799201965332, + 0.03960949555039406, + -0.21282558143138885, + -0.009179220534861088, + 0.09403000771999359, + 0.0174575038254261, + 0.012548173777759075, + -0.21560536324977875, + 2.480973720550537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/66.png", + [ + 0.20988482236862183, + 0.04324497655034065, + 0.03203307092189789, + -0.3659052848815918, + 0.04481682553887367, + -0.21185116469860077, + -0.0076444074511528015, + 0.08098156750202179, + 0.02979426644742489, + 0.014030558988451958, + -0.21415726840496063, + 2.5177998542785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/16.png", + [ + 0.2120857983827591, + 0.04320472106337547, + 0.010042925365269184, + -0.10777110606431961, + 0.04367993026971817, + -0.21196316182613373, + -0.010563012212514877, + 0.1117134690284729, + 0.007718292996287346, + 0.012363879941403866, + -0.2161838561296463, + 2.5000319480895996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/94.png", + [ + 0.20936979353427887, + 0.049369849264621735, + 0.025977034121751785, + -0.2965857684612274, + 0.050735585391521454, + -0.21046140789985657, + -0.00893296767026186, + 0.09929481148719788, + 0.023196732625365257, + 0.014714475721120834, + -0.21492624282836914, + 2.5471529960632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/28.png", + [ + 0.2100062370300293, + 0.03966466337442398, + 0.03566502034664154, + -0.40816256403923035, + 0.04193641245365143, + -0.21230186522006989, + -0.010823658667504787, + 0.11380340158939362, + 0.032963864505290985, + 0.017393354326486588, + -0.21344497799873352, + 2.5271172523498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/61.png", + [ + 0.20958402752876282, + 0.04072517901659012, + 0.03693091869354248, + -0.4119897186756134, + 0.04264015331864357, + -0.21229128539562225, + -0.007882138714194298, + 0.07865035533905029, + 0.03470230847597122, + 0.014891961589455605, + -0.213358536362648, + 2.467416763305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/132.png", + [ + 0.2075500339269638, + 0.04857896268367767, + 0.03887109085917473, + -0.4111519157886505, + 0.05062125250697136, + -0.21055713295936584, + -0.0071465857326984406, + 0.0756392627954483, + 0.03617134690284729, + 0.01592700369656086, + -0.2130395770072937, + 2.351510524749756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/58.png", + [ + 0.20939378440380096, + 0.04091761261224747, + 0.03778742998838425, + -0.4102294445037842, + 0.04323631525039673, + -0.21208444237709045, + -0.009935243055224419, + 0.1028561145067215, + 0.0351107120513916, + 0.017141681164503098, + -0.21312274038791656, + 2.4121665954589844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/123.png", + [ + 0.20898433029651642, + 0.05009166896343231, + 0.027645293623209, + -0.2763899862766266, + 0.05180641636252403, + -0.21010597050189972, + -0.010930286720395088, + 0.12333165109157562, + 0.02428029663860798, + 0.017152272164821625, + -0.21462564170360565, + 2.2800731658935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/64.png", + [ + 0.20983195304870605, + 0.04221466928720474, + 0.03371002897620201, + -0.3824779987335205, + 0.04421353340148926, + -0.21188591420650482, + -0.009869995526969433, + 0.10515913367271423, + 0.031042039394378662, + 0.016436995938420296, + -0.2138085812330246, + 2.5036468505859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/10.png", + [ + 0.21110861003398895, + 0.047953855246305466, + 0.009026605635881424, + -0.09503556787967682, + 0.04849899560213089, + -0.2106180340051651, + -0.015355565585196018, + 0.1686445027589798, + 0.005375837441533804, + 0.016981560736894608, + -0.21594126522541046, + 2.486382007598877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/41.png", + [ + 0.2091541290283203, + 0.04358388110995293, + 0.03609553724527359, + -0.4077732563018799, + 0.046402838081121445, + -0.21119233965873718, + -0.013873282819986343, + 0.15042078495025635, + 0.03239164873957634, + 0.02112194523215294, + -0.2131960093975067, + 2.4930267333984375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/91.png", + [ + 0.20894654095172882, + 0.04942047968506813, + 0.029100658372044563, + -0.33032625913619995, + 0.05103376507759094, + -0.21038000285625458, + -0.009149247780442238, + 0.10002465546131134, + 0.02616843394935131, + 0.015677055343985558, + -0.2145165205001831, + 2.5178327560424805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/23.png", + [ + 0.21020126342773438, + 0.03949910029768944, + 0.03468633070588112, + -0.3938514292240143, + 0.041888102889060974, + -0.21223923563957214, + -0.012156778015196323, + 0.13050174713134766, + 0.03176014497876167, + 0.018499232828617096, + -0.21353444457054138, + 2.5177321434020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/37.png", + [ + 0.20922569930553436, + 0.04498107731342316, + 0.03389988839626312, + -0.38023561239242554, + 0.04769790545105934, + -0.21085403859615326, + -0.01460727583616972, + 0.16060513257980347, + 0.029956795275211334, + 0.02156768925487995, + -0.21350719034671783, + 2.4876527786254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/36.png", + [ + 0.20906789600849152, + 0.04559704288840294, + 0.034050293266773224, + -0.3833320140838623, + 0.04830456152558327, + -0.21073031425476074, + -0.014397894963622093, + 0.15696708858013153, + 0.030086249113082886, + 0.021483464166522026, + -0.21349747478961945, + 2.496479034423828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/8.png", + [ + 0.210744708776474, + 0.049413878470659256, + 0.009634741581976414, + -0.10249898582696915, + 0.04995424672961235, + -0.210398867726326, + -0.013593406416475773, + 0.14795218408107758, + 0.006255628075450659, + 0.015442670322954655, + -0.21603307127952576, + 2.492584228515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/6.png", + [ + 0.21078550815582275, + 0.04921845719218254, + 0.009741988964378834, + -0.1063590943813324, + 0.04977893456816673, + -0.21041324734687805, + -0.01400777231901884, + 0.15490767359733582, + 0.006278550252318382, + 0.015865176916122437, + -0.21600177884101868, + 2.510680675506592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/20.png", + [ + 0.21118046343326569, + 0.03765270486474037, + 0.030544595792889595, + -0.345284640789032, + 0.039329808205366135, + -0.21286237239837646, + -0.009521951898932457, + 0.09377829730510712, + 0.02835250273346901, + 0.014824825339019299, + -0.21429945528507233, + 2.4932198524475098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/2.png", + [ + 0.21066814661026, + 0.04897508770227432, + 0.012971662916243076, + -0.14542429149150848, + 0.04961557313799858, + -0.21065916121006012, + -0.010435875505208969, + 0.11139048635959625, + 0.01025270763784647, + 0.01311691664159298, + -0.21603408455848694, + 2.5320963859558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/117.png", + [ + 0.20794861018657684, + 0.05223343148827553, + 0.03125613555312157, + -0.3477674722671509, + 0.05261027067899704, + -0.2101869136095047, + 0.0012334117200225592, + -0.02133616805076599, + 0.030617590993642807, + 0.006405491381883621, + -0.21440483629703522, + 2.4903697967529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/5.png", + [ + 0.2107878029346466, + 0.04898722097277641, + 0.010800352320075035, + -0.11843803524971008, + 0.04962186515331268, + -0.21045896410942078, + -0.013877811841666698, + 0.15456654131412506, + 0.0073529393412172794, + 0.015974216163158417, + -0.2159598469734192, + 2.522578716278076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/108.png", + [ + 0.2084798514842987, + 0.050365425646305084, + 0.03077944740653038, + -0.3503326177597046, + 0.0514679029583931, + -0.21042971312999725, + -0.004276815336197615, + 0.039146583527326584, + 0.028898198157548904, + 0.011426272802054882, + -0.2144346684217453, + 2.53617000579834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/60.png", + [ + 0.2093445360660553, + 0.0392802432179451, + 0.03974694386124611, + -0.44331803917884827, + 0.041385285556316376, + -0.21253763139247894, + -0.007931468077003956, + 0.07877181470394135, + 0.0375501848757267, + 0.015254892408847809, + -0.21285010874271393, + 2.451605796813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/56.png", + [ + 0.20871134102344513, + 0.043690890073776245, + 0.03845234215259552, + -0.4108184576034546, + 0.04614609107375145, + -0.21145747601985931, + -0.010206030681729317, + 0.10779276490211487, + 0.035468507558107376, + 0.01802028901875019, + -0.21299096941947937, + 2.37361478805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/30.png", + [ + 0.21016018092632294, + 0.03757121413946152, + 0.03700000047683716, + -0.4242589771747589, + 0.04016808420419693, + -0.21256262063980103, + -0.01231070701032877, + 0.13019032776355743, + 0.034163158386945724, + 0.01879979856312275, + -0.21313691139221191, + 2.517500877380371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/17.png", + [ + 0.21254488825798035, + 0.03982061147689819, + 0.01367037370800972, + -0.14908641576766968, + 0.04045556113123894, + -0.21264922618865967, + -0.009568175300955772, + 0.10111235082149506, + 0.011657957918941975, + 0.01193822082132101, + -0.21603116393089294, + 2.4852347373962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/12.png", + [ + 0.21124093234539032, + 0.0479373000562191, + 0.005213221535086632, + -0.05229661986231804, + 0.04819728061556816, + -0.21062222123146057, + -0.01622329279780388, + 0.1760561317205429, + 0.0014783431543037295, + 0.01697608269751072, + -0.21600352227687836, + 2.4951682090759277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/114.png", + [ + 0.2078854739665985, + 0.05240127444267273, + 0.03139479458332062, + -0.3535883128643036, + 0.05243721976876259, + -0.2102024406194687, + 0.003629211103543639, + -0.053224433213472366, + 0.031334713101387024, + 0.00411582738161087, + -0.2143574059009552, + 2.513523578643799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/27.png", + [ + 0.21031194925308228, + 0.03817213326692581, + 0.035491716116666794, + -0.40640467405319214, + 0.040345706045627594, + -0.21263177692890167, + -0.010384848341345787, + 0.10885506868362427, + 0.03299996629357338, + 0.016688600182533264, + -0.2134956419467926, + 2.524216651916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/42.png", + [ + 0.2093833088874817, + 0.043321721255779266, + 0.03506786748766899, + -0.39640381932258606, + 0.04601253941655159, + -0.21128816902637482, + -0.013713082298636436, + 0.14755715429782867, + 0.031454313546419144, + 0.020698554813861847, + -0.21337780356407166, + 2.49711275100708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/7.png", + [ + 0.21067960560321808, + 0.04957672953605652, + 0.010204967111349106, + -0.10975825041532516, + 0.05015360936522484, + -0.2103598266839981, + -0.013463071547448635, + 0.14654171466827393, + 0.006827102974057198, + 0.015452713705599308, + -0.2160150408744812, + 2.4994935989379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/73.png", + [ + 0.20951683819293976, + 0.047734737396240234, + 0.027784615755081177, + -0.3080166280269623, + 0.04908069968223572, + -0.21089935302734375, + -0.007774357683956623, + 0.08544096350669861, + 0.025331299751996994, + 0.013811248354613781, + -0.21474513411521912, + 2.469099998474121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/120.png", + [ + 0.2084159404039383, + 0.05059562250971794, + 0.03083464689552784, + -0.3320094347000122, + 0.05215471610426903, + -0.2101641297340393, + -0.007669555954635143, + 0.08765411376953125, + 0.028117230162024498, + 0.014799286611378193, + -0.2143322080373764, + 2.416506767272949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/46.png", + [ + 0.20905332267284393, + 0.04397330805659294, + 0.036207158118486404, + -0.4098343253135681, + 0.04746125638484955, + -0.2106252908706665, + -0.018229592591524124, + 0.1995364874601364, + 0.03149665892124176, + 0.025519339367747307, + -0.21284881234169006, + 2.4911136627197266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/127.png", + [ + 0.20798946917057037, + 0.04840419068932533, + 0.03667854145169258, + -0.36101266741752625, + 0.04982275143265724, + -0.21082475781440735, + -0.0043023922480642796, + 0.052123215049505234, + 0.03472714126110077, + 0.012563897296786308, + -0.21350426971912384, + 2.2191882133483887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/133.png", + [ + 0.207795649766922, + 0.048833541572093964, + 0.03720412775874138, + -0.396344929933548, + 0.05080101266503334, + -0.21050390601158142, + -0.007434114348143339, + 0.07827043533325195, + 0.03446910157799721, + 0.015852266922593117, + -0.21332718431949615, + 2.3741512298583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/57.png", + [ + 0.2086988091468811, + 0.043638888746500015, + 0.038579072803258896, + -0.4151765704154968, + 0.046190109103918076, + -0.21142242848873138, + -0.010720361024141312, + 0.11377441883087158, + 0.03548480197787285, + 0.018549926578998566, + -0.21294277906417847, + 2.393129348754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/44.png", + [ + 0.20910301804542542, + 0.042984433472156525, + 0.03709658980369568, + -0.42063793540000916, + 0.04615607112646103, + -0.2111312448978424, + -0.015527517534792423, + 0.16810989379882812, + 0.03306712582707405, + 0.02288723737001419, + -0.21290992200374603, + 2.496244430541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/113.png", + [ + 0.20759354531764984, + 0.05373220145702362, + 0.031075013801455498, + -0.3517063856124878, + 0.05348813906311989, + -0.20989394187927246, + 0.0056080808863043785, + -0.07660573720932007, + 0.03149326890707016, + 0.002298114588484168, + -0.21436135470867157, + 2.5190820693969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/126.png", + [ + 0.2085699588060379, + 0.04779605567455292, + 0.03408828750252724, + -0.33214178681373596, + 0.04942987114191055, + -0.21085156500339508, + -0.00679740821942687, + 0.07998225092887878, + 0.03167274221777916, + 0.01431969553232193, + -0.21386836469173431, + 2.2086939811706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/29.png", + [ + 0.21014605462551117, + 0.038207001984119415, + 0.036424681544303894, + -0.4169953465461731, + 0.040641121566295624, + -0.2125149369239807, + -0.01155846007168293, + 0.12091344594955444, + 0.03368726000189781, + 0.01804228313267231, + -0.21327807009220123, + 2.5202698707580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/4.png", + [ + 0.210518479347229, + 0.04968860745429993, + 0.012685024179518223, + -0.14081421494483948, + 0.05037064850330353, + -0.2104112207889557, + -0.011739160865545273, + 0.12894384562969208, + 0.009626271203160286, + 0.014354534447193146, + -0.21598419547080994, + 2.529313087463379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/55.png", + [ + 0.20960043370723724, + 0.041048165410757065, + 0.036477502435445786, + -0.38786548376083374, + 0.04351118952035904, + -0.21194854378700256, + -0.011510218493640423, + 0.12248893082141876, + 0.03350129351019859, + 0.01845959573984146, + -0.21327166259288788, + 2.3629980087280273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/9.png", + [ + 0.21076926589012146, + 0.04934520646929741, + 0.009448007680475712, + -0.10026302933692932, + 0.04989049583673477, + -0.21037088334560394, + -0.014245170168578625, + 0.15607263147830963, + 0.005928957834839821, + 0.016032379120588303, + -0.2159993201494217, + 2.484635353088379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/25.png", + [ + 0.2106247842311859, + 0.03626183792948723, + 0.035639479756355286, + -0.4096756875514984, + 0.03845224529504776, + -0.21297399699687958, + -0.010554781183600426, + 0.11060996353626251, + 0.03326437249779701, + 0.0165848508477211, + -0.2134626805782318, + 2.5268096923828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/99.png", + [ + 0.20949873328208923, + 0.048916880041360855, + 0.025793692097067833, + -0.29583293199539185, + 0.050080347806215286, + -0.21068459749221802, + -0.007200830616056919, + 0.0772208422422409, + 0.023454943671822548, + 0.01292408723384142, + -0.215013325214386, + 2.5655384063720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/34.png", + [ + 0.20971517264842987, + 0.04201021045446396, + 0.034678276628255844, + -0.3934738039970398, + 0.04473418742418289, + -0.21152494847774506, + -0.014280670322477818, + 0.1558469980955124, + 0.031085262075066566, + 0.02098158933222294, + -0.21340423822402954, + 2.5093445777893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/72.png", + [ + 0.20967569947242737, + 0.04650584235787392, + 0.028656676411628723, + -0.3189070522785187, + 0.04802534729242325, + -0.21110178530216217, + -0.00880364514887333, + 0.09747530519962311, + 0.02603006549179554, + 0.01487094908952713, + -0.21459074318408966, + 2.467557430267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/102.png", + [ + 0.20882344245910645, + 0.050188302993774414, + 0.028667010366916656, + -0.3274845480918884, + 0.05158407986164093, + -0.21030861139297485, + -0.007567352615296841, + 0.08128808438777924, + 0.026071934029459953, + 0.01411795150488615, + -0.21463651955127716, + 2.559868812561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/134.png", + [ + 0.20764441788196564, + 0.0489947535097599, + 0.03783120587468147, + -0.40756386518478394, + 0.05098848044872284, + -0.2104635238647461, + -0.0072920070961117744, + 0.07531780004501343, + 0.0350978747010231, + 0.01589064858853817, + -0.21322175860404968, + 2.3890838623046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/70.png", + [ + 0.21029438078403473, + 0.04748176783323288, + 0.021671485155820847, + -0.23650944232940674, + 0.04853644594550133, + -0.2109886109828949, + -0.008713272400200367, + 0.0950266569852829, + 0.019193360581994057, + 0.013311244547367096, + -0.215411975979805, + 2.4646148681640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/130.png", + [ + 0.2069316804409027, + 0.04773568734526634, + 0.042993929237127304, + -0.4431016445159912, + 0.049665987491607666, + -0.21084770560264587, + -0.004942717030644417, + 0.05164815112948418, + 0.04074878245592117, + 0.01457549910992384, + -0.21230871975421906, + 2.2823729515075684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/90.png", + [ + 0.2090587168931961, + 0.04858109727501869, + 0.029702115803956985, + -0.33497312664985657, + 0.050185926258563995, + -0.21059978008270264, + -0.008775071240961552, + 0.09497718513011932, + 0.026901893317699432, + 0.015346206724643707, + -0.2144497185945511, + 2.505138397216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/122.png", + [ + 0.2085568755865097, + 0.0515129491686821, + 0.02825506590306759, + -0.2906518578529358, + 0.05338606983423233, + -0.20966245234012604, + -0.011810269206762314, + 0.13667090237140656, + 0.02453284151852131, + 0.01832950860261917, + -0.2144995629787445, + 2.324244976043701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/15.png", + [ + 0.21156282722949982, + 0.04660757631063461, + 0.004097764380276203, + -0.03787047415971756, + 0.04677277058362961, + -0.21115806698799133, + -0.013132954016327858, + 0.13937650620937347, + 0.001168483286164701, + 0.013707691803574562, + -0.21623742580413818, + 2.4974637031555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/22.png", + [ + 0.21008111536502838, + 0.03893421217799187, + 0.03602699935436249, + -0.4103362262248993, + 0.041262056678533554, + -0.21242263913154602, + -0.011043683625757694, + 0.11541371047496796, + 0.033335573971271515, + 0.017568359151482582, + -0.21337288618087769, + 2.508899211883545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/109.png", + [ + 0.20814236998558044, + 0.05196182429790497, + 0.030407628044486046, + -0.34370872378349304, + 0.05277063325047493, + -0.21013960242271423, + -0.00212345109321177, + 0.014019038528203964, + 0.028981277719140053, + 0.009445546194911003, + -0.21451984345912933, + 2.5358333587646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/26.png", + [ + 0.21042288839817047, + 0.03785169869661331, + 0.035176001489162445, + -0.40445733070373535, + 0.03985411301255226, + -0.2127678096294403, + -0.009455163963139057, + 0.09761787950992584, + 0.03288998827338219, + 0.015652460977435112, + -0.2135910540819168, + 2.527442455291748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/43.png", + [ + 0.20900845527648926, + 0.04358059540390968, + 0.036933694034814835, + -0.4185132384300232, + 0.04661177098751068, + -0.21109062433242798, + -0.014696559868752956, + 0.1592852622270584, + 0.03302588686347008, + 0.02212188020348549, + -0.2129972130060196, + 2.4950180053710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/84.png", + [ + 0.2084086686372757, + 0.048359114676713943, + 0.03427994251251221, + -0.37214195728302, + 0.05017177760601044, + -0.21063876152038574, + -0.007874278351664543, + 0.08343730866909027, + 0.03156756982207298, + 0.015511523932218552, + -0.21380078792572021, + 2.406074047088623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/89.png", + [ + 0.20891249179840088, + 0.04877801612019539, + 0.030400222167372704, + -0.3409145772457123, + 0.05066298320889473, + -0.2104034572839737, + -0.010561316274106503, + 0.11487853527069092, + 0.027142781764268875, + 0.01729116402566433, + -0.21427127718925476, + 2.489875316619873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/63.png", + [ + 0.20998616516590118, + 0.04102778062224388, + 0.03421132266521454, + -0.3853922486305237, + 0.04314274340867996, + -0.21207760274410248, + -0.010473313741385937, + 0.11086055636405945, + 0.03150234371423721, + 0.01696193777024746, + -0.21370024979114532, + 2.4925718307495117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/88.png", + [ + 0.2092207372188568, + 0.04732530936598778, + 0.03057599626481533, + -0.3398643136024475, + 0.049168627709150314, + -0.21077512204647064, + -0.010207354091107845, + 0.10946248471736908, + 0.027514031156897545, + 0.016794631257653236, + -0.2142634093761444, + 2.480980396270752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/62.png", + [ + 0.20987214148044586, + 0.04038263112306595, + 0.03564862534403801, + -0.39905524253845215, + 0.04236441105604172, + -0.21230582892894745, + -0.008910383097827435, + 0.09166516363620758, + 0.03326917439699173, + 0.015600692480802536, + -0.2135361135005951, + 2.4784913063049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/65.png", + [ + 0.20971333980560303, + 0.04300617799162865, + 0.03344675526022911, + -0.3815964162349701, + 0.04477483034133911, + -0.21183283627033234, + -0.008364343084394932, + 0.0883646011352539, + 0.031039176508784294, + 0.015007234178483486, + -0.21391411125659943, + 2.511847496032715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/80.png", + [ + 0.20986326038837433, + 0.04783995822072029, + 0.024832310155034065, + -0.2555454671382904, + 0.04928155988454819, + -0.21073408424854279, + -0.010505612008273602, + 0.12044563889503479, + 0.0218319334089756, + 0.01582334376871586, + -0.21499042212963104, + 2.3452415466308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/119.png", + [ + 0.20838052034378052, + 0.0513918362557888, + 0.02973766438663006, + -0.3227788507938385, + 0.052494775503873825, + -0.21016818284988403, + -0.004639193881303072, + 0.050122279673814774, + 0.027744336053729057, + 0.011666293255984783, + -0.21457409858703613, + 2.44923734664917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/79.png", + [ + 0.2098502516746521, + 0.04816845804452896, + 0.024301564320921898, + -0.250554621219635, + 0.04973619058728218, + -0.21053726971149445, + -0.012175988405942917, + 0.1404489129781723, + 0.02090640179812908, + 0.01737075299024582, + -0.21496295928955078, + 2.3491902351379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/116.png", + [ + 0.20794756710529327, + 0.05107865482568741, + 0.033116113394498825, + -0.3717927634716034, + 0.05141371488571167, + -0.21047870814800262, + 0.001800105907022953, + -0.028586411848664284, + 0.0325934924185276, + 0.0061303661204874516, + -0.21412141621112823, + 2.498520851135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/19.png", + [ + 0.21198371052742004, + 0.03719015046954155, + 0.025053970515727997, + -0.282043993473053, + 0.03851626068353653, + -0.21300271153450012, + -0.009707718156278133, + 0.09628833830356598, + 0.0229631494730711, + 0.013951163738965988, + -0.21500222384929657, + 2.4800004959106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/77.png", + [ + 0.20973166823387146, + 0.04731468856334686, + 0.02686706930398941, + -0.28581443428993225, + 0.049224838614463806, + -0.21058228611946106, + -0.01341325044631958, + 0.15334336459636688, + 0.023182619363069534, + 0.01908719539642334, + -0.2145836502313614, + 2.389446258544922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/68.png", + [ + 0.2101024091243744, + 0.04722117632627487, + 0.02397986873984337, + -0.26517561078071594, + 0.04836906120181084, + -0.21104776859283447, + -0.008195750415325165, + 0.08867515623569489, + 0.021570980548858643, + 0.013300267979502678, + -0.21518756449222565, + 2.480360984802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/86.png", + [ + 0.20859362185001373, + 0.048824701458215714, + 0.03244595602154732, + -0.35704508423805237, + 0.05091409012675285, + -0.21032968163490295, + -0.010820155031979084, + 0.1163066178560257, + 0.02905765362083912, + 0.018040746450424194, + -0.21395812928676605, + 2.4508681297302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/1.png", + [ + 0.21041171252727509, + 0.049749404191970825, + 0.014135284349322319, + -0.1572524607181549, + 0.05042644590139389, + -0.21049834787845612, + -0.009773235768079758, + 0.10370591282844543, + 0.011488382704555988, + 0.012780431658029556, + -0.2159920632839203, + 2.530604839324951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/81.png", + [ + 0.20923694968223572, + 0.04884478077292442, + 0.027963854372501373, + -0.29162368178367615, + 0.05034339427947998, + -0.21055659651756287, + -0.008908207528293133, + 0.10233290493488312, + 0.025166098028421402, + 0.015099698677659035, + -0.21467779576778412, + 2.353715419769287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/95.png", + [ + 0.20953600108623505, + 0.04926658421754837, + 0.024806499481201172, + -0.28269872069358826, + 0.05045793578028679, + -0.21056489646434784, + -0.00801971834152937, + 0.08740635216236115, + 0.02228352427482605, + 0.013532293029129505, + -0.2151004821062088, + 2.554265022277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/103.png", + [ + 0.208889901638031, + 0.04968203604221344, + 0.029061876237392426, + -0.33216962218284607, + 0.0510639064013958, + -0.21044592559337616, + -0.0072725391946733, + 0.07721228897571564, + 0.02655889466404915, + 0.013860288076102734, + -0.21459360420703888, + 2.558539867401123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/83.png", + [ + 0.20886830985546112, + 0.04750616103410721, + 0.03263568505644798, + -0.35023343563079834, + 0.049166493117809296, + -0.210882306098938, + -0.0076944585889577866, + 0.08363726735115051, + 0.030076222494244576, + 0.014822736382484436, + -0.21406447887420654, + 2.3871049880981445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/51.png", + [ + 0.2093096524477005, + 0.04625868424773216, + 0.03158313035964966, + -0.34232208132743835, + 0.0492265447974205, + -0.21020911633968353, + -0.018351368606090546, + 0.20450912415981293, + 0.026722798123955727, + 0.02490299567580223, + -0.21357347071170807, + 2.4253182411193848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/128.png", + [ + 0.2076164335012436, + 0.04797109216451645, + 0.03926946222782135, + -0.39004310965538025, + 0.049487993121147156, + -0.21090959012508392, + -0.00399689981713891, + 0.04595402255654335, + 0.03733972832560539, + 0.012798862531781197, + -0.21304889023303986, + 2.2316842079162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/93.png", + [ + 0.20913584530353546, + 0.05006967857480049, + 0.026516415178775787, + -0.3015657663345337, + 0.05148141086101532, + -0.21027833223342896, + -0.008977075107395649, + 0.09899608790874481, + 0.023659195750951767, + 0.014964976347982883, + -0.2148585319519043, + 2.540562152862549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/137.png", + [ + 0.14855444431304932, + -0.013627431355416775, + -0.1571424901485443, + 1.5851274728775024, + -0.044689882546663284, + -0.21065539121627808, + -0.0239794310182333, + 0.20804201066493988, + -0.15126892924308777, + 0.048851728439331055, + -0.14723829925060272, + 1.526975393295288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/173.png", + [ + 0.15648217499256134, + -0.01828080415725708, + -0.14875157177448273, + 1.3663359880447388, + -0.043050069361925125, + -0.2114761769771576, + -0.019298039376735687, + 0.06331115961074829, + -0.14355456829071045, + 0.043491773307323456, + -0.1563599854707718, + 1.3809198141098022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/35.png", + [ + 0.18373064696788788, + -0.018589036539196968, + -0.11333753168582916, + 1.0345609188079834, + -0.03638406842947006, + -0.21222564578056335, + -0.024173792451620102, + 0.06758226454257965, + -0.10893645137548447, + 0.039529990404844284, + -0.1830795705318451, + 1.554094672203064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/124.png", + [ + 0.15696723759174347, + -0.01980792172253132, + -0.14804330468177795, + 1.4189634323120117, + -0.045932602137327194, + -0.2107551544904709, + -0.020502733066678047, + 0.06481824815273285, + -0.1421245038509369, + 0.04623648151755333, + -0.15687799453735352, + 1.443651795387268, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/97.png", + [ + 0.16355521976947784, + -0.007746646646410227, + -0.14190693199634552, + 1.4225538969039917, + -0.04379076510667801, + -0.20857280492782593, + -0.03908525034785271, + 0.33203548192977905, + -0.13520340621471405, + 0.05818314477801323, + -0.15900520980358124, + 1.6084753274917603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/155.png", + [ + 0.16083477437496185, + -0.016236789524555206, + -0.14427903294563293, + 1.4001179933547974, + -0.04591977968811989, + -0.2099514752626419, + -0.027561577036976814, + 0.18418265879154205, + -0.13773687183856964, + 0.051035601645708084, + -0.159285306930542, + 1.5317412614822388, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/192.png", + [ + 0.1675950586795807, + -0.022797321900725365, + -0.13542550802230835, + 1.278184413909912, + -0.04683351144194603, + -0.2103474736213684, + -0.02254897728562355, + 0.06552436947822571, + -0.12909846007823944, + 0.04671312868595123, + -0.16762866079807281, + 1.5138534307479858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/13.png", + [ + 0.14967776834964752, + -0.010798011906445026, + -0.15629415214061737, + 1.3802908658981323, + -0.027117446064949036, + -0.21468229591846466, + -0.011137565597891808, + -0.028835538774728775, + -0.1543019711971283, + 0.027254434302449226, + -0.1496528834104538, + 1.2640907764434814, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/32.png", + [ + 0.17713820934295654, + -0.023240311071276665, + -0.12259623408317566, + 1.106399416923523, + -0.042329080402851105, + -0.2114519476890564, + -0.02107640728354454, + 0.06047894433140755, + -0.11738057434558868, + 0.041180744767189026, + -0.17740868031978607, + 1.5304933786392212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/158.png", + [ + 0.15553197264671326, + -0.018727071583271027, + -0.1496896594762802, + 1.4996917247772217, + -0.049536701291799545, + -0.20941680669784546, + -0.025270802900195122, + 0.20758210122585297, + -0.14249145984649658, + 0.052362147718667984, + -0.15460364520549774, + 1.5841366052627563, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/148.png", + [ + 0.15789403021335602, + -0.016933739185333252, + -0.14741308987140656, + 1.558899998664856, + -0.0469101145863533, + -0.2099153697490692, + -0.02613183856010437, + 0.22178247570991516, + -0.14077217876911163, + 0.050957635045051575, + -0.1566345989704132, + 1.6800140142440796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/111.png", + [ + 0.15558834373950958, + -0.017906583845615387, + -0.14973145723342896, + 1.5551307201385498, + -0.04741394519805908, + -0.21003951132297516, + -0.02414967678487301, + 0.2102750986814499, + -0.14315053820610046, + 0.05010632053017616, + -0.1547422707080841, + 1.639336347579956, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/11.png", + [ + 0.15375320613384247, + -0.011044813320040703, + -0.15226905047893524, + 1.351341724395752, + -0.03145870193839073, + -0.21376121044158936, + -0.016260186210274696, + 0.03429156914353371, + -0.149392768740654, + 0.033646032214164734, + -0.15328939259052277, + 1.3099383115768433, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/125.png", + [ + 0.13520300388336182, + -0.04703103378415108, + -0.162653386592865, + 1.558544397354126, + -0.05533025786280632, + -0.2089928686618805, + 0.01443764939904213, + -0.258011132478714, + -0.1600206345319748, + 0.032526373863220215, + -0.14241951704025269, + 1.306692123413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/105.png", + [ + 0.16016386449337006, + -0.018939493224024773, + -0.14469529688358307, + 1.4934113025665283, + -0.04887142404913902, + -0.20939737558364868, + -0.026687506586313248, + 0.21676968038082123, + -0.1375027894973755, + 0.05236348509788513, + -0.1590564250946045, + 1.6554405689239502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/121.png", + [ + 0.1591021716594696, + -0.015915170311927795, + -0.1462227702140808, + 1.411863923072815, + -0.04751905798912048, + -0.20941336452960968, + -0.02891160361468792, + 0.19770537316799164, + -0.1391989141702652, + 0.0532977394759655, + -0.15726065635681152, + 1.5149165391921997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/175.png", + [ + 0.15760628879070282, + -0.014513145200908184, + -0.14797809720039368, + 1.3758065700531006, + -0.047882966697216034, + -0.20910635590553284, + -0.030490092933177948, + 0.2162284404039383, + -0.14076709747314453, + 0.0548798069357872, + -0.15530848503112793, + 1.450426697731018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/24.png", + [ + 0.18134935200214386, + -0.01968526281416416, + -0.11693075299263, + 1.0820002555847168, + -0.0392477884888649, + -0.21158921718597412, + -0.025248877704143524, + 0.09242978692054749, + -0.1118924617767334, + 0.04231293871998787, + -0.18065877258777618, + 1.5870394706726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/193.png", + [ + 0.15974745154380798, + -0.020912520587444305, + -0.14488376677036285, + 1.3368110656738281, + -0.045987021178007126, + -0.21076452732086182, + -0.020283108577132225, + 0.04301375523209572, + -0.13897420465946198, + 0.04570423439145088, + -0.15982860326766968, + 1.4199670553207397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/129.png", + [ + 0.15515588223934174, + -0.027720540761947632, + -0.14868125319480896, + 1.3682748079299927, + -0.04679001122713089, + -0.21135233342647552, + -0.009422472678124905, + -0.04282458499073982, + -0.14382362365722656, + 0.038854341953992844, + -0.15733084082603455, + 1.384947419166565, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/172.png", + [ + 0.13781875371932983, + -0.034459374845027924, + -0.1636045128107071, + 1.5412867069244385, + -0.04478806257247925, + -0.2118828147649765, + 0.006899040658026934, + -0.18546345829963684, + -0.16108356416225433, + 0.02942989580333233, + -0.14189383387565613, + 1.2717245817184448, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/153.png", + [ + 0.15157833695411682, + -0.019034523516893387, + -0.15365412831306458, + 1.4892728328704834, + -0.041124455630779266, + -0.21225669980049133, + -0.014274725690484047, + 0.0264853797852993, + -0.14926716685295105, + 0.03914939612150192, + -0.15210041403770447, + 1.4260071516036987, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/144.png", + [ + 0.15830594301223755, + -0.01813712902367115, + -0.14682699739933014, + 1.5169669389724731, + -0.046173688024282455, + -0.21035563945770264, + -0.023798909038305283, + 0.19410890340805054, + -0.14055286347866058, + 0.04867691546678543, + -0.15755422413349152, + 1.654892921447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/188.png", + [ + 0.15595240890979767, + -0.022717120125889778, + -0.14869655668735504, + 1.5378491878509521, + -0.042737338691949844, + -0.21205425262451172, + -0.012426171451807022, + 0.06107554957270622, + -0.1442229449748993, + 0.03827299177646637, + -0.1571076363325119, + 1.6123063564300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/98.png", + [ + 0.16190993785858154, + -0.0080442288890481, + -0.1437649130821228, + 1.4480136632919312, + -0.044303737580776215, + -0.20862440764904022, + -0.03822208568453789, + 0.32203465700149536, + -0.1370045244693756, + 0.05795722082257271, + -0.1575392633676529, + 1.6029603481292725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/0.png", + [ + 0.15923266112804413, + -0.0041152434423565865, + -0.14688740670681, + 1.4340120553970337, + -0.020261336117982864, + -0.21513573825359344, + -0.015936903655529022, + 0.09626443684101105, + -0.1455414742231369, + 0.02544742450118065, + -0.15848657488822937, + 1.517945647239685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/163.png", + [ + 0.13943888247013092, + -0.04399167373776436, + -0.15990442037582397, + 1.562827229499817, + -0.045415207743644714, + -0.21105574071407318, + 0.01846134662628174, + -0.2795618176460266, + -0.1595059484243393, + 0.021635491400957108, + -0.14504361152648926, + 1.3389745950698853, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/96.png", + [ + 0.16212919354438782, + -0.010219186544418335, + -0.14337915182113647, + 1.4226930141448975, + -0.045853082090616226, + -0.2085120677947998, + -0.03698794171214104, + 0.3153323233127594, + -0.13623329997062683, + 0.05801880359649658, + -0.15818408131599426, + 1.5925921201705933, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/100.png", + [ + 0.16194918751716614, + -0.010145114734768867, + -0.14358772337436676, + 1.4539034366607666, + -0.044962525367736816, + -0.20888662338256836, + -0.03595338389277458, + 0.30749571323394775, + -0.13674329221248627, + 0.05666878819465637, + -0.1582334041595459, + 1.6246654987335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/141.png", + [ + 0.15765224397182465, + -0.021139392629265785, + -0.14712846279144287, + 1.5060296058654785, + -0.04775277525186539, + -0.21030594408512115, + -0.020951708778738976, + 0.1547936648130417, + -0.14075985550880432, + 0.047669991850852966, + -0.1576772928237915, + 1.6325546503067017, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/52.png", + [ + 0.15432608127593994, + -0.01659437082707882, + -0.15118193626403809, + 1.296517252922058, + -0.034760549664497375, + -0.21352867782115936, + -0.012045653536915779, + -0.0402330607175827, + -0.14806436002254486, + 0.032833222299814224, + -0.1547475904226303, + 1.2517673969268799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/184.png", + [ + 0.15493671596050262, + -0.014502814039587975, + -0.15077193081378937, + 1.55107843875885, + -0.0456332266330719, + -0.210127592086792, + -0.026681503280997276, + 0.2331218123435974, + -0.14443029463291168, + 0.05083269253373146, + -0.15330953896045685, + 1.5843425989151, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/3.png", + [ + 0.16606514155864716, + 0.0018110772361978889, + -0.13916531205177307, + 1.3273897171020508, + -0.021070802584290504, + -0.21383178234100342, + -0.02792644128203392, + 0.19046036899089813, + -0.13757283985614777, + 0.034936871379613876, + -0.16371016204357147, + 1.520089030265808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/104.png", + [ + 0.15683682262897491, + -0.017608117312192917, + -0.14845894277095795, + 1.5360733270645142, + -0.05104217678308487, + -0.20854412019252777, + -0.029188022017478943, + 0.24808144569396973, + -0.14051620662212372, + 0.05609990283846855, + -0.15509961545467377, + 1.6276260614395142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/21.png", + [ + 0.18035687506198883, + -0.023764722049236298, + -0.11770522594451904, + 1.1084896326065063, + -0.03477809950709343, + -0.21362391114234924, + -0.010158903896808624, + -0.00041946396231651306, + -0.11493372917175293, + 0.027348803356289864, + -0.18163196742534637, + 1.6656494140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/106.png", + [ + 0.15552599728107452, + -0.021060379222035408, + -0.1493854522705078, + 1.5364245176315308, + -0.0502808578312397, + -0.20952200889587402, + -0.022809240967035294, + 0.1752144992351532, + -0.1422370821237564, + 0.05103809013962746, + -0.15527915954589844, + 1.6139289140701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/14.png", + [ + 0.17478598654270172, + -0.006366652436554432, + -0.12789535522460938, + 1.1347565650939941, + -0.028116973116993904, + -0.21303366124629974, + -0.02782072313129902, + 0.09980268776416779, + -0.12492875009775162, + 0.03903873264789581, + -0.17267505824565887, + 1.4397525787353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/67.png", + [ + 0.169612318277359, + -0.02631864883005619, + -0.1322379857301712, + 1.3605669736862183, + -0.04551602527499199, + -0.2112085521221161, + -0.016344435513019562, + 0.12709034979343414, + -0.12691669166088104, + 0.0405731163918972, + -0.1708621382713318, + 1.7884907722473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/191.png", + [ + 0.17512823641300201, + -0.02420341782271862, + -0.12526848912239075, + 1.213472604751587, + -0.045796480029821396, + -0.2104877382516861, + -0.023355703800916672, + 0.08617724478244781, + -0.11908267438411713, + 0.045354168862104416, + -0.1752432882785797, + 1.6214803457260132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/31.png", + [ + 0.158864825963974, + -0.016629058867692947, + -0.1464012712240219, + 1.2957695722579956, + -0.040069274604320526, + -0.2120523601770401, + -0.019394420087337494, + 0.041285548359155655, + -0.14178965985774994, + 0.04129364341497421, + -0.15855099260807037, + 1.3594920635223389, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/194.png", + [ + 0.1592615842819214, + -0.01674586348235607, + -0.14595621824264526, + 1.3333134651184082, + -0.042941104620695114, + -0.21116803586483002, + -0.022627856582403183, + 0.0600106380879879, + -0.1404980570077896, + 0.045558031648397446, + -0.15853282809257507, + 1.3882554769515991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/152.png", + [ + 0.16421422362327576, + -0.01909531094133854, + -0.14006052911281586, + 1.3872593641281128, + -0.042191922664642334, + -0.2115234136581421, + -0.020629703998565674, + 0.08410663902759552, + -0.1349126696586609, + 0.04290818050503731, + -0.16402851045131683, + 1.5621132850646973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/92.png", + [ + 0.15512719750404358, + -0.013542123138904572, + -0.15066535770893097, + 1.394202470779419, + -0.05157334730029106, + -0.2076101005077362, + -0.03444022685289383, + 0.25145748257637024, + -0.14220979809761047, + 0.060519006103277206, + -0.15186083316802979, + 1.4075802564620972, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/151.png", + [ + 0.16655246913433075, + -0.015410182066261768, + -0.13773411512374878, + 1.4032223224639893, + -0.042022012174129486, + -0.21080955862998962, + -0.027228226885199547, + 0.16275811195373535, + -0.13206936419010162, + 0.04764191806316376, + -0.1650327891111374, + 1.625883936882019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/139.png", + [ + 0.1503136307001114, + -0.014131740666925907, + -0.15541556477546692, + 1.5954205989837646, + -0.04210854694247246, + -0.21145343780517578, + -0.021499022841453552, + 0.17497971653938293, + -0.1502683460712433, + 0.04511797055602074, + -0.14943788945674896, + 1.5650206804275513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/107.png", + [ + 0.157695934176445, + -0.020956747233867645, + -0.147107794880867, + 1.5121797323226929, + -0.05004964768886566, + -0.20946580171585083, + -0.023811809718608856, + 0.18614168465137482, + -0.13991041481494904, + 0.05131066218018532, + -0.15729014575481415, + 1.6323692798614502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/112.png", + [ + 0.15831080079078674, + -0.019640473648905754, + -0.1466282457113266, + 1.5238596200942993, + -0.047038741409778595, + -0.21029424667358398, + -0.022618165239691734, + 0.1846192479133606, + -0.1402602642774582, + 0.048357799649238586, + -0.15791286528110504, + 1.6627848148345947, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/69.png", + [ + 0.1776786744594574, + -0.027972834184765816, + -0.12081266194581985, + 1.2411502599716187, + -0.04169190675020218, + -0.212277352809906, + -0.012165640480816364, + 0.05155276134610176, + -0.11679025739431381, + 0.033222559839487076, + -0.17945526540279388, + 1.827985167503357, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/157.png", + [ + 0.15445485711097717, + -0.018856283277273178, + -0.1507847160100937, + 1.4878990650177002, + -0.04997065290808678, + -0.20934529602527618, + -0.02500740811228752, + 0.1979156881570816, + -0.1435079127550125, + 0.05260111391544342, + -0.15357893705368042, + 1.5463906526565552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/50.png", + [ + 0.15774179995059967, + -0.019300920888781548, + -0.1472850739955902, + 1.2846077680587769, + -0.037686537951231, + -0.2130085825920105, + -0.012448516674339771, + -0.034682080149650574, + -0.14368419349193573, + 0.03468018397688866, + -0.15842989087104797, + 1.3145776987075806, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/101.png", + [ + 0.1646796613931656, + -0.012295562773942947, + -0.14027589559555054, + 1.4236925840377808, + -0.04483270272612572, + -0.20919300615787506, + -0.034295905381441116, + 0.2996404767036438, + -0.1334860771894455, + 0.05509083345532417, + -0.16153748333454132, + 1.668703556060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/156.png", + [ + 0.14837561547756195, + -0.017419535666704178, + -0.15693672001361847, + 1.5347230434417725, + -0.050568465143442154, + -0.20925195515155792, + -0.02458350360393524, + 0.17936551570892334, + -0.1495841145515442, + 0.053460992872714996, + -0.14735810458660126, + 1.460844874382019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/181.png", + [ + 0.15509450435638428, + -0.01341954618692398, + -0.15071001648902893, + 1.53156578540802, + -0.04785941168665886, + -0.20909073948860168, + -0.03063386119902134, + 0.2688286006450653, + -0.14353768527507782, + 0.05521659553050995, + -0.15263013541698456, + 1.5547032356262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/131.png", + [ + 0.15697431564331055, + -0.010652153752744198, + -0.14897479116916656, + 1.3765629529953003, + -0.04068804532289505, + -0.21099838614463806, + -0.027785850688815117, + 0.14761044085025787, + -0.14370609819889069, + 0.04810511693358421, + -0.15486237406730652, + 1.39117431640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/71.png", + [ + 0.1805608868598938, + -0.028385642915964127, + -0.11636114120483398, + 1.1718591451644897, + -0.044224709272384644, + -0.21142712235450745, + -0.017048289999365807, + 0.039070066064596176, + -0.11130963265895844, + 0.03795687481760979, + -0.18198169767856598, + 1.7490497827529907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/160.png", + [ + 0.15915045142173767, + -0.021294059231877327, + -0.14548400044441223, + 1.4642213582992554, + -0.04641850292682648, + -0.21070274710655212, + -0.019939027726650238, + 0.13299329578876495, + -0.13951469957828522, + 0.04581272229552269, + -0.15932589769363403, + 1.6125307083129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/115.png", + [ + 0.1697242707014084, + -0.012614116072654724, + -0.1340986043214798, + 1.3436729907989502, + -0.04280047118663788, + -0.2095920294523239, + -0.03445569425821304, + 0.2302931845188141, + -0.12770932912826538, + 0.05347858741879463, + -0.166668102145195, + 1.6171280145645142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/33.png", + [ + 0.17781183123588562, + -0.023228172212839127, + -0.12161950767040253, + 1.0991605520248413, + -0.043093252927064896, + -0.21113146841526031, + -0.022679682821035385, + 0.07537923753261566, + -0.11607680469751358, + 0.04280009865760803, + -0.1778826117515564, + 1.539676547050476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/159.png", + [ + 0.15968015789985657, + -0.017044423148036003, + -0.1454634964466095, + 1.4647727012634277, + -0.0454736053943634, + -0.2103363275527954, + -0.025272119790315628, + 0.2014356553554535, + -0.13922031223773956, + 0.04915298894047737, + -0.15858620405197144, + 1.6173354387283325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/177.png", + [ + 0.14519362151622772, + -0.01337024848908186, + -0.16027456521987915, + 1.5426347255706787, + -0.053127702325582504, + -0.20779085159301758, + -0.03079458512365818, + 0.2588444948196411, + -0.15180297195911407, + 0.0599340982735157, + -0.14251893758773804, + 1.4075011014938354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/49.png", + [ + 0.1564619243144989, + -0.022515026852488518, + -0.14819121360778809, + 1.3002642393112183, + -0.02923022024333477, + -0.21468675136566162, + 0.0017562536522746086, + -0.14445847272872925, + -0.14701412618160248, + 0.018723348155617714, + -0.1580638438463211, + 1.3048150539398193, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/118.png", + [ + 0.15331165492534637, + -0.01697501167654991, + -0.15216858685016632, + 1.4679924249649048, + -0.04651627689599991, + -0.21032457053661346, + -0.023403160274028778, + 0.11841535568237305, + -0.1458754986524582, + 0.049227237701416016, + -0.15246281027793884, + 1.4374808073043823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/210.png", + [ + 0.14628104865550995, + -0.019996924325823784, + -0.15858711302280426, + 1.3865638971328735, + -0.037436775863170624, + -0.21327923238277435, + -0.00763846468180418, + -0.06612379103899002, + -0.15539704263210297, + 0.032557353377342224, + -0.14744380116462708, + 1.226334571838379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/179.png", + [ + 0.1519211232662201, + -0.014337074011564255, + -0.15382559597492218, + 1.5319939851760864, + -0.05088656395673752, + -0.20834457874298096, + -0.030838124454021454, + 0.27337417006492615, + -0.14587122201919556, + 0.057748425751924515, + -0.14944761991500854, + 1.516726016998291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/110.png", + [ + 0.15413500368595123, + -0.019186565652489662, + -0.15107007324695587, + 1.5671882629394531, + -0.04813532903790474, + -0.21006587147712708, + -0.022432608529925346, + 0.19391994178295135, + -0.14447590708732605, + 0.049518756568431854, + -0.15369613468647003, + 1.6289443969726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/18.png", + [ + 0.1794653683900833, + -0.019710369408130646, + -0.11979806423187256, + 1.1038843393325806, + -0.033381469547748566, + -0.21357080340385437, + -0.0148688405752182, + 0.039422739297151566, + -0.11672939360141754, + 0.03077184222638607, + -0.179931178689003, + 1.6168378591537476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/66.png", + [ + 0.16884303092956543, + -0.026645993813872337, + -0.13315372169017792, + 1.3484039306640625, + -0.047592394053936005, + -0.21059781312942505, + -0.018204938620328903, + 0.14831683039665222, + -0.1271805465221405, + 0.04343324154615402, + -0.16996045410633087, + 1.7574666738510132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/16.png", + [ + 0.17783014476299286, + -0.013018419966101646, + -0.12310507893562317, + 1.1024305820465088, + -0.031251102685928345, + -0.21321514248847961, + -0.022595848888158798, + 0.07248210906982422, + -0.11978191137313843, + 0.036300476640462875, + -0.1768684983253479, + 1.5124056339263916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/190.png", + [ + 0.17588424682617188, + -0.025525923818349838, + -0.12393971532583237, + 1.233900547027588, + -0.04173453152179718, + -0.21204763650894165, + -0.015553806908428669, + 0.037633057683706284, + -0.11946066468954086, + 0.03649820387363434, + -0.17704497277736664, + 1.6922250986099243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/94.png", + [ + 0.1597122699022293, + -0.007993318140506744, + -0.14620532095432281, + 1.4137741327285767, + -0.045835983008146286, + -0.20820720493793488, + -0.038687389343976974, + 0.3263348639011383, + -0.13906455039978027, + 0.059445422142744064, + -0.1551617980003357, + 1.526639461517334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/209.png", + [ + 0.1459430605173111, + -0.02370445616543293, + -0.15838757157325745, + 1.3808358907699585, + -0.04230579361319542, + -0.212382510304451, + -0.007196425460278988, + -0.06791902333498001, + -0.1544627547264099, + 0.03577243536710739, + -0.1476803421974182, + 1.239506721496582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/28.png", + [ + 0.15229497849941254, + -0.011960151605308056, + -0.15365901589393616, + 1.324019193649292, + -0.0325159952044487, + -0.2136523425579071, + -0.015597575344145298, + -0.002586944028735161, + -0.15065473318099976, + 0.03402247652411461, + -0.15196552872657776, + 1.2500379085540771, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/61.png", + [ + 0.17465709149837494, + -0.02380106970667839, + -0.12600122392177582, + 1.1177220344543457, + -0.04550587758421898, + -0.21055637300014496, + -0.023304983973503113, + 0.089291512966156, + -0.11988334357738495, + 0.045248378068208694, + -0.17472396790981293, + 1.4937413930892944, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/132.png", + [ + 0.15418276190757751, + -0.011186026968061924, + -0.1518237143754959, + 1.4168537855148315, + -0.0430658720433712, + -0.21046708524227142, + -0.02822829969227314, + 0.1711616963148117, + -0.14601676166057587, + 0.05026310309767723, + -0.15198887884616852, + 1.4040910005569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/123.png", + [ + 0.14526750147342682, + -0.019724499434232712, + -0.15954996645450592, + 1.5408955812454224, + -0.04630531743168831, + -0.211058109998703, + -0.016067953780293465, + 0.053390923887491226, + -0.1539515107870102, + 0.04486987367272377, + -0.14571726322174072, + 1.3852815628051758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/64.png", + [ + 0.16624920070171356, + -0.025067448616027832, + -0.13667742908000946, + 1.3189654350280762, + -0.045352865010499954, + -0.21123753488063812, + -0.016423292458057404, + 0.11178846657276154, + -0.1313476711511612, + 0.041209593415260315, + -0.16732439398765564, + 1.6364116668701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/10.png", + [ + 0.17180514335632324, + -0.005251896567642689, + -0.13192157447338104, + 1.1756255626678467, + -0.027976294979453087, + -0.21303482353687286, + -0.02795323356986046, + 0.14325456321239471, + -0.12902796268463135, + 0.039197880774736404, + -0.16959719359874725, + 1.4353874921798706, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/91.png", + [ + 0.15937440097332, + -0.015334409661591053, + -0.14598818123340607, + 1.3379896879196167, + -0.05259184539318085, + -0.207148939371109, + -0.035655539482831955, + 0.23056620359420776, + -0.137046679854393, + 0.06166096776723862, + -0.15608981251716614, + 1.3945659399032593, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/140.png", + [ + 0.15963727235794067, + -0.016366295516490936, + -0.14558838307857513, + 1.4911597967147827, + -0.044083792716264725, + -0.21070554852485657, + -0.02465132251381874, + 0.19739475846290588, + -0.13971561193466187, + 0.04778297618031502, + -0.1585693061351776, + 1.644818663597107, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/23.png", + [ + 0.18318209052085876, + -0.024111680686473846, + -0.11318499594926834, + 1.0599725246429443, + -0.03706482797861099, + -0.21297995746135712, + -0.014615966007113457, + 0.014296483248472214, + -0.10962852835655212, + 0.03171836957335472, + -0.18418312072753906, + 1.6443525552749634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/178.png", + [ + 0.1463763266801834, + -0.012619536370038986, + -0.1592564433813095, + 1.56060791015625, + -0.053438521921634674, + -0.20742279291152954, + -0.032680343836545944, + 0.2866610288619995, + -0.15055295825004578, + 0.06135493516921997, + -0.14323852956295013, + 1.4394696950912476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/36.png", + [ + 0.15122851729393005, + -0.05144484341144562, + -0.14639417827129364, + 1.3136509656906128, + -0.04264456406235695, + -0.21032775938510895, + 0.0298591461032629, + -0.37379777431488037, + -0.14919541776180267, + 0.007972144521772861, + -0.15692375600337982, + 1.3258310556411743, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/182.png", + [ + 0.15531128644943237, + -0.01788662187755108, + -0.15002118051052094, + 1.5254862308502197, + -0.050799015909433365, + -0.20880697667598724, + -0.027694815769791603, + 0.2392674684524536, + -0.14228758215904236, + 0.055023740977048874, + -0.1538652777671814, + 1.5700182914733887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/8.png", + [ + 0.17720891535282135, + -0.004952229559421539, + -0.1245807483792305, + 1.1263678073883057, + -0.02859761007130146, + -0.21234598755836487, + -0.032237447798252106, + 0.1991649568080902, + -0.12135511636734009, + 0.04280831664800644, + -0.17432233691215515, + 1.501604676246643, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/6.png", + [ + 0.1730891913175583, + -0.0010306373005732894, + -0.1303340345621109, + 1.189738392829895, + -0.026821382343769073, + -0.21231229603290558, + -0.033941060304641724, + 0.2235511839389801, + -0.12754854559898376, + 0.043247196823358536, + -0.1697319746017456, + 1.4898077249526978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/154.png", + [ + 0.15758752822875977, + -0.01609557680785656, + -0.14783434569835663, + 1.4301373958587646, + -0.04171629622578621, + -0.2115374356508255, + -0.021437183022499084, + 0.10424716770648956, + -0.14273683726787567, + 0.04405377060174942, + -0.15695014595985413, + 1.4825623035430908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/20.png", + [ + 0.1803986132144928, + -0.021761124953627586, + -0.11802834272384644, + 1.1113779544830322, + -0.03467709943652153, + -0.21344582736492157, + -0.013648242689669132, + 0.03676394000649452, + -0.11489880830049515, + 0.03025275468826294, + -0.18119308352470398, + 1.6709787845611572, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/2.png", + [ + 0.15345053374767303, + 0.0012891283258795738, + -0.15296785533428192, + 1.4872416257858276, + -0.018897511065006256, + -0.21484757959842682, + -0.020767757669091225, + 0.133102685213089, + -0.15180154144763947, + 0.028049133718013763, + -0.1520441621541977, + 1.4450466632843018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/117.png", + [ + 0.14968471229076385, + -0.02032548002898693, + -0.1553359478712082, + 1.5092161893844604, + -0.046384360641241074, + -0.21096020936965942, + -0.017093032598495483, + 0.05388538911938667, + -0.14963580667972565, + 0.045061688870191574, + -0.15008819103240967, + 1.4173046350479126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/149.png", + [ + 0.1649438440799713, + -0.01871878281235695, + -0.1392516791820526, + 1.4602125883102417, + -0.04568689316511154, + -0.2102188766002655, + -0.02585771679878235, + 0.1994333416223526, + -0.13286882638931274, + 0.0490461066365242, + -0.16397634148597717, + 1.7193857431411743, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/161.png", + [ + 0.16695907711982727, + -0.01565171778202057, + -0.13721363246440887, + 1.3688600063323975, + -0.04251923784613609, + -0.21064722537994385, + -0.027708489447832108, + 0.17900148034095764, + -0.1313951015472412, + 0.04827701672911644, + -0.16538606584072113, + 1.6150459051132202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/5.png", + [ + 0.16904407739639282, + -0.0012182298814877868, + -0.13553781807422638, + 1.2518390417099, + -0.027796875685453415, + -0.21237237751483917, + -0.03275969997048378, + 0.21521592140197754, + -0.13266244530677795, + 0.04294624552130699, + -0.1658438742160797, + 1.4797805547714233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/187.png", + [ + 0.15697762370109558, + -0.018922289833426476, + -0.14814810454845428, + 1.5409889221191406, + -0.04209958016872406, + -0.21181921660900116, + -0.01755397580564022, + 0.12958507239818573, + -0.1432952731847763, + 0.04150258004665375, + -0.15713652968406677, + 1.6376874446868896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/108.png", + [ + 0.15325607359409332, + -0.019102327525615692, + -0.15197229385375977, + 1.5656756162643433, + -0.04796919599175453, + -0.21015390753746033, + -0.02195887640118599, + 0.1749456524848938, + -0.14546282589435577, + 0.049176592379808426, + -0.15287290513515472, + 1.5972968339920044, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/60.png", + [ + 0.1718372255563736, + -0.014102657325565815, + -0.13122868537902832, + 1.1416128873825073, + -0.04000769183039665, + -0.21086385846138, + -0.02972727082669735, + 0.1102992594242096, + -0.1257745623588562, + 0.04780628904700279, + -0.16983288526535034, + 1.3983279466629028, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/147.png", + [ + 0.15659107267856598, + -0.015103243291378021, + -0.1489933431148529, + 1.5724295377731323, + -0.048961903899908066, + -0.20888632535934448, + -0.03028414212167263, + 0.27548253536224365, + -0.14152687788009644, + 0.055554378777742386, + -0.1543753445148468, + 1.6651040315628052, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/30.png", + [ + 0.17798107862472534, + -0.011807246133685112, + -0.12300904095172882, + 1.0903538465499878, + -0.03558981046080589, + -0.21144238114356995, + -0.031199006363749504, + 0.1293923556804657, + -0.11833851039409637, + 0.0458323210477829, + -0.1756225824356079, + 1.4697599411010742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/17.png", + [ + 0.1807897537946701, + -0.02081131562590599, + -0.11760039627552032, + 1.0705054998397827, + -0.033372100442647934, + -0.21366366744041443, + -0.013492400757968426, + 0.012919634580612183, + -0.11467025429010391, + 0.029370585456490517, + -0.18148277699947357, + 1.5903692245483398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/12.png", + [ + 0.16933000087738037, + -0.010678439401090145, + -0.13476350903511047, + 1.1950678825378418, + -0.035165250301361084, + -0.2120411992073059, + -0.02738325484097004, + 0.10825474560260773, + -0.1305321455001831, + 0.04327133670449257, + -0.16744206845760345, + 1.4127806425094604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/114.png", + [ + 0.1651095300912857, + -0.015270975418388844, + -0.13947592675685883, + 1.4255067110061646, + -0.04446087032556534, + -0.20998214185237885, + -0.029641538858413696, + 0.2114044576883316, + -0.13307879865169525, + 0.051207300275564194, + -0.1631433069705963, + 1.6422573328018188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/27.png", + [ + 0.15732549130916595, + -0.014117593877017498, + -0.14831478893756866, + 1.2917978763580322, + -0.033685725182294846, + -0.21348457038402557, + -0.015411379747092724, + -0.003521829843521118, + -0.14512702822685242, + 0.03424810245633125, + -0.1572040319442749, + 1.3060661554336548, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/174.png", + [ + 0.15658652782440186, + -0.01682225801050663, + -0.1488138735294342, + 1.3746289014816284, + -0.048371512442827225, + -0.20944464206695557, + -0.02722189761698246, + 0.15878671407699585, + -0.1417347937822342, + 0.052894674241542816, + -0.15511704981327057, + 1.4105647802352905, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/7.png", + [ + 0.17578938603401184, + -0.0026109495665878057, + -0.12664581835269928, + 1.1423932313919067, + -0.028070712462067604, + -0.21204562485218048, + -0.034591689705848694, + 0.22292488813400269, + -0.12352335453033447, + 0.04447171092033386, + -0.17237210273742676, + 1.4886378049850464, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/73.png", + [ + 0.16434882581233978, + -0.02112828567624092, + -0.13960999250411987, + 1.2944906949996948, + -0.036330658942461014, + -0.21334978938102722, + -0.01048052404075861, + -0.05895007401704788, + -0.13644571602344513, + 0.031358469277620316, + -0.16536960005760193, + 1.4379669427871704, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/120.png", + [ + 0.1604500710964203, + -0.011346977204084396, + -0.14517201483249664, + 1.3970643281936646, + -0.0435352586209774, + -0.2098734825849533, + -0.031712763011455536, + 0.2198536992073059, + -0.13895447552204132, + 0.05265229940414429, + -0.15769363939762115, + 1.5084789991378784, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/133.png", + [ + 0.14451858401298523, + -0.017033524811267853, + -0.1605370193719864, + 1.5210163593292236, + -0.04225853830575943, + -0.2119438201189041, + -0.015554005280137062, + 0.07861924171447754, + -0.1558091640472412, + 0.04168417304754257, + -0.1446852833032608, + 1.3761991262435913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/113.png", + [ + 0.15491650998592377, + -0.022426022216677666, + -0.14981937408447266, + 1.553128719329834, + -0.04916078969836235, + -0.21013224124908447, + -0.019379248842597008, + 0.1356687992811203, + -0.14328987896442413, + 0.04784780368208885, + -0.15532705187797546, + 1.621330976486206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/29.png", + [ + 0.1639229953289032, + -0.011622684076428413, + -0.14121635258197784, + 1.2292823791503906, + -0.03447623923420906, + -0.2127263844013214, + -0.02251153439283371, + 0.053360480815172195, + -0.13743555545806885, + 0.03950055316090584, + -0.1627853363752365, + 1.3447023630142212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/4.png", + [ + 0.16397984325885773, + -0.0010602892143651843, + -0.1416240781545639, + 1.3342394828796387, + -0.02488570846617222, + -0.21351325511932373, + -0.027215491980314255, + 0.17689964175224304, + -0.13942454755306244, + 0.036862682551145554, + -0.16170908510684967, + 1.478036880493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/9.png", + [ + 0.17717012763023376, + -0.0071225701831281185, + -0.12453071773052216, + 1.122961163520813, + -0.028018904849886894, + -0.21306540071964264, + -0.027676226571202278, + 0.15284112095832825, + -0.12154658138751984, + 0.03873373195528984, + -0.17513997852802277, + 1.4978948831558228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/25.png", + [ + 0.18171760439872742, + -0.013249583542346954, + -0.11726489663124084, + 1.0737993717193604, + -0.035220205783843994, + -0.21158131957054138, + -0.03067215159535408, + 0.12992532551288605, + -0.11263277381658554, + 0.04478495568037033, + -0.17959970235824585, + 1.5432500839233398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/99.png", + [ + 0.16304942965507507, + -0.009756292216479778, + -0.1423642635345459, + 1.4348746538162231, + -0.04510665684938431, + -0.20860770344734192, + -0.037364546209573746, + 0.31559959053993225, + -0.1353815644979477, + 0.05775408819317818, + -0.15901006758213043, + 1.6223934888839722, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/208.png", + [ + 0.16532264649868011, + -0.02527446858584881, + -0.13775888085365295, + 1.1906765699386597, + -0.04756572097539902, + -0.21058273315429688, + -0.0184476301074028, + 0.018655434250831604, + -0.13173387944698334, + 0.044317200779914856, + -0.16622294485569, + 1.3740900754928589, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/34.png", + [ + 0.16902653872966766, + -0.017533661797642708, + -0.1344265192747116, + 1.2255151271820068, + -0.041209813207387924, + -0.21133263409137726, + -0.024252044036984444, + 0.0820249617099762, + -0.12914980947971344, + 0.04448574408888817, + -0.16819405555725098, + 1.4740409851074219, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/72.png", + [ + 0.15637756884098053, + -0.028988057747483253, + -0.14715176820755005, + 1.4308031797409058, + -0.04175755754113197, + -0.21259814500808716, + -0.00249495473690331, + -0.11392918229103088, + -0.1440494954586029, + 0.030159752815961838, + -0.15902207791805267, + 1.483225703239441, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/102.png", + [ + 0.15838927030563354, + -0.012260939925909042, + -0.14734451472759247, + 1.5145623683929443, + -0.047905370593070984, + -0.208535835146904, + -0.034143462777137756, + 0.304425448179245, + -0.13987784087657928, + 0.057535815984010696, + -0.1551506221294403, + 1.6236650943756104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/134.png", + [ + 0.14707981050014496, + -0.017407801002264023, + -0.15815307199954987, + 1.5152816772460938, + -0.041654303669929504, + -0.21207502484321594, + -0.015394877642393112, + 0.09329381585121155, + -0.15355895459651947, + 0.04085403308272362, + -0.14730411767959595, + 1.4331728219985962, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/70.png", + [ + 0.1802300065755844, + -0.0297040157020092, + -0.11654486507177353, + 1.192750334739685, + -0.04439277946949005, + -0.21156616508960724, + -0.014728638343513012, + 0.04890326038002968, + -0.11177796870470047, + 0.03612925857305527, + -0.18206661939620972, + 1.8152776956558228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/135.png", + [ + 0.1474853754043579, + -0.014835081994533539, + -0.15803760290145874, + 1.5390969514846802, + -0.04191187769174576, + -0.21170997619628906, + -0.019240058958530426, + 0.1411966234445572, + -0.1530991643667221, + 0.04366584122180939, + -0.14697560667991638, + 1.4650195837020874, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/130.png", + [ + 0.15641741454601288, + -0.014070597477257252, + -0.14927662909030914, + 1.3690248727798462, + -0.04329001531004906, + -0.21076983213424683, + -0.025493979454040527, + 0.10827668011188507, + -0.1435529887676239, + 0.04822848364710808, + -0.15496595203876495, + 1.369393229484558, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/90.png", + [ + 0.13879269361495972, + -0.029135849326848984, + -0.1638157069683075, + 1.4977631568908691, + -0.054920438677072525, + -0.20939281582832336, + -0.009289204142987728, + -0.026989197358489037, + -0.15706121921539307, + 0.04747258499264717, + -0.14151331782341003, + 1.2435873746871948, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/122.png", + [ + 0.1585288643836975, + -0.01670982874929905, + -0.14675581455230713, + 1.4182968139648438, + -0.04548380523920059, + -0.21034488081932068, + -0.02518242970108986, + 0.15562830865383148, + -0.14052656292915344, + 0.04923121631145477, + -0.15740540623664856, + 1.5094276666641235, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/15.png", + [ + 0.1791076511144638, + -0.008874556049704552, + -0.12161246687173843, + 1.0776580572128296, + -0.028741970658302307, + -0.21308349072933197, + -0.026780853047966957, + 0.0948471873998642, + -0.1184999942779541, + 0.0382695347070694, + -0.177316352725029, + 1.4811592102050781, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/162.png", + [ + 0.1556982696056366, + -0.020632414147257805, + -0.14926569163799286, + 1.4596874713897705, + -0.04227270931005478, + -0.21199560165405273, + -0.014791111461818218, + 0.023984570056200027, + -0.14463388919830322, + 0.03974999859929085, + -0.15636134147644043, + 1.4702978134155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/22.png", + [ + 0.1819351315498352, + -0.025057457387447357, + -0.11497660726308823, + 1.083247184753418, + -0.03679584339261055, + -0.2132033407688141, + -0.011759994551539421, + 0.0033676549792289734, + -0.11177460849285126, + 0.029399927705526352, + -0.18327566981315613, + 1.664989709854126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/138.png", + [ + 0.15264694392681122, + -0.014934428967535496, + -0.15304821729660034, + 1.561084270477295, + -0.04409245401620865, + -0.21084608137607574, + -0.023402515798807144, + 0.1994176208972931, + -0.14731819927692413, + 0.04763176664710045, + -0.1515798568725586, + 1.5827807188034058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/109.png", + [ + 0.15898635983467102, + -0.01743844337761402, + -0.14617499709129333, + 1.5070501565933228, + -0.046206556260585785, + -0.21018743515014648, + -0.025181256234645844, + 0.21533745527267456, + -0.13977190852165222, + 0.0496491864323616, + -0.15794511139392853, + 1.6571886539459229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/26.png", + [ + 0.1827336549758911, + -0.016745904460549355, + -0.11522098630666733, + 1.0366504192352295, + -0.035221632570028305, + -0.21232594549655914, + -0.025000547990202904, + 0.07421126961708069, + -0.11097628623247147, + 0.03981413319706917, + -0.18178832530975342, + 1.5273798704147339, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/136.png", + [ + 0.14771775901317596, + -0.012034861370921135, + -0.15805858373641968, + 1.5732256174087524, + -0.03988264128565788, + -0.21192093193531036, + -0.02113732136785984, + 0.17232577502727509, + -0.15341685712337494, + 0.043503716588020325, + -0.146692156791687, + 1.4993901252746582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/63.png", + [ + 0.17047126591205597, + -0.022931290790438652, + -0.13176341354846954, + 1.2343605756759644, + -0.042897243052721024, + -0.21156270802021027, + -0.01868000626564026, + 0.1103408932685852, + -0.12667782604694366, + 0.04078323021531105, + -0.17098933458328247, + 1.6000275611877441, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/62.png", + [ + 0.17521822452545166, + -0.02446090057492256, + -0.1250924915075302, + 1.1383273601531982, + -0.042314279824495316, + -0.21175052225589752, + -0.01786377839744091, + 0.07628561556339264, + -0.1202329769730568, + 0.03887514770030975, + -0.17601320147514343, + 1.5723586082458496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/65.png", + [ + 0.16658203303813934, + -0.025042511522769928, + -0.13627615571022034, + 1.349972128868103, + -0.04525160416960716, + -0.21125370264053345, + -0.016494302079081535, + 0.12559930980205536, + -0.1309603601694107, + 0.041141729801893234, + -0.16764436662197113, + 1.6926637887954712, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/146.png", + [ + 0.15134567022323608, + -0.012697725556790829, + -0.15453527867794037, + 1.6282442808151245, + -0.04960903897881508, + -0.20856139063835144, + -0.031448204070329666, + 0.28760918974876404, + -0.14690585434436798, + 0.05734818056225777, + -0.14858582615852356, + 1.6038732528686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/119.png", + [ + 0.15649284422397614, + -0.015189996920526028, + -0.14908769726753235, + 1.4381468296051025, + -0.04732609540224075, + -0.20953677594661713, + -0.02832784131169319, + 0.17804774641990662, + -0.14219042658805847, + 0.053023483604192734, + -0.15465538203716278, + 1.471398115158081, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/180.png", + [ + 0.1551826000213623, + -0.016323454678058624, + -0.1503322869539261, + 1.5154982805252075, + -0.04971925914287567, + -0.2089398354291916, + -0.028636178001761436, + 0.2522716820240021, + -0.1428084373474121, + 0.0550052709877491, + -0.1533885896205902, + 1.55788254737854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/145.png", + [ + 0.15454554557800293, + -0.017146101221442223, + -0.15089592337608337, + 1.571982502937317, + -0.049237530678510666, + -0.20931711792945862, + -0.026643985882401466, + 0.2311534583568573, + -0.14366361498832703, + 0.053293973207473755, + -0.15319404006004333, + 1.6307271718978882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/207.png", + [ + 0.16263489425182343, + -0.0196568313986063, + -0.14181466400623322, + 1.2327114343643188, + -0.035785213112831116, + -0.21339157223701477, + -0.01146088819950819, + -0.038221076130867004, + -0.13862614333629608, + 0.032024092972278595, + -0.16341708600521088, + 1.3362846374511719, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/189.png", + [ + 0.16503025591373444, + -0.01938691921532154, + -0.1390577256679535, + 1.415919303894043, + -0.03865761682391167, + -0.21257871389389038, + -0.016240954399108887, + 0.07157422602176666, + -0.1349758803844452, + 0.03717966377735138, + -0.16536949574947357, + 1.645934820175171, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/176.png", + [ + 0.14900216460227966, + -0.01572320982813835, + -0.15652163326740265, + 1.4871749877929688, + -0.051978547126054764, + -0.20840157568454742, + -0.028546690940856934, + 0.22218558192253113, + -0.1484738141298294, + 0.057179223746061325, + -0.14708486199378967, + 1.4225025177001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/185.png", + [ + 0.1514703333377838, + -0.013329418376088142, + -0.154359832406044, + 1.594929814338684, + -0.04331472888588905, + -0.2109067440032959, + -0.024291500449180603, + 0.21038632094860077, + -0.14875638484954834, + 0.04783899337053299, + -0.15010282397270203, + 1.5647765398025513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/116.png", + [ + 0.151180699467659, + -0.01973147876560688, + -0.15395766496658325, + 1.5119632482528687, + -0.044352710247039795, + -0.21144746243953705, + -0.016453243792057037, + 0.04987294599413872, + -0.14874517917633057, + 0.0429946631193161, + -0.15157249569892883, + 1.4457781314849854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/19.png", + [ + 0.1782919466495514, + -0.020298419520258904, + -0.12144073843955994, + 1.1330597400665283, + -0.0345064140856266, + -0.21338319778442383, + -0.014993933029472828, + 0.04803112521767616, + -0.11819130927324295, + 0.03167783096432686, + -0.17881618440151215, + 1.6397262811660767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/68.png", + [ + 0.1718418449163437, + -0.02757411077618599, + -0.12906567752361298, + 1.332908272743225, + -0.04526958242058754, + -0.21135273575782776, + -0.015119009651243687, + 0.10254375636577606, + -0.12397153675556183, + 0.038956232368946075, + -0.17338211834430695, + 1.807002067565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/143.png", + [ + 0.1572033017873764, + -0.01763276942074299, + -0.1480678915977478, + 1.5200543403625488, + -0.04740738123655319, + -0.20990122854709625, + -0.025336064398288727, + 0.2001085877418518, + -0.14137734472751617, + 0.050778552889823914, + -0.15614697337150574, + 1.6220216751098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/183.png", + [ + 0.15391458570957184, + -0.015264023095369339, + -0.15174056589603424, + 1.5538067817687988, + -0.047687336802482605, + -0.2095930129289627, + -0.02728699892759323, + 0.23539891839027405, + -0.14485891163349152, + 0.052779462188482285, + -0.15224359929561615, + 1.5610729455947876, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/1.png", + [ + 0.1555764377117157, + 0.000148348743095994, + -0.1508105844259262, + 1.4741413593292236, + -0.019121645018458366, + -0.21490642428398132, + -0.019937317818403244, + 0.13074719905853271, + -0.1495935171842575, + 0.027624480426311493, + -0.15429376065731049, + 1.477649211883545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/95.png", + [ + 0.1616077721118927, + -0.008376428857445717, + -0.1440856009721756, + 1.4113491773605347, + -0.04509960487484932, + -0.20840851962566376, + -0.038468290120363235, + 0.33087190985679626, + -0.13710162043571472, + 0.05868235602974892, + -0.15718595683574677, + 1.5677014589309692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/103.png", + [ + 0.15602794289588928, + -0.012349890545010567, + -0.14983540773391724, + 1.5465415716171265, + -0.04578696936368942, + -0.2095877230167389, + -0.030404437333345413, + 0.26677483320236206, + -0.14320169389247894, + 0.05355704575777054, + -0.15353438258171082, + 1.6143224239349365, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/196.png", + [ + 0.1573798805475235, + -0.019523516297340393, + -0.14764246344566345, + 1.298982858657837, + -0.040813323110342026, + -0.21223516762256622, + -0.015440129674971104, + -0.013138297945261002, + -0.14322616159915924, + 0.03902507945895195, + -0.1578328162431717, + 1.3148928880691528, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/150.png", + [ + 0.16854040324687958, + -0.016494721174240112, + -0.13516637682914734, + 1.3961819410324097, + -0.04156700149178505, + -0.21104535460472107, + -0.026075907051563263, + 0.178487166762352, + -0.12966962158679962, + 0.046213556081056595, + -0.16732601821422577, + 1.7000377178192139, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/142.png", + [ + 0.16195668280124664, + -0.019511260092258453, + -0.14260868728160858, + 1.4605672359466553, + -0.04647878557443619, + -0.21026365458965302, + -0.024017062038183212, + 0.1839791238307953, + -0.13622646033763885, + 0.048542845994234085, + -0.1613500416278839, + 1.6651498079299927, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/186.png", + [ + 0.1593901365995407, + -0.01916986145079136, + -0.1455169916152954, + 1.5092357397079468, + -0.044296663254499435, + -0.21108458936214447, + -0.02071227692067623, + 0.17143593728542328, + -0.13993029296398163, + 0.044985659420490265, + -0.15919704735279083, + 1.661262035369873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/195.png", + [ + 0.17285850644111633, + -0.01337998453527689, + -0.1299569308757782, + 1.1731246709823608, + -0.0386398546397686, + -0.21112847328186035, + -0.02965853549540043, + 0.11166536808013916, + -0.12479899823665619, + 0.04683634266257286, + -0.1708199679851532, + 1.4495006799697876, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/51.png", + [ + 0.15568959712982178, + -0.015293275937438011, + -0.14991584420204163, + 1.29758620262146, + -0.03564911708235741, + -0.21317525207996368, + -0.015275564044713974, + -0.012440482154488564, + -0.14641648530960083, + 0.03564152121543884, + -0.15569134056568146, + 1.2824026346206665, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/128.png", + [ + 0.14679382741451263, + -0.048016227781772614, + -0.15196681022644043, + 1.4245530366897583, + -0.049861516803503036, + -0.2100716084241867, + 0.01821110025048256, + -0.29193395376205444, + -0.15137138962745667, + 0.022633099928498268, + -0.1533699482679367, + 1.3542534112930298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/93.png", + [ + 0.1547686606645584, + -0.011518711224198341, + -0.15120144188404083, + 1.430305004119873, + -0.04896685108542442, + -0.20827069878578186, + -0.03425578027963638, + 0.2733469605445862, + -0.14351586997509003, + 0.058638982474803925, + -0.15136896073818207, + 1.4543434381484985, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/76.png", + [ + 0.19681145250797272, + -0.00041709255310706794, + -0.09062547981739044, + 1.0367180109024048, + -0.020606793463230133, + -0.2112027108669281, + -0.04377976059913635, + 0.4857977330684662, + -0.08825254440307617, + 0.04838525876402855, + -0.19188083708286285, + 2.2449889183044434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/48.png", + [ + 0.1978032886981964, + 0.016068819910287857, + -0.08696866780519485, + 0.9799311757087708, + -0.0031087426468729973, + -0.211673304438591, + -0.04618052765727043, + 0.5107139348983765, + -0.08838605135679245, + 0.043406203389167786, + -0.1930069923400879, + 2.2264418601989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/35.png", + [ + 0.19080780446529388, + 0.007047242019325495, + -0.10242369025945663, + 1.1486972570419312, + -0.013365629129111767, + -0.21261882781982422, + -0.03952838107943535, + 0.435566782951355, + -0.1017921194434166, + 0.04112747684121132, + -0.186801478266716, + 2.176410675048828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/97.png", + [ + 0.20670104026794434, + -0.034046467393636703, + -0.05534817650914192, + 0.6423534750938416, + -0.04423436149954796, + -0.20891478657722473, + -0.036685552448034286, + 0.41259175539016724, + -0.04760150983929634, + 0.04629629850387573, + -0.20624898374080658, + 2.4479098320007324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/13.png", + [ + 0.19624915719032288, + 0.021320655941963196, + -0.08932854235172272, + 1.0232787132263184, + 0.0046204798854887486, + -0.21278005838394165, + -0.04063478112220764, + 0.45209020376205444, + -0.09172136336565018, + 0.034899335354566574, + -0.19317640364170074, + 2.2786941528320312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/32.png", + [ + 0.18738281726837158, + 0.009602215141057968, + -0.10836680978536606, + 1.2141270637512207, + -0.010759975761175156, + -0.2131349891424179, + -0.03749120235443115, + 0.41294723749160767, + -0.10825799405574799, + 0.03780429810285568, + -0.18384486436843872, + 2.12642240524292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/38.png", + [ + 0.18809087574481964, + 0.014107730239629745, + -0.10663343220949173, + 1.2079055309295654, + -0.004866136237978935, + -0.21346686780452728, + -0.03682531416416168, + 0.4039224684238434, + -0.10745248943567276, + 0.03436211496591568, + -0.18498946726322174, + 2.151557445526123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/111.png", + [ + 0.21182958781719208, + -0.014930196106433868, + -0.04304898530244827, + 0.49808982014656067, + -0.015584510751068592, + -0.21610647439956665, + -0.0017363523365929723, + 0.01630347967147827, + -0.04281645640730858, + 0.004793860483914614, + -0.21234798431396484, + 2.4772543907165527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/11.png", + [ + 0.196720153093338, + 0.02410472184419632, + -0.08756735175848007, + 1.003095269203186, + 0.006116365548223257, + -0.21194608509540558, + -0.04460211470723152, + 0.5021870732307434, + -0.09061825275421143, + 0.038022637367248535, + -0.1931075006723404, + 2.279409408569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/59.png", + [ + 0.20138931274414062, + 0.013393916189670563, + -0.07880892604589462, + 0.9070413112640381, + -0.008313127793371677, + -0.20894430577754974, + -0.0567544586956501, + 0.6416390538215637, + -0.0795055702328682, + 0.05577436089515686, + -0.19369041919708252, + 2.2812137603759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/105.png", + [ + 0.20647218823432922, + -0.01978234201669693, + -0.06265608221292496, + 0.7203560471534729, + -0.01988513395190239, + -0.21574468910694122, + 0.0025888574309647083, + -0.04836026206612587, + -0.062623530626297, + 0.0032832527067512274, + -0.2074015587568283, + 2.4439826011657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/24.png", + [ + 0.1917722076177597, + 0.008350299671292305, + -0.10050662606954575, + 1.1416932344436646, + -0.0036926644388586283, + -0.21520450711250305, + -0.02492544800043106, + 0.2725207805633545, + -0.10078529268503189, + 0.023773647844791412, + -0.19032874703407288, + 2.2450547218322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/74.png", + [ + 0.1965140998363495, + 0.0004930333816446364, + -0.09126807004213333, + 1.0435494184494019, + -0.02167636901140213, + -0.21021991968154907, + -0.04780814051628113, + 0.5323432683944702, + -0.08865799754858017, + 0.05249038338661194, + -0.1906106323003769, + 2.226985454559326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/98.png", + [ + 0.20590750873088837, + -0.03422621265053749, + -0.05812537297606468, + 0.6753492951393127, + -0.04401575028896332, + -0.20965717732906342, + -0.03247123956680298, + 0.3613029718399048, + -0.051113665103912354, + 0.042665377259254456, + -0.2061915546655655, + 2.450160026550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/0.png", + [ + 0.1996939778327942, + 0.023381493985652924, + -0.08076826483011246, + 0.9307767748832703, + 0.005822831764817238, + -0.21147482097148895, + -0.04682300612330437, + 0.5236064791679382, + -0.08388266712427139, + 0.04098298400640488, + -0.1955299973487854, + 2.2523365020751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/96.png", + [ + 0.20729778707027435, + -0.03519396856427193, + -0.05231548100709915, + 0.6045506000518799, + -0.0455484502017498, + -0.20790140330791473, + -0.04062309116125107, + 0.4608248174190521, + -0.04359889402985573, + 0.04986262694001198, + -0.20630256831645966, + 2.446877956390381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/100.png", + [ + 0.2039748728275299, + -0.03354011848568916, + -0.06493999809026718, + 0.7587231397628784, + -0.04168449714779854, + -0.21151843667030334, + -0.021685203537344933, + 0.2352912724018097, + -0.06003786623477936, + 0.03290753811597824, + -0.2055734544992447, + 2.442563056945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/40.png", + [ + 0.1863957792520523, + 0.019189834594726562, + -0.10879454761743546, + 1.234066367149353, + 0.0007900379714556038, + -0.2136068046092987, + -0.03632368892431259, + 0.4003876745700836, + -0.11047118157148361, + 0.030851006507873535, + -0.18382664024829865, + 2.12687349319458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/52.png", + [ + 0.2028559446334839, + 0.013838431797921658, + -0.07487227022647858, + 0.8473886847496033, + -0.0024731382727622986, + -0.2117559313774109, + -0.04583887755870819, + 0.5039762854576111, + -0.07610020786523819, + 0.043770045042037964, + -0.1980929970741272, + 2.2897701263427734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/3.png", + [ + 0.19983047246932983, + 0.027829114347696304, + -0.07900136709213257, + 0.90549635887146, + 0.012518309988081455, + -0.21199321746826172, + -0.04301246255636215, + 0.48187729716300964, + -0.08281887322664261, + 0.0351044237613678, + -0.1971207857131958, + 2.305107593536377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/47.png", + [ + 0.19700363278388977, + 0.016206709668040276, + -0.08874013274908066, + 0.9995973110198975, + -0.0032984050922095776, + -0.21171240508556366, + -0.04598775506019592, + 0.5082892179489136, + -0.09014759212732315, + 0.04316358640789986, + -0.19224518537521362, + 2.221101760864258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/104.png", + [ + 0.2060982584953308, + -0.023425821214914322, + -0.06263090670108795, + 0.7236013412475586, + -0.02547680214047432, + -0.2151453047990799, + -0.003365259151905775, + 0.02192312851548195, + -0.061825014650821686, + 0.010565194301307201, + -0.20739801228046417, + 2.4491543769836426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/21.png", + [ + 0.19414609670639038, + 0.010182877071201801, + -0.09566342085599899, + 1.088772177696228, + -0.0009279060177505016, + -0.2152492105960846, + -0.024795323610305786, + 0.26933878660202026, + -0.09619937837123871, + 0.022626932710409164, + -0.1928253024816513, + 2.2718119621276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/82.png", + [ + 0.20537880063056946, + -0.018278134986758232, + -0.06658342480659485, + 0.7610106468200684, + -0.031939394772052765, + -0.21039551496505737, + -0.04076146334409714, + 0.4630200266838074, + -0.061215344816446304, + 0.04845133051276207, + -0.20212136209011078, + 2.3683114051818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/106.png", + [ + 0.20707131922245026, + -0.015742778778076172, + -0.06181849166750908, + 0.7087320685386658, + -0.014089563861489296, + -0.21607422828674316, + 0.007830399088561535, + -0.10997074842453003, + -0.062216125428676605, + -0.0034635127522051334, + -0.2075212299823761, + 2.439807415008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/14.png", + [ + 0.19561631977558136, + 0.020515568554401398, + -0.09089145809412003, + 1.0448508262634277, + 0.004752098582684994, + -0.21327897906303406, + -0.03791282698512077, + 0.4200672507286072, + -0.09305676817893982, + 0.03223470598459244, + -0.1930006593465805, + 2.2804059982299805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/67.png", + [ + 0.1986064910888672, + 0.012829873710870743, + -0.08566650003194809, + 0.9836248755455017, + -0.01705297641456127, + -0.204300194978714, + -0.07013217359781265, + 0.8038589954376221, + -0.08492673933506012, + 0.07102619111537933, + -0.18625418841838837, + 2.1848058700561523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/78.png", + [ + 0.19770407676696777, + -0.0008958601392805576, + -0.08865771442651749, + 1.0169695615768433, + -0.019556844606995583, + -0.21176770329475403, + -0.04147133231163025, + 0.4560513198375702, + -0.08647844940423965, + 0.04584254324436188, + -0.19330760836601257, + 2.2707042694091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/31.png", + [ + 0.18579170107841492, + 0.00843340065330267, + -0.11116752028465271, + 1.2441612482070923, + -0.012036766856908798, + -0.2132735401391983, + -0.036296144127845764, + 0.4000873863697052, + -0.1108352541923523, + 0.03729841485619545, + -0.18240687251091003, + 2.1068358421325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/39.png", + [ + 0.1846773326396942, + 0.0185772106051445, + -0.111790232360363, + 1.2706998586654663, + -0.0002768079284578562, + -0.2136688232421875, + -0.03596459701657295, + 0.39472290873527527, + -0.11332296580076218, + 0.030796365812420845, + -0.18209168314933777, + 2.112539768218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/92.png", + [ + 0.20878902077674866, + -0.035052020102739334, + -0.046112846583127975, + 0.5313416123390198, + -0.04548431560397148, + -0.20602115988731384, + -0.04933913052082062, + 0.5708182454109192, + -0.03586384654045105, + 0.057223498821258545, + -0.20588140189647675, + 2.441767692565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/53.png", + [ + 0.20340867340564728, + 0.012008078396320343, + -0.07367909699678421, + 0.8344895839691162, + -0.00340933445841074, + -0.21213564276695251, + -0.04398573189973831, + 0.4824065864086151, + -0.0745733231306076, + 0.04245202615857124, + -0.1989586353302002, + 2.303280830383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/75.png", + [ + 0.19688355922698975, + 0.000776286527980119, + -0.09046627581119537, + 1.0333988666534424, + -0.019896654412150383, + -0.21099033951759338, + -0.04511198401451111, + 0.500647783279419, + -0.08825459331274033, + 0.049298737198114395, + -0.1916472166776657, + 2.238842487335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/87.png", + [ + 0.2060060054063797, + -0.03987598046660423, + -0.054030779749155045, + 0.6220649480819702, + -0.04783890023827553, + -0.20949271321296692, + -0.027787357568740845, + 0.29783034324645996, + -0.04712599143385887, + 0.038348447531461716, + -0.20798180997371674, + 2.4690394401550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/107.png", + [ + 0.20800992846488953, + -0.013323922641575336, + -0.059179726988077164, + 0.6772461533546448, + -0.011434709653258324, + -0.21620623767375946, + 0.008485707454383373, + -0.11454473435878754, + -0.05957360565662384, + -0.0050232368521392345, + -0.20826339721679688, + 2.444326400756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/69.png", + [ + 0.1966751217842102, + 0.010041831992566586, + -0.09036567807197571, + 1.036356806755066, + -0.018361391499638557, + -0.2065255045890808, + -0.06291241943836212, + 0.7099965214729309, + -0.0890485942363739, + 0.06476322561502457, + -0.1866118162870407, + 2.1884512901306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/45.png", + [ + 0.19705240428447723, + 0.01690761186182499, + -0.08850071579217911, + 0.994860827922821, + -0.002987281884998083, + -0.21148258447647095, + -0.04705404117703438, + 0.5224198698997498, + -0.09005177021026611, + 0.044012948870658875, + -0.192097470164299, + 2.2187247276306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/50.png", + [ + 0.20038661360740662, + 0.01501665823161602, + -0.08104071021080017, + 0.9146450757980347, + -0.0029295841231942177, + -0.21161562204360962, + -0.04645577818155289, + 0.5118703246116638, + -0.0823681578040123, + 0.04405929893255234, + -0.19550487399101257, + 2.257981777191162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/101.png", + [ + 0.20489241182804108, + -0.031943563371896744, + -0.06282198429107666, + 0.731107234954834, + -0.03861348330974579, + -0.21245267987251282, + -0.017909565940499306, + 0.19263166189193726, + -0.0589575357735157, + 0.028131166473031044, + -0.20659270882606506, + 2.4495792388916016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/85.png", + [ + 0.20643575489521027, + -0.03570706024765968, + -0.05529177188873291, + 0.6350266337394714, + -0.04412105679512024, + -0.21014031767845154, + -0.0290218498557806, + 0.31328779458999634, + -0.048841651529073715, + 0.038909390568733215, + -0.20748119056224823, + 2.4551892280578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/71.png", + [ + 0.1975371241569519, + 0.005030697211623192, + -0.08889132738113403, + 1.016809344291687, + -0.021189553663134575, + -0.20745618641376495, + -0.05882883816957474, + 0.6610198020935059, + -0.08647530525922775, + 0.06232593581080437, + -0.18864092230796814, + 2.2047853469848633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/54.png", + [ + 0.2027939409017563, + 0.012416545301675797, + -0.07528837025165558, + 0.8570759892463684, + -0.0028041712939739227, + -0.2124297022819519, + -0.042587075382471085, + 0.46714603900909424, + -0.07625383138656616, + 0.04083322361111641, + -0.1986602544784546, + 2.3084583282470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/33.png", + [ + 0.18741263449192047, + 0.00956684723496437, + -0.10831842571496964, + 1.2171655893325806, + -0.011271556839346886, + -0.21296267211437225, + -0.03831123933196068, + 0.4226357042789459, + -0.10815432667732239, + 0.038772087544202805, + -0.18370428681373596, + 2.132248878479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/49.png", + [ + 0.19932019710540771, + 0.015056472271680832, + -0.08362210541963577, + 0.9432996511459351, + -0.003242254024371505, + -0.21174244582653046, + -0.045853205025196075, + 0.5056730508804321, + -0.08490489423274994, + 0.04343191161751747, + -0.19455775618553162, + 2.2449073791503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/110.png", + [ + 0.21133829653263092, + -0.013208291493356228, + -0.04593002051115036, + 0.5260622501373291, + -0.012746132910251617, + -0.2162703573703766, + 0.0035448723938316107, + -0.04908145219087601, + -0.04606041684746742, + -0.000755682063754648, + -0.21172095835208893, + 2.4732141494750977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/18.png", + [ + 0.19596444070339203, + 0.016891516745090485, + -0.09088730812072754, + 1.0414153337478638, + 0.005218395963311195, + -0.21470841765403748, + -0.028652306646108627, + 0.31471461057662964, + -0.09229623526334763, + 0.023724732920527458, + -0.19459301233291626, + 2.296494960784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/66.png", + [ + 0.20073974132537842, + 0.011469833552837372, + -0.0807458832859993, + 0.9241856336593628, + -0.01668091118335724, + -0.20421195030212402, + -0.07047788798809052, + 0.8072832226753235, + -0.07983233034610748, + 0.07151103764772415, + -0.18831056356430054, + 2.2104196548461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/16.png", + [ + 0.19494710862636566, + 0.01920998841524124, + -0.0925985798239708, + 1.0670058727264404, + 0.004775193054229021, + -0.21388626098632812, + -0.034318484365940094, + 0.38237103819847107, + -0.09444954246282578, + 0.028836382552981377, + -0.19286170601844788, + 2.282360076904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/94.png", + [ + 0.20891167223453522, + -0.032932013273239136, + -0.04710936173796654, + 0.5423851013183594, + -0.04337504133582115, + -0.20684805512428284, + -0.04775334522128105, + 0.5479438900947571, + -0.037714920938014984, + 0.05547304451465607, + -0.20602966845035553, + 2.440892219543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/28.png", + [ + 0.18467170000076294, + 0.007441858295351267, + -0.11308793723583221, + 1.280827522277832, + -0.011297534219920635, + -0.21392127871513367, + -0.032526083290576935, + 0.35102957487106323, + -0.1127680167555809, + 0.03361843153834343, + -0.18193700909614563, + 2.119050979614258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/61.png", + [ + 0.20045633614063263, + 0.012540311552584171, + -0.08128893375396729, + 0.9367292523384094, + -0.01766429841518402, + -0.20258109271526337, + -0.07481154054403305, + 0.8735303282737732, + -0.08033133298158646, + 0.07583887130022049, + -0.18639537692070007, + 2.191758155822754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/58.png", + [ + 0.20165608823299408, + 0.013966409489512444, + -0.07802345603704453, + 0.8966041207313538, + -0.004658544436097145, + -0.2108275145292282, + -0.049778979271650314, + 0.5528124570846558, + -0.07912658900022507, + 0.048006121069192886, + -0.19591397047042847, + 2.3055500984191895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/64.png", + [ + 0.2026236653327942, + 0.010116451419889927, + -0.07608684152364731, + 0.8721423149108887, + -0.01533002033829689, + -0.20512333512306213, + -0.06809777021408081, + 0.7780835628509521, + -0.07520998269319534, + 0.06906498968601227, + -0.1911056786775589, + 2.245934009552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/10.png", + [ + 0.19814655184745789, + 0.02197105437517166, + -0.08487111330032349, + 0.970728874206543, + 0.004849503748118877, + -0.21218565106391907, + -0.04360765218734741, + 0.49120399355888367, + -0.08753465116024017, + 0.03797917440533638, + -0.19453318417072296, + 2.2949962615966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/41.png", + [ + 0.18967579305171967, + 0.018487857654690742, + -0.10309796035289764, + 1.1645252704620361, + 0.0011702652554959059, + -0.2136334478855133, + -0.03615641966462135, + 0.3989224433898926, + -0.10473597049713135, + 0.031094297766685486, + -0.18711338937282562, + 2.1647238731384277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/91.png", + [ + 0.20796765387058258, + -0.03755711764097214, + -0.04782062768936157, + 0.5525276064872742, + -0.04815090447664261, + -0.20578041672706604, + -0.04778923839330673, + 0.5516718029975891, + -0.037132736295461655, + 0.056495875120162964, + -0.20585741102695465, + 2.442699432373047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/23.png", + [ + 0.19286265969276428, + 0.008052632212638855, + -0.09842275083065033, + 1.117380976676941, + -0.0036083171144127846, + -0.2152341902256012, + -0.024680383503437042, + 0.26926639676094055, + -0.09868568181991577, + 0.023607127368450165, + -0.1914464235305786, + 2.2552289962768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/37.png", + [ + 0.19077534973621368, + 0.010692055337131023, + -0.10216821730136871, + 1.1511497497558594, + -0.008185449056327343, + -0.21323037147521973, + -0.037599291652441025, + 0.4119069278240204, + -0.10239952802658081, + 0.03696468845009804, + -0.18733885884284973, + 2.1855320930480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/36.png", + [ + 0.19185227155685425, + 0.0065500251948833466, + -0.10048730671405792, + 1.1265689134597778, + -0.012733733281493187, + -0.21290220320224762, + -0.038189008831977844, + 0.41916441917419434, + -0.09989219903945923, + 0.0397195890545845, + -0.1881270706653595, + 2.194654941558838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/8.png", + [ + 0.19807223975658417, + 0.024864662438631058, + -0.08424390107393265, + 0.9656746983528137, + 0.008977147750556469, + -0.21245425939559937, + -0.04159921035170555, + 0.46509742736816406, + -0.08737675100564957, + 0.03453740105032921, + -0.19524437189102173, + 2.3039703369140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/6.png", + [ + 0.1991080343723297, + 0.0253450945019722, + -0.08161808550357819, + 0.9343069791793823, + 0.01056963112205267, + -0.21264129877090454, + -0.04024739935994148, + 0.45023030042648315, + -0.0848066508769989, + 0.03300297632813454, + -0.1966380774974823, + 2.315065860748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/20.png", + [ + 0.19366860389709473, + 0.012319580651819706, + -0.09637733548879623, + 1.099557638168335, + 0.0006826277822256088, + -0.21509306132793427, + -0.026122871786355972, + 0.2849285900592804, + -0.09715913236141205, + 0.023045571520924568, + -0.19229377806186676, + 2.269591808319092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/2.png", + [ + 0.20023885369300842, + 0.026909606531262398, + -0.07828263193368912, + 0.8973490595817566, + 0.011469247750937939, + -0.2119489312171936, + -0.043520163744688034, + 0.4886716902256012, + -0.08198019862174988, + 0.03607522323727608, + -0.19729602336883545, + 2.2994842529296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/5.png", + [ + 0.19981922209262848, + 0.026681242510676384, + -0.07942475378513336, + 0.9075700044631958, + 0.01176291424781084, + -0.21229401230812073, + -0.04172266274690628, + 0.4666503667831421, + -0.0829567015171051, + 0.034165158867836, + -0.1972278505563736, + 2.3153576850891113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/108.png", + [ + 0.20904313027858734, + -0.011059105396270752, + -0.05591569468379021, + 0.6374974846839905, + -0.009130380116403103, + -0.21630939841270447, + 0.008647754788398743, + -0.11505921185016632, + -0.056262824684381485, + -0.005986958276480436, + -0.20915676653385162, + 2.4462075233459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/60.png", + [ + 0.2014790028333664, + 0.011824682354927063, + -0.07883073389530182, + 0.9084613919258118, + -0.014127606526017189, + -0.20558814704418182, + -0.0669463574886322, + 0.7734378576278687, + -0.07845073193311691, + 0.06739126145839691, + -0.19039903581142426, + 2.237901210784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/56.png", + [ + 0.20244677364826202, + 0.012348408810794353, + -0.076228067278862, + 0.8723794221878052, + -0.003061078954488039, + -0.2124350666999817, + -0.042542606592178345, + 0.4658104479312897, + -0.07716107368469238, + 0.040825970470905304, + -0.19831113517284393, + 2.314645290374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/30.png", + [ + 0.18502500653266907, + 0.005486768204718828, + -0.11262118071317673, + 1.2625662088394165, + -0.015938157215714455, + -0.21297229826450348, + -0.036560505628585815, + 0.40253108739852905, + -0.11162262409925461, + 0.039504311978816986, + -0.18145987391471863, + 2.099644184112549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/17.png", + [ + 0.1953865885734558, + 0.01962217688560486, + -0.09158032387495041, + 1.0530118942260742, + 0.0069859642535448074, + -0.21432912349700928, + -0.03101801872253418, + 0.34110280871391296, + -0.09339796751737595, + 0.02501782216131687, + -0.19390414655208588, + 2.292628765106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/12.png", + [ + 0.19635744392871857, + 0.022488320246338844, + -0.08880271017551422, + 1.0169764757156372, + 0.004975419957190752, + -0.21235226094722748, + -0.04277442768216133, + 0.4787242114543915, + -0.09147071838378906, + 0.036724403500556946, + -0.19295679032802582, + 2.278042793273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/27.png", + [ + 0.1840357631444931, + 0.010224107652902603, + -0.11390432715415955, + 1.29449462890625, + -0.007288579363375902, + -0.21431969106197357, + -0.03101363033056259, + 0.3344992399215698, + -0.11412978172302246, + 0.030173437669873238, + -0.18169164657592773, + 2.1265811920166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/42.png", + [ + 0.19192974269390106, + 0.01719215326011181, + -0.0990721583366394, + 1.1171132326126099, + -0.00031666745780967176, + -0.21337971091270447, + -0.03764159977436066, + 0.41468867659568787, + -0.1005522757768631, + 0.03348761051893234, + -0.18898601830005646, + 2.188262939453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/7.png", + [ + 0.1984851360321045, + 0.02417711354792118, + -0.08346861600875854, + 0.9556223154067993, + 0.008878505788743496, + -0.21267278492450714, + -0.04048902168869972, + 0.45238229632377625, + -0.08644485473632812, + 0.033669810742139816, + -0.19580991566181183, + 2.309164524078369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/73.png", + [ + 0.1968795657157898, + 0.0015722884563729167, + -0.09046466648578644, + 1.0352082252502441, + -0.0219266340136528, + -0.2093549221754074, + -0.05135788023471832, + 0.5737387537956238, + -0.08778126537799835, + 0.05582057684659958, + -0.19006948173046112, + 2.220055103302002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/46.png", + [ + 0.19680386781692505, + 0.01650235801935196, + -0.08912801742553711, + 1.002899408340454, + -0.0034320710692554712, + -0.21154405176639557, + -0.046746477484703064, + 0.5178835391998291, + -0.0905778780579567, + 0.04387122392654419, + -0.1918824166059494, + 2.2171621322631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/57.png", + [ + 0.20224592089653015, + 0.01258498802781105, + -0.07672096788883209, + 0.8810358643531799, + -0.003886428428813815, + -0.21191321313381195, + -0.045006461441516876, + 0.4956021010875702, + -0.07764911651611328, + 0.04338552802801132, + -0.19757582247257233, + 2.316065788269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/44.png", + [ + 0.19516083598136902, + 0.01839020662009716, + -0.09231435507535934, + 1.0377928018569946, + -0.0008739322074688971, + -0.2121358960866928, + -0.04410776123404503, + 0.4885600507259369, + -0.09412425756454468, + 0.04010060802102089, + -0.19099858403205872, + 2.210474967956543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/29.png", + [ + 0.18337379395961761, + 0.006341679487377405, + -0.11524636298418045, + 1.299918532371521, + -0.01414650771766901, + -0.21348130702972412, + -0.034256432205438614, + 0.3731875717639923, + -0.11455049365758896, + 0.03651588410139084, + -0.18025721609592438, + 2.0949883460998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/4.png", + [ + 0.1998058557510376, + 0.027892526239156723, + -0.07904129475355148, + 0.902289628982544, + 0.012571249157190323, + -0.21198678016662598, + -0.04302862659096718, + 0.48157551884651184, + -0.08287028223276138, + 0.03509282320737839, + -0.19710125029087067, + 2.3110108375549316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/55.png", + [ + 0.20249535143375397, + 0.012007640674710274, + -0.07615342736244202, + 0.8701419830322266, + -0.0032011528965085745, + -0.21253618597984314, + -0.04202406853437424, + 0.4605954885482788, + -0.07702778279781342, + 0.040399085730314255, + -0.19845031201839447, + 2.309295654296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/9.png", + [ + 0.19837462902069092, + 0.022624410688877106, + -0.08416375517845154, + 0.9641949534416199, + 0.0061681088991463184, + -0.21236629784107208, + -0.04254879429936409, + 0.4777607023715973, + -0.08693306893110275, + 0.03655928373336792, + -0.19507421553134918, + 2.3034472465515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/25.png", + [ + 0.19017741084098816, + 0.009631160646677017, + -0.10338129103183746, + 1.1762397289276123, + -0.0030582300387322903, + -0.21512724459171295, + -0.025667419657111168, + 0.2786236107349396, + -0.10378390550613403, + 0.023987704887986183, + -0.18868328630924225, + 2.224165916442871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/99.png", + [ + 0.20475834608078003, + -0.034442026168107986, + -0.06193265691399574, + 0.7220199704170227, + -0.04363473504781723, + -0.21048426628112793, + -0.027208128944039345, + 0.2987348139286041, + -0.05583832040429115, + 0.038184016942977905, + -0.20584449172019958, + 2.446140766143799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/34.png", + [ + 0.1901177316904068, + 0.008800223469734192, + -0.10356494039297104, + 1.1624027490615845, + -0.01171269454061985, + -0.21270747482776642, + -0.039575785398483276, + 0.43661096692085266, + -0.10327611118555069, + 0.04032352194190025, + -0.1861611008644104, + 2.162153720855713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/72.png", + [ + 0.19686897099018097, + 0.0036711166612803936, + -0.09042692929506302, + 1.0351101160049438, + -0.021626142784953117, + -0.20831601321697235, + -0.05553952232003212, + 0.6237140893936157, + -0.08787956088781357, + 0.05948824808001518, + -0.18890798091888428, + 2.2073750495910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/102.png", + [ + 0.20514607429504395, + -0.028834225609898567, + -0.06349465250968933, + 0.7387614250183105, + -0.03421706706285477, + -0.2135239541530609, + -0.01358695700764656, + 0.1429557204246521, + -0.060763269662857056, + 0.022891061380505562, + -0.20671652257442474, + 2.4451522827148438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/70.png", + [ + 0.19633503258228302, + 0.0073888846673071384, + -0.09135568886995316, + 1.0471887588500977, + -0.020232267677783966, + -0.2071477472782135, + -0.06023590639233589, + 0.677731454372406, + -0.08939302712678909, + 0.06311190873384476, + -0.18701249361038208, + 2.1909804344177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/90.png", + [ + 0.2073018103837967, + -0.03917543590068817, + -0.049387626349925995, + 0.5718593001365662, + -0.049461767077445984, + -0.20632420480251312, + -0.04395178332924843, + 0.5033731460571289, + -0.03908178582787514, + 0.053324587643146515, + -0.2063419371843338, + 2.4520263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/15.png", + [ + 0.19559603929519653, + 0.01929873786866665, + -0.09120111912488937, + 1.0492674112319946, + 0.004171344917267561, + -0.21358023583889008, + -0.03624879941344261, + 0.40254250168800354, + -0.09312725067138672, + 0.030966663733124733, + -0.19317421317100525, + 2.2839789390563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/22.png", + [ + 0.19388419389724731, + 0.008974784053862095, + -0.09631337970495224, + 1.0939178466796875, + -0.0018270505825057626, + -0.21536174416542053, + -0.02374604344367981, + 0.2559681534767151, + -0.0967133566737175, + 0.02206050604581833, + -0.1926337331533432, + 2.2666735649108887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/109.png", + [ + 0.2098947912454605, + -0.010605625808238983, + -0.052721891552209854, + 0.604343593120575, + -0.008796650916337967, + -0.21632921695709229, + 0.008496200665831566, + -0.11074218153953552, + -0.053053706884384155, + -0.006089924369007349, + -0.2099907547235489, + 2.452904224395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/26.png", + [ + 0.18710952997207642, + 0.010658943094313145, + -0.10873961448669434, + 1.2396010160446167, + -0.004421464167535305, + -0.21472583711147308, + -0.02865605428814888, + 0.3117178678512573, + -0.1091712936758995, + 0.02696489728987217, + -0.18520914018154144, + 2.1771273612976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/43.png", + [ + 0.19459980726242065, + 0.017140088602900505, + -0.0937284305691719, + 1.0548030138015747, + -0.0009104365017265081, + -0.21279586851596832, + -0.040804166346788406, + 0.450893759727478, + -0.09527839720249176, + 0.03704087436199188, + -0.19104422628879547, + 2.2091526985168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/84.png", + [ + 0.2065345048904419, + -0.030972572043538094, + -0.05772431939840317, + 0.6597231030464172, + -0.04048759862780571, + -0.21044757962226868, + -0.031944647431373596, + 0.3526811897754669, + -0.05149904638528824, + 0.04123597592115402, + -0.20638638734817505, + 2.4396800994873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/89.png", + [ + 0.20612263679504395, + -0.04003223404288292, + -0.053467486053705215, + 0.6200315952301025, + -0.05002831295132637, + -0.20745040476322174, + -0.03754177689552307, + 0.4217965602874756, + -0.04425516352057457, + 0.048058684915304184, + -0.20659074187278748, + 2.460663318634033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/63.png", + [ + 0.20198318362236023, + 0.011692927218973637, + -0.07754980772733688, + 0.8941385746002197, + -0.015512663871049881, + -0.20406314730644226, + -0.07117222994565964, + 0.8222724199295044, + -0.07687687128782272, + 0.07189857214689255, + -0.1893896460533142, + 2.2256088256835938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/88.png", + [ + 0.20610810816287994, + -0.039436936378479004, + -0.05396360531449318, + 0.6249200105667114, + -0.04837408289313316, + -0.20873436331748962, + -0.0322151780128479, + 0.35285910964012146, + -0.04612256586551666, + 0.04269189015030861, + -0.20735961198806763, + 2.466068744659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/62.png", + [ + 0.2005080133676529, + 0.012406455352902412, + -0.08118195831775665, + 0.9361541867256165, + -0.01828211173415184, + -0.20207005739212036, + -0.07603515684604645, + 0.8882762789726257, + -0.08006369322538376, + 0.07721179723739624, + -0.18594633042812347, + 2.18607759475708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/65.png", + [ + 0.20231689512729645, + 0.009240991435945034, + -0.0770089253783226, + 0.8802073001861572, + -0.01670270413160324, + -0.20489276945590973, + -0.06846806406974792, + 0.7810543179512024, + -0.07574159651994705, + 0.06986745446920395, + -0.1906033605337143, + 2.2408833503723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/80.png", + [ + 0.19913047552108765, + -0.006945767439901829, + -0.0851275771856308, + 0.9793672561645508, + -0.024024533107876778, + -0.2117926925420761, + -0.038917507976293564, + 0.4302341341972351, + -0.08196201175451279, + 0.045205164700746536, + -0.19541394710540771, + 2.3035635948181152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/79.png", + [ + 0.19941666722297668, + -0.0016988825518637896, + -0.08472304791212082, + 0.9745579957962036, + -0.018955426290631294, + -0.21203605830669403, + -0.04036450386047363, + 0.44315874576568604, + -0.08259281516075134, + 0.044561367481946945, + -0.19529619812965393, + 2.2953224182128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/19.png", + [ + 0.19514690339565277, + 0.014565304853022099, + -0.09302382916212082, + 1.0652132034301758, + 0.0028377422131597996, + -0.21487903594970703, + -0.027691850438714027, + 0.30435019731521606, + -0.09411443769931793, + 0.02372221276164055, + -0.1937204748392105, + 2.2855324745178223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/77.png", + [ + 0.19739803671836853, + -0.0017713746055960655, + -0.0893239974975586, + 1.0239136219024658, + -0.02112349309027195, + -0.21141529083251953, + -0.0424884669482708, + 0.46910759806632996, + -0.08680848032236099, + 0.047416601330041885, + -0.1927792727947235, + 2.2597875595092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/68.png", + [ + 0.19750091433525085, + 0.012367711402475834, + -0.08825146406888962, + 1.0134689807891846, + -0.016832808032631874, + -0.20553737878799438, + -0.06647506356239319, + 0.7551658749580383, + -0.0875096395611763, + 0.06744863837957382, + -0.18638840317726135, + 2.185328483581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/86.png", + [ + 0.20626315474510193, + -0.03812306746840477, + -0.05431419238448143, + 0.6260145306587219, + -0.04599159210920334, + -0.20997285842895508, + -0.027277635410428047, + 0.29185765981674194, + -0.0478348545730114, + 0.037495702505111694, + -0.20797546207904816, + 2.4659738540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/1.png", + [ + 0.2006487101316452, + 0.024907024577260017, + -0.07789500802755356, + 0.8944976925849915, + 0.00881525781005621, + -0.21176570653915405, + -0.04500524327158928, + 0.5046096444129944, + -0.08130364120006561, + 0.03850741311907768, + -0.1971161961555481, + 2.285128593444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/81.png", + [ + 0.20254237949848175, + -0.012087132781744003, + -0.07601567357778549, + 0.8699624538421631, + -0.028005672618746758, + -0.210891991853714, + -0.04108699783682823, + 0.4618314206600189, + -0.07169493287801743, + 0.04823235049843788, + -0.1986992061138153, + 2.3340301513671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/95.png", + [ + 0.20840924978256226, + -0.03388872370123863, + -0.04863161966204643, + 0.559825599193573, + -0.044128723442554474, + -0.2073938548564911, + -0.044590748846530914, + 0.5090190172195435, + -0.03957443684339523, + 0.05279425159096718, + -0.20638442039489746, + 2.444758892059326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/103.png", + [ + 0.20552942156791687, + -0.026304904371500015, + -0.0633530393242836, + 0.7348364591598511, + -0.03045382723212242, + -0.21429899334907532, + -0.009818674996495247, + 0.09794451296329498, + -0.061466414481401443, + 0.01821795664727688, + -0.2069731503725052, + 2.445331573486328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/83.png", + [ + 0.20534829795360565, + -0.024085164070129395, + -0.06480644643306732, + 0.7410925030708313, + -0.03612571954727173, + -0.2105492502450943, + -0.03621925413608551, + 0.40977156162261963, + -0.05894830822944641, + 0.04513099044561386, + -0.2035588026046753, + 2.3959412574768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/51.png", + [ + 0.20132222771644592, + 0.015353691764175892, + -0.07862260937690735, + 0.8891110420227051, + -0.001952244550921023, + -0.2116541564464569, + -0.04633148014545441, + 0.5090782046318054, + -0.08008395880460739, + 0.04375707730650902, + -0.196519136428833, + 2.273078441619873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/93.png", + [ + 0.209061861038208, + -0.03357595205307007, + -0.045974887907505035, + 0.5282137989997864, + -0.04399745911359787, + -0.2063334733247757, + -0.04938233643770218, + 0.5698516964912415, + -0.036128364503383636, + 0.056982867419719696, + -0.2059018909931183, + 2.439134120941162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/76.png", + [ + 0.2008623331785202, + -0.048385582864284515, + -0.06527674943208694, + 0.7624949216842651, + -0.04977162927389145, + -0.2108573168516159, + 0.0031436632853001356, + -0.05335981398820877, + -0.0642261952161789, + 0.01208026334643364, + -0.20658403635025024, + 2.4503965377807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/48.png", + [ + 0.19893160462379456, + -0.04338391125202179, + -0.07410766184329987, + 0.8367884159088135, + -0.043517403304576874, + -0.21213161945343018, + 0.007369185797870159, + -0.0951964408159256, + -0.0740293487906456, + 0.008118204772472382, + -0.20347395539283752, + 2.3480124473571777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/35.png", + [ + 0.19918908178806305, + -0.042253125458955765, + -0.07406940311193466, + 0.8397159576416016, + -0.043426379561424255, + -0.21223494410514832, + 0.004286925308406353, + -0.05808606743812561, + -0.07338770478963852, + 0.010904171504080296, + -0.20357613265514374, + 2.359631061553955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/97.png", + [ + 0.1997959315776825, + -0.038218867033720016, + -0.07462438195943832, + 0.8643020987510681, + -0.031319040805101395, + -0.21291403472423553, + 0.025191722437739372, + -0.3070051968097687, + -0.07777272164821625, + -0.012442799285054207, + -0.20185260474681854, + 2.3832645416259766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/13.png", + [ + 0.20352928340435028, + -0.047225963324308395, + -0.0573885478079319, + 0.6589961051940918, + -0.05213672295212746, + -0.20995864272117615, + -0.012125205248594284, + 0.12683677673339844, + -0.052966970950365067, + 0.025198543444275856, + -0.20858435332775116, + 2.430323600769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/32.png", + [ + 0.19823047518730164, + -0.04828532785177231, + -0.07294589281082153, + 0.8311362862586975, + -0.05020654574036598, + -0.21075524389743805, + 0.0030696517787873745, + -0.046867020428180695, + -0.07163713127374649, + 0.014094232581555843, + -0.20400336384773254, + 2.379854679107666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/38.png", + [ + 0.19830261170864105, + -0.03619998320937157, + -0.07945775985717773, + 0.9034497141838074, + -0.03558306023478508, + -0.21356409788131714, + 0.008492602966725826, + -0.10728779435157776, + -0.07973594963550568, + 0.005276320036500692, + -0.20140066742897034, + 2.334519863128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/111.png", + [ + 0.20630323886871338, + -0.0334206223487854, + -0.05718336999416351, + 0.6557170748710632, + -0.03587614372372627, + -0.2136349081993103, + -0.004573913291096687, + 0.0474306158721447, + -0.05567564815282822, + 0.013823175802826881, + -0.20894266664981842, + 2.4279417991638184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/11.png", + [ + 0.20316703617572784, + -0.05150233209133148, + -0.05494140088558197, + 0.6288161277770996, + -0.05592883378267288, + -0.20905038714408875, + -0.010853632353246212, + 0.10789439082145691, + -0.050428297370672226, + 0.024358686059713364, + -0.2093120515346527, + 2.438462734222412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/59.png", + [ + 0.20108944177627563, + -0.04482501745223999, + -0.06709430366754532, + 0.7664672136306763, + -0.047906678169965744, + -0.211298406124115, + -0.0024156118743121624, + 0.009876877069473267, + -0.0649297907948494, + 0.017076384276151657, + -0.20601071417331696, + 2.4035658836364746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/105.png", + [ + 0.20486034452915192, + -0.035761263221502304, + -0.060838017612695694, + 0.6999154686927795, + -0.03681032732129097, + -0.21351924538612366, + 0.0015572848496958613, + -0.01884917914867401, + -0.060209065675735474, + 0.00886324979364872, + -0.20795240998268127, + 2.416584014892578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/24.png", + [ + 0.2001727968454361, + -0.04313488304615021, + -0.07083873450756073, + 0.8151776194572449, + -0.04787687212228775, + -0.21121345460414886, + -0.006676868535578251, + 0.07154618203639984, + -0.0677240639925003, + 0.0218210332095623, + -0.20465871691703796, + 2.4012818336486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/74.png", + [ + 0.2001773566007614, + -0.04744643718004227, + -0.06801284849643707, + 0.7947960495948792, + -0.04998847469687462, + -0.21082942187786102, + -5.082552888779901e-05, + -0.011181935667991638, + -0.0661669448018074, + 0.01573803462088108, + -0.20572346448898315, + 2.4489521980285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/98.png", + [ + 0.19950851798057556, + -0.0358915813267231, + -0.0765247792005539, + 0.8877279162406921, + -0.028324954211711884, + -0.2132168561220169, + 0.026156513020396233, + -0.3185828924179077, + -0.07963632047176361, + -0.014080491848289967, + -0.2010166496038437, + 2.3766465187072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/0.png", + [ + 0.20625390112400055, + -0.04402909427881241, + -0.04968558996915817, + 0.5707497596740723, + -0.047728102654218674, + -0.21106117963790894, + -0.011095281690359116, + 0.11079950630664825, + -0.04614376276731491, + 0.021506182849407196, + -0.21060895919799805, + 2.4158754348754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/96.png", + [ + 0.19872251152992249, + -0.04064517840743065, + -0.07619208097457886, + 0.8844645023345947, + -0.033288437873125076, + -0.21245431900024414, + 0.026513025164604187, + -0.3246203064918518, + -0.07968151569366455, + -0.012610706500709057, + -0.2010962963104248, + 2.37868595123291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/100.png", + [ + 0.2014501690864563, + -0.03397908806800842, + -0.07218824326992035, + 0.8366395235061646, + -0.028056412935256958, + -0.2136911302804947, + 0.02228979580104351, + -0.27285143733024597, + -0.07468974590301514, + -0.01137622632086277, + -0.20307613909244537, + 2.389970302581787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/40.png", + [ + 0.1979234665632248, + -0.039885349571704865, + -0.07863430678844452, + 0.8923677802085876, + -0.039800968021154404, + -0.2128455638885498, + 0.0077812690287828445, + -0.09806622564792633, + -0.07867704331874847, + 0.007336464244872332, + -0.20175230503082275, + 2.3368659019470215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/52.png", + [ + 0.1982199102640152, + -0.044805858284235, + -0.0751611515879631, + 0.8487113118171692, + -0.044929392635822296, + -0.2118222713470459, + 0.0077830092050135136, + -0.10510025918483734, + -0.07508738338947296, + 0.008465217426419258, + -0.2030717134475708, + 2.346684455871582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/3.png", + [ + 0.20532765984535217, + -0.04747374355792999, + -0.05034580081701279, + 0.5694262385368347, + -0.05162229761481285, + -0.21006670594215393, + -0.012450529262423515, + 0.1299358755350113, + -0.04608248174190521, + 0.02379329688847065, + -0.2103762924671173, + 2.423539161682129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/47.png", + [ + 0.19637534022331238, + -0.04278319329023361, + -0.08095811307430267, + 0.9205710887908936, + -0.04226455092430115, + -0.21229250729084015, + 0.00966962706297636, + -0.12139993906021118, + -0.08123007416725159, + 0.0070279669016599655, + -0.20074902474880219, + 2.3265581130981445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/104.png", + [ + 0.20461362600326538, + -0.036127377301454544, + -0.06144886463880539, + 0.7084327340126038, + -0.036826811730861664, + -0.2135024219751358, + 0.002896953606978059, + -0.03577512875199318, + -0.0610322542488575, + 0.007708375342190266, + -0.207758367061615, + 2.419285774230957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/21.png", + [ + 0.19984768331050873, + -0.048794057220220566, + -0.06802897155284882, + 0.7800183892250061, + -0.053837794810533524, + -0.20973728597164154, + -0.007723556365817785, + 0.07755860686302185, + -0.06411156058311462, + 0.024027107283473015, + -0.20557311177253723, + 2.3967947959899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/82.png", + [ + 0.2005264312028885, + -0.05736751854419708, + -0.058702725917100906, + 0.6691300868988037, + -0.056366004049777985, + -0.20889297127723694, + 0.011597373522818089, + -0.15196573734283447, + -0.05966503545641899, + 0.004537949338555336, + -0.20824837684631348, + 2.450723171234131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/106.png", + [ + 0.204984650015831, + -0.035152941942214966, + -0.06077379733324051, + 0.6982257962226868, + -0.036658111959695816, + -0.2135510891675949, + -0.00012179389887023717, + -0.00024836137890815735, + -0.05987793579697609, + 0.01039724238216877, + -0.20797699689865112, + 2.4135847091674805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/14.png", + [ + 0.20305916666984558, + -0.046400297433137894, + -0.059681523591279984, + 0.685967206954956, + -0.0516253262758255, + -0.21007341146469116, + -0.012324211187660694, + 0.130036860704422, + -0.05522406846284866, + 0.025769615545868874, + -0.20792816579341888, + 2.4242501258850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/67.png", + [ + 0.2014854997396469, + -0.04369347542524338, + -0.06665107607841492, + 0.7662531733512878, + -0.045347120612859726, + -0.2118685394525528, + 0.0018076819833368063, + -0.04063637927174568, + -0.06553719937801361, + 0.01226822193711996, + -0.206160768866539, + 2.4077134132385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/78.png", + [ + 0.20222623646259308, + -0.047711167484521866, + -0.06144985184073448, + 0.7222991585731506, + -0.04631011188030243, + -0.21134474873542786, + 0.011690562590956688, + -0.1623511016368866, + -0.06251250952482224, + 0.0022227386943995953, + -0.20744913816452026, + 2.4607648849487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/31.png", + [ + 0.19902625679969788, + -0.04785523563623428, + -0.07103744894266129, + 0.8094152808189392, + -0.04974157363176346, + -0.21087060868740082, + 0.002694123424589634, + -0.043962638825178146, + -0.06972961127758026, + 0.0138332424685359, + -0.20468102395534515, + 2.389723300933838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/39.png", + [ + 0.1985010802745819, + -0.037205249071121216, + -0.07849195599555969, + 0.892276406288147, + -0.03670754283666611, + -0.2133808135986328, + 0.008311662822961807, + -0.10494746267795563, + -0.07872594892978668, + 0.00568305142223835, + -0.2017865777015686, + 2.3372907638549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/92.png", + [ + 0.19497504830360413, + -0.05161309614777565, + -0.07917517423629761, + 0.9189336895942688, + -0.04760586470365524, + -0.2104368805885315, + 0.019947433844208717, + -0.2498144805431366, + -0.08164742588996887, + -0.0005540538695640862, + -0.2007019817829132, + 2.371732711791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/53.png", + [ + 0.19964800775051117, + -0.04343108460307121, + -0.07212703675031662, + 0.815295934677124, + -0.04370024800300598, + -0.21211427450180054, + 0.006761494092643261, + -0.09529437124729156, + -0.07196427881717682, + 0.008316852152347565, + -0.2042054682970047, + 2.3624563217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/75.png", + [ + 0.20016013085842133, + -0.04878777265548706, + -0.067108653485775, + 0.7841722369194031, + -0.05095414072275162, + -0.21059513092041016, + 0.0011247426737099886, + -0.02683100663125515, + -0.06547895818948746, + 0.01474254485219717, + -0.2060171365737915, + 2.4500041007995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/87.png", + [ + 0.20042772591114044, + -0.049245793372392654, + -0.06596571207046509, + 0.7500768899917603, + -0.05145629495382309, + -0.21047453582286835, + 0.0007840156322345138, + -0.020991232246160507, + -0.06425631046295166, + 0.014940431341528893, + -0.2063875049352646, + 2.428521156311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/107.png", + [ + 0.20510627329349518, + -0.03494461998343468, + -0.06048295274376869, + 0.6947948932647705, + -0.036706745624542236, + -0.21353991329669952, + -0.0011029827874153852, + 0.009744510054588318, + -0.05943003669381142, + 0.011290482245385647, + -0.20805886387825012, + 2.415390968322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/112.png", + [ + 0.2069631665945053, + -0.03380585089325905, + -0.05450969561934471, + 0.6236914992332458, + -0.03637072816491127, + -0.21352502703666687, + -0.005668811034411192, + 0.061780910938978195, + -0.05283288285136223, + 0.014564660377800465, + -0.20962932705879211, + 2.4342665672302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/69.png", + [ + 0.20033593475818634, + -0.043273311108350754, + -0.07029108703136444, + 0.8092565536499023, + -0.04609363153576851, + -0.2117125540971756, + -0.0010343872709199786, + -0.005293319001793861, + -0.06847476214170456, + 0.015909554436802864, + -0.2049536257982254, + 2.403899669647217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/45.png", + [ + 0.19594089686870575, + -0.04401123523712158, + -0.08135151118040085, + 0.9303945899009705, + -0.042417075484991074, + -0.21210910379886627, + 0.012586668133735657, + -0.1539514809846878, + -0.08219399303197861, + 0.004543448332697153, + -0.2004280388355255, + 2.3338866233825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/50.png", + [ + 0.20013222098350525, + -0.04671097546815872, + -0.06865183264017105, + 0.7690786719322205, + -0.04715842008590698, + -0.21138502657413483, + 0.006352090276777744, + -0.08393663167953491, + -0.06834524869918823, + 0.009074685163795948, + -0.20541290938854218, + 2.3596324920654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/101.png", + [ + 0.20256663858890533, + -0.03495737165212631, + -0.06850278377532959, + 0.793211817741394, + -0.031361646950244904, + -0.21376869082450867, + 0.016349220648407936, + -0.20280753076076508, + -0.07022176682949066, + -0.0053695556707680225, + -0.20490966737270355, + 2.404721736907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/85.png", + [ + 0.2020074427127838, + -0.051079243421554565, + -0.05942896753549576, + 0.6784112453460693, + -0.05192459374666214, + -0.21031764149665833, + 0.004269149620085955, + -0.06751149892807007, + -0.058691807091236115, + 0.01026158593595028, + -0.20832154154777527, + 2.448244571685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/71.png", + [ + 0.20012372732162476, + -0.04408876597881317, + -0.07038867473602295, + 0.8164516687393188, + -0.04692479595541954, + -0.2115304172039032, + -0.0009184886584989727, + -0.0020273197442293167, + -0.0685306265950203, + 0.016092263162136078, + -0.2049206793308258, + 2.424753189086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/54.png", + [ + 0.2001064121723175, + -0.04305289313197136, + -0.07107573747634888, + 0.8061953186988831, + -0.044349320232868195, + -0.2120569795370102, + 0.0035888804122805595, + -0.06042216718196869, + -0.07027411460876465, + 0.011233445256948471, + -0.20465399324893951, + 2.372842788696289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/33.png", + [ + 0.19819362461566925, + -0.046637557446956635, + -0.07410883903503418, + 0.8428496718406677, + -0.048505622893571854, + -0.21115189790725708, + 0.003158921841531992, + -0.045905038714408875, + -0.07289984077215195, + 0.01370080653578043, + -0.20358240604400635, + 2.373013496398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/49.png", + [ + 0.19934587180614471, + -0.04468195140361786, + -0.07219862937927246, + 0.8117417097091675, + -0.04505191370844841, + -0.21183304488658905, + 0.006706519052386284, + -0.08706524223089218, + -0.07196835428476334, + 0.008841690607368946, + -0.2041819542646408, + 2.3507843017578125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/110.png", + [ + 0.20564383268356323, + -0.03325224667787552, + -0.05960538238286972, + 0.6850767135620117, + -0.03575717285275459, + -0.21366314589977264, + -0.004168452229350805, + 0.042558882385492325, + -0.05813723802566528, + 0.013792738318443298, + -0.20827318727970123, + 2.421292781829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/18.png", + [ + 0.20174190402030945, + -0.04845716059207916, + -0.06244994327425957, + 0.7174307703971863, + -0.05244024097919464, + -0.2101369947195053, + -0.00635314267128706, + 0.05489358678460121, + -0.05914485454559326, + 0.021029623225331306, + -0.20738257467746735, + 2.4143614768981934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/66.png", + [ + 0.20212310552597046, + -0.04597076028585434, + -0.06309386342763901, + 0.7252744436264038, + -0.046916522085666656, + -0.21150007843971252, + 0.003802357940003276, + -0.06477954983711243, + -0.062393806874752045, + 0.010114707984030247, + -0.20725008845329285, + 2.419539451599121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/16.png", + [ + 0.20292896032333374, + -0.045998137444257736, + -0.06043097376823425, + 0.6956120729446411, + -0.05055975168943405, + -0.21047551929950714, + -0.009573801420629025, + 0.09691756963729858, + -0.05666960030794144, + 0.02306765876710415, + -0.20785652101039886, + 2.422520160675049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/94.png", + [ + 0.1967213749885559, + -0.04722432419657707, + -0.07757871598005295, + 0.9020547270774841, + -0.04028157889842987, + -0.21124815940856934, + 0.026448050513863564, + -0.3256887197494507, + -0.08140017837285995, + -0.009589971974492073, + -0.20057404041290283, + 2.3719959259033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/28.png", + [ + 0.20115742087364197, + -0.042852021753787994, + -0.06817105412483215, + 0.7783253192901611, + -0.04671073332428932, + -0.21152372658252716, + -0.0048699588514864445, + 0.042232755571603775, + -0.06558731943368912, + 0.019217517226934433, + -0.2056134194135666, + 2.4000210762023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/61.png", + [ + 0.20151333510875702, + -0.04674404859542847, + -0.06446126848459244, + 0.7363706827163696, + -0.04921965301036835, + -0.21100850403308868, + -0.0008535850793123245, + -0.009803956374526024, + -0.06259144097566605, + 0.015436834655702114, + -0.20686204731464386, + 2.4127111434936523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/58.png", + [ + 0.20070451498031616, + -0.043479762971401215, + -0.06910208612680435, + 0.78908371925354, + -0.046702802181243896, + -0.21156644821166992, + -0.0025267447344958782, + 0.012139551341533661, + -0.06696593761444092, + 0.017235012724995613, + -0.20534460246562958, + 2.3941574096679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/64.png", + [ + 0.20283286273479462, + -0.04548601806163788, + -0.061137083917856216, + 0.7018805742263794, + -0.04655851796269417, + -0.2115926295518875, + 0.0029590697959065437, + -0.056085824966430664, + -0.06032433360815048, + 0.010366950184106827, + -0.2078494429588318, + 2.4231042861938477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/10.png", + [ + 0.20312020182609558, + -0.052154578268527985, + -0.054497458040714264, + 0.6247859597206116, + -0.05628810077905655, + -0.20900727808475494, + -0.009772257879376411, + 0.09467078745365143, + -0.05021676421165466, + 0.023318378254771233, + -0.20948132872581482, + 2.441300392150879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/41.png", + [ + 0.19872525334358215, + -0.042222075164318085, + -0.07532234489917755, + 0.8534303903579712, + -0.04243477061390877, + -0.21236060559749603, + 0.007082140538841486, + -0.08886927366256714, + -0.07520272582769394, + 0.008256093598902225, + -0.20303763449192047, + 2.3503379821777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/91.png", + [ + 0.1955919861793518, + -0.049264609813690186, + -0.07914963364601135, + 0.913885235786438, + -0.04845888540148735, + -0.21087278425693512, + 0.011502201668918133, + -0.14880555868148804, + -0.07964548468589783, + 0.00731864757835865, + -0.20137259364128113, + 2.374520778656006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/23.png", + [ + 0.1994277834892273, + -0.045460671186447144, + -0.07148272544145584, + 0.8208934664726257, + -0.05039313808083534, + -0.21062850952148438, + -0.0066376649774611, + 0.07180933654308319, + -0.06809540838003159, + 0.022734427824616432, + -0.20443594455718994, + 2.390780448913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/37.png", + [ + 0.19897469878196716, + -0.03665120154619217, + -0.07754778116941452, + 0.8792590498924255, + -0.036716170608997345, + -0.21343699097633362, + 0.0066685862839221954, + -0.08540023118257523, + -0.07751704007387161, + 0.0070168678648769855, + -0.20221218466758728, + 2.337972640991211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/36.png", + [ + 0.1993790864944458, + -0.039491329342126846, + -0.07507528364658356, + 0.8515235185623169, + -0.040021225810050964, + -0.21287044882774353, + 0.005689494777470827, + -0.07470060884952545, + -0.07479415088891983, + 0.008631554432213306, + -0.20317289233207703, + 2.3510818481445312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/8.png", + [ + 0.20287881791591644, + -0.05281217396259308, + -0.05476266145706177, + 0.6247754693031311, + -0.05625714734196663, + -0.2091357409954071, + -0.006728522479534149, + 0.05868317559361458, + -0.05121725797653198, + 0.020518627017736435, + -0.2095320224761963, + 2.4423680305480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/6.png", + [ + 0.20353074371814728, + -0.052005305886268616, + -0.05309034138917923, + 0.600896418094635, + -0.05591906979680061, + -0.20911744236946106, + -0.009531539864838123, + 0.09445194900035858, + -0.048950932919979095, + 0.0226548183709383, + -0.2098534256219864, + 2.430936336517334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/20.png", + [ + 0.20001773536205292, + -0.04880762845277786, + -0.06751750409603119, + 0.7751635909080505, + -0.05355251953005791, + -0.20983707904815674, + -0.006958240643143654, + 0.06521746516227722, + -0.06381948292255402, + 0.023110710084438324, + -0.20576895773410797, + 2.398484230041504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/2.png", + [ + 0.2057761698961258, + -0.045992620289325714, + -0.04988730698823929, + 0.5663039684295654, + -0.04995838552713394, + -0.21049430966377258, + -0.012008259072899818, + 0.12432125210762024, + -0.045915402472019196, + 0.02290670946240425, + -0.21051117777824402, + 2.4234724044799805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/5.png", + [ + 0.2043880969285965, + -0.05057835951447487, + -0.05113926902413368, + 0.5772553086280823, + -0.05456322431564331, + -0.20940518379211426, + -0.010964230634272099, + 0.11256635189056396, + -0.04686416685581207, + 0.023220445960760117, + -0.210267573595047, + 2.427891254425049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/108.png", + [ + 0.20518890023231506, + -0.03456525877118111, + -0.060420677065849304, + 0.6944085359573364, + -0.03660250082612038, + -0.21354997158050537, + -0.002135306829586625, + 0.020080383867025375, + -0.059208713471889496, + 0.012228884734213352, + -0.20806892216205597, + 2.416959762573242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/60.png", + [ + 0.20105193555355072, + -0.045552585273981094, + -0.06671562790870667, + 0.7621897459030151, + -0.048250943422317505, + -0.2112305462360382, + -0.0011818334460258484, + -0.005427833646535873, + -0.06479088962078094, + 0.015953421592712402, + -0.20614442229270935, + 2.406395435333252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/56.png", + [ + 0.20034265518188477, + -0.043889470398426056, + -0.06988868117332458, + 0.7960653901100159, + -0.04656842350959778, + -0.21161027252674103, + -0.000603494409006089, + -0.011314600706100464, + -0.0681329220533371, + 0.015578709542751312, + -0.2050929069519043, + 2.3877487182617188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/30.png", + [ + 0.20010831952095032, + -0.045353490859270096, + -0.06962477415800095, + 0.7929092645645142, + -0.04833001643419266, + -0.2112116515636444, + -0.0013221482513472438, + 0.0020291507244110107, + -0.06759259849786758, + 0.016751106828451157, + -0.20517928898334503, + 2.39444637298584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/17.png", + [ + 0.2028491050004959, + -0.047486137598752975, + -0.059541601687669754, + 0.6840403079986572, + -0.05172617360949516, + -0.21023589372634888, + -0.008553972467780113, + 0.08244714140892029, + -0.05589757114648819, + 0.022222373634576797, + -0.20815744996070862, + 2.4234628677368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/12.png", + [ + 0.20330104231834412, + -0.04893800988793373, + -0.056759558618068695, + 0.6515569090843201, + -0.05358220264315605, + -0.20964790880680084, + -0.011162295006215572, + 0.11313511431217194, + -0.052397750318050385, + 0.024509599432349205, + -0.20881009101867676, + 2.434950828552246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/114.png", + [ + 0.20776155591011047, + -0.035646289587020874, + -0.050123557448387146, + 0.5678292512893677, + -0.03769444674253464, + -0.21332243084907532, + -0.0045348904095590115, + 0.043618831783533096, + -0.04860202968120575, + 0.013068239204585552, + -0.2107485681772232, + 2.4441933631896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/27.png", + [ + 0.2011089324951172, + -0.040895141661167145, + -0.06950312107801437, + 0.7965180277824402, + -0.044710561633110046, + -0.2119603455066681, + -0.00465509993955493, + 0.038440462201833725, + -0.06711231172084808, + 0.018662570044398308, + -0.20517197251319885, + 2.400419235229492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/42.png", + [ + 0.1981857568025589, + -0.043412890285253525, + -0.07606329768896103, + 0.8626617789268494, + -0.04399418830871582, + -0.21206451952457428, + 0.006406680215150118, + -0.08102743327617645, + -0.07572855800390244, + 0.009584094397723675, + -0.20278367400169373, + 2.349642753601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/7.png", + [ + 0.20343704521656036, + -0.052601005882024765, + -0.05286206677556038, + 0.6000415682792664, + -0.05620651692152023, + -0.20909500122070312, + -0.008245588280260563, + 0.07781118154525757, + -0.04901113361120224, + 0.021454520523548126, + -0.20996549725532532, + 2.440357208251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/73.png", + [ + 0.20043253898620605, + -0.04720975458621979, + -0.06742355972528458, + 0.7864519953727722, + -0.04979078471660614, + -0.21087591350078583, + -0.00036029540933668613, + -0.006775058805942535, + -0.06554064899682999, + 0.015826893970370293, + -0.20591704547405243, + 2.448634624481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/46.png", + [ + 0.19630548357963562, + -0.04444964975118637, + -0.08022637665271759, + 0.9141584634780884, + -0.043464429676532745, + -0.21198028326034546, + 0.011095371097326279, + -0.13698825240135193, + -0.08076439052820206, + 0.006040907930582762, + -0.20096895098686218, + 2.331294536590576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/57.png", + [ + 0.20052315294742584, + -0.04460494592785835, + -0.06891120970249176, + 0.7846089601516724, + -0.047757044434547424, + -0.21133489906787872, + -0.002173989312723279, + 0.007831282913684845, + -0.06676541268825531, + 0.017200587317347527, + -0.20541280508041382, + 2.3928847312927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/44.png", + [ + 0.19340144097805023, + -0.04498386010527611, + -0.08671926707029343, + 0.9914177656173706, + -0.04343320056796074, + -0.21187584102153778, + 0.013041513040661812, + -0.15799261629581451, + -0.08750621229410172, + 0.005742472130805254, + -0.19813525676727295, + 2.316319465637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/113.png", + [ + 0.20747624337673187, + -0.03494583070278168, + -0.05177159979939461, + 0.5893986821174622, + -0.03746576979756355, + -0.2133222073316574, + -0.006152681540697813, + 0.06560759246349335, + -0.049978259950876236, + 0.014843444339931011, + -0.21030868589878082, + 2.441133975982666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/29.png", + [ + 0.20072537660598755, + -0.04418770968914032, + -0.06859057396650314, + 0.7807081341743469, + -0.047697171568870544, + -0.21133165061473846, + -0.0034373821690678596, + 0.025647971779108047, + -0.0661981925368309, + 0.018283387646079063, + -0.20550283789634705, + 2.3982982635498047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/4.png", + [ + 0.20500987768173218, + -0.04922476038336754, + -0.04995764046907425, + 0.562978208065033, + -0.05325921252369881, + -0.20968692004680634, + -0.011947618797421455, + 0.12443669140338898, + -0.04563222825527191, + 0.023584138602018356, + -0.21049794554710388, + 2.424910068511963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/55.png", + [ + 0.20040564239025116, + -0.0438339002430439, + -0.06974280625581741, + 0.7925768494606018, + -0.045862697064876556, + -0.21176119148731232, + 0.0013073158916085958, + -0.03469698131084442, + -0.068425752222538, + 0.013553038239479065, + -0.20513929426670074, + 2.3839645385742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/9.png", + [ + 0.2029266506433487, + -0.05285121873021126, + -0.054547399282455444, + 0.6241535544395447, + -0.05676111951470375, + -0.20892533659934998, + -0.008733394555747509, + 0.08149252831935883, + -0.05046628415584564, + 0.02246875874698162, + -0.20951421558856964, + 2.4423141479492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/25.png", + [ + 0.2008386105298996, + -0.04167803004384041, + -0.06981901079416275, + 0.8034792542457581, + -0.0460386797785759, + -0.21163924038410187, + -0.006096287630498409, + 0.060805898159742355, + -0.06702381372451782, + 0.020485760644078255, + -0.20502692461013794, + 2.4069557189941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/99.png", + [ + 0.19995205104351044, + -0.03520754724740982, + -0.07568033039569855, + 0.8784036040306091, + -0.02812335267663002, + -0.21338613331317902, + 0.024966605007648468, + -0.3051420748233795, + -0.07858855277299881, + -0.013216771185398102, + -0.20148710906505585, + 2.380286693572998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/34.png", + [ + 0.19896596670150757, + -0.04580610245466232, + -0.07254128158092499, + 0.8219415545463562, + -0.04740370437502861, + -0.21139714121818542, + 0.0034677658695727587, + -0.04785414785146713, + -0.0715075358748436, + 0.012686111032962799, + -0.20414119958877563, + 2.3699421882629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/72.png", + [ + 0.20064175128936768, + -0.045240625739097595, + -0.0681474357843399, + 0.7925586700439453, + -0.04774896427989006, + -0.21134771406650543, + -0.0002778124762699008, + -0.007697533816099167, + -0.06641403585672379, + 0.015275023877620697, + -0.20567874610424042, + 2.4421372413635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/102.png", + [ + 0.20346912741661072, + -0.03536629676818848, + -0.06555482000112534, + 0.7584425210952759, + -0.03373175486922264, + -0.21376873552799225, + 0.010629847645759583, + -0.13306516408920288, + -0.06641066819429398, + 0.00022352855012286454, + -0.20624612271785736, + 2.413708209991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/70.png", + [ + 0.19998398423194885, + -0.04322013631463051, + -0.07131849229335785, + 0.8242763876914978, + -0.04623324051499367, + -0.21168026328086853, + -0.001360898488201201, + 0.0015196837484836578, + -0.06940312683582306, + 0.016473745927214622, + -0.20459647476673126, + 2.411050796508789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/90.png", + [ + 0.19695232808589935, + -0.047280386090278625, + -0.07695607841014862, + 0.8867510557174683, + -0.047863561660051346, + -0.21119724214076996, + 0.007259308826178312, + -0.09696605801582336, + -0.07659472525119781, + 0.010401098057627678, + -0.20241779088974, + 2.3848013877868652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/15.png", + [ + 0.20322155952453613, + -0.04634302109479904, + -0.05917109176516533, + 0.6797128915786743, + -0.05124271661043167, + -0.21022219955921173, + -0.011344960890710354, + 0.11794598400592804, + -0.05498252436518669, + 0.02463430166244507, + -0.20812968909740448, + 2.4247617721557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/22.png", + [ + 0.19926193356513977, + -0.0490068681538105, + -0.06957665085792542, + 0.7974909543991089, + -0.05450429767370224, + -0.20953468978405, + -0.008508480153977871, + 0.09020854532718658, + -0.06535951793193817, + 0.025326650589704514, + -0.205023393034935, + 2.3917489051818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/109.png", + [ + 0.20527613162994385, + -0.03430802747607231, + -0.060270704329013824, + 0.6928701400756836, + -0.036532964557409286, + -0.213553324341774, + -0.0028662909753620625, + 0.02725672349333763, + -0.05894862860441208, + 0.012877598404884338, + -0.20810361206531525, + 2.4180831909179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/26.png", + [ + 0.20092208683490753, + -0.04014134779572487, + -0.07047607749700546, + 0.8094843029975891, + -0.044238604605197906, + -0.21204304695129395, + -0.005346790421754122, + 0.04827265068888664, + -0.06797904521226883, + 0.019347218796610832, + -0.20482292771339417, + 2.401090621948242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/43.png", + [ + 0.19412685930728912, + -0.04443025961518288, + -0.08537334948778152, + 0.9731621742248535, + -0.04387418553233147, + -0.21192485094070435, + 0.010526901111006737, + -0.12727852165699005, + -0.08566045016050339, + 0.007855702191591263, + -0.19886796176433563, + 2.3185248374938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/84.png", + [ + 0.20162171125411987, + -0.05320297181606293, + -0.05887295678257942, + 0.6718462109565735, + -0.05340714007616043, + -0.20988048613071442, + 0.00676417862996459, + -0.09582732617855072, + -0.058687806129455566, + 0.008217073045670986, + -0.20841333270072937, + 2.447697162628174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/89.png", + [ + 0.19879761338233948, + -0.04493172839283943, + -0.0735427662730217, + 0.8445242643356323, + -0.04663921892642975, + -0.21157151460647583, + 0.003188724396750331, + -0.04649987444281578, + -0.07247195392847061, + 0.012904452160000801, + -0.20378711819648743, + 2.4031176567077637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/63.png", + [ + 0.2026291936635971, + -0.044957783073186874, + -0.06219407916069031, + 0.7134436964988708, + -0.04665512219071388, + -0.21158991754055023, + 0.0009474217076785862, + -0.03163132816553116, + -0.06093115359544754, + 0.01250583678483963, + -0.20755454897880554, + 2.4194235801696777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/88.png", + [ + 0.20017048716545105, + -0.04511423781514168, + -0.06960159540176392, + 0.7936316132545471, + -0.04703517258167267, + -0.21150009334087372, + 0.0018190883565694094, + -0.02986232191324234, + -0.06831814348697662, + 0.013428406789898872, + -0.20518335700035095, + 2.4173994064331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/62.png", + [ + 0.20247843861579895, + -0.04625753313302994, + -0.06173023581504822, + 0.7064163684844971, + -0.04824386537075043, + -0.21123547852039337, + 4.680986239691265e-05, + -0.021447505801916122, + -0.06019062176346779, + 0.013700854033231735, + -0.2076951563358307, + 2.4201107025146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/65.png", + [ + 0.20252269506454468, + -0.0457058921456337, + -0.06199537217617035, + 0.71173495054245, + -0.04635857418179512, + -0.21160797774791718, + 0.004565960727632046, + -0.07502837479114532, + -0.06150884926319122, + 0.008996468037366867, + -0.20756593346595764, + 2.42220401763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/80.png", + [ + 0.20079602301120758, + -0.053965725004673004, + -0.06096356362104416, + 0.7102428078651428, + -0.05113103613257408, + -0.2098398506641388, + 0.01734233647584915, + -0.229322150349617, + -0.06335987150669098, + -0.001685207593254745, + -0.20719696581363678, + 2.4507484436035156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/79.png", + [ + 0.20224671065807343, + -0.04969562962651253, + -0.059787217527627945, + 0.7006970047950745, + -0.04636067897081375, + -0.21085242927074432, + 0.018434539437294006, + -0.24439109861850739, + -0.06240876764059067, + -0.0044146752916276455, + -0.20744530856609344, + 2.4608426094055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/19.png", + [ + 0.2008741796016693, + -0.04905125871300697, + -0.06474126130342484, + 0.7429260015487671, + -0.05327334254980087, + -0.20993077754974365, + -0.006238208618015051, + 0.053297076374292374, + -0.061314020305871964, + 0.021701103076338768, + -0.2066822350025177, + 2.406712055206299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/77.png", + [ + 0.20130561292171478, + -0.04744049161672592, + -0.06460142880678177, + 0.7570123672485352, + -0.04750754311680794, + -0.21128246188163757, + 0.007117616944015026, + -0.10327284038066864, + -0.06455213576555252, + 0.00755159230902791, + -0.20669758319854736, + 2.4528822898864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/68.png", + [ + 0.20069701969623566, + -0.04342351108789444, + -0.06915922462940216, + 0.7944307327270508, + -0.04576504975557327, + -0.21178628504276276, + 0.0001676444080658257, + -0.019985102117061615, + -0.0676325336098671, + 0.014452221803367138, + -0.20534084737300873, + 2.401948928833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/86.png", + [ + 0.20081622898578644, + -0.05150143802165985, + -0.06299474835395813, + 0.718077540397644, + -0.05319907143712044, + -0.21003153920173645, + 0.0021222189534455538, + -0.04034233093261719, + -0.06156781315803528, + 0.013499902561306953, + -0.20730425417423248, + 2.439826011657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/1.png", + [ + 0.20579186081886292, + -0.04616542160511017, + -0.04966239631175995, + 0.5658956170082092, + -0.04978637397289276, + -0.21061460673809052, + -0.01052140537649393, + 0.10589867830276489, + -0.04603170230984688, + 0.021404124796390533, + -0.21064387261867523, + 2.419915199279785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/81.png", + [ + 0.20114469528198242, + -0.05531959608197212, + -0.05855296924710274, + 0.6727060079574585, + -0.053604111075401306, + -0.20948688685894012, + 0.013774649240076542, + -0.18080416321754456, + -0.06012742221355438, + 0.0016983167733997107, + -0.20815788209438324, + 2.4515695571899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/95.png", + [ + 0.19748061895370483, + -0.04438427835702896, + -0.07732613384723663, + 0.8980849981307983, + -0.03678969666361809, + -0.21173980832099915, + 0.027580147609114647, + -0.338553249835968, + -0.08121462166309357, + -0.01200758945196867, + -0.20051905512809753, + 2.3729701042175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/103.png", + [ + 0.2040780782699585, + -0.03683574125170708, + -0.06279459595680237, + 0.7246110439300537, + -0.03634519875049591, + -0.21348613500595093, + 0.007113063707947731, + -0.08820012211799622, + -0.06307978928089142, + 0.003833683207631111, + -0.20725379884243011, + 2.4179000854492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/83.png", + [ + 0.20093466341495514, + -0.05599530041217804, + -0.05863168090581894, + 0.6674096584320068, + -0.05597153678536415, + -0.2091696560382843, + 0.007946131750941277, + -0.10907191038131714, + -0.05865436792373657, + 0.007776875514537096, + -0.2084396481513977, + 2.448397159576416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/51.png", + [ + 0.19924411177635193, + -0.04649592563509941, + -0.07132881134748459, + 0.8007766604423523, + -0.04677943140268326, + -0.21144340932369232, + 0.007160239852964878, + -0.09512588381767273, + -0.07114320993423462, + 0.008815456181764603, + -0.20447206497192383, + 2.355370044708252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/93.png", + [ + 0.1960247904062271, + -0.05059964582324028, + -0.07721300423145294, + 0.8978220820426941, + -0.044935740530490875, + -0.21060803532600403, + 0.02393602579832077, + -0.29732391238212585, + -0.08064087480306625, + -0.005641782656311989, + -0.20103013515472412, + 2.377094268798828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/76.png", + [ + 0.2142578661441803, + 0.03202293440699577, + -0.004000077024102211, + 0.045466452836990356, + 0.03221577778458595, + -0.21381837129592896, + 0.013847253285348415, + -0.16444556415081024, + -0.001900823786854744, + -0.01428754348307848, + -0.21619470417499542, + 2.5088510513305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/48.png", + [ + 0.2054249346256256, + 0.01594593934714794, + -0.06703891605138779, + 0.7822674512863159, + 0.019200965762138367, + -0.2156907021999359, + 0.0075324345380067825, + -0.09191814064979553, + -0.06618014723062515, + -0.013082110323011875, + -0.20590516924858093, + 2.427278995513916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/35.png", + [ + 0.20787106454372406, + 0.024463018402457237, + -0.05602746084332466, + 0.6421409845352173, + 0.023745274171233177, + -0.21528871357440948, + -0.005901692900806665, + 0.06206531450152397, + -0.05633540824055672, + -0.0004781193856615573, + -0.20922234654426575, + 2.471740245819092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/124.png", + [ + 0.20663237571716309, + 0.012680786661803722, + -0.06395429372787476, + 0.7451884150505066, + 0.016309654340147972, + -0.21583297848701477, + 0.009900353848934174, + -0.12427261471748352, + -0.06312645971775055, + -0.014255506917834282, + -0.20678424835205078, + 2.4418559074401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/97.png", + [ + 0.21465478837490082, + 0.029384175315499306, + 0.002790970727801323, + -0.028660790994763374, + 0.028958188369870186, + -0.21361730992794037, + 0.02183965966105461, + -0.2622832655906677, + 0.005713359918445349, + -0.021263061091303825, + -0.21555310487747192, + 2.518500804901123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/13.png", + [ + 0.1978585571050644, + 0.006053306628018618, + -0.08810925483703613, + 1.030835509300232, + 0.01333583239465952, + -0.21573424339294434, + 0.015125575475394726, + -0.186752051115036, + -0.08730428665876389, + -0.019234992563724518, + -0.1973724216222763, + 2.358635902404785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/32.png", + [ + 0.20531757175922394, + 0.019228165969252586, + -0.06650465726852417, + 0.7754319906234741, + 0.0192925576120615, + -0.21579545736312866, + -0.0028306145686656237, + 0.023823466151952744, + -0.06648600846529007, + -0.0032392824068665504, + -0.20619654655456543, + 2.4392905235290527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/38.png", + [ + 0.20943067967891693, + 0.028045397251844406, + -0.047959789633750916, + 0.542668879032135, + 0.027330292388796806, + -0.21485193073749542, + -0.006292903795838356, + 0.07053294777870178, + -0.04837086424231529, + 3.31010487570893e-05, + -0.21120642125606537, + 2.4903945922851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/111.png", + [ + 0.21390698850154877, + 0.025190923362970352, + -0.023603195324540138, + 0.2602378726005554, + 0.025697238743305206, + -0.21512019634246826, + 0.0032937561627477407, + -0.04419822245836258, + -0.023050926625728607, + -0.00605098158121109, + -0.21536001563072205, + 2.5473756790161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/11.png", + [ + 0.19805528223514557, + 0.005820147227495909, + -0.08768192678689957, + 1.0272016525268555, + 0.013073878362774849, + -0.21574431657791138, + 0.015210514888167381, + -0.1874276101589203, + -0.08689688891172409, + -0.019194062799215317, + -0.19755610823631287, + 2.364826202392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/125.png", + [ + 0.2088272124528885, + 0.014372852630913258, + -0.05596880614757538, + 0.6467189192771912, + 0.018847621977329254, + -0.21532969176769257, + 0.01502612978219986, + -0.1825939565896988, + -0.054624658077955246, + -0.019350413233041763, + -0.20878124237060547, + 2.459733009338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/59.png", + [ + 0.20985913276672363, + 0.027746349573135376, + -0.046229664236307144, + 0.5376591682434082, + 0.035517022013664246, + -0.2109183967113495, + 0.034639135003089905, + -0.4175942540168762, + -0.04056578874588013, + -0.041127465665340424, + -0.20883210003376007, + 2.4897408485412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/105.png", + [ + 0.21377897262573242, + 0.030478671193122864, + -0.01781853847205639, + 0.21303075551986694, + 0.0314103327691555, + -0.21412426233291626, + 0.010587049648165703, + -0.13299480080604553, + -0.016119573265314102, + -0.013028634712100029, + -0.2156810462474823, + 2.542806625366211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/121.png", + [ + 0.20773230493068695, + 0.011747609823942184, + -0.060474593192338943, + 0.7025030851364136, + 0.014930234290659428, + -0.21595798432826996, + 0.009334532544016838, + -0.11713872849941254, + -0.05976848304271698, + -0.013116366229951382, + -0.2078547328710556, + 2.4602112770080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/24.png", + [ + 0.21112538874149323, + 0.010886989533901215, + -0.047491516917943954, + 0.5387628674507141, + 0.01245122030377388, + -0.2162393033504486, + 0.005781528539955616, + -0.07386530935764313, + -0.04710560292005539, + -0.008362560532987118, + -0.21132683753967285, + 2.4888052940368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/74.png", + [ + 0.21385742723941803, + 0.03463995084166527, + -0.003600795054808259, + 0.03486134484410286, + 0.034824106842279434, + -0.21296416223049164, + 0.019530650228261948, + -0.23090189695358276, + -0.0004167516599409282, + -0.01985543593764305, + -0.21576255559921265, + 2.499213695526123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/129.png", + [ + 0.21030886471271515, + 0.013063209131360054, + -0.050472088158130646, + 0.577194333076477, + 0.016692817211151123, + -0.21559222042560577, + 0.013756529428064823, + -0.1659640520811081, + -0.04939057305455208, + -0.01724078506231308, + -0.2102646380662918, + 2.451261520385742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/98.png", + [ + 0.21457581222057343, + 0.02986251190304756, + 0.0036533656530082226, + -0.039192114025354385, + 0.02935069240629673, + -0.21356657147407532, + 0.02181173488497734, + -0.2629935145378113, + 0.0066070957109332085, + -0.021105574443936348, + -0.2155430167913437, + 2.5226197242736816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/0.png", + [ + 0.19613885879516602, + 0.01685468666255474, + -0.09051717817783356, + 1.0593223571777344, + 0.021343816071748734, + -0.21553407609462738, + 0.0061158896423876286, + -0.07754123210906982, + -0.08956495672464371, + -0.014452757313847542, + -0.1967667043209076, + 2.3607535362243652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/96.png", + [ + 0.2147989273071289, + 0.028228210285305977, + 0.003533583367243409, + -0.03778037428855896, + 0.02771039865911007, + -0.21369637548923492, + 0.02266901545226574, + -0.272411048412323, + 0.006438316311687231, + -0.022020867094397545, + -0.2154565453529358, + 2.5182933807373047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/100.png", + [ + 0.21443358063697815, + 0.03052246756851673, + 0.005874482449144125, + -0.06820604205131531, + 0.02982638031244278, + -0.2135830521583557, + 0.02098962850868702, + -0.25301146507263184, + 0.008747424930334091, + -0.019963882863521576, + -0.21557556092739105, + 2.529452323913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/40.png", + [ + 0.20552298426628113, + 0.032557398080825806, + -0.06040041521191597, + 0.7023932933807373, + 0.03272204473614693, + -0.21415050327777863, + -0.004090219736099243, + 0.040993932634592056, + -0.06031138077378273, + -0.005241918843239546, + -0.20804555714130402, + 2.4700403213500977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/52.png", + [ + 0.21188606321811676, + 0.0183181781321764, + -0.04143231734633446, + 0.4698975384235382, + 0.022026140242815018, + -0.21482735872268677, + 0.017662204802036285, + -0.2146509736776352, + -0.03958588093519211, + -0.021483682096004486, + -0.21194174885749817, + 2.4870119094848633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/3.png", + [ + 0.19832676649093628, + 0.01365784090012312, + -0.08618499338626862, + 1.0110067129135132, + 0.01957881450653076, + -0.2155126929283142, + 0.010901721194386482, + -0.1397104114294052, + -0.08503564447164536, + -0.017766283825039864, + -0.19849734008312225, + 2.3783621788024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/47.png", + [ + 0.20543751120567322, + 0.015831753611564636, + -0.06702747941017151, + 0.7831878066062927, + 0.018993502482771873, + -0.2157183438539505, + 0.007262364029884338, + -0.09023818373680115, + -0.06620100885629654, + -0.012761292047798634, + -0.20591861009597778, + 2.4333653450012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/104.png", + [ + 0.21417707204818726, + 0.031011931598186493, + -0.010692566633224487, + 0.12373035401105881, + 0.03170584887266159, + -0.21382170915603638, + 0.014930255711078644, + -0.1836564987897873, + -0.008414861746132374, + -0.016322795301675797, + -0.21589499711990356, + 2.5442543029785156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/21.png", + [ + 0.20605780184268951, + 0.009265562519431114, + -0.06634922325611115, + 0.7643005847930908, + 0.011188138276338577, + -0.21633805334568024, + 0.004535237792879343, + -0.060222432017326355, + -0.06605223566293716, + -0.00773900281637907, + -0.20621617138385773, + 2.43043851852417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/82.png", + [ + 0.21480658650398254, + 0.028376083821058273, + -0.0009094206034205854, + 0.010564063675701618, + 0.02831590175628662, + -0.21362774074077606, + 0.02256755717098713, + -0.2717393934726715, + 0.002058854093775153, + -0.02249184250831604, + -0.21549426019191742, + 2.528533458709717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/106.png", + [ + 0.21195803582668304, + 0.03218787536025047, + -0.03139466419816017, + 0.37838709354400635, + 0.033192116767168045, + -0.21406742930412292, + 0.004617386031895876, + -0.06427080184221268, + -0.030330969020724297, + -0.009326184168457985, + -0.21433840692043304, + 2.540167808532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/14.png", + [ + 0.19975067675113678, + 0.003907512407749891, + -0.08385878056287766, + 0.9796901345252991, + 0.01056474819779396, + -0.2158891260623932, + 0.015105468221008778, + -0.18538683652877808, + -0.08328234404325485, + -0.01801444962620735, + -0.1992170214653015, + 2.3778514862060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/67.png", + [ + 0.21156899631023407, + 0.023906126618385315, + -0.04018638655543327, + 0.4723287522792816, + 0.028271762654185295, + -0.21372324228286743, + 0.021702220663428307, + -0.26212555170059204, + -0.03724454343318939, + -0.02643437311053276, + -0.21180643141269684, + 2.512383460998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/78.png", + [ + 0.21437875926494598, + 0.030145086348056793, + -0.008995619602501392, + 0.10789445787668228, + 0.030678536742925644, + -0.21404549479484558, + 0.013829589821398258, + -0.16630832850933075, + -0.006962410174310207, + -0.014956722036004066, + -0.21604564785957336, + 2.5169382095336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/31.png", + [ + 0.20476040244102478, + 0.018561504781246185, + -0.0683853030204773, + 0.8007287383079529, + 0.0193902850151062, + -0.21580463647842407, + -0.0005161419976502657, + -0.00569271482527256, + -0.06815493851900101, + -0.005632063373923302, + -0.2055993229150772, + 2.4322195053100586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/39.png", + [ + 0.2076239436864853, + 0.031125979498028755, + -0.053585153073072433, + 0.6147586107254028, + 0.030408672988414764, + -0.21442461013793945, + -0.006729627028107643, + 0.07477661967277527, + -0.053995437920093536, + -0.0010717530967667699, + -0.2098362147808075, + 2.4827957153320312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/92.png", + [ + 0.21462105214595795, + 0.029613059014081955, + 0.0029615932144224644, + -0.03204484283924103, + 0.029034800827503204, + -0.21307970583438873, + 0.026493584737181664, + -0.31803056597709656, + 0.006533351726830006, + -0.02584562636911869, + -0.21502840518951416, + 2.5177059173583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/53.png", + [ + 0.21196167171001434, + 0.01802423782646656, + -0.041173551231622696, + 0.469758003950119, + 0.022284163162112236, + -0.21451856195926666, + 0.02081081084907055, + -0.24970297515392303, + -0.03903268277645111, + -0.024592692032456398, + -0.2117062658071518, + 2.4844021797180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/75.png", + [ + 0.21397633850574493, + 0.0339982770383358, + -0.0024774428457021713, + 0.02450629137456417, + 0.034087587147951126, + -0.21329475939273834, + 0.01706680655479431, + -0.20287388563156128, + 0.00023914410849101841, + -0.017244024202227592, + -0.21598723530769348, + 2.500850200653076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/87.png", + [ + 0.2147083729505539, + 0.029095428064465523, + 0.0012905173934996128, + -0.01265850942581892, + 0.02880663052201271, + -0.2135733962059021, + 0.022460512816905975, + -0.26999470591545105, + 0.004288081079721451, + -0.022085120901465416, + -0.2155034989118576, + 2.5225377082824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/107.png", + [ + 0.21004532277584076, + 0.03148924186825752, + -0.04286356642842293, + 0.5130822658538818, + 0.0326557420194149, + -0.21418292820453644, + 0.00267658568918705, + -0.04068218916654587, + -0.041981663554906845, + -0.009054801426827908, + -0.2123757004737854, + 2.520658016204834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/112.png", + [ + 0.21400050818920135, + 0.022463485598564148, + -0.025437531992793083, + 0.2849009037017822, + 0.02366580255329609, + -0.21518740057945251, + 0.009066709317266941, + -0.11561870574951172, + -0.024322951212525368, + -0.011733169667422771, + -0.21498516201972961, + 2.539189338684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/69.png", + [ + 0.2122005671262741, + 0.02725406177341938, + -0.03429332748055458, + 0.40219661593437195, + 0.030666973441839218, + -0.21355503797531128, + 0.020041994750499725, + -0.241554856300354, + -0.03127863630652428, + -0.024481846019625664, + -0.2130027860403061, + 2.508084297180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/45.png", + [ + 0.20792816579341888, + 0.014713466167449951, + -0.05913783609867096, + 0.6868396401405334, + 0.017308082431554794, + -0.2158639132976532, + 0.007148237898945808, + -0.09135289490222931, + -0.05843115597963333, + -0.011583646759390831, + -0.20832550525665283, + 2.472550868988037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/50.png", + [ + 0.2082057148218155, + 0.01958513632416725, + -0.05669836699962616, + 0.6533321738243103, + 0.022829409688711166, + -0.2152600884437561, + 0.00947671476751566, + -0.11693203449249268, + -0.05547162890434265, + -0.015080198645591736, + -0.20890997350215912, + 2.456679344177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/101.png", + [ + 0.2144232839345932, + 0.030755870044231415, + 0.0049623120576143265, + -0.06074194237589836, + 0.030146345496177673, + -0.2135465294122696, + 0.02090386301279068, + -0.2515118420124054, + 0.007857869379222393, + -0.019996248185634613, + -0.21560682356357574, + 2.5332188606262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/85.png", + [ + 0.2147640883922577, + 0.02870112471282482, + -0.0007261464488692582, + 0.01164139062166214, + 0.028614021837711334, + -0.2135269194841385, + 0.02313852682709694, + -0.2773011028766632, + 0.0023493755143135786, + -0.023030396550893784, + -0.21543438732624054, + 2.5311312675476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/71.png", + [ + 0.21332427859306335, + 0.033530011773109436, + -0.01778731308877468, + 0.19593438506126404, + 0.03566908836364746, + -0.21180810034275055, + 0.028512105345726013, + -0.33507487177848816, + -0.012975610792636871, + -0.03099938854575157, + -0.2140527069568634, + 2.490035057067871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/115.png", + [ + 0.21223290264606476, + 0.017047513276338577, + -0.040180470794439316, + 0.4745838940143585, + 0.019805466756224632, + -0.21536092460155487, + 0.013240346685051918, + -0.17126338183879852, + -0.038895133882761, + -0.016641682013869286, + -0.21250440180301666, + 2.528237819671631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/54.png", + [ + 0.2113025188446045, + 0.017940212041139603, + -0.044466808438301086, + 0.5133011341094971, + 0.023103775456547737, + -0.2141668200492859, + 0.023381207138299942, + -0.2817930281162262, + -0.04201623424887657, + -0.027542948722839355, + -0.21076981723308563, + 2.485055923461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/33.png", + [ + 0.20502406358718872, + 0.019296880811452866, + -0.06738441437482834, + 0.7868552207946777, + 0.019477225840091705, + -0.21578259766101837, + -0.002532200887799263, + 0.019589900970458984, + -0.06733251363039017, + -0.0036612474359571934, + -0.20591461658477783, + 2.4357948303222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/49.png", + [ + 0.20658844709396362, + 0.016858261078596115, + -0.0631260871887207, + 0.7337244749069214, + 0.01984279602766037, + -0.2156389057636261, + 0.0073503064922988415, + -0.09089263528585434, + -0.0622524619102478, + -0.012789160944521427, + -0.20714479684829712, + 2.435276985168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/118.png", + [ + 0.207729309797287, + 0.015303337946534157, + -0.05968451499938965, + 0.700675368309021, + 0.01850772649049759, + -0.21569037437438965, + 0.009111486375331879, + -0.1184225082397461, + -0.058769866824150085, + -0.01383340172469616, + -0.2080928534269333, + 2.4708948135375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/110.png", + [ + 0.21237996220588684, + 0.028323709964752197, + -0.03225550800561905, + 0.3707728087902069, + 0.028607886284589767, + -0.2147776335477829, + -0.00023428353597410023, + -0.002940606325864792, + -0.0320037305355072, + -0.004029104486107826, + -0.21426017582416534, + 2.5386385917663574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/18.png", + [ + 0.20087461173534393, + 0.00475202314555645, + -0.08108456432819366, + 0.9434311985969543, + 0.009763780049979687, + -0.21614772081375122, + 0.011520770378410816, + -0.14310142397880554, + -0.0806347131729126, + -0.014334499835968018, + -0.200600266456604, + 2.378113269805908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/66.png", + [ + 0.21195948123931885, + 0.018607692793011665, + -0.04092463478446007, + 0.48290619254112244, + 0.023144369944930077, + -0.21426209807395935, + 0.02244970016181469, + -0.2712661027908325, + -0.03854101896286011, + -0.02633257582783699, + -0.21158704161643982, + 2.5110230445861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/16.png", + [ + 0.201140895485878, + 0.004375175107270479, + -0.0804431140422821, + 0.9364080429077148, + 0.009603392332792282, + -0.216114342212677, + 0.012258312664926052, + -0.15040338039398193, + -0.07998757064342499, + -0.014944872818887234, + -0.20081466436386108, + 2.3871216773986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/94.png", + [ + 0.21468695998191833, + 0.029232753440737724, + 0.001686783623881638, + -0.01622825674712658, + 0.028853746131062508, + -0.21332570910453796, + 0.024647381156682968, + -0.29571786522865295, + 0.004986024461686611, + -0.024196654558181763, + -0.21526159346103668, + 2.5150113105773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/28.png", + [ + 0.2101781666278839, + 0.01622011885046959, + -0.05009924992918968, + 0.5749666690826416, + 0.01773884892463684, + -0.2158999741077423, + 0.0045189340598881245, + -0.06307728588581085, + -0.049581848084926605, + -0.008484998717904091, + -0.21075467765331268, + 2.4860825538635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/61.png", + [ + 0.21064040064811707, + 0.026654677465558052, + -0.04322097823023796, + 0.5021504759788513, + 0.03312400355935097, + -0.21190883219242096, + 0.030746454373002052, + -0.3681148588657379, + -0.038487985730171204, + -0.0364975668489933, + -0.21008212864398956, + 2.503875732421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/58.png", + [ + 0.20935571193695068, + 0.0258196834474802, + -0.049511853605508804, + 0.5798148512840271, + 0.033348746597766876, + -0.21190853416919708, + 0.030504582449793816, + -0.36971843242645264, + -0.04478773474693298, + -0.037094637751579285, + -0.20872457325458527, + 2.48374080657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/123.png", + [ + 0.20707584917545319, + 0.011488535441458225, + -0.06273355334997177, + 0.7301631569862366, + 0.014730631373822689, + -0.21598294377326965, + 0.009070594795048237, + -0.1130983978509903, + -0.06205234304070473, + -0.012933705933392048, + -0.20719586312770844, + 2.446518898010254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/64.png", + [ + 0.21149425208568573, + 0.02247505635023117, + -0.04138782247900963, + 0.4850965738296509, + 0.027533281594514847, + -0.213486447930336, + 0.024766001850366592, + -0.29731735587120056, + -0.03820992261171341, + -0.02943311259150505, + -0.21123823523521423, + 2.5122480392456055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/10.png", + [ + 0.1990387886762619, + 0.004341679625213146, + -0.08551381528377533, + 1.0034445524215698, + 0.011793526820838451, + -0.21572354435920715, + 0.016497528180480003, + -0.20413947105407715, + -0.0848078727722168, + -0.01980922557413578, + -0.19840139150619507, + 2.376465320587158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/41.png", + [ + 0.20547179877758026, + 0.028274957090616226, + -0.06268780678510666, + 0.7310296893119812, + 0.029246186837553978, + -0.21468956768512726, + -0.0009742079419083893, + 0.0009870901703834534, + -0.06224063038825989, + -0.0075376019813120365, + -0.20740586519241333, + 2.463723659515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/91.png", + [ + 0.2143874168395996, + 0.031021952629089355, + 0.00485495338216424, + -0.054300643503665924, + 0.030203886330127716, + -0.21290074288845062, + 0.026625055819749832, + -0.3203546702861786, + 0.008582381531596184, + -0.025667229667305946, + -0.21497775614261627, + 2.5201263427734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/23.png", + [ + 0.2089928388595581, + 0.011516164988279343, + -0.05601134151220322, + 0.6435166001319885, + 0.013451763428747654, + -0.21618035435676575, + 0.005744425114244223, + -0.07426109910011292, + -0.05557825788855553, + -0.009018104523420334, + -0.20923103392124176, + 2.4648094177246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/37.png", + [ + 0.20893865823745728, + 0.028845319524407387, + -0.049603238701820374, + 0.5620185136795044, + 0.028097592294216156, + -0.21474595367908478, + -0.006526639685034752, + 0.0714670717716217, + -0.050030581653118134, + -0.00013875350123271346, + -0.21081939339637756, + 2.4881510734558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/36.png", + [ + 0.2091355174779892, + 0.025396477431058884, + -0.050648268312215805, + 0.5737078785896301, + 0.024488253518939018, + -0.21517956256866455, + -0.006780877709388733, + 0.07386213541030884, + -0.05109357461333275, + 0.0008207464707084, + -0.21056273579597473, + 2.483262062072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/8.png", + [ + 0.19965194165706635, + 0.007298285141587257, + -0.08386735618114471, + 0.9824616312980652, + 0.014582174830138683, + -0.21559397876262665, + 0.015952493995428085, + -0.1977280080318451, + -0.08291175216436386, + -0.020343473181128502, + -0.19914738833904266, + 2.3812618255615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/6.png", + [ + 0.2002045065164566, + 0.008812320418655872, + -0.08239171653985977, + 0.9681762456893921, + 0.015076026320457458, + -0.21572372317314148, + 0.01356036588549614, + -0.17226262390613556, + -0.08147861063480377, + -0.018262339755892754, + -0.19993901252746582, + 2.3925070762634277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/20.png", + [ + 0.20313523709774017, + 0.008204997517168522, + -0.07494430989027023, + 0.8688598871231079, + 0.011366196908056736, + -0.21625874936580658, + 0.007131590507924557, + -0.09115627408027649, + -0.07453040033578873, + -0.010617343708872795, + -0.20317575335502625, + 2.4010791778564453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/2.png", + [ + 0.1985963135957718, + 0.01415818091481924, + -0.08548066020011902, + 1.0034557580947876, + 0.01959802582859993, + -0.21556255221366882, + 0.00982820987701416, + -0.12987695634365082, + -0.0843997374176979, + -0.016739841550588608, + -0.1988576352596283, + 2.382460117340088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/117.png", + [ + 0.20812219381332397, + 0.01429127436131239, + -0.058556005358695984, + 0.6902514100074768, + 0.017634274438023567, + -0.2157229334115982, + 0.010026788339018822, + -0.1307116001844406, + -0.057637475430965424, + -0.014396654441952705, + -0.20837119221687317, + 2.4792990684509277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/5.png", + [ + 0.19837550818920135, + 0.012032458558678627, + -0.08631496876478195, + 1.0127547979354858, + 0.018905509263277054, + -0.21543076634407043, + 0.013418625108897686, + -0.17144560813903809, + -0.0850742906332016, + -0.019816601648926735, + -0.19828656315803528, + 2.374753475189209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/108.png", + [ + 0.20907793939113617, + 0.03172965720295906, + -0.047196730971336365, + 0.5637508034706116, + 0.03282362222671509, + -0.21416929364204407, + 0.0014233669498935342, + -0.02552632987499237, + -0.04644256830215454, + -0.008523206226527691, + -0.21146710216999054, + 2.514784336090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/60.png", + [ + 0.21036562323570251, + 0.02785942144691944, + -0.0437956266105175, + 0.5071829557418823, + 0.03498280793428421, + -0.21115772426128387, + 0.033712223172187805, + -0.40490323305130005, + -0.03834589198231697, + -0.039801549166440964, + -0.20950733125209808, + 2.496474266052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/56.png", + [ + 0.21008135378360748, + 0.022305618971586227, + -0.048126764595508575, + 0.5638889074325562, + 0.0286900345236063, + -0.2131311297416687, + 0.02645551785826683, + -0.3204384446144104, + -0.04461623355746269, + -0.03202298656105995, + -0.20959916710853577, + 2.481614112854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/30.png", + [ + 0.20591877400875092, + 0.017740873619914055, + -0.0650431290268898, + 0.7629570960998535, + 0.01858534850180149, + -0.21587607264518738, + -4.241009082761593e-05, + -0.012322502210736275, + -0.06480688601732254, + -0.005538793746381998, + -0.20668157935142517, + 2.4439749717712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/17.png", + [ + 0.20099703967571259, + 0.005854467861354351, + -0.08070813864469528, + 0.9362663626670837, + 0.011433198116719723, + -0.2159935086965561, + 0.012805551290512085, + -0.15597200393676758, + -0.08010842651128769, + -0.016137700527906418, + -0.2006741464138031, + 2.3794217109680176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/12.png", + [ + 0.19835737347602844, + 0.00472024641931057, + -0.08706298470497131, + 1.0191813707351685, + 0.012097171507775784, + -0.21575424075126648, + 0.015863798558712006, + -0.1945621520280838, + -0.08634757250547409, + -0.019383521750569344, + -0.1977783441543579, + 2.3662915229797363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/114.png", + [ + 0.21365976333618164, + 0.01885589025914669, + -0.03068968653678894, + 0.3531329333782196, + 0.020555788651108742, + -0.21542946994304657, + 0.010747278109192848, + -0.1372952163219452, + -0.02957804873585701, + -0.013509250245988369, + -0.21422074735164642, + 2.5356483459472656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/27.png", + [ + 0.2101045697927475, + 0.015257681719958782, + -0.05070676654577255, + 0.5840155482292175, + 0.017070461064577103, + -0.21592432260513306, + 0.0057601178996264935, + -0.07594054192304611, + -0.05012556537985802, + -0.009580331854522228, + -0.2105790674686432, + 2.4837894439697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/42.png", + [ + 0.20673850178718567, + 0.0227791890501976, + -0.060730502009391785, + 0.707639753818512, + 0.024578310549259186, + -0.21525616943836212, + 0.0029296972788870335, + -0.04613117128610611, + -0.0600249357521534, + -0.009684263728559017, + -0.2079690396785736, + 2.4722752571105957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/7.png", + [ + 0.1986713409423828, + 0.007689937949180603, + -0.08613044768571854, + 1.0142149925231934, + 0.015088737942278385, + -0.21558810770511627, + 0.015555942431092262, + -0.19431205093860626, + -0.0851464495062828, + -0.02026134915649891, + -0.19821062684059143, + 2.373856544494629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/73.png", + [ + 0.2138606309890747, + 0.034009214490652084, + -0.007409379351884127, + 0.07829919457435608, + 0.034587036818265915, + -0.2128155678510666, + 0.02147478237748146, + -0.25380682945251465, + -0.003906737081706524, + -0.02237861603498459, + -0.2154804766178131, + 2.4951701164245605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/120.png", + [ + 0.20801405608654022, + 0.01417925301939249, + -0.05896608904004097, + 0.6839435696601868, + 0.01752176694571972, + -0.21573638916015625, + 0.00993440207093954, + -0.12444238364696503, + -0.058060646057128906, + -0.014305714517831802, + -0.2082599401473999, + 2.4693870544433594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/46.png", + [ + 0.2065313756465912, + 0.014092948287725449, + -0.06398497521877289, + 0.7467189431190491, + 0.017203491181135178, + -0.21584278345108032, + 0.007989361882209778, + -0.10013523697853088, + -0.06321968138217926, + -0.012695620767772198, + -0.20685741305351257, + 2.4510021209716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/127.png", + [ + 0.2111603021621704, + 0.01245865598320961, + -0.04694681242108345, + 0.5355188250541687, + 0.01617957465350628, + -0.21550709009170532, + 0.01558263786137104, + -0.188248872756958, + -0.04579784348607063, + -0.018691688776016235, + -0.2109527885913849, + 2.46821928024292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/57.png", + [ + 0.2096308320760727, + 0.025617171078920364, + -0.04844140633940697, + 0.5651501417160034, + 0.03290705382823944, + -0.21200837194919586, + 0.030289731919765472, + -0.3665861189365387, + -0.04381706938147545, + -0.03666199743747711, + -0.20900683104991913, + 2.479440212249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/44.png", + [ + 0.20850756764411926, + 0.017387891188263893, + -0.05630408599972725, + 0.6516309380531311, + 0.01961621269583702, + -0.21570055186748505, + 0.006030662450939417, + -0.07991427928209305, + -0.05556701496243477, + -0.010900729335844517, + -0.20914438366889954, + 2.48457670211792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/113.png", + [ + 0.2140553593635559, + 0.022600878030061722, + -0.02484758570790291, + 0.2762911915779114, + 0.02370419166982174, + -0.21520806849002838, + 0.008456268347799778, + -0.10614441335201263, + -0.023797346279025078, + -0.011072367429733276, + -0.21507900953292847, + 2.536890983581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/126.png", + [ + 0.21088945865631104, + 0.013438982889056206, + -0.04788437485694885, + 0.5470800399780273, + 0.017277216538786888, + -0.21541818976402283, + 0.01563310995697975, + -0.18928737938404083, + -0.04663708433508873, + -0.019033916294574738, + -0.2107381969690323, + 2.470996379852295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/29.png", + [ + 0.20782822370529175, + 0.016679253429174423, + -0.058967139571905136, + 0.6876047253608704, + 0.018472598865628242, + -0.21584773063659668, + 0.004052240401506424, + -0.058487243950366974, + -0.058430153876543045, + -0.008914039470255375, + -0.2084570825099945, + 2.465664863586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/4.png", + [ + 0.1984652578830719, + 0.012330157682299614, + -0.08606623858213425, + 1.009482502937317, + 0.018538283184170723, + -0.2155536711215973, + 0.01186753623187542, + -0.15153872966766357, + -0.08494564890861511, + -0.018233858048915863, + -0.19849348068237305, + 2.3774614334106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/55.png", + [ + 0.2101421058177948, + 0.01937158778309822, + -0.04912158101797104, + 0.5731275677680969, + 0.025721192359924316, + -0.21358947455883026, + 0.025804098695516586, + -0.31232163310050964, + -0.04611516371369362, + -0.030857296660542488, + -0.20944954454898834, + 2.477363109588623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/9.png", + [ + 0.20059587061405182, + 0.006023270543664694, + -0.08168790489435196, + 0.9581300020217896, + 0.01245550811290741, + -0.2158181220293045, + 0.014672821387648582, + -0.18241693079471588, + -0.08095711469650269, + -0.01827981509268284, + -0.20014916360378265, + 2.3934569358825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/25.png", + [ + 0.21218347549438477, + 0.011456645093858242, + -0.04236520454287529, + 0.47681939601898193, + 0.01331669744104147, + -0.21610741317272186, + 0.0082548251375556, + -0.10155659914016724, + -0.04181782528758049, + -0.010687464848160744, + -0.21233214437961578, + 2.496081829071045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/99.png", + [ + 0.21457618474960327, + 0.029685530811548233, + 0.004870652221143246, + -0.05451678857207298, + 0.029050789773464203, + -0.21359193325042725, + 0.021964380517601967, + -0.2638200521469116, + 0.007810587994754314, + -0.021098626777529716, + -0.21550345420837402, + 2.526853084564209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/34.png", + [ + 0.20656809210777283, + 0.021323591470718384, + -0.06182890757918358, + 0.7161413431167603, + 0.021020760759711266, + -0.2156129777431488, + -0.004131147637963295, + 0.03994722291827202, + -0.0619325265288353, + -0.0020598971750587225, + -0.20762468874454498, + 2.454453945159912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/72.png", + [ + 0.21361567080020905, + 0.03485278785228729, + -0.01007595844566822, + 0.10433945804834366, + 0.03579657897353172, + -0.2122686356306076, + 0.024668226018548012, + -0.29011210799217224, + -0.005903107114136219, + -0.02598460577428341, + -0.21502988040447235, + 2.493105411529541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/102.png", + [ + 0.21447741985321045, + 0.03077038936316967, + -0.0007199523388408124, + 0.005926327779889107, + 0.030702853575348854, + -0.21353372931480408, + 0.02021322399377823, + -0.2443547397851944, + 0.0021610031835734844, + -0.02011026442050934, + -0.2157285362482071, + 2.540419101715088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/70.png", + [ + 0.21298322081565857, + 0.03006386011838913, + -0.02611902728676796, + 0.29925957322120667, + 0.03329555317759514, + -0.21238693594932556, + 0.02703864313662052, + -0.3197576403617859, + -0.021850524470210075, + -0.030591607093811035, + -0.2133883833885193, + 2.495734214782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/90.png", + [ + 0.21433384716510773, + 0.03130214661359787, + 0.0053912741132080555, + -0.061774179339408875, + 0.030465764924883842, + -0.21300022304058075, + 0.02550765685737133, + -0.30627915263175964, + 0.008984840475022793, + -0.024474045261740685, + -0.21510040760040283, + 2.5195565223693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/122.png", + [ + 0.20633965730667114, + 0.011455326341092587, + -0.06512003391981125, + 0.7605394721031189, + 0.015228676609694958, + -0.2158944010734558, + 0.010275463573634624, + -0.12829969823360443, + -0.06434229761362076, + -0.014362212270498276, + -0.2064017653465271, + 2.4439969062805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/15.png", + [ + 0.19991283118724823, + 0.0053931949660182, + -0.08338860422372818, + 0.9729407429695129, + 0.011546982452273369, + -0.2159314900636673, + 0.013716855086386204, + -0.168639674782753, + -0.08276118338108063, + -0.017099659889936447, + -0.19951461255550385, + 2.3782224655151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/22.png", + [ + 0.20819620788097382, + 0.010161427780985832, + -0.05915217101573944, + 0.6761121153831482, + 0.012000801041722298, + -0.21628226339817047, + 0.005084929522126913, + -0.06520067155361176, + -0.058806587010622025, + -0.008162177167832851, + -0.2083820253610611, + 2.454981803894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/109.png", + [ + 0.2103472203016281, + 0.03119395300745964, + -0.041579779237508774, + 0.49222332239151, + 0.03160375356674194, + -0.21435536444187164, + -0.0009338402887806296, + 0.0034501999616622925, + -0.041269153356552124, + -0.0051581780426204205, + -0.21264559030532837, + 2.5284838676452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/26.png", + [ + 0.21181927621364594, + 0.012447786517441273, + -0.043881047517061234, + 0.4970991909503937, + 0.014096138067543507, + -0.21611054241657257, + 0.006739485077559948, + -0.08482369780540466, + -0.04337962716817856, + -0.009443218819797039, + -0.21207764744758606, + 2.4942407608032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/43.png", + [ + 0.20680496096611023, + 0.02321302518248558, + -0.06033877283334732, + 0.7015120983123779, + 0.025190070271492004, + -0.21517601609230042, + 0.0035556580405682325, + -0.051492758095264435, + -0.059540510177612305, + -0.010408533737063408, + -0.20807327330112457, + 2.474851131439209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/84.png", + [ + 0.21491184830665588, + 0.027582386508584023, + 4.652987263398245e-05, + 0.0009333926718682051, + 0.02742832899093628, + -0.2137494832277298, + 0.022511016577482224, + -0.2693273425102234, + 0.002911523450165987, + -0.02232198603451252, + -0.2155020833015442, + 2.5286240577697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/89.png", + [ + 0.21437892317771912, + 0.030873382464051247, + 0.006033670622855425, + -0.06895080953836441, + 0.02999163419008255, + -0.2131330370903015, + 0.024953892454504967, + -0.2987654209136963, + 0.0094906622543931, + -0.02385433204472065, + -0.21514829993247986, + 2.5195064544677734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/63.png", + [ + 0.21146675944328308, + 0.023797864094376564, + -0.04078448936343193, + 0.476450115442276, + 0.029084082692861557, + -0.2130759209394455, + 0.026469964534044266, + -0.31774717569351196, + -0.03719985857605934, + -0.03130821883678436, + -0.21114890277385712, + 2.512497901916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/88.png", + [ + 0.2146250456571579, + 0.029699858278036118, + 0.0013778199208900332, + -0.013267490081489086, + 0.029398294165730476, + -0.2134893387556076, + 0.02249309979379177, + -0.2700630724430084, + 0.004440721124410629, + -0.022093391045928, + -0.21549955010414124, + 2.518634796142578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/62.png", + [ + 0.21103987097740173, + 0.024366527795791626, + -0.042618561536073685, + 0.497211754322052, + 0.030228490009903908, + -0.21271133422851562, + 0.028071796521544456, + -0.33596545457839966, + -0.03868214040994644, + -0.03328752517700195, + -0.2105790227651596, + 2.507452964782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/65.png", + [ + 0.2112254649400711, + 0.021677721291780472, + -0.043148305267095566, + 0.5080119371414185, + 0.026656437665224075, + -0.213785782456398, + 0.023086197674274445, + -0.2774750590324402, + -0.040263306349515915, + -0.027813930064439774, + -0.21107615530490875, + 2.511234760284424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/80.png", + [ + 0.21431438624858856, + 0.030203118920326233, + -0.010247454978525639, + 0.12212997674942017, + 0.031024783849716187, + -0.21356265246868134, + 0.01939985156059265, + -0.2331332266330719, + -0.007396054919809103, + -0.02065582014620304, + -0.21556097269058228, + 2.522855758666992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/119.png", + [ + 0.207557812333107, + 0.015065347775816917, + -0.06033806502819061, + 0.7029156684875488, + 0.018680518493056297, + -0.21561606228351593, + 0.010423881001770496, + -0.13195236027240753, + -0.05931850150227547, + -0.015187308192253113, + -0.207842618227005, + 2.464231491088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/79.png", + [ + 0.21436075866222382, + 0.02962881699204445, + -0.010931471362709999, + 0.1304706633090973, + 0.030377471819519997, + -0.21395306289196014, + 0.01578574813902378, + -0.19047440588474274, + -0.008635570295155048, + -0.017149748280644417, + -0.21582217514514923, + 2.5191354751586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/116.png", + [ + 0.21038571000099182, + 0.013824308291077614, + -0.04994640871882439, + 0.5921273231506348, + 0.016940947622060776, + -0.2156965285539627, + 0.011658047325909138, + -0.15308021008968353, + -0.04897713288664818, + -0.015224790200591087, + -0.21051685512065887, + 2.5026612281799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/19.png", + [ + 0.20143689215183258, + 0.005921106785535812, + -0.07959908246994019, + 0.9250674843788147, + 0.010684511624276638, + -0.21613328158855438, + 0.010961265303194523, + -0.1362851858139038, + -0.07910066097974777, + -0.01411554403603077, + -0.20122559368610382, + 2.381181240081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/77.png", + [ + 0.21438845992088318, + 0.030511364340782166, + -0.00738508952781558, + 0.08915259689092636, + 0.030939558520913124, + -0.21399246156215668, + 0.01406656764447689, + -0.16837769746780396, + -0.005312866531312466, + -0.014972686767578125, + -0.21609139442443848, + 2.511613368988037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/68.png", + [ + 0.21134616434574127, + 0.024364016950130463, + -0.041074175387620926, + 0.48712629079818726, + 0.028772534802556038, + -0.21369795501232147, + 0.0212889201939106, + -0.2583124339580536, + -0.03811606392264366, + -0.026219680905342102, + -0.21167802810668945, + 2.501272678375244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/86.png", + [ + 0.21476247906684875, + 0.028719423338770866, + -0.0004156071809120476, + 0.00826747715473175, + 0.028601083904504776, + -0.21354486048221588, + 0.02298833802342415, + -0.2752404808998108, + 0.0026374158915132284, + -0.02284032478928566, + -0.21545130014419556, + 2.526228904724121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/1.png", + [ + 0.19709335267543793, + 0.015802206471562386, + -0.08861379325389862, + 1.0388383865356445, + 0.021829627454280853, + -0.21533292531967163, + 0.010153481736779213, + -0.12998491525650024, + -0.08732457458972931, + -0.018163593485951424, + -0.19746491312980652, + 2.3634791374206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/81.png", + [ + 0.21463461220264435, + 0.029234357178211212, + -0.005022350698709488, + 0.05812748894095421, + 0.029586730524897575, + -0.21361719071865082, + 0.020981142297387123, + -0.25267061591148376, + -0.002120646182447672, + -0.021469399333000183, + -0.21559792757034302, + 2.5253677368164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/95.png", + [ + 0.21457283198833466, + 0.03002641722559929, + 0.0021927806083112955, + -0.02260262332856655, + 0.029603010043501854, + -0.21329863369464874, + 0.023984385654330254, + -0.28770238161087036, + 0.005482331849634647, + -0.023452142253518105, + -0.21533191204071045, + 2.5160818099975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/103.png", + [ + 0.21447481215000153, + 0.030728520825505257, + -0.0020505348220467567, + 0.016627222299575806, + 0.03079148568212986, + -0.2136920690536499, + 0.01831609383225441, + -0.22176222503185272, + 0.0005752563592977822, + -0.018421536311507225, + -0.2158893495798111, + 2.542731761932373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/83.png", + [ + 0.2148100733757019, + 0.028362035751342773, + 0.0003500792954582721, + -0.0038366520311683416, + 0.0281772930175066, + -0.2136848419904709, + 0.02219749055802822, + -0.26660043001174927, + 0.0032508315052837133, + -0.021960945799946785, + -0.21553432941436768, + 2.5305066108703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/51.png", + [ + 0.21054276823997498, + 0.018096093088388443, + -0.04787658154964447, + 0.5441850423812866, + 0.021909138187766075, + -0.21503670513629913, + 0.015069720335304737, + -0.18339011073112488, + -0.04625607654452324, + -0.01948430947959423, + -0.2107810080051422, + 2.471465587615967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/128.png", + [ + 0.2108849287033081, + 0.0140555240213871, + -0.0477273166179657, + 0.5451228022575378, + 0.018218157812952995, + -0.21522805094718933, + 0.017113707959651947, + -0.2070360630750656, + -0.04629852622747421, + -0.02066936157643795, + -0.21065875887870789, + 2.457764148712158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/93.png", + [ + 0.21451780200004578, + 0.03045508824288845, + 0.0015790160978212953, + -0.015377646312117577, + 0.03006173111498356, + -0.2130659520626068, + 0.02543778158724308, + -0.30518290400505066, + 0.00512817082926631, + -0.024965494871139526, + -0.2151704579591751, + 2.5148720741271973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/76.png", + [ + 0.18369358777999878, + -0.04304485768079758, + 0.1065443679690361, + -1.2102051973342896, + -0.021761296316981316, + -0.21029408276081085, + -0.04744192957878113, + 0.5275969505310059, + 0.11283177137374878, + 0.029519997537136078, + -0.18260738253593445, + 2.1409945487976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/48.png", + [ + 0.18268656730651855, + -0.05124765634536743, + 0.10462884604930878, + -1.148404836654663, + -0.03723827749490738, + -0.21006430685520172, + -0.037870731204748154, + 0.4075978100299835, + 0.11039397120475769, + 0.013948448933660984, + -0.18592070043087006, + 2.099449634552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/35.png", + [ + 0.18677595257759094, + -0.04876763001084328, + 0.09840910881757736, + -1.0919537544250488, + -0.04371918737888336, + -0.21111175417900085, + -0.021641569212079048, + 0.23155465722084045, + 0.10075350850820541, + -0.0012010710779577494, + -0.19182071089744568, + 2.1916961669921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/97.png", + [ + 0.1711508333683014, + -0.06392956525087357, + 0.11648302525281906, + -1.3042385578155518, + -0.05167430266737938, + -0.2070191651582718, + -0.03769256919622421, + 0.4082254469394684, + 0.12241344898939133, + 0.0019934794399887323, + -0.17877045273780823, + 2.0613341331481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/13.png", + [ + 0.18111276626586914, + -0.059919849038124084, + 0.10274077206850052, + -1.165534257888794, + -0.053976576775312424, + -0.20819291472434998, + -0.026270397007465363, + 0.2806277871131897, + 0.10598388314247131, + -0.0036353636533021927, + -0.18894997239112854, + 2.2028346061706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/32.png", + [ + 0.18539269268512726, + -0.04922459274530411, + 0.10076893866062164, + -1.1200530529022217, + -0.04510267451405525, + -0.21097494661808014, + -0.020080095157027245, + 0.21579357981681824, + 0.1026800274848938, + -0.0037948405370116234, + -0.19076243042945862, + 2.1787848472595215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/38.png", + [ + 0.18651798367500305, + -0.047717079520225525, + 0.0994083359837532, + -1.1038918495178223, + -0.04074126482009888, + -0.211336150765419, + -0.025001591071486473, + 0.2697606086730957, + 0.10246504843235016, + 0.002830167766660452, + -0.1908947378396988, + 2.1776232719421387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/11.png", + [ + 0.18133336305618286, + -0.05959836766123772, + 0.10253847390413284, + -1.1589951515197754, + -0.05512608215212822, + -0.20821882784366608, + -0.023535603657364845, + 0.24929264187812805, + 0.10501056164503098, + -0.006390935275703669, + -0.1894197165966034, + 2.2020506858825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/59.png", + [ + 0.1796867847442627, + -0.057830311357975006, + 0.10637769848108292, + -1.1806373596191406, + -0.04385128244757652, + -0.20852193236351013, + -0.039288248866796494, + 0.42387157678604126, + 0.11286108195781708, + 0.011052430607378483, + -0.1846296638250351, + 2.106825828552246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/24.png", + [ + 0.18342895805835724, + -0.048413291573524475, + 0.10467985272407532, + -1.176173448562622, + -0.04439682513475418, + -0.21114574372768402, + -0.01985672488808632, + 0.21129977703094482, + 0.10644548386335373, + -0.004639002028852701, + -0.18866832554340363, + 2.1742911338806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/74.png", + [ + 0.1843021959066391, + -0.04229842498898506, + 0.10578955709934235, + -1.1914353370666504, + -0.022337231785058975, + -0.2106991410255432, + -0.04533000662922859, + 0.5004276633262634, + 0.11172123998403549, + 0.027651479467749596, + -0.18358010053634644, + 2.1368179321289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/98.png", + [ + 0.16895198822021484, + -0.062316689640283585, + 0.12049790471792221, + -1.3543425798416138, + -0.05130567029118538, + -0.20751778781414032, + -0.03538341447710991, + 0.3814863860607147, + 0.1255820244550705, + -0.0009420919232070446, + -0.17656773328781128, + 2.0431652069091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/0.png", + [ + 0.18124455213546753, + -0.05557942017912865, + 0.10492487251758575, + -1.1738113164901733, + -0.060371242463588715, + -0.20801053941249847, + -0.005900859367102385, + 0.04733520373702049, + 0.10224291682243347, + -0.024298857897520065, + -0.18948309123516083, + 2.1530137062072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/96.png", + [ + 0.17428921163082123, + -0.060833804309368134, + 0.11344783008098602, + -1.2729943990707397, + -0.048129428178071976, + -0.20789943635463715, + -0.03754037991166115, + 0.4078715145587921, + 0.11939314752817154, + 0.004996908828616142, + -0.18074347078800201, + 2.08474063873291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/100.png", + [ + 0.16765469312667847, + -0.061153266578912735, + 0.12288236618041992, + -1.388649344444275, + -0.05288534238934517, + -0.2077844887971878, + -0.031251225620508194, + 0.3368358314037323, + 0.12666071951389313, + -0.005811761133372784, + -0.17570196092128754, + 2.0442686080932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/40.png", + [ + 0.18547748029232025, + -0.0494043342769146, + 0.10052467882633209, + -1.1164956092834473, + -0.040116675198078156, + -0.2108595222234726, + -0.02961098775267601, + 0.31989049911499023, + 0.10457845777273178, + 0.0067356969229876995, + -0.18964670598506927, + 2.1566662788391113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/52.png", + [ + 0.1834905743598938, + -0.05400840938091278, + 0.10179489850997925, + -1.1140838861465454, + -0.03882040083408356, + -0.20918656885623932, + -0.04101046174764633, + 0.44211262464523315, + 0.10849923640489578, + 0.016491614282131195, + -0.186825692653656, + 2.1098408699035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/3.png", + [ + 0.1818082332611084, + -0.05636106804013252, + 0.103523388504982, + -1.1466951370239258, + -0.05746155232191086, + -0.20853501558303833, + -0.012618138454854488, + 0.12542647123336792, + 0.10291662812232971, + -0.01686645671725273, + -0.18992522358894348, + 2.157878875732422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/47.png", + [ + 0.1815290004014969, + -0.05338427424430847, + 0.10557100176811218, + -1.159172534942627, + -0.03912622109055519, + -0.20957012474536896, + -0.0386962927877903, + 0.4176415205001831, + 0.11164342612028122, + 0.013355999253690243, + -0.1852167844772339, + 2.087398052215576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/104.png", + [ + 0.1759381890296936, + -0.048973165452480316, + 0.11659879982471466, + -1.3197121620178223, + -0.04245278984308243, + -0.2110479176044464, + -0.0245853029191494, + 0.2609945237636566, + 0.11912771314382553, + -0.0028819723520427942, + -0.18096457421779633, + 2.108795166015625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/21.png", + [ + 0.18352821469306946, + -0.05267670005559921, + 0.10242287814617157, + -1.161756992340088, + -0.05219155550003052, + -0.20980247855186462, + -0.014382329769432545, + 0.1476840227842331, + 0.10267094522714615, + -0.012488982640206814, + -0.19039589166641235, + 2.21351957321167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/82.png", + [ + 0.1818120926618576, + -0.04904640465974808, + 0.10717605799436569, + -1.2346097230911255, + -0.029950536787509918, + -0.20978179574012756, + -0.04519360139966011, + 0.5091378092765808, + 0.11399659514427185, + 0.023107292130589485, + -0.18280787765979767, + 2.1811165809631348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/14.png", + [ + 0.18183177709579468, + -0.0598142072558403, + 0.10152517259120941, + -1.1537542343139648, + -0.05384349077939987, + -0.2082303762435913, + -0.02624649740755558, + 0.2809906005859375, + 0.10481403023004532, + -0.0032030625734478235, + -0.18960922956466675, + 2.2132515907287598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/67.png", + [ + 0.1820567101240158, + -0.05759280547499657, + 0.1024027094244957, + -1.1471545696258545, + -0.044665005058050156, + -0.20860357582569122, + -0.03791405260562897, + 0.41437286138534546, + 0.10866592079401016, + 0.01074740756303072, + -0.18714727461338043, + 2.157569408416748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/78.png", + [ + 0.18320202827453613, + -0.0471227653324604, + 0.10566149652004242, + -1.2087167501449585, + -0.024722468107938766, + -0.20926153659820557, + -0.05046091601252556, + 0.5647277235984802, + 0.11302082240581512, + 0.030609628185629845, + -0.18231083452701569, + 2.1510534286499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/31.png", + [ + 0.1838931441307068, + -0.05091078579425812, + 0.10266108810901642, + -1.1432671546936035, + -0.04570256173610687, + -0.21059377491474152, + -0.022570455446839333, + 0.24583211541175842, + 0.10508322715759277, + -0.0024983223993331194, + -0.18947076797485352, + 2.165114402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/39.png", + [ + 0.1861121952533722, + -0.048021361231803894, + 0.10002045333385468, + -1.1108094453811646, + -0.03952076658606529, + -0.2112094759941101, + -0.027866993099451065, + 0.30045291781425476, + 0.1036737784743309, + 0.005692881997674704, + -0.190176859498024, + 2.166524887084961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/92.png", + [ + 0.17721284925937653, + -0.05848457291722298, + 0.11010472476482391, + -1.2517049312591553, + -0.04208555072546005, + -0.20818491280078888, + -0.042845625430345535, + 0.46780458092689514, + 0.11735546588897705, + 0.013656321913003922, + -0.18162901699543, + 2.1218881607055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/53.png", + [ + 0.18208403885364532, + -0.05553769692778587, + 0.10348362475633621, + -1.13309907913208, + -0.0404236726462841, + -0.20888876914978027, + -0.040979377925395966, + 0.44252124428749084, + 0.11026885360479355, + 0.015130993910133839, + -0.18590247631072998, + 2.1052732467651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/75.png", + [ + 0.18264511227607727, + -0.04118367284536362, + 0.10905303061008453, + -1.2342745065689087, + -0.020641488954424858, + -0.2109246850013733, + -0.04508436843752861, + 0.5003052949905396, + 0.11472830921411514, + 0.027614785358309746, + -0.18172156810760498, + 2.1256775856018066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/87.png", + [ + 0.17409244179725647, + -0.05574922636151314, + 0.1163259819149971, + -1.3524082899093628, + -0.03332698717713356, + -0.20819929242134094, + -0.049902621656656265, + 0.5629792809486389, + 0.12461551278829575, + 0.022203225642442703, + -0.1758575737476349, + 2.0859274864196777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/69.png", + [ + 0.18196947872638702, + -0.05554961413145065, + 0.10367856174707413, + -1.1617487668991089, + -0.03994572535157204, + -0.20882314443588257, + -0.041774723678827286, + 0.4562240242958069, + 0.11063157021999359, + 0.015969615429639816, + -0.18561658263206482, + 2.1490464210510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/45.png", + [ + 0.18345819413661957, + -0.051777184009552, + 0.10300534963607788, + -1.1310094594955444, + -0.036714524030685425, + -0.20975303649902344, + -0.04004492983222008, + 0.4394356310367584, + 0.10928413271903992, + 0.01645221747457981, + -0.1863711178302765, + 2.105158805847168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/50.png", + [ + 0.18367744982242584, + -0.05102363973855972, + 0.10299067944288254, + -1.130247712135315, + -0.03697901964187622, + -0.21006491780281067, + -0.038120582699775696, + 0.4114213287830353, + 0.10882575064897537, + 0.014738213270902634, + -0.1867823302745819, + 2.110151767730713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/101.png", + [ + 0.16917699575424194, + -0.05903015658259392, + 0.12182971835136414, + -1.3790936470031738, + -0.051559239625930786, + -0.20839068293571472, + -0.029374565929174423, + 0.31775861978530884, + 0.1251746118068695, + -0.00605491828173399, + -0.1767556220293045, + 2.0614328384399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/85.png", + [ + 0.17725367844104767, + -0.05334394425153732, + 0.11262079328298569, + -1.3052253723144531, + -0.03254656493663788, + -0.20883944630622864, + -0.04769385606050491, + 0.5361746549606323, + 0.12029024958610535, + 0.022099917754530907, + -0.1788567751646042, + 2.1173510551452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/71.png", + [ + 0.18396957218647003, + -0.04691366106271744, + 0.10441359877586365, + -1.1655478477478027, + -0.027891753241419792, + -0.21005626022815704, + -0.045236196368932724, + 0.4947322905063629, + 0.11101864278316498, + 0.024967418983578682, + -0.18438921868801117, + 2.1369919776916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/54.png", + [ + 0.1813889741897583, + -0.05722521245479584, + 0.10378442704677582, + -1.1379432678222656, + -0.041652388870716095, + -0.20841962099075317, + -0.04212166368961334, + 0.45597487688064575, + 0.11095499992370605, + 0.01531114149838686, + -0.18547898530960083, + 2.100069522857666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/33.png", + [ + 0.1859322488307953, + -0.049966681748628616, + 0.09940033406019211, + -1.1021952629089355, + -0.04592477157711983, + -0.21079936623573303, + -0.020060786977410316, + 0.21436229348182678, + 0.1013311967253685, + -0.003853662172332406, + -0.19148114323616028, + 2.1842546463012695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/49.png", + [ + 0.1828722506761551, + -0.05166317895054817, + 0.10409871488809586, + -1.1416295766830444, + -0.038486335426568985, + -0.21005764603614807, + -0.03663986548781395, + 0.39395928382873535, + 0.1096559539437294, + 0.012433563359081745, + -0.1864641159772873, + 2.107743740081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/18.png", + [ + 0.18472859263420105, + -0.05636157467961311, + 0.0982171818614006, + -1.1133984327316284, + -0.054339949041604996, + -0.20899930596351624, + -0.01772996596992016, + 0.18909619748592377, + 0.09934993833303452, + -0.009516043588519096, + -0.192319855093956, + 2.2315292358398438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/66.png", + [ + 0.1815319061279297, + -0.05793076381087303, + 0.10314113646745682, + -1.1562427282333374, + -0.04524518921971321, + -0.20855271816253662, + -0.03750370442867279, + 0.41011691093444824, + 0.10930205881595612, + 0.009883391670882702, + -0.18682418763637543, + 2.152622699737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/16.png", + [ + 0.1837960183620453, + -0.05733466148376465, + 0.09939645230770111, + -1.1289787292480469, + -0.05311525613069534, + -0.20887954533100128, + -0.022271081805229187, + 0.23861965537071228, + 0.10171374678611755, + -0.005474252626299858, + -0.19123868644237518, + 2.227130889892578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/94.png", + [ + 0.17517657577991486, + -0.06086141616106033, + 0.11205781251192093, + -1.2643650770187378, + -0.04625933617353439, + -0.2077634036540985, + -0.04052571579813957, + 0.441135436296463, + 0.11883240193128586, + 0.008840149268507957, + -0.18096576631069183, + 2.1020750999450684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/28.png", + [ + 0.1830737292766571, + -0.05019441619515419, + 0.10446257889270782, + -1.1646207571029663, + -0.04258260503411293, + -0.21077114343643188, + -0.02664857544004917, + 0.28845375776290894, + 0.10778976231813431, + 0.001986226998269558, + -0.18795031309127808, + 2.1514058113098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/61.png", + [ + 0.18130625784397125, + -0.05634646490216255, + 0.10440792888402939, + -1.1648296117782593, + -0.04229056462645531, + -0.20884719491004944, + -0.0392715148627758, + 0.42639732360839844, + 0.11084875464439392, + 0.012482774443924427, + -0.1857542097568512, + 2.129849433898926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/58.png", + [ + 0.17981277406215668, + -0.05739018693566322, + 0.10640313476324081, + -1.1766031980514526, + -0.04271680489182472, + -0.20856356620788574, + -0.040304023772478104, + 0.43588191270828247, + 0.1130952537059784, + 0.012470207177102566, + -0.1843959242105484, + 2.098454475402832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/64.png", + [ + 0.1820361167192459, + -0.05763820558786392, + 0.10241379588842392, + -1.145172119140625, + -0.04425426200032234, + -0.20854520797729492, + -0.03870861232280731, + 0.42204082012176514, + 0.1088683009147644, + 0.011603198945522308, + -0.18697847425937653, + 2.1531753540039062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/10.png", + [ + 0.18123416602611542, + -0.05936872214078903, + 0.10284660756587982, + -1.160993218421936, + -0.05561919882893562, + -0.20823505520820618, + -0.022193728014826775, + 0.23308342695236206, + 0.10492175817489624, + -0.007836559787392616, + -0.18941465020179749, + 2.1966381072998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/41.png", + [ + 0.18472455441951752, + -0.04865594208240509, + 0.10226108133792877, + -1.1328526735305786, + -0.038842249661684036, + -0.2110096663236618, + -0.0302339568734169, + 0.3274633288383484, + 0.10637673735618591, + 0.0074438974261283875, + -0.1886172741651535, + 2.143397331237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/91.png", + [ + 0.1779017597436905, + -0.05548630654811859, + 0.11054468154907227, + -1.2606233358383179, + -0.038156017661094666, + -0.20882409811019897, + -0.04341098293662071, + 0.47635117173194885, + 0.1176561713218689, + 0.016176076605916023, + -0.18122708797454834, + 2.126173496246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/23.png", + [ + 0.18529731035232544, + -0.046938031911849976, + 0.10202760249376297, + -1.1466678380966187, + -0.04418141767382622, + -0.21143747866153717, + -0.017032265663146973, + 0.178179532289505, + 0.10325121134519577, + -0.0062383441254496574, + -0.1903894990682602, + 2.194700241088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/37.png", + [ + 0.1868065446615219, + -0.04951203614473343, + 0.097978375852108, + -1.088600993156433, + -0.04274952784180641, + -0.21092933416366577, + -0.02508358284831047, + 0.26905614137649536, + 0.10111221671104431, + 0.002294908743351698, + -0.19162188470363617, + 2.1863245964050293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/36.png", + [ + 0.185382679104805, + -0.049864429980516434, + 0.1004723533987999, + -1.1180086135864258, + -0.04371550306677818, + -0.21085864305496216, + -0.023989185690879822, + 0.2573292851448059, + 0.10329622775316238, + 0.0002537491382099688, + -0.19046711921691895, + 2.1782050132751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/8.png", + [ + 0.1801978349685669, + -0.05905107781291008, + 0.10483129322528839, + -1.180822730064392, + -0.05594130605459213, + -0.208257257938385, + -0.02115125209093094, + 0.22076711058616638, + 0.10652322322130203, + -0.009474989026784897, + -0.1884434074163437, + 2.1822800636291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/6.png", + [ + 0.17987187206745148, + -0.05774424597620964, + 0.10611129552125931, + -1.1884105205535889, + -0.05623782053589821, + -0.20846374332904816, + -0.018112853169441223, + 0.1844753921031952, + 0.10691731423139572, + -0.01250480767339468, + -0.18804310262203217, + 2.1653056144714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/20.png", + [ + 0.1854218691587448, + -0.05386485531926155, + 0.09831172972917557, + -1.1143269538879395, + -0.05234445258975029, + -0.2096368670463562, + -0.016134927049279213, + 0.1674833744764328, + 0.0991295874118805, + -0.009942580945789814, + -0.19241195917129517, + 2.235107421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/2.png", + [ + 0.18339011073112488, + -0.0538780651986599, + 0.10204468667507172, + -1.1301871538162231, + -0.056277383118867874, + -0.20903490483760834, + -0.009228113107383251, + 0.08860288560390472, + 0.10074135661125183, + -0.01869375817477703, + -0.19091784954071045, + 2.1662678718566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/5.png", + [ + 0.18076035380363464, + -0.05635518208146095, + 0.10534553974866867, + -1.174647331237793, + -0.05541885644197464, + -0.20880788564682007, + -0.016610795632004738, + 0.16716597974300385, + 0.10584111511707306, + -0.013086702674627304, + -0.1886114776134491, + 2.1642069816589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/60.png", + [ + 0.18011994659900665, + -0.05770857632160187, + 0.10570912063121796, + -1.1765165328979492, + -0.0435572974383831, + -0.2085212618112564, + -0.03961746394634247, + 0.42883870005607605, + 0.11228293925523758, + 0.011683379299938679, + -0.1849430501461029, + 2.116898536682129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/56.png", + [ + 0.18193833529949188, + -0.05594215542078018, + 0.10352203249931335, + -1.1369428634643555, + -0.040196217596530914, + -0.20870241522789001, + -0.04213624447584152, + 0.45977383852005005, + 0.11059203743934631, + 0.01617634855210781, + -0.18562225997447968, + 2.102890968322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/30.png", + [ + 0.18508197367191315, + -0.04849384352564812, + 0.10169024765491486, + -1.1327670812606812, + -0.041877251118421555, + -0.21117447316646576, + -0.024485494941473007, + 0.2683412432670593, + 0.10458897799253464, + 0.001261411583982408, + -0.18975630402565002, + 2.1703319549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/17.png", + [ + 0.1839865744113922, + -0.05745074898004532, + 0.0989760011434555, + -1.1224445104599, + -0.0540044829249382, + -0.20880214869976044, + -0.02081051468849182, + 0.22315114736557007, + 0.10089773684740067, + -0.006998016498982906, + -0.19162088632583618, + 2.226614475250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/12.png", + [ + 0.1811414510011673, + -0.06025360897183418, + 0.10249471664428711, + -1.1604219675064087, + -0.05518466606736183, + -0.20805859565734863, + -0.02478228695690632, + 0.2629617154598236, + 0.1053105816245079, + -0.005386128555983305, + -0.1892843395471573, + 2.2037863731384277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/27.png", + [ + 0.1829090565443039, + -0.050471678376197815, + 0.10461729764938354, + -1.167680025100708, + -0.043241653591394424, + -0.21071133017539978, + -0.0260536577552557, + 0.28108569979667664, + 0.10780692100524902, + 0.0011151519138365984, + -0.18794766068458557, + 2.1520915031433105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/42.png", + [ + 0.18431299924850464, + -0.049256689846515656, + 0.10271507501602173, + -1.1350741386413574, + -0.03881940618157387, + -0.21083636581897736, + -0.031447965651750565, + 0.3418530225753784, + 0.10709652304649353, + 0.008348607458174229, + -0.18817155063152313, + 2.1336750984191895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/7.png", + [ + 0.18004481494426727, + -0.05898429825901985, + 0.10513140261173248, + -1.1814494132995605, + -0.05628826096653938, + -0.20823542773723602, + -0.020433569326996803, + 0.21093080937862396, + 0.10659919679164886, + -0.010332110337913036, + -0.18835538625717163, + 2.1767473220825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/73.png", + [ + 0.1862020492553711, + -0.04301685839891434, + 0.10210897773504257, + -1.143794059753418, + -0.02337796241044998, + -0.21043603122234344, + -0.04602213576436043, + 0.5057860016822815, + 0.10830587893724442, + 0.028532719239592552, + -0.18548211455345154, + 2.15084171295166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/46.png", + [ + 0.18235911428928375, + -0.05349373072385788, + 0.10407435148954391, + -1.1431787014007568, + -0.038036834448575974, + -0.20934179425239563, + -0.04095255583524704, + 0.44620513916015625, + 0.1106627881526947, + 0.01619669795036316, + -0.18557830154895782, + 2.094784736633301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/57.png", + [ + 0.18054525554180145, + -0.056547656655311584, + 0.1056109294295311, + -1.1643247604370117, + -0.04132789000868797, + -0.20869030058383942, + -0.041088491678237915, + 0.4474712014198303, + 0.11244247853755951, + 0.014093280769884586, + -0.18467800319194794, + 2.0973877906799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/44.png", + [ + 0.18427178263664246, + -0.05014835298061371, + 0.10235696285963058, + -1.1248716115951538, + -0.03666903078556061, + -0.21031488478183746, + -0.03702608123421669, + 0.4065820872783661, + 0.10792213678359985, + 0.014166544191539288, + -0.18734999001026154, + 2.116586685180664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/29.png", + [ + 0.1839463859796524, + -0.04997935891151428, + 0.10302276164293289, + -1.1498303413391113, + -0.042868662625551224, + -0.21082648634910583, + -0.02573641762137413, + 0.28051093220710754, + 0.1061786338686943, + 0.0014661280438303947, + -0.1888699233531952, + 2.162424087524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/4.png", + [ + 0.1804337203502655, + -0.05602418631315231, + 0.10607948899269104, + -1.1773792505264282, + -0.056559011340141296, + -0.2086925059556961, + -0.01401475165039301, + 0.13868708908557892, + 0.10579530149698257, + -0.016019489616155624, + -0.18841077387332916, + 2.1511688232421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/55.png", + [ + 0.1814722865819931, + -0.05676497891545296, + 0.10389148443937302, + -1.14030921459198, + -0.04157674312591553, + -0.2085898369550705, + -0.041346706449985504, + 0.4482996463775635, + 0.11084707826375961, + 0.014693981036543846, + -0.185593381524086, + 2.1019105911254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/9.png", + [ + 0.18077214062213898, + -0.05968436971306801, + 0.10347510874271393, + -1.1658918857574463, + -0.05588740110397339, + -0.20813913643360138, + -0.022418590262532234, + 0.23542937636375427, + 0.10557422786951065, + -0.007985694333910942, + -0.1890454888343811, + 2.1902222633361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/25.png", + [ + 0.1833799034357071, + -0.04992280155420303, + 0.10405487567186356, + -1.1655856370925903, + -0.04501408338546753, + -0.21082141995429993, + -0.02181652933359146, + 0.23265990614891052, + 0.10627058148384094, + -0.003153215628117323, + -0.18879754841327667, + 2.169567108154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/99.png", + [ + 0.16854038834571838, + -0.061731789261102676, + 0.12137223035097122, + -1.3670132160186768, + -0.05209064483642578, + -0.2076687216758728, + -0.03328917920589447, + 0.35884782671928406, + 0.12581174075603485, + -0.0032850459683686495, + -0.17637602984905243, + 2.044365882873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/34.png", + [ + 0.18734852969646454, + -0.0482763834297657, + 0.09755928814411163, + -1.081276297569275, + -0.04348883032798767, + -0.2112233191728592, + -0.021008029580116272, + 0.22484111785888672, + 0.09978550672531128, + -0.0014164830790832639, + -0.19232457876205444, + 2.195575714111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/72.png", + [ + 0.18514284491539001, + -0.04382849112153053, + 0.10367778688669205, + -1.1570085287094116, + -0.02378692664206028, + -0.2103016972541809, + -0.04642486199736595, + 0.5085311532020569, + 0.11001909524202347, + 0.028286907821893692, + -0.18450891971588135, + 2.1375250816345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/102.png", + [ + 0.17212827503681183, + -0.058250028640031815, + 0.11801136285066605, + -1.3374934196472168, + -0.05023631826043129, + -0.20866425335407257, + -0.029722630977630615, + 0.3215530514717102, + 0.12163904309272766, + -0.003749170573428273, + -0.17927011847496033, + 2.091724395751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/70.png", + [ + 0.18297311663627625, + -0.052378177642822266, + 0.1035628691315651, + -1.1593419313430786, + -0.03492138907313347, + -0.20923958718776703, + -0.0441269613802433, + 0.4831230938434601, + 0.11067628115415573, + 0.02057226561009884, + -0.18513628840446472, + 2.145075798034668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/90.png", + [ + 0.17647214233875275, + -0.054547566920518875, + 0.11326973885297775, + -1.298743486404419, + -0.03545540198683739, + -0.20888681709766388, + -0.04535527154803276, + 0.5010988712310791, + 0.12061668187379837, + 0.01840510591864586, + -0.17905516922473907, + 2.1062121391296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/15.png", + [ + 0.1831502467393875, + -0.05874008312821388, + 0.09976714849472046, + -1.134799599647522, + -0.05318064242601395, + -0.2085355669260025, + -0.025152072310447693, + 0.26951736211776733, + 0.10283822566270828, + -0.0032263672910630703, + -0.1906876564025879, + 2.2252039909362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/22.png", + [ + 0.18634867668151855, + -0.04734044894576073, + 0.09990470111370087, + -1.1258951425552368, + -0.047005794942379, + -0.21115197241306305, + -0.012377412989735603, + 0.12708227336406708, + 0.10006260126829147, + -0.01102844811975956, + -0.1918690800666809, + 2.219527244567871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/26.png", + [ + 0.1827554702758789, + -0.050296757370233536, + 0.10496935993432999, + -1.1726778745651245, + -0.044337693601846695, + -0.21075135469436646, + -0.02378934994339943, + 0.2544887065887451, + 0.10762201994657516, + -0.0014144029701128602, + -0.18805156648159027, + 2.156796455383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/43.png", + [ + 0.18356074392795563, + -0.04982656240463257, + 0.1037818044424057, + -1.145616054534912, + -0.03802871331572533, + -0.21060794591903687, + -0.033852674067020416, + 0.37075796723365784, + 0.10866078734397888, + 0.010464232414960861, + -0.18716631829738617, + 2.1204237937927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/84.png", + [ + 0.17823554575443268, + -0.05272352322936058, + 0.11135624349117279, + -1.2869808673858643, + -0.032092250883579254, + -0.2089402824640274, + -0.04755986109375954, + 0.5346605777740479, + 0.11895406991243362, + 0.022629251703619957, + -0.17968234419822693, + 2.1316781044006348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/89.png", + [ + 0.1744508445262909, + -0.05528942495584488, + 0.11600809544324875, + -1.3394581079483032, + -0.03411329537630081, + -0.2085021734237671, + -0.04807312786579132, + 0.5378110408782959, + 0.12389948219060898, + 0.02044069394469261, + -0.17657573521137238, + 2.0844192504882812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/63.png", + [ + 0.18262922763824463, + -0.05649273842573166, + 0.10199527442455292, + -1.1394895315170288, + -0.04322752356529236, + -0.2088412195444107, + -0.03827043995261192, + 0.4154466390609741, + 0.10828595608472824, + 0.011908624321222305, + -0.18729718029499054, + 2.1531286239624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/88.png", + [ + 0.17583879828453064, + -0.05648932605981827, + 0.11330299824476242, + -1.313198447227478, + -0.034290432929992676, + -0.20791256427764893, + -0.05044220760464668, + 0.5653102993965149, + 0.12187198549509048, + 0.02300448529422283, + -0.17766796052455902, + 2.096782684326172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/62.png", + [ + 0.1826011687517166, + -0.055783189833164215, + 0.10243503004312515, + -1.144713044166565, + -0.04205656051635742, + -0.20897652208805084, + -0.0388324148952961, + 0.4218873977661133, + 0.10879313945770264, + 0.012843132950365543, + -0.18694117665290833, + 2.1463422775268555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/65.png", + [ + 0.18141034245491028, + -0.058490604162216187, + 0.1030389815568924, + -1.153928279876709, + -0.045564088970422745, + -0.20838090777397156, + -0.03806838393211365, + 0.41639190912246704, + 0.1093713566660881, + 0.0102047985419631, + -0.18676632642745972, + 2.151214599609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/80.png", + [ + 0.18300174176692963, + -0.04658754914999008, + 0.10624433308839798, + -1.2205108404159546, + -0.024855541065335274, + -0.20957304537296295, + -0.04908392205834389, + 0.5500415563583374, + 0.11331574618816376, + 0.029268229380249977, + -0.18234802782535553, + 2.166748046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/79.png", + [ + 0.18249846994876862, + -0.04677252843976021, + 0.10702585428953171, + -1.2260836362838745, + -0.024675631895661354, + -0.20950116217136383, + -0.04947995766997337, + 0.5532636642456055, + 0.11416353285312653, + 0.029487010091543198, + -0.18178309500217438, + 2.155513286590576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/19.png", + [ + 0.18533535301685333, + -0.05582892894744873, + 0.09737472981214523, + -1.1034386157989502, + -0.05357552692294121, + -0.20917709171772003, + -0.01795841008424759, + 0.18960820138454437, + 0.09863249957561493, + -0.008716175332665443, + -0.19272661209106445, + 2.235881805419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/77.png", + [ + 0.18362262845039368, + -0.044989001005887985, + 0.10586130619049072, + -1.2079777717590332, + -0.022637544199824333, + -0.2096482366323471, + -0.04983029142022133, + 0.5566970705986023, + 0.11277486383914948, + 0.031168989837169647, + -0.18236835300922394, + 2.1433849334716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/68.png", + [ + 0.1815231889486313, + -0.05770087242126465, + 0.10328520089387894, + -1.1585180759429932, + -0.04357084259390831, + -0.2084672451019287, + -0.03988589346408844, + 0.4357339143753052, + 0.10999457538127899, + 0.012645646929740906, + -0.18625031411647797, + 2.1498889923095703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/86.png", + [ + 0.1735750436782837, + -0.05479196831583977, + 0.11754757910966873, + -1.3665697574615479, + -0.033039070665836334, + -0.20858967304229736, + -0.04844234883785248, + 0.5465492010116577, + 0.12541137635707855, + 0.020882565528154373, + -0.17545311152935028, + 2.0846047401428223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/1.png", + [ + 0.18412743508815765, + -0.05449877306818962, + 0.10037363320589066, + -1.1142656803131104, + -0.05816580355167389, + -0.20861798524856567, + -0.006570504978299141, + 0.05900843068957329, + 0.09829405695199966, + -0.02136152982711792, + -0.19191105663776398, + 2.172905445098877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/81.png", + [ + 0.18228335678577423, + -0.046679895371198654, + 0.10743215680122375, + -1.2385132312774658, + -0.02514752931892872, + -0.20968759059906006, + -0.04844190180301666, + 0.5468371510505676, + 0.11440403014421463, + 0.028284339234232903, + -0.1818230152130127, + 2.1699252128601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/95.png", + [ + 0.17431841790676117, + -0.060005348175764084, + 0.11384347826242447, + -1.284290075302124, + -0.046319834887981415, + -0.20808759331703186, + -0.038754675537347794, + 0.42253634333610535, + 0.12006437033414841, + 0.00684179225936532, + -0.18023769557476044, + 2.0882859230041504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/103.png", + [ + 0.171991229057312, + -0.05252191051840782, + 0.12086505442857742, + -1.3678572177886963, + -0.04564085602760315, + -0.21016401052474976, + -0.02637975476682186, + 0.28399649262428284, + 0.12362776696681976, + -0.004519666079431772, + -0.17788660526275635, + 2.0786595344543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/83.png", + [ + 0.1806395947933197, + -0.05106601119041443, + 0.10821042209863663, + -1.2464309930801392, + -0.03162785619497299, + -0.20935945212841034, + -0.04600212723016739, + 0.5177984237670898, + 0.11539892852306366, + 0.022556135430932045, + -0.18199506402015686, + 2.1654443740844727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/51.png", + [ + 0.18429403007030487, + -0.05092732980847359, + 0.10193142294883728, + -1.1171327829360962, + -0.03657034412026405, + -0.21001087129116058, + -0.03880644962191582, + 0.41776958107948303, + 0.10791764408349991, + 0.01580309122800827, + -0.18722164630889893, + 2.111494541168213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/93.png", + [ + 0.17664535343647003, + -0.060138314962387085, + 0.1101258173584938, + -1.248803973197937, + -0.04489314183592796, + -0.207869753241539, + -0.041505008935928345, + 0.45261576771736145, + 0.11717047542333603, + 0.01102009229362011, + -0.18192727863788605, + 2.1219635009765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/76.png", + [ + 0.20043234527111053, + -0.007452753372490406, + 0.08197092264890671, + -0.9590404033660889, + 0.005247572902590036, + -0.2141885757446289, + -0.03230508044362068, + 0.367272287607193, + 0.08214158564805984, + 0.03186866641044617, + -0.19795212149620056, + 2.370293140411377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/48.png", + [ + 0.20189622044563293, + -0.020592402666807175, + 0.07590626925230026, + -0.8858850002288818, + -0.0070191058330237865, + -0.21299925446510315, + -0.039114490151405334, + 0.4469340443611145, + 0.07833607494831085, + 0.03398771211504936, + -0.1991386115550995, + 2.367800712585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/137.png", + [ + 0.1984081268310547, + 0.03971994295716286, + 0.0774882584810257, + -0.9063532948493958, + 0.04906059429049492, + -0.2102932333946228, + -0.017824459820985794, + 0.19275355339050293, + 0.07193860411643982, + 0.03386708348989487, + -0.20155830681324005, + 2.4111218452453613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/35.png", + [ + 0.20273971557617188, + -0.024443119764328003, + 0.07243640720844269, + -0.8376244306564331, + -0.008199119940400124, + -0.21106907725334167, + -0.048275429755449295, + 0.5432831048965454, + 0.0760083869099617, + 0.042429666966199875, + -0.19841961562633514, + 2.3609509468078613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/124.png", + [ + 0.20053815841674805, + 0.04386907070875168, + 0.06933866441249847, + -0.8200080990791321, + 0.0522073395550251, + -0.20947925746440887, + -0.018458709120750427, + 0.2045092135667801, + 0.06329880654811859, + 0.03379104286432266, + -0.20444881916046143, + 2.46480131149292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/97.png", + [ + 0.19916927814483643, + 0.021582499146461487, + 0.08254510909318924, + -0.940593421459198, + 0.025971464812755585, + -0.21501585841178894, + -0.006446636747568846, + 0.054844487458467484, + 0.08127104490995407, + 0.015819985419511795, + -0.20023146271705627, + 2.3517632484436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/155.png", + [ + 0.18907319009304047, + 0.020200960338115692, + 0.10388042777776718, + -1.2221723794937134, + 0.04338204115629196, + -0.2087932527065277, + -0.038357146084308624, + 0.42849767208099365, + 0.09652575105428696, + 0.05426963418722153, + -0.18624037504196167, + 2.247373580932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/13.png", + [ + 0.20072060823440552, + -0.028305845335125923, + 0.07653701305389404, + -0.8900108337402344, + -0.016861407086253166, + -0.21322257816791534, + -0.03463700786232948, + 0.38808006048202515, + 0.07984252274036407, + 0.026130609214305878, + -0.1997254490852356, + 2.3750739097595215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/32.png", + [ + 0.20095360279083252, + -0.026252247393131256, + 0.07665744423866272, + -0.8860939741134644, + -0.014252176508307457, + -0.2132432609796524, + -0.03566630557179451, + 0.39161935448646545, + 0.07976477593183517, + 0.028036223724484444, + -0.1994979977607727, + 2.3639931678771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/158.png", + [ + 0.1763414442539215, + 0.006586347706615925, + 0.1257307231426239, + -1.4855631589889526, + 0.04527994245290756, + -0.20521791279315948, + -0.052756354212760925, + 0.6098020076751709, + 0.11747901141643524, + 0.06921074539422989, + -0.16839373111724854, + 2.016615867614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/38.png", + [ + 0.20319698750972748, + -0.02419133298099041, + 0.07122967392206192, + -0.8371340036392212, + -0.003411697456613183, + -0.20791758596897125, + -0.060881320387125015, + 0.7084348797798157, + 0.07514818012714386, + 0.05597280338406563, + -0.1953655332326889, + 2.3387961387634277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/148.png", + [ + 0.19731679558753967, + 0.03301664814352989, + 0.08320983499288559, + -0.9706339836120605, + 0.04481229558587074, + -0.21077866852283478, + -0.022629685699939728, + 0.24709799885749817, + 0.07749731093645096, + 0.03781725838780403, + -0.1987760365009308, + 2.380802631378174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/111.png", + [ + 0.19245046377182007, + 0.060451991856098175, + 0.07909660786390305, + -0.930936872959137, + 0.0675969049334526, + -0.20573343336582184, + -0.007232425734400749, + 0.07451020181179047, + 0.07308470457792282, + 0.031099945306777954, + -0.20159195363521576, + 2.4207282066345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/11.png", + [ + 0.201912984251976, + -0.028173496946692467, + 0.0733845978975296, + -0.8534281849861145, + -0.01726550981402397, + -0.21323516964912415, + -0.03435938060283661, + 0.38627058267593384, + 0.07668732851743698, + 0.02617095597088337, + -0.20095281302928925, + 2.3879685401916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/125.png", + [ + 0.20073272287845612, + 0.04341936856508255, + 0.06905815005302429, + -0.813802182674408, + 0.05171048268675804, + -0.2095964550971985, + -0.01852700300514698, + 0.20352119207382202, + 0.06308957934379578, + 0.03364494815468788, + -0.2045375555753708, + 2.4587512016296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/59.png", + [ + 0.20331688225269318, + -0.013457555323839188, + 0.07368201017379761, + -0.861129641532898, + -0.002103466307744384, + -0.21409042179584503, + -0.033298004418611526, + 0.37684985995292664, + 0.07487133890390396, + 0.030529916286468506, + -0.20102263987064362, + 2.4004650115966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/105.png", + [ + 0.1886230856180191, + 0.06356942653656006, + 0.08560467511415482, + -0.9976935982704163, + 0.07061745226383209, + -0.20481400191783905, + -0.0035065014380961657, + 0.026893526315689087, + 0.07988996058702469, + 0.03095235861837864, + -0.19901618361473083, + 2.355701446533203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/121.png", + [ + 0.20003251731395721, + 0.04525812342762947, + 0.06990411132574081, + -0.8325356841087341, + 0.05252726003527641, + -0.2097080647945404, + -0.014536581933498383, + 0.16024279594421387, + 0.06462019681930542, + 0.030366549268364906, + -0.20457270741462708, + 2.48526668548584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/24.png", + [ + 0.20106734335422516, + -0.02644745074212551, + 0.07629123330116272, + -0.8773806691169739, + -0.014018584974110126, + -0.2130470722913742, + -0.03690951317548752, + 0.4113512933254242, + 0.07951918244361877, + 0.029314933344721794, + -0.19941221177577972, + 2.345918655395508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/74.png", + [ + 0.19967086613178253, + -0.007286318112164736, + 0.08382335305213928, + -0.9744007587432861, + 0.005766194313764572, + -0.21416819095611572, + -0.032351817935705185, + 0.367794930934906, + 0.08394163101911545, + 0.0320436991751194, + -0.19716718792915344, + 2.3463850021362305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/129.png", + [ + 0.19938141107559204, + 0.041130729019641876, + 0.07418357580900192, + -0.8679528832435608, + 0.05025649443268776, + -0.20993672311306, + -0.018674761056900024, + 0.20249426364898682, + 0.06833173334598541, + 0.03439076989889145, + -0.20272134244441986, + 2.4269752502441406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/153.png", + [ + 0.19451317191123962, + 0.0276893749833107, + 0.09135547280311584, + -1.0697739124298096, + 0.043724674731492996, + -0.21017111837863922, + -0.029396360740065575, + 0.32534798979759216, + 0.0848567932844162, + 0.044825125485658646, + -0.1942625194787979, + 2.344850540161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/144.png", + [ + 0.19701772928237915, + 0.03381519392132759, + 0.08359692990779877, + -0.9677608013153076, + 0.044026266783475876, + -0.21136730909347534, + -0.018260570243000984, + 0.19339147210121155, + 0.07869943976402283, + 0.03359007090330124, + -0.19906280934810638, + 2.365748405456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/98.png", + [ + 0.19982630014419556, + 0.029088767245411873, + 0.07855690270662308, + -0.8945102095603943, + 0.03363542631268501, + -0.21395426988601685, + -0.006333957891911268, + 0.053037311881780624, + 0.07672028243541718, + 0.018036196008324623, + -0.2018330693244934, + 2.3702282905578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/0.png", + [ + 0.20392358303070068, + -0.024656515568494797, + 0.0689573809504509, + -0.8086472749710083, + -0.014344288036227226, + -0.21352067589759827, + -0.03392728418111801, + 0.385227233171463, + 0.07181438058614731, + 0.027365591377019882, + -0.2025875598192215, + 2.426546573638916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/96.png", + [ + 0.19943787157535553, + 0.016529668122529984, + 0.08306142687797546, + -0.9454583525657654, + 0.021886702626943588, + -0.21534818410873413, + -0.0096964742988348, + 0.09296940267086029, + 0.08181320875883102, + 0.017315294593572617, + -0.19988663494586945, + 2.3385019302368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/100.png", + [ + 0.19915156066417694, + 0.0466824546456337, + 0.07146536558866501, + -0.8110275268554688, + 0.051112473011016846, + -0.2105020135641098, + -0.004930742084980011, + 0.037608105689287186, + 0.068367138504982, + 0.02139030210673809, + -0.2044903188943863, + 2.4000535011291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/40.png", + [ + 0.20227141678333282, + -0.02546481229364872, + 0.07338743656873703, + -0.8633008599281311, + -0.005800436716526747, + -0.2090812623500824, + -0.05656217038631439, + 0.6504953503608704, + 0.0774630680680275, + 0.05083765089511871, + -0.1958644986152649, + 2.3386001586914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/141.png", + [ + 0.19653268158435822, + 0.03911453112959862, + 0.0824187770485878, + -0.9619758725166321, + 0.048165012151002884, + -0.2107313871383667, + -0.014842974953353405, + 0.15683069825172424, + 0.07747860252857208, + 0.03178420662879944, + -0.19983674585819244, + 2.383641242980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/52.png", + [ + 0.2032691389322281, + -0.018925640732049942, + 0.0726042240858078, + -0.8514154553413391, + -0.00651907455176115, + -0.21333037316799164, + -0.0373571552336216, + 0.4260622560977936, + 0.07474660128355026, + 0.032861460000276566, + -0.20070117712020874, + 2.392627716064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/3.png", + [ + 0.20381690561771393, + -0.02602122351527214, + 0.06877104192972183, + -0.8021795749664307, + -0.016265617683529854, + -0.2135881930589676, + -0.03260991722345352, + 0.3659297525882721, + 0.07170767337083817, + 0.02551221288740635, + -0.20286701619625092, + 2.4304394721984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/47.png", + [ + 0.20199885964393616, + -0.02275259792804718, + 0.07501113414764404, + -0.8766254782676697, + -0.009357019327580929, + -0.21286256611347198, + -0.039368413388729095, + 0.44800931215286255, + 0.07782542705535889, + 0.033462584018707275, + -0.19942757487297058, + 2.373208999633789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/104.png", + [ + 0.19043423235416412, + 0.06349799782037735, + 0.08155182003974915, + -0.9449055194854736, + 0.07067415118217468, + -0.2047475427389145, + -0.005612573586404324, + 0.05177680775523186, + 0.07541792094707489, + 0.031533144414424896, + -0.20066314935684204, + 2.37351131439209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/21.png", + [ + 0.20064052939414978, + -0.027879714965820312, + 0.07690251618623734, + -0.88800048828125, + -0.01515080314129591, + -0.21284279227256775, + -0.037633758038282394, + 0.4209212064743042, + 0.08038488775491714, + 0.02947148121893406, + -0.1990416944026947, + 2.3494338989257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/82.png", + [ + 0.2023697793483734, + -0.007566052954643965, + 0.07705266773700714, + -0.900928795337677, + 0.0036411560140550137, + -0.21446889638900757, + -0.03062247298657894, + 0.3436431884765625, + 0.07733757048845291, + 0.02989562787115574, + -0.20018252730369568, + 2.3923044204711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/106.png", + [ + 0.1871899515390396, + 0.06329722702503204, + 0.08888912200927734, + -1.0402015447616577, + 0.07128851115703583, + -0.20456288754940033, + -0.004457563161849976, + 0.038836222141981125, + 0.08261818438768387, + 0.0330965593457222, + -0.197551891207695, + 2.3437557220458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/14.png", + [ + 0.20061494410037994, + -0.027890365570783615, + 0.07696537673473358, + -0.8954107761383057, + -0.01640961319208145, + -0.21327777206897736, + -0.03451398387551308, + 0.38585254549980164, + 0.0802014023065567, + 0.026126954704523087, + -0.1995820850133896, + 2.3740005493164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/67.png", + [ + 0.20020242035388947, + -0.006672154180705547, + 0.08259765058755875, + -0.9603437185287476, + 0.006155585404485464, + -0.21417702734470367, + -0.032221078872680664, + 0.3637860417366028, + 0.08263775706291199, + 0.03211808204650879, + -0.19770514965057373, + 2.3460044860839844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/78.png", + [ + 0.20137493312358856, + -0.007664598058909178, + 0.0796070396900177, + -0.9339720010757446, + 0.004876295104622841, + -0.21409928798675537, + -0.03294869884848595, + 0.3750804662704468, + 0.07982637733221054, + 0.03241371363401413, + -0.198808953166008, + 2.3857359886169434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/31.png", + [ + 0.20068025588989258, + -0.02672579139471054, + 0.07720787078142166, + -0.8923819065093994, + -0.014961340464651585, + -0.21331307291984558, + -0.034951284527778625, + 0.38321805000305176, + 0.08032111823558807, + 0.027040086686611176, + -0.1994122564792633, + 2.3577404022216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/152.png", + [ + 0.19623251259326935, + 0.029688024893403053, + 0.08694431185722351, + -1.0162553787231445, + 0.04319721460342407, + -0.2107856422662735, + -0.025520827621221542, + 0.2798038423061371, + 0.0810844749212265, + 0.040446676313877106, + -0.19681787490844727, + 2.3717455863952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/39.png", + [ + 0.20210227370262146, + -0.025861553847789764, + 0.07371394336223602, + -0.8686280846595764, + -0.005460647400468588, + -0.20863355696201324, + -0.05822477489709854, + 0.673094630241394, + 0.0779278501868248, + 0.05245114862918854, + -0.19525374472141266, + 2.335630416870117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/92.png", + [ + 0.19896207749843597, + 0.0020893781911581755, + 0.08577657490968704, + -0.9807391166687012, + 0.009187490679323673, + -0.21588380634784698, + -0.016052158549427986, + 0.16679194569587708, + 0.08530870825052261, + 0.01837705820798874, + -0.19832447171211243, + 2.3206186294555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/53.png", + [ + 0.2033902257680893, + -0.01711738482117653, + 0.07271387428045273, + -0.8534260988235474, + -0.005189037416130304, + -0.21363741159439087, + -0.035777416080236435, + 0.4089485704898834, + 0.07452104985713959, + 0.03184249997138977, + -0.20094914734363556, + 2.399198055267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/75.png", + [ + 0.19972950220108032, + -0.007305774372071028, + 0.08368182182312012, + -0.9753304123878479, + 0.005530263762921095, + -0.2142416387796402, + -0.031903672963380814, + 0.36231839656829834, + 0.08381789922714233, + 0.03154447302222252, + -0.19730030000209808, + 2.354902744293213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/151.png", + [ + 0.1967753767967224, + 0.03147843852639198, + 0.08506737649440765, + -0.9931678175926208, + 0.04395143315196037, + -0.21084854006767273, + -0.023644518107175827, + 0.2586207091808319, + 0.07934495806694031, + 0.038728538900613785, + -0.19786958396434784, + 2.381537914276123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/87.png", + [ + 0.20102913677692413, + -0.003177393926307559, + 0.08077800273895264, + -0.9321244359016418, + 0.005053909961134195, + -0.2155897319316864, + -0.021057669073343277, + 0.22755149006843567, + 0.08068233728408813, + 0.021421290934085846, + -0.19994845986366272, + 2.364323139190674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/139.png", + [ + 0.19755275547504425, + 0.037379685789346695, + 0.08076854050159454, + -0.9451323747634888, + 0.047107577323913574, + -0.2107510268688202, + -0.0176854208111763, + 0.1888691484928131, + 0.07550942152738571, + 0.03368467465043068, + -0.20027871429920197, + 2.3947701454162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/107.png", + [ + 0.18735754489898682, + 0.06527786701917648, + 0.08708532899618149, + -1.020783543586731, + 0.07364087551832199, + -0.2036956250667572, + -0.005745585076510906, + 0.05488007888197899, + 0.08013785630464554, + 0.03456573560833931, + -0.19832052290439606, + 2.3572282791137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/112.png", + [ + 0.19402813911437988, + 0.058898597955703735, + 0.07636704295873642, + -0.8999730944633484, + 0.06555847823619843, + -0.2063864767551422, + -0.007389510981738567, + 0.0763670951128006, + 0.07073228061199188, + 0.0297232773154974, + -0.20263603329658508, + 2.441535472869873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/69.png", + [ + 0.20054438710212708, + -0.007340042386204004, + 0.08170659840106964, + -0.9494121670722961, + 0.005308206658810377, + -0.21419228613376617, + -0.03227047994732857, + 0.36475199460983276, + 0.08186371624469757, + 0.031869806349277496, + -0.19806700944900513, + 2.3508129119873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/157.png", + [ + 0.17983287572860718, + 0.008470522239804268, + 0.12056650966405869, + -1.4257694482803345, + 0.04245835542678833, + -0.20679374039173126, + -0.04880092665553093, + 0.5577294826507568, + 0.11316059529781342, + 0.06412871181964874, + -0.1732919067144394, + 2.084559440612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/45.png", + [ + 0.20268262922763824, + -0.02392764948308468, + 0.07276751846075058, + -0.8507116436958313, + -0.008343606255948544, + -0.21150386333465576, + -0.04630757123231888, + 0.529523491859436, + 0.07614478468894958, + 0.04051510989665985, + -0.19876718521118164, + 2.370279312133789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/50.png", + [ + 0.20143191516399384, + -0.020036565139889717, + 0.07727619260549545, + -0.9005487561225891, + -0.005994545761495829, + -0.2129432111978531, + -0.03958731144666672, + 0.4532642066478729, + 0.07960616052150726, + 0.03466447815299034, + -0.1985173374414444, + 2.356680393218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/101.png", + [ + 0.19663678109645844, + 0.053289271891117096, + 0.07377073913812637, + -0.8419721722602844, + 0.0583629384636879, + -0.2086094468832016, + -0.00487534562125802, + 0.04016508534550667, + 0.06982575356960297, + 0.024295182898640633, + -0.20367130637168884, + 2.397216320037842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/85.png", + [ + 0.20060983300209045, + -0.0036133439280092716, + 0.08179566264152527, + -0.9476228952407837, + 0.004767057951539755, + -0.21558083593845367, + -0.02121489681303501, + 0.23078566789627075, + 0.08173653483390808, + 0.021441558375954628, + -0.1995176374912262, + 2.3664402961730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/156.png", + [ + 0.18401992321014404, + 0.014018086716532707, + 0.11352558434009552, + -1.3416759967803955, + 0.04336365684866905, + -0.20753951370716095, + -0.044663675129413605, + 0.5053640604019165, + 0.10584969073534012, + 0.06065265089273453, + -0.179067000746727, + 2.1628222465515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/131.png", + [ + 0.19905073940753937, + 0.04185204580426216, + 0.07466663420200348, + -0.8734350800514221, + 0.05117826163768768, + -0.20969407260417938, + -0.01889660954475403, + 0.20664282143115997, + 0.06861111521720886, + 0.034995753318071365, + -0.2025233656167984, + 2.425492763519287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/71.png", + [ + 0.20028284192085266, + -0.006294930353760719, + 0.0824320912361145, + -0.9577040076255798, + 0.0069479262456297874, + -0.21399962902069092, + -0.033223263919353485, + 0.37568598985671997, + 0.08237962424755096, + 0.03335314989089966, + -0.1976083517074585, + 2.346381187438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/115.png", + [ + 0.19600416719913483, + 0.05247361958026886, + 0.07600508630275726, + -0.9016152024269104, + 0.05898168310523033, + -0.20832805335521698, + -0.008274843916296959, + 0.08784295618534088, + 0.07107330113649368, + 0.028175020590424538, + -0.20273788273334503, + 2.464012622833252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/54.png", + [ + 0.2033594399690628, + -0.016664473339915276, + 0.07290494441986084, + -0.8560901284217834, + -0.004882904700934887, + -0.21373479068279266, + -0.035234831273555756, + 0.40445446968078613, + 0.07462567090988159, + 0.031426604837179184, + -0.20097579061985016, + 2.4010157585144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/33.png", + [ + 0.20111079514026642, + -0.02591772750020027, + 0.07635846734046936, + -0.8789077401161194, + -0.01335915271192789, + -0.21305127441883087, + -0.037129275500774384, + 0.40613505244255066, + 0.07952282577753067, + 0.02975434996187687, + -0.199345663189888, + 2.3546652793884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/159.png", + [ + 0.17404668033123016, + 0.004661065526306629, + 0.12897253036499023, + -1.5192300081253052, + 0.04815897345542908, + -0.20323798060417175, + -0.057644858956336975, + 0.670846700668335, + 0.11973452568054199, + 0.07496993243694305, + -0.16428951919078827, + 1.9566491842269897, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/49.png", + [ + 0.20120365917682648, + -0.020134104415774345, + 0.07784346491098404, + -0.9074079394340515, + -0.005738772451877594, + -0.2128324657678604, + -0.04021569713950157, + 0.46164047718048096, + 0.08020008355379105, + 0.03528248146176338, + -0.19816908240318298, + 2.3549561500549316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/118.png", + [ + 0.19882169365882874, + 0.04772695526480675, + 0.07169356942176819, + -0.8535376191139221, + 0.05396723374724388, + -0.20960159599781036, + -0.010129372589290142, + 0.10896143317222595, + 0.06712203472852707, + 0.027151504531502724, + -0.2042188197374344, + 2.4863924980163574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/110.png", + [ + 0.1916680783033371, + 0.06149933114647865, + 0.0801815465092659, + -0.9417476058006287, + 0.0695454329252243, + -0.20501308143138885, + -0.008997971192002296, + 0.0961003452539444, + 0.07331221550703049, + 0.03369515389204025, + -0.20109164714813232, + 2.405752658843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/18.png", + [ + 0.19986839592456818, + -0.02808512933552265, + 0.07881461083889008, + -0.9155991077423096, + -0.016049087047576904, + -0.21318203210830688, + -0.035266801714897156, + 0.39523884654045105, + 0.08211544156074524, + 0.02669355645775795, + -0.19872696697711945, + 2.357898235321045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/66.png", + [ + 0.20042943954467773, + -0.007203484885394573, + 0.0820002481341362, + -0.9545145034790039, + 0.005330552812665701, + -0.21425452828407288, + -0.031850870698690414, + 0.35939866304397583, + 0.08214326202869415, + 0.03148019313812256, + -0.198013573884964, + 2.3504271507263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/16.png", + [ + 0.19997641444206238, + -0.02807771973311901, + 0.0785427913069725, + -0.915683925151825, + -0.016534138470888138, + -0.21332469582557678, + -0.034162700176239014, + 0.38255196809768677, + 0.08175543695688248, + 0.02553643099963665, + -0.19902722537517548, + 2.3690319061279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/94.png", + [ + 0.19866091012954712, + 0.007660202216356993, + 0.0861571803689003, + -0.9831095933914185, + 0.013318472541868687, + -0.21595847606658936, + -0.011508901603519917, + 0.11247056722640991, + 0.08546552807092667, + 0.015847960487008095, + -0.19847513735294342, + 2.3184285163879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/28.png", + [ + 0.20060759782791138, + -0.02809135802090168, + 0.07691138982772827, + -0.885768711566925, + -0.01666182279586792, + -0.21327069401741028, + -0.03443671017885208, + 0.38341066241264343, + 0.08016777038574219, + 0.02596880868077278, + -0.19961625337600708, + 2.354336738586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/61.png", + [ + 0.20337630808353424, + -0.013289052061736584, + 0.07354838401079178, + -0.8531762957572937, + -0.002006490482017398, + -0.21411602199077606, + -0.03313908725976944, + 0.37385305762290955, + 0.074712373316288, + 0.030424105003476143, + -0.20109781622886658, + 2.386690616607666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/132.png", + [ + 0.1990056037902832, + 0.04191746562719345, + 0.07475017756223679, + -0.8742727041244507, + 0.05115997791290283, + -0.209725484251976, + -0.018594766035676003, + 0.20305755734443665, + 0.06875549256801605, + 0.03472801670432091, + -0.2025204747915268, + 2.4257116317749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/58.png", + [ + 0.2034820318222046, + -0.014903876930475235, + 0.0729440450668335, + -0.8546814322471619, + -0.0035663493908941746, + -0.21399633586406708, + -0.033775024116039276, + 0.3832796514034271, + 0.07436557859182358, + 0.030517952516674995, + -0.20121212303638458, + 2.4057998657226562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/123.png", + [ + 0.20003467798233032, + 0.044376175850629807, + 0.07046119123697281, + -0.8355259895324707, + 0.052847299724817276, + -0.20934253931045532, + -0.0181869063526392, + 0.2017802596092224, + 0.06435206532478333, + 0.03397580608725548, + -0.20408907532691956, + 2.469092845916748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/64.png", + [ + 0.20115478336811066, + -0.008767344988882542, + 0.08004860579967499, + -0.9313541650772095, + 0.003305261954665184, + -0.21430622041225433, + -0.0317777618765831, + 0.3595236837863922, + 0.08045943826436996, + 0.030722705647349358, + -0.1988222599029541, + 2.361125946044922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/10.png", + [ + 0.20203493535518646, + -0.02768745645880699, + 0.07323374599218369, + -0.8530815839767456, + -0.017194431275129318, + -0.21341656148433685, + -0.033250872045755386, + 0.37358972430229187, + 0.07638146728277206, + 0.025192730128765106, + -0.201194167137146, + 2.3945722579956055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/41.png", + [ + 0.20260433852672577, + -0.025288987904787064, + 0.07252476364374161, + -0.8505658507347107, + -0.006521071773022413, + -0.2095181792974472, + -0.054840654134750366, + 0.629355251789093, + 0.07653006166219711, + 0.04909672960639, + -0.19667372107505798, + 2.3439688682556152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/91.png", + [ + 0.20038877427577972, + -5.1019200327573344e-05, + 0.08241500705480576, + -0.9415485858917236, + 0.007237461395561695, + -0.215826615691185, + -0.017731202766299248, + 0.18532398343086243, + 0.0820966362953186, + 0.019151339307427406, + -0.19960278272628784, + 2.333620548248291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/140.png", + [ + 0.19694387912750244, + 0.038149382919073105, + 0.08188792318105698, + -0.9590626955032349, + 0.047778982669115067, + -0.21067529916763306, + -0.01676248572766781, + 0.17924924194812775, + 0.07666926831007004, + 0.03329319506883621, + -0.19990317523479462, + 2.3906431198120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/23.png", + [ + 0.19981515407562256, + -0.027157746255397797, + 0.07927332073450089, + -0.9137793183326721, + -0.014325619675219059, + -0.2130330502986908, + -0.03687269985675812, + 0.4119809865951538, + 0.08256258070468903, + 0.02876240760087967, + -0.19825245440006256, + 2.3388586044311523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/37.png", + [ + 0.20414000749588013, + -0.023104043677449226, + 0.06885455548763275, + -0.8053314089775085, + -0.0036274571903049946, + -0.20840582251548767, + -0.05917557701468468, + 0.6871710419654846, + 0.07253681123256683, + 0.05459954962134361, + -0.19673635065555573, + 2.3536300659179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/36.png", + [ + 0.2037433236837387, + -0.024431049823760986, + 0.06956775486469269, + -0.8083859086036682, + -0.00671008974313736, + -0.20972998440265656, + -0.054001860320568085, + 0.6181356906890869, + 0.0734269917011261, + 0.04862457886338234, + -0.19796974956989288, + 2.3626885414123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/8.png", + [ + 0.20262302458286285, + -0.02709098532795906, + 0.07181838899850845, + -0.8402078151702881, + -0.017233723774552345, + -0.2136111706495285, + -0.03195543959736824, + 0.35841113328933716, + 0.07479840517044067, + 0.02417084574699402, + -0.2019130140542984, + 2.406661033630371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/6.png", + [ + 0.20303049683570862, + -0.02670121379196644, + 0.07080646604299545, + -0.8282550573348999, + -0.01600697450339794, + -0.2133043259382248, + -0.03453893959522247, + 0.39167430996894836, + 0.07396139204502106, + 0.02713313326239586, + -0.20184500515460968, + 2.4077577590942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/154.png", + [ + 0.19196854531764984, + 0.02458140254020691, + 0.09742547571659088, + -1.1414966583251953, + 0.04398929327726364, + -0.20944753289222717, + -0.03383147716522217, + 0.3758128881454468, + 0.09033775329589844, + 0.049753203988075256, + -0.19055603444576263, + 2.298999309539795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/20.png", + [ + 0.20035074651241302, + -0.027573177590966225, + 0.07776374369859695, + -0.9009456038475037, + -0.015090973116457462, + -0.2130184769630432, + -0.036650873720645905, + 0.4097747802734375, + 0.08111561089754105, + 0.028473561629652977, + -0.19889044761657715, + 2.3534345626831055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/2.png", + [ + 0.20400860905647278, + -0.025738628581166267, + 0.06830744445323944, + -0.797061026096344, + -0.016197914257645607, + -0.21366557478904724, + -0.032133325934410095, + 0.35985293984413147, + 0.07117591798305511, + 0.025148479267954826, + -0.2030995786190033, + 2.434561252593994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/117.png", + [ + 0.19848661124706268, + 0.04972979798913002, + 0.07125945389270782, + -0.8478251695632935, + 0.05586022511124611, + -0.2091277688741684, + -0.00964955985546112, + 0.10327817499637604, + 0.06656274199485779, + 0.027210742235183716, + -0.2043939232826233, + 2.487523078918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/149.png", + [ + 0.19726839661598206, + 0.032553497701883316, + 0.08350654691457748, + -0.9749876260757446, + 0.04436754807829857, + -0.2108755260705948, + -0.02260398119688034, + 0.2479650378227234, + 0.07787550240755081, + 0.03767876699566841, + -0.19865451753139496, + 2.3829164505004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/5.png", + [ + 0.20347587764263153, + -0.026480892673134804, + 0.06960047781467438, + -0.813678503036499, + -0.016111822798848152, + -0.21337048709392548, + -0.034078408032655716, + 0.3855844736099243, + 0.0727040097117424, + 0.02682705782353878, + -0.20234212279319763, + 2.4173359870910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/108.png", + [ + 0.18810997903347015, + 0.06233421713113785, + 0.08761832863092422, + -1.029814600944519, + 0.07151295989751816, + -0.20437118411064148, + -0.008137378841638565, + 0.08463820815086365, + 0.08030208200216293, + 0.03598283603787422, + -0.19800177216529846, + 2.361948013305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/60.png", + [ + 0.20333264768123627, + -0.014049275778234005, + 0.07352785766124725, + -0.8559849262237549, + -0.0029728037770837545, + -0.21417200565338135, + -0.03270180523395538, + 0.36901941895484924, + 0.07479900121688843, + 0.029679343104362488, + -0.20117689669132233, + 2.395881175994873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/56.png", + [ + 0.20430822670459747, + -0.01568559743463993, + 0.0704273134469986, + -0.8260620832443237, + -0.004306922201067209, + -0.21376675367355347, + -0.03511591628193855, + 0.4016989767551422, + 0.07202426344156265, + 0.03171181306242943, + -0.20187808573246002, + 2.4114322662353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/147.png", + [ + 0.19754385948181152, + 0.03296809270977974, + 0.08268871158361435, + -0.962355375289917, + 0.04514133185148239, + -0.21056944131851196, + -0.02388862706720829, + 0.260616660118103, + 0.07672404497861862, + 0.0390065535902977, + -0.19884617626667023, + 2.376983165740967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/30.png", + [ + 0.20110058784484863, + -0.02748587541282177, + 0.0758351981639862, + -0.873597264289856, + -0.01598590798676014, + -0.2132474035024643, + -0.03489826247096062, + 0.3853763937950134, + 0.07906263321638107, + 0.02679486572742462, + -0.1999475657939911, + 2.358269691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/17.png", + [ + 0.1995866745710373, + -0.02874850295484066, + 0.07928794622421265, + -0.9230491518974304, + -0.016825255006551743, + -0.21317584812641144, + -0.034940872341394424, + 0.39103201031684875, + 0.08264361321926117, + 0.02602839469909668, + -0.19859619438648224, + 2.361973285675049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/12.png", + [ + 0.20160037279129028, + -0.028180429711937904, + 0.07423640042543411, + -0.8625020980834961, + -0.017002549022436142, + -0.21319206058979034, + -0.034755513072013855, + 0.389565646648407, + 0.07756347954273224, + 0.026512183248996735, + -0.2005714327096939, + 2.38314151763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/114.png", + [ + 0.196710005402565, + 0.05490263178944588, + 0.07237939536571503, + -0.8552374839782715, + 0.06085389107465744, + -0.2078089565038681, + -0.007755120750516653, + 0.08056065440177917, + 0.0674527958035469, + 0.027368582785129547, + -0.20408082008361816, + 2.471400260925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/27.png", + [ + 0.2008235901594162, + -0.02785569429397583, + 0.07643196731805801, + -0.8796111345291138, + -0.016308024525642395, + -0.21322889626026154, + -0.03486241027712822, + 0.3889399468898773, + 0.07969838380813599, + 0.026559362187981606, + -0.19972647726535797, + 2.35219669342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/42.png", + [ + 0.2025790512561798, + -0.025101084262132645, + 0.07266063243150711, + -0.8496540784835815, + -0.006630056072026491, + -0.20974037051200867, + -0.05397144705057144, + 0.6196547746658325, + 0.07658769190311432, + 0.04823702573776245, + -0.19686394929885864, + 2.3451366424560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/7.png", + [ + 0.20281799137592316, + -0.027181008830666542, + 0.0712316632270813, + -0.8341119885444641, + -0.016987113282084465, + -0.2134588658809662, + -0.033085498958826065, + 0.37279027700424194, + 0.07432492822408676, + 0.02538513019680977, + -0.20193883776664734, + 2.4098434448242188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/73.png", + [ + 0.199619859457016, + -0.00811224989593029, + 0.08386891335248947, + -0.9745578169822693, + 0.00541833508759737, + -0.21398590505123138, + -0.03359425812959671, + 0.3819316625595093, + 0.08408594876527786, + 0.03304729983210564, + -0.19693990051746368, + 2.3401622772216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/120.png", + [ + 0.1996251493692398, + 0.0461072102189064, + 0.07051116228103638, + -0.8396187424659729, + 0.05305866897106171, + -0.2096681296825409, + -0.013113285414874554, + 0.14462429285049438, + 0.06544063240289688, + 0.029348013922572136, + -0.20446054637432098, + 2.488009452819824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/46.png", + [ + 0.20321114361286163, + -0.02292216382920742, + 0.07160796970129013, + -0.8384072184562683, + -0.009280586615204811, + -0.21242870390415192, + -0.04166305810213089, + 0.47425946593284607, + 0.07461230456829071, + 0.03600713610649109, + -0.200210839509964, + 2.3864002227783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/127.png", + [ + 0.1997576802968979, + 0.04160546883940697, + 0.07289546728134155, + -0.8555737137794495, + 0.0506904274225235, + -0.20978763699531555, + -0.019171148538589478, + 0.2097455859184265, + 0.06689727306365967, + 0.034728050231933594, + -0.20314186811447144, + 2.436683177947998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/133.png", + [ + 0.19895245134830475, + 0.04151259735226631, + 0.07511668652296066, + -0.8783313632011414, + 0.0507093109190464, + -0.20985811948776245, + -0.018331287428736687, + 0.20068179070949554, + 0.06924145668745041, + 0.034411828964948654, + -0.20240885019302368, + 2.4238157272338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/57.png", + [ + 0.20415981113910675, + -0.014360900036990643, + 0.0711367055773735, + -0.8345780372619629, + -0.0028820878360420465, + -0.21382680535316467, + -0.034895338118076324, + 0.39829251170158386, + 0.07251454144716263, + 0.031933605670928955, + -0.20166750252246857, + 2.4104509353637695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/44.png", + [ + 0.2018459141254425, + -0.025854263454675674, + 0.07441556453704834, + -0.8692898154258728, + -0.008215787820518017, + -0.2104659527540207, + -0.050837744027376175, + 0.5843350291252136, + 0.07834933698177338, + 0.04453686252236366, + -0.19704249501228333, + 2.3491315841674805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/113.png", + [ + 0.19567643105983734, + 0.056879326701164246, + 0.07364357262849808, + -0.8693750500679016, + 0.06328810006380081, + -0.20706208050251007, + -0.00823479425162077, + 0.08662377297878265, + 0.06821472197771072, + 0.028947167098522186, + -0.20360919833183289, + 2.459559440612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/126.png", + [ + 0.20004358887672424, + 0.041830141097307205, + 0.07197703421115875, + -0.8458634614944458, + 0.05077800154685974, + -0.20976190268993378, + -0.019220629706978798, + 0.21138402819633484, + 0.06597007811069489, + 0.03461325541138649, + -0.20346440374851227, + 2.442765235900879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/29.png", + [ + 0.20072582364082336, + -0.02802147902548313, + 0.07662796974182129, + -0.8839612007141113, + -0.01668434962630272, + -0.21329213678836823, + -0.03429272025823593, + 0.38097599148750305, + 0.07986666262149811, + 0.02586802840232849, + -0.19974999129772186, + 2.3584446907043457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/4.png", + [ + 0.20339787006378174, + -0.02569282241165638, + 0.07012185454368591, + -0.8187311887741089, + -0.01544802263379097, + -0.21352270245552063, + -0.033426180481910706, + 0.3773731291294098, + 0.07306540012359619, + 0.026378588750958443, + -0.20227088034152985, + 2.4215383529663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/55.png", + [ + 0.20342586934566498, + -0.016310743987560272, + 0.07279949635267258, + -0.8548706769943237, + -0.004553029779344797, + -0.21375295519828796, + -0.035168733447790146, + 0.40408647060394287, + 0.07446526736021042, + 0.031488560140132904, + -0.20102559030056, + 2.4017562866210938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/9.png", + [ + 0.20224662125110626, + -0.027042947709560394, + 0.07288946211338043, + -0.8503662943840027, + -0.01686171069741249, + -0.2135663777589798, + -0.03244968503713608, + 0.36405280232429504, + 0.07589384913444519, + 0.024616625159978867, + -0.20144984126091003, + 2.3988256454467773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/25.png", + [ + 0.20100192725658417, + -0.026975074782967567, + 0.07627885788679123, + -0.876998245716095, + -0.014743393287062645, + -0.213068887591362, + -0.03649895638227463, + 0.40660351514816284, + 0.07955345511436462, + 0.028668567538261414, + -0.19949249923229218, + 2.3471221923828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/99.png", + [ + 0.20064224302768707, + 0.037619899958372116, + 0.07263141125440598, + -0.823797345161438, + 0.04143700376152992, + -0.21263131499290466, + -0.004334819503128529, + 0.029441557824611664, + 0.07052342593669891, + 0.01790415309369564, + -0.2040925920009613, + 2.393462657928467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/34.png", + [ + 0.20145411789417267, + -0.02475365251302719, + 0.07583790272474289, + -0.8741019368171692, + -0.010267197154462337, + -0.21231187880039215, + -0.04202549159526825, + 0.4673819839954376, + 0.07911205291748047, + 0.035479772835969925, + -0.19857080280780792, + 2.353158473968506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/72.png", + [ + 0.19995960593223572, + -0.007075978443026543, + 0.08315034210681915, + -0.9658735394477844, + 0.00654354365542531, + -0.2139001190662384, + -0.033938486129045486, + 0.38450270891189575, + 0.08319393545389175, + 0.033831484615802765, + -0.1971854269504547, + 2.3399534225463867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/102.png", + [ + 0.19465668499469757, + 0.058537717908620834, + 0.07503334432840347, + -0.8603502511978149, + 0.06477672606706619, + -0.20665250718593597, + -0.0068270498886704445, + 0.06427697837352753, + 0.06971832364797592, + 0.028565160930156708, + -0.2031533569097519, + 2.3923683166503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/134.png", + [ + 0.1987178474664688, + 0.04131565988063812, + 0.0758427307009697, + -0.8870434761047363, + 0.05053911358118057, + -0.2099224179983139, + -0.018062911927700043, + 0.1975700706243515, + 0.07003501057624817, + 0.03425619378685951, + -0.20216208696365356, + 2.422008514404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/70.png", + [ + 0.1998831182718277, + -0.007184308487921953, + 0.08332476764917374, + -0.9689384698867798, + 0.0059832860715687275, + -0.2140921652317047, + -0.032812125980854034, + 0.3714248538017273, + 0.08341960608959198, + 0.0325702428817749, + -0.1973024308681488, + 2.343161106109619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/135.png", + [ + 0.19881592690944672, + 0.040765438228845596, + 0.07588344812393188, + -0.8876609802246094, + 0.049769654870033264, + -0.21015378832817078, + -0.017500372603535652, + 0.190410777926445, + 0.0703071877360344, + 0.033488206565380096, + -0.20219628512859344, + 2.423153877258301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/130.png", + [ + 0.19912002980709076, + 0.0400724858045578, + 0.0754539892077446, + -0.882476270198822, + 0.04952811077237129, + -0.210068017244339, + -0.01913869008421898, + 0.20839744806289673, + 0.0696137472987175, + 0.03483559563755989, + -0.20220854878425598, + 2.4215784072875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/90.png", + [ + 0.2001098394393921, + -0.0033552099484950304, + 0.08302218466997147, + -0.9531936049461365, + 0.005248181987553835, + -0.21555522084236145, + -0.021361110731959343, + 0.22813764214515686, + 0.08292403817176819, + 0.02173897624015808, + -0.19899475574493408, + 2.340172290802002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/122.png", + [ + 0.20003663003444672, + 0.04512516409158707, + 0.0699782744050026, + -0.8317165970802307, + 0.0529305599629879, + -0.20948302745819092, + -0.01622067578136921, + 0.1790321171283722, + 0.06427749246358871, + 0.03206983208656311, + -0.20442068576812744, + 2.478452205657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/15.png", + [ + 0.20030982792377472, + -0.028015686199069023, + 0.07771091163158417, + -0.9050425887107849, + -0.016474206000566483, + -0.21328668296337128, + -0.034427955746650696, + 0.38500192761421204, + 0.08094729483127594, + 0.025919198989868164, + -0.1993078589439392, + 2.3721089363098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/22.png", + [ + 0.20063982903957367, + -0.027706578373908997, + 0.07696687430143356, + -0.8870687484741211, + -0.015060221776366234, + -0.21289420127868652, + -0.03737829253077507, + 0.4167366027832031, + 0.0804036408662796, + 0.029262475669384003, + -0.1990649700164795, + 2.3455028533935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/138.png", + [ + 0.19780302047729492, + 0.03872018679976463, + 0.07951481640338898, + -0.9300515055656433, + 0.04840219020843506, + -0.21043652296066284, + -0.017933236435055733, + 0.19319315254688263, + 0.0740208625793457, + 0.034133847802877426, + -0.20075780153274536, + 2.400695323944092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/109.png", + [ + 0.1904093623161316, + 0.06347965449094772, + 0.08162415027618408, + -0.9582985043525696, + 0.07199494540691376, + -0.2041580229997635, + -0.00917170662432909, + 0.0975302904844284, + 0.07422193139791489, + 0.03518134728074074, + -0.20050254464149475, + 2.3931803703308105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/26.png", + [ + 0.20138458907604218, + -0.0273432657122612, + 0.07512978464365005, + -0.8636385202407837, + -0.015291295945644379, + -0.2130230814218521, + -0.03654097765684128, + 0.40745940804481506, + 0.07847492396831512, + 0.02866029180586338, + -0.1999204158782959, + 2.350518226623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/43.png", + [ + 0.20246723294258118, + -0.025435123592615128, + 0.07285579293966293, + -0.8499582409858704, + -0.007143206894397736, + -0.20986558496952057, + -0.05341636389493942, + 0.6148434281349182, + 0.07683674991130829, + 0.04751197621226311, + -0.19694319367408752, + 2.345897674560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/84.png", + [ + 0.20066113770008087, + -0.005324229132384062, + 0.08157610148191452, + -0.9510856866836548, + 0.004209567792713642, + -0.21525481343269348, + -0.02440374530851841, + 0.27096354961395264, + 0.08164121955633163, + 0.02418503351509571, + -0.19924280047416687, + 2.3733363151550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/136.png", + [ + 0.19783756136894226, + 0.03931276872754097, + 0.07913722842931747, + -0.9264706969261169, + 0.04900176823139191, + -0.210288867354393, + -0.018036415800452232, + 0.19610387086868286, + 0.07353244721889496, + 0.03436555713415146, + -0.2008976936340332, + 2.407881736755371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/89.png", + [ + 0.2007279247045517, + -0.003722299123182893, + 0.08150054514408112, + -0.9369117021560669, + 0.004954291973263025, + -0.21549342572689056, + -0.022043973207473755, + 0.23695209622383118, + 0.0814349353313446, + 0.022285113111138344, + -0.19954854249954224, + 2.3493642807006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/63.png", + [ + 0.202267587184906, + -0.010675064288079739, + 0.07695300132036209, + -0.8931516408920288, + 0.0009102217736653984, + -0.21427905559539795, + -0.03211767226457596, + 0.36322036385536194, + 0.07768458127975464, + 0.03030538558959961, + -0.19998645782470703, + 2.3718514442443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/88.png", + [ + 0.20098814368247986, + -0.0036179411690682173, + 0.08086143434047699, + -0.9309161305427551, + 0.004697679542005062, + -0.2155718207359314, + -0.02132171206176281, + 0.2295844852924347, + 0.08080589026212692, + 0.021531233564019203, + -0.1998867243528366, + 2.357243061065674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/62.png", + [ + 0.2021537572145462, + -0.01125707384198904, + 0.07716882228851318, + -0.8955152630805969, + 0.0006731577450409532, + -0.21414552628993988, + -0.0330021008849144, + 0.3735702335834503, + 0.07798266410827637, + 0.031030146405100822, + -0.19975918531417847, + 2.3715004920959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/65.png", + [ + 0.20075158774852753, + -0.007269076071679592, + 0.08120255917310715, + -0.9452006220817566, + 0.005060418043285608, + -0.2142845094203949, + -0.031692806631326675, + 0.357513427734375, + 0.08137007057666779, + 0.03126023709774017, + -0.19836734235286713, + 2.356396198272705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/80.png", + [ + 0.20168448984622955, + -0.007746899500489235, + 0.07881147414445877, + -0.9251813888549805, + 0.004248928744345903, + -0.21426619589328766, + -0.031934961676597595, + 0.36321401596069336, + 0.07907723635435104, + 0.031271085143089294, + -0.19929075241088867, + 2.393831729888916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/146.png", + [ + 0.197710320353508, + 0.032934848219156265, + 0.08230318129062653, + -0.956509530544281, + 0.04510360211133957, + -0.21055428683757782, + -0.024092303588986397, + 0.2624562382698059, + 0.07631633430719376, + 0.03911610320210457, + -0.19898150861263275, + 2.3748974800109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/119.png", + [ + 0.19913563132286072, + 0.04735178127884865, + 0.07106827944517136, + -0.8467009663581848, + 0.053820688277482986, + -0.20958679914474487, + -0.011162632144987583, + 0.12160526216030121, + 0.0663040354847908, + 0.027911994606256485, + -0.20438344776630402, + 2.4890732765197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/145.png", + [ + 0.19768644869327545, + 0.03299117833375931, + 0.08233799040317535, + -0.9544766545295715, + 0.044502221047878265, + -0.21087387204170227, + -0.02235310710966587, + 0.2406977415084839, + 0.0767301395535469, + 0.03730538487434387, + -0.19917000830173492, + 2.371455192565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/79.png", + [ + 0.20133502781391144, + -0.00757802277803421, + 0.07971624284982681, + -0.9358263611793518, + 0.004716270137578249, + -0.2142055332660675, + -0.032274533063173294, + 0.36733025312423706, + 0.07993660867214203, + 0.03172479197382927, + -0.19887575507164001, + 2.388981819152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/116.png", + [ + 0.196994811296463, + 0.05042986571788788, + 0.07481822371482849, + -0.8889002799987793, + 0.056960392743349075, + -0.2088509202003479, + -0.00920332595705986, + 0.09895186126232147, + 0.06997466087341309, + 0.0280359648168087, + -0.20313893258571625, + 2.4713187217712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/19.png", + [ + 0.19995687901973724, + -0.027470799162983894, + 0.07880672067403793, + -0.9145602583885193, + -0.01525947917252779, + -0.21318544447422028, + -0.03559514135122299, + 0.39824795722961426, + 0.08205054700374603, + 0.027298735454678535, + -0.19867154955863953, + 2.355225086212158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/77.png", + [ + 0.20107673108577728, + -0.007749603129923344, + 0.0803491547703743, + -0.9419886469841003, + 0.00484512560069561, + -0.21412625908851624, + -0.03277738764882088, + 0.3735913336277008, + 0.08057647943496704, + 0.032214537262916565, + -0.19853852689266205, + 2.3820080757141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/68.png", + [ + 0.2004798948764801, + -0.006827377714216709, + 0.08190907537937164, + -0.9532310366630554, + 0.005774999037384987, + -0.21422214806079865, + -0.03199091926217079, + 0.36240753531455994, + 0.08198998868465424, + 0.03178296238183975, + -0.19802872836589813, + 2.351362705230713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/143.png", + [ + 0.19570302963256836, + 0.03473062813282013, + 0.08626703172922134, + -0.9990053772926331, + 0.04389439895749092, + -0.21169614791870117, + -0.01434993650764227, + 0.14678305387496948, + 0.0819847509264946, + 0.030437184497714043, + -0.1982422024011612, + 2.3552417755126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/86.png", + [ + 0.20035269856452942, + -0.003071592189371586, + 0.08244547992944717, + -0.95374995470047, + 0.00495039951056242, + -0.21568670868873596, + -0.020065713673830032, + 0.21671061217784882, + 0.08235402405261993, + 0.020437825471162796, + -0.19936901330947876, + 2.361832618713379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/1.png", + [ + 0.20380781590938568, + -0.025759544223546982, + 0.06889637559652328, + -0.8053725361824036, + -0.01611274667084217, + -0.21365892887115479, + -0.03222016245126724, + 0.3619699776172638, + 0.07176798582077026, + 0.025183435529470444, + -0.20288677513599396, + 2.430403709411621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/81.png", + [ + 0.20224438607692719, + -0.007458914071321487, + 0.07739170640707016, + -0.9059578776359558, + 0.004029653035104275, + -0.21437981724739075, + -0.031192170456051826, + 0.35287243127822876, + 0.07764582335948944, + 0.030554121360182762, + -0.19996367394924164, + 2.3946332931518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/95.png", + [ + 0.1992146223783493, + 0.011774171143770218, + 0.08439667522907257, + -0.9620741009712219, + 0.017376769334077835, + -0.21570023894309998, + -0.01092478260397911, + 0.10693366825580597, + 0.08342347294092178, + 0.016812849789857864, + -0.19926299154758453, + 2.3298568725585938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/103.png", + [ + 0.19276092946529388, + 0.060317035764455795, + 0.07844091951847076, + -0.904485285282135, + 0.06748998165130615, + -0.20575396716594696, + -0.007635817397385836, + 0.07519255578517914, + 0.0723617672920227, + 0.031225910410284996, + -0.20183312892913818, + 2.383805274963379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/150.png", + [ + 0.1973744034767151, + 0.03173903748393059, + 0.08356960862874985, + -0.9756792783737183, + 0.04351091757416725, + -0.2110535353422165, + -0.02260756678879261, + 0.24753835797309875, + 0.07808998227119446, + 0.03737559914588928, + -0.19862757623195648, + 2.3859310150146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/83.png", + [ + 0.20111241936683655, + -0.005750799085944891, + 0.08042773604393005, + -0.9407804012298584, + 0.004651943221688271, + -0.21493536233901978, + -0.027000803500413895, + 0.30135345458984375, + 0.08049877732992172, + 0.026788288727402687, + -0.19937460124492645, + 2.3849620819091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/142.png", + [ + 0.19686686992645264, + 0.03772953152656555, + 0.08226672559976578, + -0.9534067511558533, + 0.04618750512599945, + -0.21125462651252747, + -0.013641616329550743, + 0.140171080827713, + 0.07783345878124237, + 0.029930949211120605, + -0.19998496770858765, + 2.3715415000915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/51.png", + [ + 0.2022961527109146, + -0.019236423075199127, + 0.07519392669200897, + -0.8797145485877991, + -0.006215217988938093, + -0.21325521171092987, + -0.03783488646149635, + 0.43115994334220886, + 0.07736625522375107, + 0.03316726163029671, + -0.1996554434299469, + 2.376286029815674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/128.png", + [ + 0.1994735300540924, + 0.041361983865499496, + 0.07380649447441101, + -0.8651574850082397, + 0.05041284114122391, + -0.2099044919013977, + -0.018615715205669403, + 0.2023918479681015, + 0.06794671714305878, + 0.03431013971567154, + -0.2028643637895584, + 2.431910991668701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/93.png", + [ + 0.1989341527223587, + 0.005194870755076408, + 0.08570944517850876, + -0.980164110660553, + 0.011609387584030628, + -0.21591909229755402, + -0.013858821243047714, + 0.14111478626728058, + 0.08507831394672394, + 0.017316412180662155, + -0.1985187977552414, + 2.3213319778442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/76.png", + [ + 0.1633846014738083, + 0.005034289322793484, + -0.1422252655029297, + 1.5759505033493042, + -0.01294180378317833, + -0.2151162326335907, + -0.022481583058834076, + 0.23845097422599792, + -0.14172466099262238, + 0.02544735185801983, + -0.16190876066684723, + 1.8474801778793335, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/48.png", + [ + 0.16884922981262207, + 0.007195345126092434, + -0.1355952024459839, + 1.4640719890594482, + -0.00291387178003788, + -0.2161283791065216, + -0.015097311697900295, + 0.16098037362098694, + -0.13575471937656403, + 0.01358847040683031, + -0.16832676529884338, + 1.8729368448257446, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/35.png", + [ + 0.16620294749736786, + 0.004900319501757622, + -0.13892610371112823, + 1.5003021955490112, + -0.003316789399832487, + -0.21633853018283844, + -0.011598885990679264, + 0.1213655024766922, + -0.1389729380607605, + 0.011023707687854767, + -0.16587011516094208, + 1.8412119150161743, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/124.png", + [ + 0.16865389049053192, + 0.009435784071683884, + -0.13570086658000946, + 1.4677692651748657, + -0.0036923906300216913, + -0.21575552225112915, + -0.0195913165807724, + 0.20975112915039062, + -0.13597840070724487, + 0.01756187528371811, + -0.1677776724100113, + 1.874165654182434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/97.png", + [ + 0.15051722526550293, + 0.013803633861243725, + -0.15524791181087494, + 1.6668384075164795, + -0.004433843307197094, + -0.21535661816596985, + -0.02344684675335884, + 0.23565077781677246, + -0.15579728782176971, + 0.01946467161178589, + -0.14931918680667877, + 1.6592841148376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/13.png", + [ + 0.16616229712963104, + 0.008409342728555202, + -0.13880661129951477, + 1.4733810424804688, + -0.0021980651654303074, + -0.21609225869178772, + -0.01572280563414097, + 0.1652185022830963, + -0.13904373347759247, + 0.013465550728142262, + -0.16563035547733307, + 1.8101564645767212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/32.png", + [ + 0.16718624532222748, + 0.004238292574882507, + -0.13776317238807678, + 1.4857184886932373, + -0.005209172610193491, + -0.2162231057882309, + -0.012973848730325699, + 0.13611812889575958, + -0.13772988319396973, + 0.013322653248906136, + -0.1667359620332718, + 1.8474140167236328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/38.png", + [ + 0.16688768565654755, + 0.00402704207226634, + -0.13813099265098572, + 1.4862525463104248, + -0.003627844387665391, + -0.2163802832365036, + -0.01069141086190939, + 0.11246466636657715, + -0.13814206421375275, + 0.010547534562647343, + -0.1665935516357422, + 1.8424670696258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/111.png", + [ + 0.15040777623653412, + 0.013982448726892471, + -0.15533798933029175, + 1.7295761108398438, + -0.006465621292591095, + -0.21505765616893768, + -0.025618409737944603, + 0.2698715031147003, + -0.1558319330215454, + 0.022418705746531487, + -0.14886806905269623, + 1.711645483970642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/11.png", + [ + 0.1666892021894455, + 0.007687512785196304, + -0.13821542263031006, + 1.4647740125656128, + -0.0018779173260554671, + -0.2161947637796402, + -0.0142894946038723, + 0.15038399398326874, + -0.1384163200855255, + 0.012190913781523705, + -0.16625341773033142, + 1.8146907091140747, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/125.png", + [ + 0.1679077446460724, + 0.005280395038425922, + -0.1368466019630432, + 1.4782301187515259, + -0.007908208295702934, + -0.21577836573123932, + -0.018029268831014633, + 0.19258171319961548, + -0.13671992719173431, + 0.018966069445014, + -0.16702048480510712, + 1.866226315498352, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/59.png", + [ + 0.17148298025131226, + 0.0076842703856527805, + -0.13222116231918335, + 1.4402748346328735, + -0.0033892665524035692, + -0.21598421037197113, + -0.01694798469543457, + 0.1817062497138977, + -0.13240090012550354, + 0.015481386333703995, + -0.1708163470029831, + 1.9170476198196411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/105.png", + [ + 0.15035875141620636, + 0.011932463385164738, + -0.15555629134178162, + 1.6889288425445557, + -0.007925239391624928, + -0.21517685055732727, + -0.024166295304894447, + 0.24658480286598206, + -0.1558118462562561, + 0.022459642961621284, + -0.1488829255104065, + 1.6735950708389282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/121.png", + [ + 0.1690279245376587, + 0.010234659537672997, + -0.13517655432224274, + 1.4758577346801758, + -0.0038643591105937958, + -0.21560466289520264, + -0.021156221628189087, + 0.2281324565410614, + -0.13550835847854614, + 0.018914829939603806, + -0.16801074147224426, + 1.8874250650405884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/24.png", + [ + 0.16195818781852722, + 0.005015319213271141, + -0.14384810626506805, + 1.5398688316345215, + -0.004141270648688078, + -0.21629104018211365, + -0.012203714810311794, + 0.1277550905942917, + -0.14387594163417816, + 0.011871283873915672, + -0.16157563030719757, + 1.7842150926589966, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/74.png", + [ + 0.16585926711559296, + 0.006061623804271221, + -0.13929052650928497, + 1.544631004333496, + -0.009938428178429604, + -0.21540506184101105, + -0.021208081394433975, + 0.2242739200592041, + -0.13906769454479218, + 0.02262325957417488, + -0.1646094173192978, + 1.881773829460144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/129.png", + [ + 0.16707028448581696, + 0.005081185605376959, + -0.13787530362606049, + 1.5101804733276367, + -0.008731257170438766, + -0.21570423245429993, + -0.01852954737842083, + 0.199215829372406, + -0.13769234716892242, + 0.01984339952468872, + -0.16611728072166443, + 1.8793476819992065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/98.png", + [ + 0.151239275932312, + 0.014326930046081543, + -0.154496967792511, + 1.6567857265472412, + -0.004986463580280542, + -0.21518871188163757, + -0.024836359545588493, + 0.2507835030555725, + -0.1550797075033188, + 0.020891355350613594, + -0.14987240731716156, + 1.6629350185394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/0.png", + [ + 0.16212168335914612, + 0.0067374976351857185, + -0.14359338581562042, + 1.5315790176391602, + -0.006328931078314781, + -0.21589212119579315, + -0.017275378108024597, + 0.17660561203956604, + -0.14361196756362915, + 0.01712016761302948, + -0.1613393872976303, + 1.7706222534179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/96.png", + [ + 0.15244770050048828, + 0.013468911871314049, + -0.15338243544101715, + 1.6495548486709595, + -0.0053803822956979275, + -0.21524623036384583, + -0.024248924106359482, + 0.24479374289512634, + -0.15387867391109467, + 0.020869772881269455, + -0.1511082500219345, + 1.6810212135314941, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/100.png", + [ + 0.15029673278331757, + 0.012934849597513676, + -0.15553610026836395, + 1.6655266284942627, + -0.006124176550656557, + -0.2152741551399231, + -0.023820724338293076, + 0.23847562074661255, + -0.1559528261423111, + 0.020919421687722206, + -0.1489596962928772, + 1.6506850719451904, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/40.png", + [ + 0.16672512888908386, + 0.0031973349396139383, + -0.13834883272647858, + 1.488075613975525, + -0.006332270801067352, + -0.2162136286497116, + -0.01262790895998478, + 0.1356164664030075, + -0.13824079930782318, + 0.013760043308138847, + -0.1662769764661789, + 1.8391971588134766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/52.png", + [ + 0.17136916518211365, + 0.00611762423068285, + -0.13245031237602234, + 1.4281208515167236, + -0.0039396160282194614, + -0.2161133736371994, + -0.015079081058502197, + 0.15905296802520752, + -0.1325329691171646, + 0.014334362931549549, + -0.17081400752067566, + 1.900628685951233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/3.png", + [ + 0.16170436143875122, + 0.008829683996737003, + -0.14395011961460114, + 1.5313231945037842, + -0.00535614974796772, + -0.2157512754201889, + -0.019250616431236267, + 0.19839473068714142, + -0.14412115514278412, + 0.01792515628039837, + -0.16079698503017426, + 1.7577898502349854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/47.png", + [ + 0.1669752597808838, + 0.0047407569363713264, + -0.13800247013568878, + 1.4957913160324097, + -0.005052435211837292, + -0.2161921262741089, + -0.013539946638047695, + 0.14517301321029663, + -0.13799141347408295, + 0.01365219708532095, + -0.16649287939071655, + 1.8565205335617065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/104.png", + [ + 0.14758415520191193, + 0.013672316446900368, + -0.15805023908615112, + 1.7099019289016724, + -0.00743465218693018, + -0.21503517031669617, + -0.025544188916683197, + 0.2616593837738037, + -0.15846621990203857, + 0.02282208576798439, + -0.14599834382534027, + 1.633446216583252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/21.png", + [ + 0.16507786512374878, + 0.0034487636294215918, + -0.14030428230762482, + 1.4958981275558472, + -0.004792807158082724, + -0.21634432673454285, + -0.01095695048570633, + 0.1146152913570404, + -0.14026477932929993, + 0.011451281607151031, + -0.16474995017051697, + 1.8097617626190186, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/82.png", + [ + 0.15663324296474457, + 0.008625674061477184, + -0.14946410059928894, + 1.6499232053756714, + -0.012089885771274567, + -0.21487948298454285, + -0.02507062815129757, + 0.26438215374946594, + -0.14922383427619934, + 0.02646317146718502, + -0.15485426783561707, + 1.7612550258636475, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/106.png", + [ + 0.14531944692134857, + 0.014097160659730434, + -0.160098135471344, + 1.7522552013397217, + -0.005655658897012472, + -0.21525727212429047, + -0.024087682366371155, + 0.24648046493530273, + -0.16061806678771973, + 0.020334037020802498, + -0.14400090277194977, + 1.6349799633026123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/14.png", + [ + 0.1668185144662857, + 0.007186422124505043, + -0.13808631896972656, + 1.4694240093231201, + -0.0021247912663966417, + -0.21622300148010254, + -0.013819794170558453, + 0.14592212438583374, + -0.13825686275959015, + 0.011994032189249992, + -0.16640034317970276, + 1.8238964080810547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/67.png", + [ + 0.17010816931724548, + 0.009339804761111736, + -0.13388004899024963, + 1.4740225076675415, + -0.0020322126802057028, + -0.21594524383544922, + -0.01764700934290886, + 0.19071513414382935, + -0.13419005274772644, + 0.015110091306269169, + -0.16944795846939087, + 1.9229494333267212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/78.png", + [ + 0.15897424519062042, + 0.008962155319750309, + -0.14695154130458832, + 1.6259968280792236, + -0.010519788600504398, + -0.21502847969532013, + -0.024494430050253868, + 0.2586296498775482, + -0.14684826135635376, + 0.02510623075067997, + -0.15733136236667633, + 1.7925519943237305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/31.png", + [ + 0.16533087193965912, + 0.00413079047575593, + -0.13998763263225555, + 1.5084518194198608, + -0.00611997302621603, + -0.2161603718996048, + -0.013606442138552666, + 0.14371146261692047, + -0.13991479575634003, + 0.01433617528527975, + -0.1648218035697937, + 1.8274270296096802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/39.png", + [ + 0.16667242348194122, + 0.003861415898427367, + -0.13839539885520935, + 1.4877190589904785, + -0.003949338104575872, + -0.2163695991039276, + -0.010793269611895084, + 0.11380225419998169, + -0.13839292526245117, + 0.010825036093592644, + -0.16636739671230316, + 1.8381696939468384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/92.png", + [ + 0.15602509677410126, + 0.013134519569575787, + -0.14977167546749115, + 1.6175719499588013, + -0.007154341321438551, + -0.21495305001735687, + -0.02630378119647503, + 0.26783618330955505, + -0.15017619729042053, + 0.02388635464012623, + -0.15435171127319336, + 1.7247097492218018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/53.png", + [ + 0.17380638420581818, + 0.007573707029223442, + -0.12915831804275513, + 1.3925502300262451, + -0.002108489628881216, + -0.2161085456609726, + -0.015509739518165588, + 0.16466979682445526, + -0.12936300039291382, + 0.013698055408895016, + -0.1732785999774933, + 1.9286447763442993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/75.png", + [ + 0.16311849653720856, + 0.006226119585335255, + -0.14248330891132355, + 1.5804592370986938, + -0.010618316940963268, + -0.2153371125459671, + -0.021565746515989304, + 0.22839587926864624, + -0.14222343266010284, + 0.023217786103487015, + -0.16180644929409027, + 1.8467899560928345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/87.png", + [ + 0.15495647490024567, + 0.014207047410309315, + -0.15077976882457733, + 1.6525335311889648, + -0.006111968774348497, + -0.21495677530765533, + -0.026535330340266228, + 0.2746982276439667, + -0.15132422745227814, + 0.02323014847934246, + -0.15332719683647156, + 1.7340322732925415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/107.png", + [ + 0.1453157514333725, + 0.015081551857292652, + -0.16001178324222565, + 1.7622567415237427, + -0.005156019702553749, + -0.21517008543014526, + -0.02496284805238247, + 0.2587064802646637, + -0.160638228058815, + 0.020549334585666656, + -0.14394782483577728, + 1.6423349380493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/112.png", + [ + 0.1486373245716095, + 0.013691001571714878, + -0.15705858170986176, + 1.7520086765289307, + -0.007367419544607401, + -0.21501702070236206, + -0.025715701282024384, + 0.27197331190109253, + -0.15748193860054016, + 0.022981135174632072, + -0.14703468978405, + 1.6930944919586182, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/69.png", + [ + 0.16849678754806519, + 0.006276111118495464, + -0.1360783874988556, + 1.5081770420074463, + -0.004641748033463955, + -0.21605432033538818, + -0.015712272375822067, + 0.16929620504379272, + -0.13614395260810852, + 0.015133795328438282, + -0.16787996888160706, + 1.919256567955017, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/45.png", + [ + 0.16807790100574493, + 0.005604701116681099, + -0.13662466406822205, + 1.4766020774841309, + -0.0035165860317647457, + -0.21624375879764557, + -0.013197047635912895, + 0.14152681827545166, + -0.13669434189796448, + 0.01245454978197813, + -0.1676526963710785, + 1.8619874715805054, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/50.png", + [ + 0.1708882451057434, + 0.004006965551525354, + -0.13315045833587646, + 1.432949423789978, + -0.006241164170205593, + -0.21609793603420258, + -0.014513195492327213, + 0.15591618418693542, + -0.13306444883346558, + 0.015281666070222855, + -0.17031797766685486, + 1.894100308418274, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/101.png", + [ + 0.1494765281677246, + 0.013142300769686699, + -0.15630720555782318, + 1.6788498163223267, + -0.007558634504675865, + -0.21505847573280334, + -0.025310426950454712, + 0.25677916407585144, + -0.1566765159368515, + 0.02291354537010193, + -0.14790312945842743, + 1.6428775787353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/85.png", + [ + 0.15618380904197693, + 0.01239404920488596, + -0.14966927468776703, + 1.6533839702606201, + -0.00838115531951189, + -0.21487967669963837, + -0.026540052145719528, + 0.2786615192890167, + -0.14994753897190094, + 0.024919986724853516, + -0.15441058576107025, + 1.7552354335784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/131.png", + [ + 0.1677670180797577, + 0.004344203043729067, + -0.1370519995689392, + 1.5174673795700073, + -0.009188002906739712, + -0.21572299301624298, + -0.018085021525621414, + 0.19521115720272064, + -0.13681265711784363, + 0.019814521074295044, + -0.16684596240520477, + 1.9062150716781616, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/71.png", + [ + 0.16922083497047424, + 0.007068555802106857, + -0.13513784110546112, + 1.4989032745361328, + -0.004215539898723364, + -0.21599845588207245, + -0.01657680980861187, + 0.17558996379375458, + -0.13525690138339996, + 0.015575524419546127, + -0.16855524480342865, + 1.9253414869308472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/115.png", + [ + 0.16102251410484314, + 0.016958126798272133, + -0.14398632943630219, + 1.5948642492294312, + -0.004761165007948875, + -0.21445274353027344, + -0.030581872910261154, + 0.325671911239624, + -0.14490331709384918, + 0.025890953838825226, + -0.15899869799613953, + 1.8141899108886719, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/54.png", + [ + 0.17159666121006012, + 0.007281688507646322, + -0.13209637999534607, + 1.4278398752212524, + -0.0020847483538091183, + -0.21617048978805542, + -0.014624333009123802, + 0.15505512058734894, + -0.13228051364421844, + 0.012852796353399754, + -0.1711273491382599, + 1.9094096422195435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/33.png", + [ + 0.16759908199310303, + 0.0044106957502663136, + -0.13725519180297852, + 1.4807844161987305, + -0.004026663955301046, + -0.21631187200546265, + -0.011868046596646309, + 0.1247970312833786, + -0.13726700842380524, + 0.011730743572115898, + -0.16723652184009552, + 1.8547877073287964, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/49.png", + [ + 0.16802646219730377, + 0.006685973145067692, + -0.1366393119096756, + 1.473438024520874, + -0.004005508963018656, + -0.21608248353004456, + -0.015498855151236057, + 0.16588570177555084, + -0.13674414157867432, + 0.014544977806508541, + -0.1674436628818512, + 1.8613451719284058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/118.png", + [ + 0.16526639461517334, + 0.011568194255232811, + -0.1396462768316269, + 1.5406460762023926, + -0.007071276661008596, + -0.21497134864330292, + -0.02617666684091091, + 0.2804583013057709, + -0.1399460881948471, + 0.024523412808775902, + -0.1635896861553192, + 1.854742407798767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/110.png", + [ + 0.14944082498550415, + 0.015423586592078209, + -0.1561327576637268, + 1.7348177433013916, + -0.005098691675812006, + -0.21503376960754395, + -0.026122288778424263, + 0.27448132634162903, + -0.15680983662605286, + 0.02169063687324524, + -0.14794619381427765, + 1.7003917694091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/18.png", + [ + 0.1678341180086136, + 0.0045202043838799, + -0.1369641274213791, + 1.4601991176605225, + -0.003970656543970108, + -0.21630540490150452, + -0.01200428418815136, + 0.1259586364030838, + -0.13698115944862366, + 0.011808331124484539, + -0.16746528446674347, + 1.838407278060913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/66.png", + [ + 0.17114318907260895, + 0.008778608404099941, + -0.13259272277355194, + 1.4562524557113647, + -0.0026120140682905912, + -0.2159372866153717, + -0.017668068408966064, + 0.19132661819458008, + -0.1328573375940323, + 0.01555375661700964, + -0.1704549640417099, + 1.9276710748672485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/16.png", + [ + 0.16518114507198334, + 0.0071618882939219475, + -0.14004211127758026, + 1.4977831840515137, + -0.0016677913954481483, + -0.2162761688232422, + -0.013027748093008995, + 0.1379167139530182, + -0.140215203166008, + 0.01100959163159132, + -0.1648222655057907, + 1.81563138961792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/94.png", + [ + 0.15303704142570496, + 0.013722589239478111, + -0.15277190506458282, + 1.6495113372802734, + -0.006672890391200781, + -0.21500585973262787, + -0.025997167453169823, + 0.26504144072532654, + -0.15324173867702484, + 0.023066658526659012, + -0.1514357626438141, + 1.6916693449020386, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/28.png", + [ + 0.16429686546325684, + 0.003749353811144829, + -0.1412103921175003, + 1.5180267095565796, + -0.006140877027064562, + -0.2162039577960968, + -0.012885398231446743, + 0.13706035912036896, + -0.1411266177892685, + 0.013772660866379738, + -0.16383372247219086, + 1.8157390356063843, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/61.png", + [ + 0.17197981476783752, + 0.00798814371228218, + -0.13155613839626312, + 1.4389173984527588, + -0.0027168644592165947, + -0.21601545810699463, + -0.016668232157826424, + 0.17950855195522308, + -0.13177043199539185, + 0.014879547990858555, + -0.1713564693927765, + 1.9299992322921753, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/132.png", + [ + 0.16687849164009094, + 0.004571119789034128, + -0.1381252110004425, + 1.5378602743148804, + -0.008896141313016415, + -0.21575164794921875, + -0.017888125032186508, + 0.19393792748451233, + -0.13791418075561523, + 0.01944817043840885, + -0.16597992181777954, + 1.9075590372085571, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/58.png", + [ + 0.17154337465763092, + 0.009313997812569141, + -0.1320379376411438, + 1.435101866722107, + -0.0015215036692097783, + -0.2159845381975174, + -0.01721235178411007, + 0.1839052140712738, + -0.13235731422901154, + 0.014554361812770367, + -0.1709315925836563, + 1.9156299829483032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/123.png", + [ + 0.16858552396297455, + 0.008961093612015247, + -0.13581793010234833, + 1.4718830585479736, + -0.004537784028798342, + -0.21571435034275055, + -0.019865132868289948, + 0.2128213495016098, + -0.13603757321834564, + 0.018300650641322136, + -0.16765069961547852, + 1.8761082887649536, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/64.png", + [ + 0.17176634073257446, + 0.007731372956186533, + -0.13185007870197296, + 1.4450297355651855, + -0.00344148650765419, + -0.21596765518188477, + -0.017147185280919075, + 0.1845577508211136, + -0.13203172385692596, + 0.01568743772804737, + -0.17108307778835297, + 1.9301525354385376, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/10.png", + [ + 0.16663356125354767, + 0.00811300240457058, + -0.1382582038640976, + 1.4626778364181519, + -0.0016694655641913414, + -0.21616917848587036, + -0.014696920290589333, + 0.1540956348180771, + -0.13848598301410675, + 0.012367935851216316, + -0.16618230938911438, + 1.8111329078674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/41.png", + [ + 0.1655024290084839, + 0.0031808041967451572, + -0.13980957865715027, + 1.506581425666809, + -0.005549571476876736, + -0.21629856526851654, + -0.011490419507026672, + 0.12312094867229462, + -0.1397356390953064, + 0.012357587926089764, + -0.16513371467590332, + 1.8323907852172852, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/91.png", + [ + 0.15564808249473572, + 0.01353774219751358, + -0.150127574801445, + 1.6244844198226929, + -0.005640146788209677, + -0.21512486040592194, + -0.02524641528725624, + 0.2579151391983032, + -0.15063117444515228, + 0.02204364538192749, + -0.15418241918087006, + 1.7254865169525146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/23.png", + [ + 0.16473384201526642, + 0.004312803037464619, + -0.14068426191806793, + 1.500822901725769, + -0.004422523081302643, + -0.2163073569536209, + -0.0118096387013793, + 0.12364979088306427, + -0.14068086445331573, + 0.011850148439407349, + -0.16436657309532166, + 1.8069067001342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/37.png", + [ + 0.16735415160655975, + 0.004702416714280844, + -0.13754403591156006, + 1.4820477962493896, + -0.0031522747594863176, + -0.21636034548282623, + -0.011232494376599789, + 0.11825726926326752, + -0.13758830726146698, + 0.010676752775907516, + -0.16704298555850983, + 1.8489323854446411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/36.png", + [ + 0.1673547476530075, + 0.004708581138402224, + -0.13754312694072723, + 1.4826500415802002, + -0.003373919753357768, + -0.21634232997894287, + -0.011511349119246006, + 0.12097497284412384, + -0.13758234679698944, + 0.011032847687602043, + -0.16702477633953094, + 1.8488142490386963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/8.png", + [ + 0.16401195526123047, + 0.009059020318090916, + -0.1413007527589798, + 1.498275637626648, + -0.001786856329999864, + -0.21608105301856995, + -0.01592736504971981, + 0.16616828739643097, + -0.14157959818840027, + 0.013221495784819126, + -0.16348794102668762, + 1.7853182554244995, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/6.png", + [ + 0.16167287528514862, + 0.009422075934708118, + -0.14394789934158325, + 1.5345735549926758, + -0.00137560092844069, + -0.21610142290592194, + -0.015689855441451073, + 0.16182871162891388, + -0.1442493498325348, + 0.012620950117707253, + -0.1611853688955307, + 1.7656724452972412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/20.png", + [ + 0.16645455360412598, + 0.004332349635660648, + -0.13864344358444214, + 1.4778656959533691, + -0.003522235667333007, + -0.21636706590652466, + -0.010989846661686897, + 0.11400094628334045, + -0.13866639137268066, + 0.010696429759263992, + -0.1661478579044342, + 1.8242814540863037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/2.png", + [ + 0.1599903404712677, + 0.009630749002099037, + -0.14580203592777252, + 1.5522164106369019, + -0.00589444674551487, + -0.2156021147966385, + -0.020709341391921043, + 0.21381758153438568, + -0.14600081741809845, + 0.019257986918091774, + -0.15893641114234924, + 1.747292160987854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/117.png", + [ + 0.16305404901504517, + 0.015657497569918633, + -0.14183129370212555, + 1.568766713142395, + -0.004619017243385315, + -0.21467424929141998, + -0.02900918759405613, + 0.30998021364212036, + -0.14261814951896667, + 0.024853795766830444, + -0.1612149178981781, + 1.8296278715133667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/5.png", + [ + 0.16254690289497375, + 0.010236102156341076, + -0.14290420711040497, + 1.5202105045318604, + -0.0017989024054259062, + -0.21595807373523712, + -0.01751505210995674, + 0.18227440118789673, + -0.14325904846191406, + 0.014326038770377636, + -0.1619243621826172, + 1.7723394632339478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/108.png", + [ + 0.15174788236618042, + 0.01644228771328926, + -0.15378598868846893, + 1.6941709518432617, + -0.0034181231167167425, + -0.21503756940364838, + -0.026363929733633995, + 0.2740859389305115, + -0.15462467074394226, + 0.02088998630642891, + -0.1503419727087021, + 1.7130731344223022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/60.png", + [ + 0.17117300629615784, + 0.008903944864869118, + -0.13254590332508087, + 1.4469573497772217, + -0.0022456487640738487, + -0.21596254408359528, + -0.017407657578587532, + 0.18700402975082397, + -0.13282562792301178, + 0.015125777572393417, + -0.1705181896686554, + 1.9179340600967407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/56.png", + [ + 0.17138269543647766, + 0.00870612170547247, + -0.13228784501552582, + 1.4343196153640747, + -0.0016994952457025647, + -0.21604487299919128, + -0.01642007939517498, + 0.1746477335691452, + -0.13256312906742096, + 0.014025361277163029, + -0.17081627249717712, + 1.9106122255325317, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/30.png", + [ + 0.16622990369796753, + 0.003578712698072195, + -0.1389341950416565, + 1.4951419830322266, + -0.006727498024702072, + -0.2161416858434677, + -0.013616664335131645, + 0.14428769052028656, + -0.13881735503673553, + 0.014760272577404976, + -0.16570989787578583, + 1.8374254703521729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/17.png", + [ + 0.1671830713748932, + 0.00678253173828125, + -0.13766519725322723, + 1.4709570407867432, + -0.0024150703102350235, + -0.21623475849628448, + -0.013586423359811306, + 0.14388863742351532, + -0.13781103491783142, + 0.012017518281936646, + -0.16676807403564453, + 1.8344870805740356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/12.png", + [ + 0.16937071084976196, + 0.008485540747642517, + -0.13486824929714203, + 1.4250916242599487, + -0.0015517814317718148, + -0.21611064672470093, + -0.015545854344964027, + 0.16214948892593384, + -0.1351260244846344, + 0.013117820024490356, + -0.16886910796165466, + 1.8369886875152588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/114.png", + [ + 0.15773425996303558, + 0.017268961295485497, + -0.14754517376422882, + 1.6364049911499023, + -0.004962986335158348, + -0.21447288990020752, + -0.030408021062612534, + 0.3230985105037689, + -0.14846940338611603, + 0.02551591582596302, + -0.15573588013648987, + 1.77863347530365, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/27.png", + [ + 0.1626172959804535, + 0.0021829819306731224, + -0.14317384362220764, + 1.5388219356536865, + -0.0071710566990077496, + -0.21625342965126038, + -0.011442139744758606, + 0.12123917043209076, + -0.14301081001758575, + 0.01332595944404602, + -0.16222894191741943, + 1.7979563474655151, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/42.png", + [ + 0.1655769944190979, + 0.002251299098134041, + -0.13973934948444366, + 1.508643627166748, + -0.006631968077272177, + -0.2162758708000183, + -0.011342568323016167, + 0.12201857566833496, + -0.1396000236272812, + 0.012944824993610382, + -0.16520337760448456, + 1.8358129262924194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/7.png", + [ + 0.1624445766210556, + 0.012048080563545227, + -0.14287932217121124, + 1.5193127393722534, + 0.0009226772817783058, + -0.21599175035953522, + -0.01716415211558342, + 0.17785672843456268, + -0.14338341355323792, + 0.01225982140749693, + -0.161983922123909, + 1.7713412046432495, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/73.png", + [ + 0.16757206618785858, + 0.0064246393740177155, + -0.13720865547657013, + 1.5202674865722656, + -0.007184574846178293, + -0.21573126316070557, + -0.01887584663927555, + 0.199699267745018, + -0.1371709704399109, + 0.019147839397192, + -0.16662946343421936, + 1.9026240110397339, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/120.png", + [ + 0.16896533966064453, + 0.009712612256407738, + -0.13529326021671295, + 1.4804470539093018, + -0.0059990533627569675, + -0.21537187695503235, + -0.022953514009714127, + 0.24908903241157532, + -0.1355087012052536, + 0.02164526842534542, + -0.1676805168390274, + 1.8901838064193726, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/46.png", + [ + 0.1681603193283081, + 0.005102353170514107, + -0.1365428864955902, + 1.4760390520095825, + -0.005059072747826576, + -0.21614253520965576, + -0.014307377859950066, + 0.15326876938343048, + -0.13654451072216034, + 0.014291999861598015, + -0.1676282286643982, + 1.86207115650177, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/127.png", + [ + 0.16552217304706573, + 0.0059592342004179955, + -0.13969533145427704, + 1.517529010772705, + -0.006685975007712841, + -0.21589280664920807, + -0.017131803557276726, + 0.1836724877357483, + -0.13966244459152222, + 0.01739794760942459, + -0.16474102437496185, + 1.849357008934021, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/57.png", + [ + 0.17155864834785461, + 0.00789081584662199, + -0.13211077451705933, + 1.4333157539367676, + -0.0025806992780417204, + -0.21604859828948975, + -0.016255605965852737, + 0.17239707708358765, + -0.1323210746049881, + 0.014444367028772831, + -0.17096897959709167, + 1.9136217832565308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/44.png", + [ + 0.16664572060108185, + 0.0034849916119128466, + -0.13843750953674316, + 1.497776746749878, + -0.004657743498682976, + -0.21634238958358765, + -0.011052960529923439, + 0.11824430525302887, + -0.1384030282497406, + 0.011476817540824413, + -0.16631527245044708, + 1.8496160507202148, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/113.png", + [ + 0.15433219075202942, + 0.01576235331594944, + -0.1512647122144699, + 1.6818733215332031, + -0.005599130876362324, + -0.2147727757692337, + -0.02809280902147293, + 0.2983175218105316, + -0.15198063850402832, + 0.02391870506107807, + -0.1525702327489853, + 1.7510156631469727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/126.png", + [ + 0.16648796200752258, + 0.004552930127829313, + -0.13859626650810242, + 1.5018802881240845, + -0.008494892157614231, + -0.21581622958183289, + -0.01729407161474228, + 0.1854008436203003, + -0.1384105682373047, + 0.018722152337431908, + -0.1656498908996582, + 1.8550740480422974, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/29.png", + [ + 0.16487878561019897, + 0.0025324509479105473, + -0.1405576914548874, + 1.5127471685409546, + -0.007789533585309982, + -0.21614205837249756, + -0.01303164567798376, + 0.13767682015895844, + -0.14036451280117035, + 0.01496954821050167, + -0.16438248753547668, + 1.8228614330291748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/4.png", + [ + 0.16118207573890686, + 0.008608466945588589, + -0.14454801380634308, + 1.5367845296859741, + -0.004619843326508999, + -0.21587559580802917, + -0.01800781674683094, + 0.18595640361309052, + -0.14473038911819458, + 0.016477828845381737, + -0.16040411591529846, + 1.7549220323562622, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/55.png", + [ + 0.17106510698795319, + 0.006906003225594759, + -0.13280409574508667, + 1.4384185075759888, + -0.0025879915338009596, + -0.21616840362548828, + -0.014574659988284111, + 0.15421077609062195, + -0.13295835256576538, + 0.013092958368360996, + -0.17058295011520386, + 1.9062987565994263, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/9.png", + [ + 0.1628560721874237, + 0.008439246565103531, + -0.1426694244146347, + 1.5115514993667603, + -0.001953021390363574, + -0.21614494919776917, + -0.015014861710369587, + 0.15778043866157532, + -0.14290547370910645, + 0.01257137581706047, + -0.16238188743591309, + 1.7737443447113037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/25.png", + [ + 0.1624736338853836, + 0.003343591233715415, + -0.1433144509792328, + 1.5354466438293457, + -0.006096941418945789, + -0.21625851094722748, + -0.01195742841809988, + 0.1257627010345459, + -0.14322374761104584, + 0.012998969294130802, + -0.16206751763820648, + 1.7911643981933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/99.png", + [ + 0.15292006731033325, + 0.012743902392685413, + -0.15297365188598633, + 1.6333595514297485, + -0.00636840146034956, + -0.21521402895450592, + -0.02429518848657608, + 0.24532335996627808, + -0.1533713936805725, + 0.02164267934858799, + -0.1515146940946579, + 1.6740095615386963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/34.png", + [ + 0.1672469526529312, + 0.0038349495735019445, + -0.13770125806331635, + 1.4864479303359985, + -0.004465990699827671, + -0.21632583439350128, + -0.011448858305811882, + 0.12049640715122223, + -0.137682244181633, + 0.011675383895635605, + -0.1668986976146698, + 1.850500226020813, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/72.png", + [ + 0.16911685466766357, + 0.005815553944557905, + -0.13532759249210358, + 1.4981937408447266, + -0.004859549924731255, + -0.21607497334480286, + -0.015358489006757736, + 0.16168151795864105, + -0.1353653073310852, + 0.015022574923932552, + -0.16851839423179626, + 1.9251381158828735, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/102.png", + [ + 0.14994288980960846, + 0.015279497019946575, + -0.15566487610340118, + 1.6705677509307861, + -0.00570279685780406, + -0.21496088802814484, + -0.026592949405312538, + 0.271513432264328, + -0.15630896389484406, + 0.022499864920973778, + -0.14835482835769653, + 1.6483073234558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/70.png", + [ + 0.16801691055297852, + 0.004298699088394642, + -0.13674697279930115, + 1.518662452697754, + -0.007322381250560284, + -0.21597470343112946, + -0.015786048024892807, + 0.16897830367088318, + -0.13661842048168182, + 0.01686231978237629, + -0.167328879237175, + 1.912436604499817, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/130.png", + [ + 0.1662774235010147, + 0.0040231444872915745, + -0.1388651579618454, + 1.5292469263076782, + -0.010471070185303688, + -0.2156047224998474, + -0.01878449320793152, + 0.2037511169910431, + -0.1385282427072525, + 0.021126164123415947, + -0.16526192426681519, + 1.881229043006897, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/90.png", + [ + 0.15675045549869537, + 0.014277392067015171, + -0.14890716969966888, + 1.614603877067566, + -0.005657453555613756, + -0.214965358376503, + -0.026566576212644577, + 0.2731478214263916, + -0.14948302507400513, + 0.023107267916202545, + -0.15514111518859863, + 1.734454870223999, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/122.png", + [ + 0.1670006513595581, + 0.011872475035488605, + -0.13754171133041382, + 1.498448371887207, + -0.0014557760441675782, + -0.2157084196805954, + -0.02038733661174774, + 0.21969649195671082, + -0.13804547488689423, + 0.016637522727251053, + -0.1661761999130249, + 1.8641246557235718, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/15.png", + [ + 0.16633442044258118, + 0.00702260946854949, + -0.1386774480342865, + 1.4797968864440918, + -0.0019051667768508196, + -0.21626156568527222, + -0.013236579485237598, + 0.1399480253458023, + -0.13884209096431732, + 0.011380670592188835, + -0.1659555584192276, + 1.823244571685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/22.png", + [ + 0.16518333554267883, + 0.003855627030134201, + -0.14016950130462646, + 1.4941543340682983, + -0.0044242748990654945, + -0.2163415551185608, + -0.011164688505232334, + 0.11641892790794373, + -0.140152707695961, + 0.011373592540621758, + -0.16485069692134857, + 1.8097654581069946, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/109.png", + [ + 0.15211208164691925, + 0.013810019008815289, + -0.15368503332138062, + 1.7016209363937378, + -0.0056253946386277676, + -0.21516533195972443, + -0.024902410805225372, + 0.2598372995853424, + -0.1542017012834549, + 0.021472273394465446, + -0.15069396793842316, + 1.7246342897415161, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/26.png", + [ + 0.16287942230701447, + 0.0032948136795312166, + -0.1428542286157608, + 1.5321931838989258, + -0.006267632357776165, + -0.21624380350112915, + -0.0121337054297328, + 0.12858067452907562, + -0.1427547037601471, + 0.013253461569547653, + -0.16246025264263153, + 1.797502040863037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/43.png", + [ + 0.16652964055538177, + 0.004363453947007656, + -0.13855227828025818, + 1.4970953464508057, + -0.0035680464934557676, + -0.21636059880256653, + -0.01110241562128067, + 0.11839130520820618, + -0.13857504725456238, + 0.010814567096531391, + -0.1662164032459259, + 1.8457002639770508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/84.png", + [ + 0.15587346255779266, + 0.00976125430315733, + -0.15018682181835175, + 1.6578192710876465, + -0.010649889707565308, + -0.21496106684207916, + -0.025024332106113434, + 0.2617862820625305, + -0.1501264125108719, + 0.02538415603339672, + -0.15416094660758972, + 1.752758264541626, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/89.png", + [ + 0.1552516520023346, + 0.014948822557926178, + -0.1504039466381073, + 1.6337456703186035, + -0.004593552090227604, + -0.2150460183620453, + -0.026115279644727707, + 0.2676489055156708, + -0.15107521414756775, + 0.021900713443756104, + -0.15376779437065125, + 1.7253007888793945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/63.png", + [ + 0.17280453443527222, + 0.007480205502361059, + -0.13050106167793274, + 1.4287673234939575, + -0.004021071828901768, + -0.21591299772262573, + -0.017700493335723877, + 0.19084636867046356, + -0.13065339624881744, + 0.016538530588150024, + -0.17205829918384552, + 1.9376119375228882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/88.png", + [ + 0.1572480946779251, + 0.014951594173908234, + -0.14831513166427612, + 1.6167030334472656, + -0.0059776571579277515, + -0.21477606892585754, + -0.027989188209176064, + 0.289404958486557, + -0.14894695580005646, + 0.024404441937804222, + -0.1554577648639679, + 1.7453322410583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/62.png", + [ + 0.17207930982112885, + 0.00820021703839302, + -0.13141296803951263, + 1.439807415008545, + -0.003016839036718011, + -0.21595169603824615, + -0.01742587983608246, + 0.1878649741411209, + -0.13163399696350098, + 0.015669045969843864, + -0.17139096558094025, + 1.9328652620315552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/65.png", + [ + 0.17096564173698425, + 0.0062551479786634445, + -0.1329643428325653, + 1.4592043161392212, + -0.005062997341156006, + -0.21597307920455933, + -0.01667019911110401, + 0.17999504506587982, + -0.13301508128643036, + 0.016260461881756783, + -0.17026591300964355, + 1.9240480661392212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/80.png", + [ + 0.1581694632768631, + 0.009022688493132591, + -0.14781376719474792, + 1.63567316532135, + -0.01246180385351181, + -0.21469402313232422, + -0.02643999084830284, + 0.28084734082221985, + -0.1475636065006256, + 0.027802174910902977, + -0.1562047153711319, + 1.7773895263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/119.png", + [ + 0.16546936333179474, + 0.01353157963603735, + -0.13922889530658722, + 1.532100796699524, + -0.004419262055307627, + -0.21504516899585724, + -0.02615228481590748, + 0.28107750415802, + -0.139815092086792, + 0.022811582311987877, + -0.16394899785518646, + 1.853328824043274, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/79.png", + [ + 0.1588078737258911, + 0.008655431680381298, + -0.1471496820449829, + 1.626744031906128, + -0.011198490858078003, + -0.21496722102165222, + -0.02473021112382412, + 0.26132696866989136, + -0.14697803556919098, + 0.025730781257152557, + -0.1571091264486313, + 1.7881666421890259, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/116.png", + [ + 0.16156022250652313, + 0.016827132552862167, + -0.14339816570281982, + 1.587895154953003, + -0.004571682307869196, + -0.21449393033981323, + -0.030320612713694572, + 0.3244495093822479, + -0.14430968463420868, + 0.02563372068107128, + -0.15957918763160706, + 1.817126750946045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/19.png", + [ + 0.16736112534999847, + 0.006028371397405863, + -0.13748382031917572, + 1.4649032354354858, + -0.0024613377172499895, + -0.21630088984966278, + -0.012480553239583969, + 0.13083066046237946, + -0.13759392499923706, + 0.011201838031411171, + -0.16700395941734314, + 1.8330528736114502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/77.png", + [ + 0.16370251774787903, + 0.0057431478053331375, + -0.14183227717876434, + 1.5692071914672852, + -0.01242797076702118, + -0.215085968375206, + -0.023053715005517006, + 0.24432513117790222, + -0.1414034068584442, + 0.02555277943611145, + -0.1621728241443634, + 1.8478708267211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/68.png", + [ + 0.17050869762897491, + 0.006963212974369526, + -0.13351474702358246, + 1.475348949432373, + -0.003595761489123106, + -0.21606342494487762, + -0.015860451385378838, + 0.17062141001224518, + -0.1336478590965271, + 0.014696839265525341, + -0.1699121743440628, + 1.9338093996047974, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/86.png", + [ + 0.15621662139892578, + 0.013228360563516617, + -0.14956359565258026, + 1.6440538167953491, + -0.006144118029624224, + -0.2150881141424179, + -0.02544119767844677, + 0.2633500397205353, + -0.15002170205116272, + 0.02258351445198059, + -0.15469767153263092, + 1.7546335458755493, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/1.png", + [ + 0.1608145385980606, + 0.008787316270172596, + -0.14494608342647552, + 1.543185830116272, + -0.005079589318484068, + -0.215804785490036, + -0.018718799576163292, + 0.19096560776233673, + -0.14512333273887634, + 0.017291000112891197, + -0.15996292233467102, + 1.7519726753234863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/81.png", + [ + 0.1588936150074005, + 0.009953661821782589, + -0.14697495102882385, + 1.624226450920105, + -0.01027718186378479, + -0.21490371227264404, + -0.02566462568938732, + 0.27117666602134705, + -0.14695270359516144, + 0.025791822001338005, + -0.15712280571460724, + 1.7875280380249023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/95.png", + [ + 0.1516287922859192, + 0.014730574563145638, + -0.15407663583755493, + 1.6588386297225952, + -0.004024135880172253, + -0.21524302661418915, + -0.024538623169064522, + 0.24839723110198975, + -0.15472687780857086, + 0.020033670589327812, + -0.15035337209701538, + 1.6755362749099731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/103.png", + [ + 0.147841677069664, + 0.012627091258764267, + -0.15789645910263062, + 1.7022769451141357, + -0.008700310252606869, + -0.21501171588897705, + -0.025340914726257324, + 0.25970715284347534, + -0.1581614464521408, + 0.023630782961845398, + -0.1462000012397766, + 1.6311390399932861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/83.png", + [ + 0.15807589888572693, + 0.008129274472594261, + -0.14796558022499084, + 1.6309419870376587, + -0.011696990579366684, + -0.2149888575077057, + -0.02430778555572033, + 0.25497159361839294, + -0.147726371884346, + 0.02572164312005043, + -0.1564071774482727, + 1.7740601301193237, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/51.png", + [ + 0.17182914912700653, + 0.0046483841724693775, + -0.1319129914045334, + 1.4215900897979736, + -0.005524604115635157, + -0.21609720587730408, + -0.014811210334300995, + 0.1581844985485077, + -0.13187919557094574, + 0.015109127387404442, + -0.17125271260738373, + 1.9037214517593384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/128.png", + [ + 0.16537721455097198, + 0.0034839597065001726, + -0.1399504691362381, + 1.5272012948989868, + -0.010318289510905743, + -0.21571502089500427, + -0.017563018947839737, + 0.18903401494026184, + -0.1396130472421646, + 0.02006959728896618, + -0.1644788682460785, + 1.8562785387039185, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/93.png", + [ + 0.15189827978610992, + 0.01497988123446703, + -0.15378691256046295, + 1.6654725074768066, + -0.005577304400503635, + -0.21498188376426697, + -0.026449497789144516, + 0.2708624005317688, + -0.1544140726327896, + 0.022500786930322647, + -0.15032601356506348, + 1.6843228340148926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/76.png", + [ + 0.20484131574630737, + -0.006479640956968069, + -0.07032733410596848, + 0.830090343952179, + -0.015079772099852562, + -0.21479791402816772, + -0.02413211762905121, + 0.26800602674484253, + -0.06899653375148773, + 0.027708714827895164, + -0.2035180628299713, + 2.4690866470336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/48.png", + [ + 0.1922188699245453, + -0.020976640284061432, + 0.09777415543794632, + -1.1584841012954712, + -0.019276751205325127, + -0.21565307676792145, + -0.008369510062038898, + 0.08276136219501495, + 0.09812343865633011, + -0.0012737546348944306, + -0.19317883253097534, + 2.3463196754455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/137.png", + [ + 0.1865115612745285, + -0.01825077086687088, + 0.10875768959522247, + -1.2706949710845947, + -0.017669780179858208, + -0.2158716917037964, + -0.0059233130887150764, + 0.05574590340256691, + 0.10885357856750488, + -0.003770437091588974, + -0.18730875849723816, + 2.2694244384765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/35.png", + [ + 0.21067626774311066, + -0.02624361589550972, + 0.043297573924064636, + -0.5365777611732483, + -0.023712189868092537, + -0.21486042439937592, + -0.014853457920253277, + 0.1546373814344406, + 0.04473409429192543, + 0.009703908115625381, + -0.21178430318832397, + 2.5791635513305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/124.png", + [ + 0.18537701666355133, + -0.0159770455211401, + 0.11103148013353348, + -1.3367829322814941, + -0.012813298963010311, + -0.21607783436775208, + -0.009699895977973938, + 0.10572358965873718, + 0.11144089698791504, + 0.0017328211106359959, + -0.18581125140190125, + 2.3108510971069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/97.png", + [ + 0.1874329298734665, + -0.022060850635170937, + 0.10644300282001495, + -1.284904956817627, + -0.021781135350465775, + -0.21548481285572052, + -0.0063064382411539555, + 0.06607827544212341, + 0.10650058835744858, + -0.005244800820946693, + -0.18862135708332062, + 2.340367317199707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/155.png", + [ + 0.20876896381378174, + -0.0267195962369442, + -0.051473092287778854, + 0.6166093945503235, + -0.031639330089092255, + -0.21364283561706543, + -0.017423851415514946, + 0.19204676151275635, + -0.04860420525074005, + 0.024304337799549103, + -0.20974943041801453, + 2.5811924934387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/13.png", + [ + 0.19397695362567902, + -0.007431088015437126, + -0.09625803679227829, + 1.1419851779937744, + -0.023993071168661118, + -0.21296480298042297, + -0.03190946951508522, + 0.3645364046096802, + -0.09351557493209839, + 0.03922576457262039, + -0.1914786398410797, + 2.3505959510803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/32.png", + [ + 0.21133071184158325, + -0.014994180761277676, + -0.045413631945848465, + 0.5343877077102661, + -0.01827365718781948, + -0.2154548317193985, + -0.013899281620979309, + 0.14378216862678528, + -0.04419611766934395, + 0.01738652214407921, + -0.21140554547309875, + 2.5399699211120605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/158.png", + [ + 0.20594416558742523, + -0.029333528131246567, + -0.06061721593141556, + 0.7265945076942444, + -0.036379698663949966, + -0.21259114146232605, + -0.020722471177577972, + 0.22861644625663757, + -0.05666939169168472, + 0.029873862862586975, + -0.20698800683021545, + 2.544480800628662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/38.png", + [ + 0.19934523105621338, + -0.024307966232299805, + 0.08135412633419037, + -0.9830554127693176, + -0.02213590405881405, + -0.21530461311340332, + -0.010090830735862255, + 0.09961451590061188, + 0.08197178691625595, + 0.0009724808041937649, + -0.20056813955307007, + 2.463778495788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/148.png", + [ + 0.21467642486095428, + -0.01743132807314396, + 0.02362368255853653, + -0.26568683981895447, + -0.016142746433615685, + -0.21571211516857147, + -0.01247395295649767, + 0.13058443367481232, + 0.024522261694073677, + 0.010598898865282536, + -0.21502143144607544, + 2.6062498092651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/111.png", + [ + 0.18110966682434082, + -0.02071429044008255, + 0.1171242892742157, + -1.4212496280670166, + -0.018796294927597046, + -0.21566686034202576, + -0.009077494032680988, + 0.0976589024066925, + 0.11744733899831772, + -0.002572893863543868, + -0.1820642650127411, + 2.2876763343811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/11.png", + [ + 0.19761554896831512, + -0.009575183503329754, + -0.08834198862314224, + 1.0463131666183472, + -0.023991236463189125, + -0.21316246688365936, + -0.030562717467546463, + 0.3473103940486908, + -0.0855594128370285, + 0.03765600547194481, + -0.19547252357006073, + 2.3978047370910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/125.png", + [ + 0.1861059069633484, + -0.01613234542310238, + 0.10978265106678009, + -1.3197557926177979, + -0.013190893456339836, + -0.2160688191652298, + -0.009389400482177734, + 0.10177946090698242, + 0.11017479002475739, + 0.0013812967808917165, + -0.18656767904758453, + 2.313617706298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/59.png", + [ + 0.21323013305664062, + -0.022062668576836586, + 0.031528450548648834, + -0.364681601524353, + -0.01973719708621502, + -0.2151002287864685, + -0.01703605242073536, + 0.183450385928154, + 0.03303403779864311, + 0.01389325875788927, + -0.21369048953056335, + 2.582642078399658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/105.png", + [ + 0.182758167386055, + -0.021784747019410133, + 0.11433622986078262, + -1.3825178146362305, + -0.01746581308543682, + -0.21556854248046875, + -0.013154936023056507, + 0.14956970512866974, + 0.11507515609264374, + 0.0018793013878166676, + -0.18358123302459717, + 2.2902283668518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/121.png", + [ + 0.1853315383195877, + -0.018861975520849228, + 0.11065414547920227, + -1.3365569114685059, + -0.0162037406116724, + -0.21585208177566528, + -0.00965469516813755, + 0.10782298445701599, + 0.1110745444893837, + -1.7037529687513597e-05, + -0.1860385537147522, + 2.321840286254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/24.png", + [ + 0.19257228076457977, + -0.0051424759440124035, + -0.09918346256017685, + 1.161584496498108, + -0.02013438381254673, + -0.21391217410564423, + -0.028001505881547928, + 0.3122366964817047, + -0.09725436568260193, + 0.03410326689481735, + -0.19059498608112335, + 2.3015756607055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/74.png", + [ + 0.20388546586036682, + -0.007177209481596947, + -0.07298696786165237, + 0.8638113141059875, + -0.016157109290361404, + -0.2147323042154312, + -0.024018267169594765, + 0.26858723163604736, + -0.07153711467981339, + 0.028043126687407494, + -0.20259296894073486, + 2.465109348297119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/129.png", + [ + 0.18713349103927612, + -0.015036696568131447, + 0.10817968100309372, + -1.2815550565719604, + -0.014076164923608303, + -0.2161419540643692, + -0.005693664308637381, + 0.053302038460969925, + 0.10830885916948318, + -0.0021104440093040466, + -0.18765027821063995, + 2.298929214477539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/153.png", + [ + 0.21143034100532532, + -0.023022856563329697, + -0.04141322523355484, + 0.4952584505081177, + -0.026651861146092415, + -0.21436439454555511, + -0.016896342858672142, + 0.1872924417257309, + -0.0391763374209404, + 0.021581387147307396, + -0.21200791001319885, + 2.598968505859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/144.png", + [ + 0.19128352403640747, + -0.02227495051920414, + 0.09930931031703949, + -1.1784460544586182, + -0.021118521690368652, + -0.2155068963766098, + -0.00766071118414402, + 0.07311713695526123, + 0.0995616540312767, + -0.0029163474682718515, + -0.19242367148399353, + 2.3399477005004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/98.png", + [ + 0.18647444248199463, + -0.02137586660683155, + 0.10825087130069733, + -1.3051187992095947, + -0.020426958799362183, + -0.21558323502540588, + -0.007382601499557495, + 0.07855181396007538, + 0.10843393206596375, + -0.0038517159409821033, + -0.1875503659248352, + 2.325855255126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/0.png", + [ + 0.2157604694366455, + -0.014966998249292374, + -0.013088286854326725, + 0.14525772631168365, + -0.01651459001004696, + -0.2143321931362152, + -0.027145367115736008, + 0.3038364350795746, + -0.011071699671447277, + 0.02802840806543827, + -0.21456868946552277, + 2.6040897369384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/163.png", + [ + 0.20560522377490997, + -0.02431383728981018, + -0.06390010565519333, + 0.7682515978813171, + -0.03128629922866821, + -0.21352246403694153, + -0.019422125071287155, + 0.2198558747768402, + -0.06079106405377388, + 0.027656620368361473, + -0.20612484216690063, + 2.5678372383117676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/96.png", + [ + 0.18759089708328247, + -0.022429833188652992, + 0.10608698427677155, + -1.2857513427734375, + -0.0222395621240139, + -0.21544034779071808, + -0.006224623881280422, + 0.06513211131095886, + 0.10612703859806061, + -0.005499700549989939, + -0.18882451951503754, + 2.3505020141601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/100.png", + [ + 0.18624599277973175, + -0.022826580330729485, + 0.10834795981645584, + -1.3041988611221313, + -0.02084890566766262, + -0.21545752882957458, + -0.009553788229823112, + 0.10324853658676147, + 0.10874584317207336, + -0.0022133744787424803, + -0.18739621341228485, + 2.3186378479003906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/40.png", + [ + 0.19748732447624207, + -0.02282819151878357, + 0.0861714705824852, + -1.0401115417480469, + -0.021514400839805603, + -0.21546369791030884, + -0.00777315953746438, + 0.07392953336238861, + 0.08650883287191391, + -0.0014714546268805861, + -0.1986503154039383, + 2.454160690307617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/141.png", + [ + 0.18812322616577148, + -0.020180214196443558, + 0.10559502989053726, + -1.2428240776062012, + -0.02022445946931839, + -0.21566636860370636, + -0.005184934940189123, + 0.04389069601893425, + 0.10558655858039856, + -0.0053545525297522545, + -0.18913143873214722, + 2.2973804473876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/52.png", + [ + 0.19328896701335907, + -0.022878089919686317, + 0.09520427882671356, + -1.120319128036499, + -0.019443489611148834, + -0.2154497504234314, + -0.012298461981117725, + 0.1293664425611496, + 0.09596465528011322, + 0.002427850617095828, + -0.19424930214881897, + 2.337073802947998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/3.png", + [ + 0.21378064155578613, + -0.011368847452104092, + -0.0334138348698616, + 0.3947291970252991, + -0.015655966475605965, + -0.21438685059547424, + -0.027222586795687675, + 0.3049508035182953, + -0.0316326729953289, + 0.029273327440023422, + -0.21234486997127533, + 2.579746723175049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/47.png", + [ + 0.1920066773891449, + -0.020868944004178047, + 0.09821312129497528, + -1.1685174703598022, + -0.019155889749526978, + -0.2156635969877243, + -0.008375794626772404, + 0.08353376388549805, + 0.09856157004833221, + -0.0012606526724994183, + -0.19295574724674225, + 2.352898120880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/104.png", + [ + 0.18312343955039978, + -0.02032468467950821, + 0.1140201985836029, + -1.375784158706665, + -0.016759591177105904, + -0.21571727097034454, + -0.011535774916410446, + 0.1293966919183731, + 0.11459849029779434, + 0.0009301441023126245, + -0.18388640880584717, + 2.2880449295043945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/21.png", + [ + 0.19184693694114685, + -0.005737639032304287, + -0.10054711997509003, + 1.1785829067230225, + -0.021842068061232567, + -0.2135443240404129, + -0.02948959916830063, + 0.3304598927497864, + -0.09831361472606659, + 0.03624626621603966, + -0.18965372443199158, + 2.2975807189941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/82.png", + [ + 0.2089608609676361, + -0.008368895389139652, + -0.056685227900743484, + 0.6853429079055786, + -0.014331039041280746, + -0.21517187356948853, + -0.021061493083834648, + 0.23226332664489746, + -0.055478595197200775, + 0.024060897529125214, + -0.20806510746479034, + 2.5354156494140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/106.png", + [ + 0.18283741176128387, + -0.023519759997725487, + 0.11386480182409286, + -1.3782709836959839, + -0.01891516149044037, + -0.215385302901268, + -0.014116838574409485, + 0.16206850111484528, + 0.11471962183713913, + 0.001972152618691325, + -0.18380264937877655, + 2.294534683227539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/14.png", + [ + 0.19416336715221405, + -0.007106682285666466, + -0.09590601921081543, + 1.135016918182373, + -0.023658914491534233, + -0.2129710614681244, + -0.03211662173271179, + 0.3672336935997009, + -0.09321332722902298, + 0.039251960813999176, + -0.1916205883026123, + 2.3462166786193848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/67.png", + [ + 0.20575609803199768, + -0.009924928657710552, + -0.06718497723340988, + 0.8105489015579224, + -0.017567481845617294, + -0.2148311287164688, + -0.022064942866563797, + 0.24942097067832947, + -0.06560267508029938, + 0.026400264352560043, + -0.20481018722057343, + 2.5274529457092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/78.png", + [ + 0.20548349618911743, + -0.006523394025862217, + -0.06842419505119324, + 0.8065671324729919, + -0.01459596585482359, + -0.21491846442222595, + -0.023343093693256378, + 0.25929030776023865, + -0.06716682016849518, + 0.026746729388833046, + -0.20425748825073242, + 2.4706602096557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/31.png", + [ + 0.20880509912967682, + -0.01014101505279541, + -0.05696916580200195, + 0.6748610734939575, + -0.015287771821022034, + -0.21540959179401398, + -0.017688389867544174, + 0.18866516649723053, + -0.05580868944525719, + 0.021065492182970047, + -0.20830152928829193, + 2.498533248901367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/152.png", + [ + 0.212717205286026, + -0.01677623577415943, + -0.03765436261892319, + 0.4550010859966278, + -0.019873324781656265, + -0.21513572335243225, + -0.01641855016350746, + 0.17937688529491425, + -0.036115702241659164, + 0.019572321325540543, + -0.2127450853586197, + 2.603569984436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/39.png", + [ + 0.19841012358665466, + -0.022751161828637123, + 0.08404582738876343, + -1.01374089717865, + -0.020968850702047348, + -0.2154768705368042, + -0.008827518671751022, + 0.08627410233020782, + 0.08450814336538315, + -5.019251329940744e-05, + -0.19951508939266205, + 2.4563965797424316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/92.png", + [ + 0.1956586390733719, + -0.022852983325719833, + 0.09024041891098022, + -1.1100308895111084, + -0.021376250311732292, + -0.21546098589897156, + -0.00821670237928629, + 0.08657386898994446, + 0.0906015932559967, + -0.0014830197906121612, + -0.1968173086643219, + 2.4736480712890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/53.png", + [ + 0.19462044537067413, + -0.020152002573013306, + 0.09308425337076187, + -1.0955300331115723, + -0.01652100682258606, + -0.215701624751091, + -0.012155594304203987, + 0.12586067616939545, + 0.09379678219556808, + 0.003820850746706128, + -0.19528302550315857, + 2.3493924140930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/75.png", + [ + 0.20434001088142395, + -0.007319045253098011, + -0.07169025391340256, + 0.8471741676330566, + -0.0164834875613451, + -0.21458661556243896, + -0.02507547102868557, + 0.2804042398929596, + -0.07015237957239151, + 0.02910182625055313, + -0.2029276341199875, + 2.4676570892333984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/151.png", + [ + 0.2140342742204666, + -0.01738307997584343, + -0.028897378593683243, + 0.3529609739780426, + -0.019400712102651596, + -0.21533934772014618, + -0.014158924110233784, + 0.1522897481918335, + -0.027583373710513115, + 0.016573812812566757, + -0.2142716944217682, + 2.6196913719177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/87.png", + [ + 0.21271394193172455, + -0.021582672372460365, + 0.03514062240719795, + -0.4457707703113556, + -0.0202360600233078, + -0.21550197899341583, + -0.009863694198429585, + 0.09756603837013245, + 0.03593295067548752, + 0.006401476450264454, + -0.21357840299606323, + 2.674315929412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/139.png", + [ + 0.18678371608257294, + -0.018817836418747902, + 0.10819250345230103, + -1.2646175622940063, + -0.018782839179039, + -0.21579855680465698, + -0.00510694645345211, + 0.04472813382744789, + 0.10819857567548752, + -0.004976437892764807, + -0.18765978515148163, + 2.271489143371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/107.png", + [ + 0.18196362257003784, + -0.023175792768597603, + 0.11532571166753769, + -1.3946994543075562, + -0.01966390199959278, + -0.21543154120445251, + -0.012266844511032104, + 0.1391393393278122, + 0.11597616970539093, + -0.00016445864457637072, + -0.18302294611930847, + 2.285560131072998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/112.png", + [ + 0.18217933177947998, + -0.02107948251068592, + 0.11538732796907425, + -1.4026423692703247, + -0.019242944195866585, + -0.21563027799129486, + -0.009010586887598038, + 0.09714341163635254, + 0.11570776998996735, + -0.0026715120766311884, + -0.1831733137369156, + 2.3046560287475586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/69.png", + [ + 0.2053752988576889, + -0.009294774383306503, + -0.06842870265245438, + 0.8216085433959961, + -0.0174003466963768, + -0.21474075317382812, + -0.02305515483021736, + 0.25978773832321167, + -0.06682895123958588, + 0.027348116040229797, + -0.20428869128227234, + 2.516655445098877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/157.png", + [ + 0.20635569095611572, + -0.028633441776037216, + -0.05954284593462944, + 0.7130686044692993, + -0.034946076571941376, + -0.2130211889743805, + -0.018672144040465355, + 0.20485585927963257, + -0.05607135593891144, + 0.027386188507080078, + -0.2074943333864212, + 2.5497045516967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/45.png", + [ + 0.1922490894794464, + -0.02169400081038475, + 0.09755796194076538, + -1.1711375713348389, + -0.01989162527024746, + -0.21558251976966858, + -0.008740450255572796, + 0.08998611569404602, + 0.09794136136770248, + -0.001201076665893197, + -0.1932716816663742, + 2.3771181106567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/50.png", + [ + 0.19210146367549896, + -0.022877458482980728, + 0.09757839888334274, + -1.1503846645355225, + -0.02037995681166649, + -0.21546347439289093, + -0.010394077748060226, + 0.10713289678096771, + 0.09813040494918823, + 3.7264118873281404e-05, + -0.19317948818206787, + 2.330371856689453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/101.png", + [ + 0.18643634021282196, + -0.019853077828884125, + 0.10860591381788254, + -1.3041722774505615, + -0.01802903413772583, + -0.21575623750686646, + -0.008490869775414467, + 0.0907866507768631, + 0.10892356932163239, + -0.0017309498507529497, + -0.1872980296611786, + 2.316655158996582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/85.png", + [ + 0.2153359055519104, + -0.017332298681139946, + -0.01667158491909504, + 0.19587396085262299, + -0.018209276720881462, + -0.21562643349170685, + -0.011025244370102882, + 0.10952000319957733, + -0.01570899784564972, + 0.012358198873698711, + -0.2157507836818695, + 2.6599464416503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/156.png", + [ + 0.20765957236289978, + -0.028389932587742805, + -0.05494912341237068, + 0.6590911746025085, + -0.033646609634160995, + -0.21337713301181793, + -0.016911623999476433, + 0.18529562652111053, + -0.051897019147872925, + 0.02474084123969078, + -0.2089078575372696, + 2.568753719329834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/131.png", + [ + 0.186593160033226, + -0.01588178612291813, + 0.10898920148611069, + -1.2838521003723145, + -0.016534430906176567, + -0.21601957082748413, + -0.003170626936480403, + 0.019338183104991913, + 0.10889210551977158, + -0.0055865212343633175, + -0.18724098801612854, + 2.280731201171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/71.png", + [ + 0.2044670730829239, + -0.007696227636188269, + -0.07128731906414032, + 0.8523147702217102, + -0.015640422701835632, + -0.21502260863780975, + -0.0216460470110178, + 0.24004945158958435, + -0.06997492909431458, + 0.025572292506694794, + -0.20346367359161377, + 2.4979186058044434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/160.png", + [ + 0.20636282861232758, + -0.02790338359773159, + -0.059863846749067307, + 0.7164643406867981, + -0.03451595827937126, + -0.21299855411052704, + -0.019701872020959854, + 0.21840938925743103, + -0.056310996413230896, + 0.028300462290644646, + -0.2073066681623459, + 2.552276134490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/115.png", + [ + 0.18387477099895477, + -0.02033897116780281, + 0.11280198395252228, + -1.3733439445495605, + -0.018400888890028, + -0.2157084047794342, + -0.008899024687707424, + 0.09774713218212128, + 0.11313429474830627, + -0.0020276973955333233, + -0.18478207290172577, + 2.3297715187072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/54.png", + [ + 0.19557178020477295, + -0.020922236144542694, + 0.09089463949203491, + -1.0721464157104492, + -0.01725638471543789, + -0.21562416851520538, + -0.01250324584543705, + 0.1287555992603302, + 0.09166128933429718, + 0.004046477843075991, + -0.19628991186618805, + 2.3642711639404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/33.png", + [ + 0.21444255113601685, + -0.020497342571616173, + -0.02328389696776867, + 0.26376938819885254, + -0.021715009585022926, + -0.21533121168613434, + -0.010432315990328789, + 0.10018770396709442, + -0.02215263806283474, + 0.012658346444368362, + -0.21516720950603485, + 2.586322784423828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/159.png", + [ + 0.20613087713718414, + -0.02838553488254547, + -0.06043357774615288, + 0.7222444415092468, + -0.035226788371801376, + -0.2128368765115738, + -0.020184798166155815, + 0.2223828136920929, + -0.0567188486456871, + 0.02902781404554844, + -0.20709477365016937, + 2.5460309982299805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/49.png", + [ + 0.19262832403182983, + -0.02156727761030197, + 0.09683531522750854, + -1.1436878442764282, + -0.019201306626200676, + -0.21559852361679077, + -0.009822427295148373, + 0.09993934631347656, + 0.09733209013938904, + 0.00015097740106284618, + -0.19358289241790771, + 2.3421783447265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/118.png", + [ + 0.18466445803642273, + -0.018552817404270172, + 0.11181560158729553, + -1.3571993112564087, + -0.016846301034092903, + -0.2158706933259964, + -0.007996173575520515, + 0.08618299663066864, + 0.11208540946245193, + -0.0018787155859172344, + -0.18542176485061646, + 2.331623077392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/110.png", + [ + 0.18180568516254425, + -0.022114770486950874, + 0.11578226089477539, + -1.4023292064666748, + -0.02061419188976288, + -0.2155124396085739, + -0.00879436731338501, + 0.09348012506961823, + 0.1160588189959526, + -0.0036362879909574986, + -0.1829344779253006, + 2.2917685508728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/18.png", + [ + 0.19270463287830353, + -0.006722485180944204, + -0.09883134067058563, + 1.1586840152740479, + -0.022284938022494316, + -0.21357585489749908, + -0.028924524784088135, + 0.32537952065467834, + -0.09652050584554672, + 0.035889480262994766, + -0.19064004719257355, + 2.31504487991333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/66.png", + [ + 0.20635783672332764, + -0.012710854411125183, + -0.06482884287834167, + 0.7844299077987671, + -0.019922392442822456, + -0.21470092236995697, + -0.021319357678294182, + 0.24043521285057068, + -0.06298764795064926, + 0.026265013962984085, + -0.2056467980146408, + 2.5422348976135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/16.png", + [ + 0.19109071791172028, + -0.006643190048635006, + -0.10192201286554337, + 1.2029411792755127, + -0.023061610758304596, + -0.21343864500522614, + -0.0293258186429739, + 0.3327938914299011, + -0.09950070828199387, + 0.03671116754412651, + -0.18894389271736145, + 2.3058199882507324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/94.png", + [ + 0.1919090300798416, + -0.022389300167560577, + 0.09806904196739197, + -1.1970959901809692, + -0.021541573107242584, + -0.21548613905906677, + -0.00704158516600728, + 0.07376313209533691, + 0.09825873374938965, + -0.003513182047754526, + -0.1930823028087616, + 2.417133331298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/28.png", + [ + 0.20181751251220703, + -0.007727637887001038, + -0.07847212255001068, + 0.9180274605751038, + -0.017450464889407158, + -0.21466195583343506, + -0.023740654811263084, + 0.2605653703212738, + -0.07689649611711502, + 0.02843274362385273, + -0.20056520402431488, + 2.413473606109619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/61.png", + [ + 0.215690478682518, + -0.013593245297670364, + -0.015515580773353577, + 0.2033824324607849, + -0.01443389430642128, + -0.21588647365570068, + -0.01151461061090231, + 0.11719328165054321, + -0.014736765064299107, + 0.012495888397097588, + -0.21581144630908966, + 2.6419076919555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/132.png", + [ + 0.18685252964496613, + -0.015305318869650364, + 0.10862678289413452, + -1.2760603427886963, + -0.015239997766911983, + -0.21609655022621155, + -0.004232792649418116, + 0.03225874528288841, + 0.10863597691059113, + -0.003990148194134235, + -0.18743053078651428, + 2.2793126106262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/58.png", + [ + 0.20927990972995758, + -0.02520284429192543, + 0.05014606937766075, + -0.5898811221122742, + -0.021492494270205498, + -0.214830219745636, + -0.018274301663041115, + 0.19652587175369263, + 0.05184481292963028, + 0.012676521204411983, + -0.20999836921691895, + 2.5191454887390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/123.png", + [ + 0.186236172914505, + -0.01700030267238617, + 0.1094302162528038, + -1.3179932832717896, + -0.013871465809643269, + -0.21600115299224854, + -0.009948953054845333, + 0.10946662724018097, + 0.10987068712711334, + 0.0015456232940778136, + -0.18674564361572266, + 2.3233871459960938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/64.png", + [ + 0.20830218493938446, + -0.014515780843794346, + -0.05785658583045006, + 0.7063831090927124, + -0.019561782479286194, + -0.21516217291355133, + -0.016446102410554886, + 0.17855329811573029, + -0.0563509427011013, + 0.021034013479948044, + -0.2081586867570877, + 2.5735931396484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/10.png", + [ + 0.19812645018100739, + -0.010910441167652607, + -0.08703312277793884, + 1.0316150188446045, + -0.02410956099629402, + -0.21348486840724945, + -0.028121797367930412, + 0.31719836592674255, + -0.0843358263373375, + 0.035398710519075394, + -0.1964237540960312, + 2.4074559211730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/41.png", + [ + 0.1951085329055786, + -0.0234659593552351, + 0.09126833081245422, + -1.1046453714370728, + -0.02258955128490925, + -0.21537737548351288, + -0.0070848590694367886, + 0.0665309727191925, + 0.09148918092250824, + -0.003135549370199442, + -0.19638684391975403, + 2.43489933013916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/91.png", + [ + 0.19775046408176422, + -0.02389552630484104, + 0.08527400344610214, + -1.0531338453292847, + -0.02185315079987049, + -0.2153528332710266, + -0.009668822400271893, + 0.10267889499664307, + 0.08582010865211487, + 0.00022387730132322758, + -0.19895415008068085, + 2.503391742706299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/140.png", + [ + 0.18753816187381744, + -0.019540615379810333, + 0.10674967616796494, + -1.2517740726470947, + -0.01858847215771675, + -0.21576742827892303, + -0.006840118672698736, + 0.06565006077289581, + 0.10691958665847778, + -0.003237711265683174, + -0.1884293407201767, + 2.285074234008789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/23.png", + [ + 0.1924281269311905, + -0.006097315810620785, + -0.09940897673368454, + 1.164711594581604, + -0.021348048001527786, + -0.21376675367355347, + -0.028212349861860275, + 0.3143962621688843, + -0.09728094190359116, + 0.034849654883146286, + -0.19044636189937592, + 2.300166606903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/37.png", + [ + 0.2016621083021164, + -0.02527555450797081, + 0.07510950416326523, + -0.9104901552200317, + -0.022196872159838676, + -0.21515388786792755, + -0.012806180864572525, + 0.1320047527551651, + 0.0760762169957161, + 0.004224423784762621, + -0.2028360366821289, + 2.4838972091674805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/36.png", + [ + 0.20535075664520264, + -0.025753561407327652, + 0.06415385752916336, + -0.7833372354507446, + -0.02246239222586155, + -0.21502432227134705, + -0.01441804226487875, + 0.14984141290187836, + 0.06537893414497375, + 0.007013773545622826, + -0.2064565122127533, + 2.523958206176758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/8.png", + [ + 0.20122544467449188, + -0.013507004827260971, + -0.07920712977647781, + 0.9404298067092896, + -0.02533244527876377, + -0.21336281299591064, + -0.027972744777798653, + 0.3142320513725281, + -0.07625270634889603, + 0.035238731652498245, + -0.19972893595695496, + 2.4399585723876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/6.png", + [ + 0.2071821540594101, + -0.012613159604370594, + -0.06216391921043396, + 0.7388375401496887, + -0.022356711328029633, + -0.2132413536310196, + -0.031244242563843727, + 0.3529607951641083, + -0.05936010554432869, + 0.036289580166339874, + -0.20520073175430298, + 2.4956045150756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/154.png", + [ + 0.21031984686851501, + -0.025071630254387856, + -0.04566039890050888, + 0.5450810790061951, + -0.029350167140364647, + -0.21394525468349457, + -0.017717014998197556, + 0.19684326648712158, + -0.04303517937660217, + 0.023382434621453285, + -0.21106666326522827, + 2.59190034866333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/20.png", + [ + 0.19268912076950073, + -0.006066011730581522, + -0.09890399128198624, + 1.1583625078201294, + -0.021444130688905716, + -0.2136959731578827, + -0.028671935200691223, + 0.3217279314994812, + -0.09674163162708282, + 0.03528645634651184, + -0.19064053893089294, + 2.3113808631896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/2.png", + [ + 0.21484503149986267, + -0.011605776846408844, + -0.02558917924761772, + 0.3016035556793213, + -0.014772004447877407, + -0.21451088786125183, + -0.02673499658703804, + 0.29872485995292664, + -0.02390163019299507, + 0.028253816068172455, + -0.213490828871727, + 2.5919485092163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/117.png", + [ + 0.18249857425689697, + -0.018559589982032776, + 0.11531566828489304, + -1.4036076068878174, + -0.017565159127116203, + -0.21584990620613098, + -0.006941544357687235, + 0.07268358767032623, + 0.11547132581472397, + -0.0035016373731195927, + -0.18330849707126617, + 2.312256336212158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/149.png", + [ + 0.21605758368968964, + -0.01632630079984665, + 0.0006866224575787783, + 0.007094663567841053, + -0.01625114493072033, + -0.21563534438610077, + -0.013608649373054504, + 0.1464361548423767, + 0.001708732102997601, + 0.013518394902348518, + -0.21624575555324554, + 2.630995750427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/161.png", + [ + 0.2059268355369568, + -0.025781981647014618, + -0.06226812303066254, + 0.7459681034088135, + -0.03315642476081848, + -0.21304664015769958, + -0.021440070122480392, + 0.2405892014503479, + -0.05867437273263931, + 0.029905090108513832, + -0.2064240723848343, + 2.5483250617980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/5.png", + [ + 0.20978446304798126, + -0.012075111269950867, + -0.05284467339515686, + 0.6275042295455933, + -0.0199884045869112, + -0.21357713639736176, + -0.030547812581062317, + 0.3453563451766968, + -0.05038681998848915, + 0.03445137292146683, + -0.20789940655231476, + 2.530975341796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/108.png", + [ + 0.1818183809518814, + -0.023794548586010933, + 0.11542869359254837, + -1.3958604335784912, + -0.021110689267516136, + -0.2153557986021042, + -0.011140922084450722, + 0.12382033467292786, + 0.11594956368207932, + -0.0018975678831338882, + -0.18303000926971436, + 2.2875895500183105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/60.png", + [ + 0.21573656797409058, + -0.01743423379957676, + 0.010083266533911228, + -0.10495391488075256, + -0.01670754887163639, + -0.21549859642982483, + -0.015136328525841236, + 0.16169199347496033, + 0.011246448382735252, + 0.014293289743363857, + -0.2159099578857422, + 2.6322426795959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/56.png", + [ + 0.19942253828048706, + -0.022335968911647797, + 0.08172911405563354, + -0.9713237881660461, + -0.0184515081346035, + -0.21544241905212402, + -0.013856365345418453, + 0.14284753799438477, + 0.0826927125453949, + 0.005793232005089521, + -0.20019054412841797, + 2.414950370788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/147.png", + [ + 0.21103447675704956, + -0.02104964852333069, + 0.044376254081726074, + -0.5122888684272766, + -0.019488129764795303, + -0.21558353304862976, + -0.009583726525306702, + 0.09476691484451294, + 0.04508383944630623, + 0.005342971999198198, + -0.21186503767967224, + 2.5579891204833984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/30.png", + [ + 0.20648933947086334, + -0.007783574052155018, + -0.06518792361021042, + 0.7705539464950562, + -0.015111420303583145, + -0.21500445902347565, + -0.022194966673851013, + 0.24255260825157166, + -0.06388813257217407, + 0.02569800801575184, + -0.20544052124023438, + 2.4669370651245117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/17.png", + [ + 0.19295117259025574, + -0.005706058815121651, + -0.09841334074735641, + 1.1570652723312378, + -0.021246984601020813, + -0.21363449096679688, + -0.02927061915397644, + 0.33008626103401184, + -0.09626167267560959, + 0.035716164857149124, + -0.1908034086227417, + 2.318570137023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/12.png", + [ + 0.19605660438537598, + -0.009796435944736004, + -0.0917263999581337, + 1.0880903005599976, + -0.025128144770860672, + -0.21297357976436615, + -0.03096335008740425, + 0.35251739621162415, + -0.0887596532702446, + 0.03865465521812439, + -0.19384384155273438, + 2.3810229301452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/114.png", + [ + 0.1821998804807663, + -0.020101409405469894, + 0.11552932858467102, + -1.4067219495773315, + -0.01811070553958416, + -0.21572986245155334, + -0.008973533287644386, + 0.09807944297790527, + 0.11585807055234909, + -0.002110725734382868, + -0.1830856204032898, + 2.311098575592041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/27.png", + [ + 0.19906353950500488, + -0.009157873690128326, + -0.08507487177848816, + 0.9931321740150452, + -0.019961286336183548, + -0.2144562155008316, + -0.023621559143066406, + 0.2597125470638275, + -0.0832054540514946, + 0.02953920140862465, + -0.19786909222602844, + 2.3838658332824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/42.png", + [ + 0.19371993839740753, + -0.021676238626241684, + 0.09460766613483429, + -1.1456053256988525, + -0.020300552248954773, + -0.2155795693397522, + -0.007825281471014023, + 0.07729282975196838, + 0.09491237252950668, + -0.0018676593899726868, + -0.19477178156375885, + 2.41619873046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/7.png", + [ + 0.20276375114917755, + -0.012884514406323433, + -0.07529108226299286, + 0.8944427967071533, + -0.02488909475505352, + -0.21305884420871735, + -0.030567312613129616, + 0.3459246754646301, + -0.07221697270870209, + 0.03725341707468033, + -0.20086011290550232, + 2.4494833946228027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/73.png", + [ + 0.20409296452999115, + -0.007139977533370256, + -0.07240842282772064, + 0.8597121238708496, + -0.015919245779514313, + -0.21478642523288727, + -0.023691104725003242, + 0.2641451060771942, + -0.0709967315196991, + 0.027635332196950912, + -0.2028389722108841, + 2.4728527069091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/120.png", + [ + 0.18359965085983276, + -0.01979236491024494, + 0.11334603279829025, + -1.3733018636703491, + -0.01698492094874382, + -0.21576860547065735, + -0.010164843872189522, + 0.11304782330989838, + 0.11380060017108917, + -0.00027188952662982047, + -0.18438342213630676, + 2.3111863136291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/46.png", + [ + 0.19254133105278015, + -0.021141447126865387, + 0.0971018597483635, + -1.1589317321777344, + -0.019443994387984276, + -0.21563711762428284, + -0.008394361473619938, + 0.08517318964004517, + 0.0974559485912323, + -0.0012543527409434319, + -0.1935165673494339, + 2.366757869720459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/127.png", + [ + 0.1872396022081375, + -0.015203991904854774, + 0.10797251015901566, + -1.290061116218567, + -0.01336081512272358, + -0.21614022552967072, + -0.007265924941748381, + 0.07554437220096588, + 0.10821603983640671, + -0.0003790553309954703, + -0.1877153068780899, + 2.3153247833251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/133.png", + [ + 0.18600913882255554, + -0.01710323616862297, + 0.10979972034692764, + -1.285959243774414, + -0.017590485513210297, + -0.21592536568641663, + -0.003834544913843274, + 0.02647973597049713, + 0.10972272604703903, + -0.005622115917503834, + -0.18675442039966583, + 2.2643814086914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/57.png", + [ + 0.20410750806331635, + -0.025531532242894173, + 0.0680893287062645, + -0.809310793876648, + -0.021575678139925003, + -0.21500729024410248, + -0.015945347025990486, + 0.16850997507572174, + 0.06944426149129868, + 0.008240431547164917, + -0.20507921278476715, + 2.4664559364318848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/44.png", + [ + 0.19287064671516418, + -0.02082277275621891, + 0.09651537984609604, + -1.1636073589324951, + -0.018967831507325172, + -0.2156703919172287, + -0.008625741116702557, + 0.08973036706447601, + 0.09689699858427048, + -0.000770902493968606, + -0.19379958510398865, + 2.390552520751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/113.png", + [ + 0.18134118616580963, + -0.020598605275154114, + 0.11678598821163177, + -1.4216328859329224, + -0.018840376287698746, + -0.21567508578300476, + -0.008785894140601158, + 0.09470297396183014, + 0.11708249896764755, + -0.0028016557916998863, + -0.18229570984840393, + 2.2992377281188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/126.png", + [ + 0.18540306389331818, + -0.017382126301527023, + 0.1107766255736351, + -1.3287911415100098, + -0.015519201755523682, + -0.2159731537103653, + -0.007914712652564049, + 0.08329224586486816, + 0.11105292290449142, + -0.0011618935968726873, + -0.18604782223701477, + 2.3006067276000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/29.png", + [ + 0.20415349304676056, + -0.008310598321259022, + -0.07211222499608994, + 0.8477548956871033, + -0.016810668632388115, + -0.21481111645698547, + -0.022835910320281982, + 0.25005725026130676, + -0.07061614841222763, + 0.027111094444990158, + -0.20304244756698608, + 2.4414467811584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/4.png", + [ + 0.2124711126089096, + -0.012410745956003666, + -0.040618907660245895, + 0.48003697395324707, + -0.018114591017365456, + -0.2139054387807846, + -0.029397670179605484, + 0.33199018239974976, + -0.03841593116521835, + 0.032223206013441086, + -0.21079319715499878, + 2.565561294555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/55.png", + [ + 0.1970812976360321, + -0.020339656621217728, + 0.08771062642335892, + -1.0386189222335815, + -0.015825197100639343, + -0.21561288833618164, + -0.01444113627076149, + 0.15091411769390106, + 0.08863643556833267, + 0.006729167886078358, + -0.1976011097431183, + 2.3805723190307617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/9.png", + [ + 0.20051169395446777, + -0.012874460779130459, + -0.0810999795794487, + 0.9602702260017395, + -0.025131158530712128, + -0.21334798634052277, + -0.028265738859772682, + 0.3174346089363098, + -0.07817532867193222, + 0.03556368127465248, + -0.19892646372318268, + 2.430792808532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/25.png", + [ + 0.19337111711502075, + -0.006416040472686291, + -0.09754151105880737, + 1.1423245668411255, + -0.02066139131784439, + -0.21400535106658936, + -0.026883412152528763, + 0.3003370463848114, + -0.09554381668567657, + 0.03329332545399666, + -0.1916007101535797, + 2.314868927001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/99.png", + [ + 0.18648658692836761, + -0.021035078912973404, + 0.10829668492078781, + -1.3041754961013794, + -0.019229881465435028, + -0.2156413048505783, + -0.008771433494985104, + 0.09562952816486359, + 0.10863175988197327, + -0.0020619735587388277, + -0.18746410310268402, + 2.3231863975524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/34.png", + [ + 0.21497510373592377, + -0.023854272440075874, + 0.012828492559492588, + -0.17150931060314178, + -0.023092858493328094, + -0.21505363285541534, + -0.012905505485832691, + 0.13081258535385132, + 0.014153320342302322, + 0.011437038891017437, + -0.2159091681241989, + 2.614650249481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/72.png", + [ + 0.20378094911575317, + -0.0064145466312766075, + -0.07334902882575989, + 0.8743248581886292, + -0.01489766500890255, + -0.2149783819913864, + -0.02258886583149433, + 0.2516784965991974, + -0.07210607826709747, + 0.026287846267223358, + -0.20262664556503296, + 2.4811172485351562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/102.png", + [ + 0.18515531718730927, + -0.019903840497136116, + 0.11076658964157104, + -1.3310284614562988, + -0.018064668402075768, + -0.2157500684261322, + -0.008571946062147617, + 0.09192721545696259, + 0.11108135432004929, + -0.0019098689081147313, + -0.18602466583251953, + 2.3026857376098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/134.png", + [ + 0.18499824404716492, + -0.018833158537745476, + 0.11121538281440735, + -1.301747441291809, + -0.019294725731015205, + -0.21576808393001556, + -0.004442776553332806, + 0.03522263094782829, + 0.11113624274730682, + -0.006110380403697491, + -0.18590129911899567, + 2.255727767944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/70.png", + [ + 0.2045169472694397, + -0.007975269109010696, + -0.07111332565546036, + 0.8529088497161865, + -0.01601259596645832, + -0.2149651050567627, + -0.021943040192127228, + 0.24504783749580383, + -0.06974459439516068, + 0.025967199355363846, + -0.20349273085594177, + 2.503787040710449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/135.png", + [ + 0.1857410967350006, + -0.018724091351032257, + 0.10998883843421936, + -1.28574800491333, + -0.0185707975178957, + -0.21581032872200012, + -0.005377745721489191, + 0.04709683731198311, + 0.11001482605934143, + -0.00481695681810379, + -0.18660500645637512, + 2.266098976135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/130.png", + [ + 0.18681128323078156, + -0.013323522172868252, + 0.10895833373069763, + -1.2854835987091064, + -0.013831756077706814, + -0.21621553599834442, + -0.002724200254306197, + 0.016514413058757782, + 0.10889498144388199, + -0.004606786649674177, + -0.18726599216461182, + 2.2841997146606445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/90.png", + [ + 0.19903525710105896, + -0.024648392572999, + 0.0820080041885376, + -1.01883864402771, + -0.022458136081695557, + -0.21526633203029633, + -0.01019422709941864, + 0.10757279396057129, + 0.08263467252254486, + 0.0008642622269690037, + -0.20029641687870026, + 2.524707317352295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/122.png", + [ + 0.18623240292072296, + -0.017184866592288017, + 0.10940776765346527, + -1.318244457244873, + -0.014195887371897697, + -0.2159886360168457, + -0.009761658497154713, + 0.10722166299819946, + 0.10983560234308243, + 0.0012220969656482339, + -0.18676866590976715, + 2.3272452354431152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/15.png", + [ + 0.19241411983966827, + -0.006672462448477745, + -0.09939911961555481, + 1.1755495071411133, + -0.023362258449196815, + -0.213181734085083, + -0.030913565307855606, + 0.3517553508281708, + -0.09684477746486664, + 0.03816964477300644, + -0.1900317519903183, + 2.322413921356201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/162.png", + [ + 0.20544682443141937, + -0.024648243561387062, + -0.06428032368421555, + 0.7735021710395813, + -0.03185548633337021, + -0.21338576078414917, + -0.019990941509604454, + 0.22573700547218323, + -0.061030518263578415, + 0.028405526652932167, + -0.20595216751098633, + 2.5559544563293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/22.png", + [ + 0.1921292096376419, + -0.005865890067070723, + -0.09999929368495941, + 1.1724110841751099, + -0.021827077493071556, + -0.2135569453239441, + -0.02940938249230385, + 0.32783427834510803, + -0.09776424616575241, + 0.03615141287446022, + -0.18995557725429535, + 2.296916961669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/138.png", + [ + 0.18565867841243744, + -0.01918216049671173, + 0.1100490540266037, + -1.285839557647705, + -0.019338084384799004, + -0.21575242280960083, + -0.004982451442629099, + 0.043286051601171494, + 0.11002176254987717, + -0.0055525777861475945, + -0.18658047914505005, + 2.2569518089294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/109.png", + [ + 0.18293337523937225, + -0.02179739437997341, + 0.11405327171087265, + -1.3791736364364624, + -0.020062992349267006, + -0.21555528044700623, + -0.009016423486173153, + 0.09710265696048737, + 0.11437112092971802, + -0.002948409179225564, + -0.18400664627552032, + 2.3020706176757812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/26.png", + [ + 0.1959725320339203, + -0.008205835707485676, + -0.09206155687570572, + 1.0766266584396362, + -0.020647356286644936, + -0.21425172686576843, + -0.02485511638224125, + 0.2746905982494354, + -0.0900907963514328, + 0.03125306963920593, + -0.19456306099891663, + 2.3471908569335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/43.png", + [ + 0.19277454912662506, + -0.02156059816479683, + 0.09654533863067627, + -1.1678935289382935, + -0.019955767318606377, + -0.21559396386146545, + -0.008300459943711758, + 0.08443088829517365, + 0.09688977897167206, + -0.0015069537330418825, + -0.19379884004592896, + 2.3969640731811523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/84.png", + [ + 0.21330700814723969, + -0.013361185789108276, + -0.03563006594777107, + 0.4328383803367615, + -0.016010453924536705, + -0.2155599445104599, + -0.01501554250717163, + 0.15767797827720642, + -0.034520842134952545, + 0.01741493120789528, + -0.21319693326950073, + 2.6159439086914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/136.png", + [ + 0.18612083792686462, + -0.018687590956687927, + 0.1093512699007988, + -1.2809690237045288, + -0.01863541454076767, + -0.21581001579761505, + -0.005162541288882494, + 0.044912103563547134, + 0.10936018079519272, + -0.004970355425029993, + -0.18698540329933167, + 2.2734789848327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/89.png", + [ + 0.2021816521883011, + -0.023572126403450966, + 0.07426188141107559, + -0.9267212152481079, + -0.02128722332417965, + -0.21537505090236664, + -0.010408594273030758, + 0.10902927815914154, + 0.07494883239269257, + 0.0024165159557014704, + -0.2032848447561264, + 2.5621590614318848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/63.png", + [ + 0.21039006114006042, + -0.014018183574080467, + -0.04987386241555214, + 0.6122710704803467, + -0.017966253682971, + -0.21538932621479034, + -0.015249556861817837, + 0.16211256384849548, + -0.04859141260385513, + 0.01894269697368145, + -0.2103044092655182, + 2.5973939895629883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/88.png", + [ + 0.20677858591079712, + -0.023199161514639854, + 0.06043439731001854, + -0.7580032348632812, + -0.02127566747367382, + -0.2154005616903305, + -0.00989107508212328, + 0.10050061345100403, + 0.06113807111978531, + 0.003505165223032236, + -0.2078406661748886, + 2.6131553649902344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/62.png", + [ + 0.21326974034309387, + -0.013321998529136181, + -0.035866886377334595, + 0.4459778666496277, + -0.015693068504333496, + -0.2157023698091507, + -0.013195180334150791, + 0.13763298094272614, + -0.03489464893937111, + 0.01558555569499731, + -0.2132776379585266, + 2.626884937286377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/65.png", + [ + 0.20714999735355377, + -0.012934720143675804, + -0.06220509484410286, + 0.7559893727302551, + -0.019225774332880974, + -0.21495282649993896, + -0.019327428191900253, + 0.21419699490070343, + -0.060556989163160324, + 0.02399735152721405, + -0.20665156841278076, + 2.554244041442871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/80.png", + [ + 0.20682942867279053, + -0.006690173875540495, + -0.06422412395477295, + 0.7636611461639404, + -0.013860760256648064, + -0.21508485078811646, + -0.0222324226051569, + 0.24644139409065247, + -0.06306644529104233, + 0.025330672040581703, + -0.205739825963974, + 2.5004630088806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/146.png", + [ + 0.20558235049247742, + -0.023585882037878036, + 0.06424553692340851, + -0.7534220218658447, + -0.02144693210721016, + -0.21535800397396088, + -0.010433369316160679, + 0.10427144169807434, + 0.06499086320400238, + 0.0035400877241045237, + -0.2066677212715149, + 2.49306058883667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/119.png", + [ + 0.1838606894016266, + -0.018796833232045174, + 0.11309207230806351, + -1.372556447982788, + -0.01661430113017559, + -0.2158547043800354, + -0.008865945041179657, + 0.09709849953651428, + 0.11343326419591904, + -0.001148482784628868, + -0.18460625410079956, + 2.3184990882873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/145.png", + [ + 0.19881802797317505, + -0.023173386231064796, + 0.08295952528715134, + -0.9834465980529785, + -0.02076265774667263, + -0.21542587876319885, + -0.010416606441140175, + 0.10378630459308624, + 0.08359544724225998, + 0.001608629827387631, + -0.19989274442195892, + 2.4260473251342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/79.png", + [ + 0.2056550830602646, + -0.006928293500095606, + -0.06786666065454483, + 0.8027535080909729, + -0.014671937562525272, + -0.21500204503536224, + -0.02251122146844864, + 0.2496252954006195, + -0.06662295758724213, + 0.02596188709139824, + -0.20453667640686035, + 2.4828639030456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/116.png", + [ + 0.18258026242256165, + -0.020270464941859245, + 0.11489756405353546, + -1.398830771446228, + -0.01880572736263275, + -0.21570228040218353, + -0.008171024732291698, + 0.08731107413768768, + 0.11514637619256973, + -0.003086953656747937, + -0.18352022767066956, + 2.3163466453552246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/19.png", + [ + 0.19367428123950958, + -0.005836449097841978, + -0.09697473794221878, + 1.134291172027588, + -0.021130822598934174, + -0.21363595128059387, + -0.029343945905566216, + 0.3294331431388855, + -0.09482432156801224, + 0.035686343908309937, + -0.1915273517370224, + 2.322401523590088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/77.png", + [ + 0.20476752519607544, + -0.006283821538090706, + -0.07055970281362534, + 0.8319635987281799, + -0.01470587495714426, + -0.2148895412683487, + -0.02353975549340248, + 0.2609303295612335, + -0.06929569691419601, + 0.027035098522901535, + -0.20350700616836548, + 2.4655508995056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/68.png", + [ + 0.20554353296756744, + -0.010510655120015144, + -0.0677441954612732, + 0.8149562478065491, + -0.01853875070810318, + -0.21465736627578735, + -0.022944118827581406, + 0.2599055767059326, + -0.06600048393011093, + 0.027561640366911888, + -0.20452918112277985, + 2.5218067169189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/143.png", + [ + 0.1896982043981552, + -0.01983792707324028, + 0.10280537605285645, + -1.2149494886398315, + -0.018581785261631012, + -0.21575137972831726, + -0.007345228455960751, + 0.06756831705570221, + 0.10303982347249985, + -0.002385747153311968, + -0.19059118628501892, + 2.3101086616516113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/86.png", + [ + 0.21562883257865906, + -0.02013109251856804, + 0.006843718700110912, + -0.09585515409708023, + -0.019774751737713814, + -0.21549779176712036, + -0.010842031799256802, + 0.10901513695716858, + 0.007813874632120132, + 0.010165112093091011, + -0.21629495918750763, + 2.6874303817749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/1.png", + [ + 0.21537122130393982, + -0.013542811386287212, + -0.01948665827512741, + 0.2278527319431305, + -0.01595383882522583, + -0.21434755623340607, + -0.02735869586467743, + 0.30613699555397034, + -0.01756737194955349, + 0.02862893044948578, + -0.21405529975891113, + 2.5980634689331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/81.png", + [ + 0.2076931893825531, + -0.007152042351663113, + -0.061321135610342026, + 0.7355340719223022, + -0.013959369622170925, + -0.21508239209651947, + -0.022194426506757736, + 0.2457195520401001, + -0.060137927532196045, + 0.025225084275007248, + -0.2066277265548706, + 2.5145182609558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/95.png", + [ + 0.1905270516872406, + -0.021625755354762077, + 0.10089434683322906, + -1.2265009880065918, + -0.021093741059303284, + -0.21555136144161224, + -0.006368380039930344, + 0.06626744568347931, + 0.10100691020488739, + -0.004222416318953037, + -0.19164463877677917, + 2.389575481414795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/103.png", + [ + 0.18164046108722687, + -0.023266557604074478, + 0.11581584066152573, + -1.3964436054229736, + -0.02095264010131359, + -0.21540766954421997, + -0.010412630625069141, + 0.11448271572589874, + 0.1162567213177681, + -0.0024704893585294485, + -0.18282823264598846, + 2.269807815551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/150.png", + [ + 0.2155388444662094, + -0.015562845394015312, + -0.015770014375448227, + 0.2014453411102295, + -0.01666201651096344, + -0.21550790965557098, + -0.01505359634757042, + 0.16263747215270996, + -0.01460385974496603, + 0.016187382861971855, + -0.21557502448558807, + 2.63045072555542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/83.png", + [ + 0.21073247492313385, + -0.009354691952466965, + -0.04951980710029602, + 0.6035423278808594, + -0.013787195086479187, + -0.2154880315065384, + -0.017964232712984085, + 0.19404931366443634, + -0.04847303032875061, + 0.020622562617063522, + -0.21017366647720337, + 2.571681499481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/142.png", + [ + 0.18950781226158142, + -0.020222749561071396, + 0.10308114439249039, + -1.2153575420379639, + -0.01979069970548153, + -0.21568739414215088, + -0.005930283106863499, + 0.05132172629237175, + 0.10316496342420578, + -0.0042285192757844925, + -0.1904914677143097, + 2.3091397285461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/51.png", + [ + 0.19221560657024384, + -0.02319834753870964, + 0.09727741777896881, + -1.144835114479065, + -0.020324964076280594, + -0.21542760729789734, + -0.011213185265660286, + 0.11677756905555725, + 0.09791810065507889, + 0.0008223803015425801, + -0.19328543543815613, + 2.328129768371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/128.png", + [ + 0.18695567548274994, + -0.014592018909752369, + 0.1085473969578743, + -1.2915256023406982, + -0.012787524610757828, + -0.21618247032165527, + -0.007036907132714987, + 0.07015982270240784, + 0.10877474397420883, + -0.00033443112624809146, + -0.1873922049999237, + 2.3051538467407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/93.png", + [ + 0.19409939646720886, + -0.02344183437526226, + 0.09340126812458038, + -1.1445480585098267, + -0.022047489881515503, + -0.21539238095283508, + -0.008241722360253334, + 0.08772341907024384, + 0.09374019503593445, + -0.0021209234837442636, + -0.19533602893352509, + 2.450918197631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/76.png", + [ + 0.17906874418258667, + -0.025390606373548508, + 0.11932139843702316, + -1.2980610132217407, + -0.009461787529289722, + -0.21418188512325287, + -0.031376585364341736, + 0.34278354048728943, + 0.12162545323371887, + 0.02072034403681755, + -0.17811740934848785, + 1.9944552183151245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/48.png", + [ + 0.1758066564798355, + -0.016237424686551094, + 0.1256035715341568, + -1.3631563186645508, + -0.005673132371157408, + -0.21568045020103455, + -0.01994147151708603, + 0.22425606846809387, + 0.12652166187763214, + 0.012891577556729317, + -0.17542511224746704, + 1.9596232175827026, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/35.png", + [ + 0.18292929232120514, + -0.025616519153118134, + 0.11326321959495544, + -1.2497591972351074, + -0.019319292157888412, + -0.21510517597198486, + -0.017447689548134804, + 0.19639764726161957, + 0.1145055741071701, + 0.0046315002255141735, + -0.18388831615447998, + 2.060558795928955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/124.png", + [ + 0.17517569661140442, + -0.030272604897618294, + 0.12387466430664062, + -1.3495830297470093, + -0.011678909882903099, + -0.21340464055538177, + -0.035636451095342636, + 0.3883359134197235, + 0.126984104514122, + 0.02213420532643795, + -0.17416372895240784, + 1.954569935798645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/97.png", + [ + 0.17861442267894745, + -0.027113020420074463, + 0.11962302774190903, + -1.2782686948776245, + -0.01390793640166521, + -0.21442878246307373, + -0.027834562584757805, + 0.29636305570602417, + 0.1218661367893219, + 0.015266879461705685, + -0.17850340902805328, + 1.966366171836853, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/13.png", + [ + 0.1837083101272583, + -0.021889667958021164, + 0.11278297007083893, + -1.2478359937667847, + -0.006588994991034269, + -0.2143627405166626, + -0.030872352421283722, + 0.34663477540016174, + 0.11469846963882446, + 0.022745538502931595, + -0.18241380155086517, + 2.0658297538757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/32.png", + [ + 0.18406733870506287, + -0.03144367039203644, + 0.10990174859762192, + -1.208926796913147, + -0.026699574664235115, + -0.2143801599740982, + -0.016618292778730392, + 0.18638771772384644, + 0.11114957928657532, + 0.0005748502444475889, + -0.18599283695220947, + 2.0771541595458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/38.png", + [ + 0.18000662326812744, + -0.019930338487029076, + 0.1189466118812561, + -1.3124675750732422, + -0.011122802272439003, + -0.21552826464176178, + -0.0192806925624609, + 0.21679003536701202, + 0.1200907900929451, + 0.009911786764860153, + -0.18007735908031464, + 2.024399757385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/111.png", + [ + 0.17553041875362396, + -0.030773678794503212, + 0.12324750423431396, + -1.3295314311981201, + -0.014400810934603214, + -0.21368594467639923, + -0.032845478504896164, + 0.35170790553092957, + 0.12621243298053741, + 0.01841709390282631, + -0.17515456676483154, + 1.9483200311660767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/11.png", + [ + 0.18447577953338623, + -0.023528942838311195, + 0.1111888661980629, + -1.22935950756073, + -0.005480619613081217, + -0.21357549726963043, + -0.036102212965488434, + 0.40428757667541504, + 0.11351889371871948, + 0.027924824506044388, + -0.18243233859539032, + 2.0671396255493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/59.png", + [ + 0.1742883324623108, + -0.021042475476861, + 0.12699875235557556, + -1.3710048198699951, + -0.004600920714437962, + -0.21464194357395172, + -0.029249977320432663, + 0.3228871524333954, + 0.12864798307418823, + 0.02083132043480873, + -0.17310011386871338, + 1.918103814125061, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/105.png", + [ + 0.17566747963428497, + -0.029190724715590477, + 0.12343717366456985, + -1.3279527425765991, + -0.01168963685631752, + -0.21368719637393951, + -0.033897362649440765, + 0.365313321352005, + 0.12630195915699005, + 0.020822595804929733, + -0.17482025921344757, + 1.9385172128677368, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/121.png", + [ + 0.17539454996585846, + -0.031903333961963654, + 0.12315364927053452, + -1.3302950859069824, + -0.012528653256595135, + -0.21306291222572327, + -0.03735138848423958, + 0.4034736156463623, + 0.1266004592180252, + 0.023114297538995743, + -0.1743156462907791, + 1.9391242265701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/24.png", + [ + 0.1839199960231781, + -0.025698481127619743, + 0.1116284653544426, + -1.2141661643981934, + -0.01884946972131729, + -0.21506288647651672, + -0.01845403015613556, + 0.2022673338651657, + 0.11298684030771255, + 0.00595329562202096, + -0.18478751182556152, + 2.0631160736083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/74.png", + [ + 0.17911575734615326, + -0.02593287080526352, + 0.11913405358791351, + -1.2961900234222412, + -0.00964378472417593, + -0.2140667736530304, + -0.032098401337862015, + 0.3512013256549835, + 0.12154191732406616, + 0.021231960505247116, + -0.17811419069766998, + 1.9931546449661255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/98.png", + [ + 0.17718853056430817, + -0.026815364137291908, + 0.12179102748632431, + -1.3011831045150757, + -0.013110993430018425, + -0.21443916857242584, + -0.028139574453234673, + 0.2993340790271759, + 0.12401700764894485, + 0.01564192771911621, + -0.1769830584526062, + 1.9512401819229126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/0.png", + [ + 0.19153940677642822, + -0.019164491444826126, + 0.09946493804454803, + -1.0910450220108032, + -0.007146094925701618, + -0.2147877812385559, + -0.02762320078909397, + 0.31775495409965515, + 0.1010420024394989, + 0.02113836072385311, + -0.19050349295139313, + 2.1159048080444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/96.png", + [ + 0.17862026393413544, + -0.02753284014761448, + 0.11951835453510284, + -1.277448058128357, + -0.014612160623073578, + -0.21441784501075745, + -0.02755647897720337, + 0.2933688461780548, + 0.12177512049674988, + 0.014656651765108109, + -0.17861661314964294, + 1.9672709703445435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/100.png", + [ + 0.17700445652008057, + -0.02657470479607582, + 0.1221110075712204, + -1.3080880641937256, + -0.012257133610546589, + -0.21438990533351898, + -0.02888995036482811, + 0.3078373670578003, + 0.12436670809984207, + 0.016692858189344406, + -0.1766413450241089, + 1.9496105909347534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/40.png", + [ + 0.17968879640102386, + -0.014218044467270374, + 0.12024006247520447, + -1.3237926959991455, + -0.002605369547381997, + -0.21557973325252533, + -0.021598178893327713, + 0.24008864164352417, + 0.12104972451925278, + 0.01646561548113823, + -0.17895178496837616, + 2.0117406845092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/52.png", + [ + 0.1751471906900406, + -0.020573008805513382, + 0.12588925659656525, + -1.358198881149292, + -0.009063403122127056, + -0.2153046429157257, + -0.02257567271590233, + 0.2496732473373413, + 0.12723679840564728, + 0.012982973828911781, + -0.1749003529548645, + 1.941182255744934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/3.png", + [ + 0.18938365578651428, + -0.018428638577461243, + 0.10364417731761932, + -1.1349129676818848, + -0.004637203179299831, + -0.21458202600479126, + -0.029680820181965828, + 0.3366110324859619, + 0.10516761988401413, + 0.023724248632788658, + -0.1879490166902542, + 2.101346492767334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/47.png", + [ + 0.17462413012981415, + -0.015017895959317684, + 0.12739217281341553, + -1.3864659070968628, + -0.003908728715032339, + -0.21570758521556854, + -0.02007121592760086, + 0.22414177656173706, + 0.1282147765159607, + 0.013877849094569683, + -0.17411571741104126, + 1.9496146440505981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/104.png", + [ + 0.17578327655792236, + -0.028884295374155045, + 0.12334435433149338, + -1.3247627019882202, + -0.011747468262910843, + -0.2137749344110489, + -0.03331915661692619, + 0.3585198223590851, + 0.12613536417484283, + 0.020343709737062454, + -0.17499686777591705, + 1.9376388788223267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/21.png", + [ + 0.18431277573108673, + -0.017443276941776276, + 0.11257189512252808, + -1.2258816957473755, + -0.009998736903071404, + -0.2157701700925827, + -0.017063261941075325, + 0.18627379834651947, + 0.11347565054893494, + 0.009319967590272427, + -0.18434834480285645, + 2.0632143020629883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/82.png", + [ + 0.17860186100006104, + -0.027290645986795425, + 0.11960136890411377, + -1.3035788536071777, + -0.01490653958171606, + -0.21450766921043396, + -0.026686284691095352, + 0.2887266278266907, + 0.12176643311977386, + 0.013768930919468403, + -0.17869317531585693, + 1.9993788003921509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/106.png", + [ + 0.17627522349357605, + -0.029982592910528183, + 0.12237636744976044, + -1.3172014951705933, + -0.012133430689573288, + -0.21351182460784912, + -0.0348336435854435, + 0.37482693791389465, + 0.12541018426418304, + 0.021485965698957443, + -0.1753811091184616, + 1.9426778554916382, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/14.png", + [ + 0.18478189408779144, + -0.0181224774569273, + 0.11169207096099854, + -1.2326184511184692, + -0.0036018856335431337, + -0.2147112637758255, + -0.0288788340985775, + 0.3253300189971924, + 0.11309540271759033, + 0.02277139574289322, + -0.18340879678726196, + 2.076140880584717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/67.png", + [ + 0.17766745388507843, + -0.021609656512737274, + 0.12212775647640228, + -1.3259857892990112, + -0.0074192555621266365, + -0.21483005583286285, + -0.027219390496611595, + 0.2953065037727356, + 0.12380275875329971, + 0.01813735067844391, + -0.1768949031829834, + 1.9745930433273315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/78.png", + [ + 0.1793978065252304, + -0.025119079276919365, + 0.11888381093740463, + -1.2951359748840332, + -0.009818741120398045, + -0.21429774165153503, + -0.03046252578496933, + 0.3332148790359497, + 0.121111199259758, + 0.019834443926811218, + -0.17856809496879578, + 2.0011472702026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/31.png", + [ + 0.18320372700691223, + -0.03372970595955849, + 0.11066430062055588, + -1.215749979019165, + -0.028478965163230896, + -0.2140318900346756, + -0.018088750541210175, + 0.20293107628822327, + 0.11213040351867676, + 0.0007491525029763579, + -0.1854025274515152, + 2.0685782432556152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/39.png", + [ + 0.17873519659042358, + -0.017690060660243034, + 0.12119687348604202, + -1.337033987045288, + -0.007570288144052029, + -0.21558842062950134, + -0.020303290337324142, + 0.22690868377685547, + 0.12224692851305008, + 0.012513774447143078, + -0.17845726013183594, + 2.008683681488037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/92.png", + [ + 0.17672450840473175, + -0.02686733938753605, + 0.12245199084281921, + -1.3121739625930786, + -0.013565937988460064, + -0.21449588239192963, + -0.027484238147735596, + 0.29328471422195435, + 0.1246286928653717, + 0.014750048518180847, + -0.17662961781024933, + 1.9506210088729858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/53.png", + [ + 0.173561230301857, + -0.02056327648460865, + 0.12806852161884308, + -1.3854750394821167, + -0.007298982236534357, + -0.2151438295841217, + -0.0246527548879385, + 0.2719641625881195, + 0.12950335443019867, + 0.01543324626982212, + -0.17302770912647247, + 1.9234293699264526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/75.png", + [ + 0.1792334020137787, + -0.02566775493323803, + 0.11901449412107468, + -1.2945635318756104, + -0.009340387769043446, + -0.21407940983772278, + -0.03210388869047165, + 0.35092902183532715, + 0.12139209359884262, + 0.021425893530249596, + -0.1781931221485138, + 1.9930263757705688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/87.png", + [ + 0.17707855999469757, + -0.02625061757862568, + 0.122073695063591, + -1.3173857927322388, + -0.011456050910055637, + -0.21435435116291046, + -0.02947656810283661, + 0.31878888607025146, + 0.12433760613203049, + 0.017635593190789223, + -0.17657022178173065, + 1.9590708017349243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/107.png", + [ + 0.1748194396495819, + -0.02982022799551487, + 0.12448619306087494, + -1.3433371782302856, + -0.012276733294129372, + -0.21364781260490417, + -0.03393801674246788, + 0.36491870880126953, + 0.12741798162460327, + 0.020328829064965248, + -0.1740669161081314, + 1.9331244230270386, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/112.png", + [ + 0.17662203311920166, + -0.031172510236501694, + 0.12157642841339111, + -1.3101273775100708, + -0.015100095421075821, + -0.21363843977451324, + -0.0328405499458313, + 0.3503345549106598, + 0.12459751218557358, + 0.01829724945127964, + -0.17631950974464417, + 1.9592849016189575, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/69.png", + [ + 0.17780539393424988, + -0.02206362970173359, + 0.12184551358222961, + -1.3248600959777832, + -0.007744769565761089, + -0.21477143466472626, + -0.02758883126080036, + 0.29844579100608826, + 0.12358459830284119, + 0.018284456804394722, + -0.1770322471857071, + 1.9788662195205688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/45.png", + [ + 0.17603757977485657, + -0.01224374771118164, + 0.1257328987121582, + -1.3752269744873047, + 0.00013915399904362857, + -0.21563564240932465, + -0.02119322121143341, + 0.2371971309185028, + 0.1263275295495987, + 0.017299208790063858, + -0.17518556118011475, + 1.9669102430343628, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/50.png", + [ + 0.17364820837974548, + -0.019271161407232285, + 0.1281515210866928, + -1.3864543437957764, + -0.008394308388233185, + -0.21548818051815033, + -0.021030191332101822, + 0.234889417886734, + 0.12932023406028748, + 0.011889312416315079, + -0.1734439730644226, + 1.931641697883606, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/101.png", + [ + 0.17724022269248962, + -0.02654525451362133, + 0.12177496403455734, + -1.3052600622177124, + -0.01196677889674902, + -0.21434955298900604, + -0.029307907447218895, + 0.3130899965763092, + 0.1240588128566742, + 0.017248379066586494, + -0.17680440843105316, + 1.9522510766983032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/85.png", + [ + 0.1792120337486267, + -0.02837647870182991, + 0.11843020468950272, + -1.281884789466858, + -0.014503548853099346, + -0.21418403089046478, + -0.02937239222228527, + 0.31615278124809265, + 0.12091561406850815, + 0.01636660099029541, + -0.1790515035390854, + 1.9914878606796265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/71.png", + [ + 0.17813950777053833, + -0.023644348606467247, + 0.12105847150087357, + -1.3182201385498047, + -0.008714823052287102, + -0.21453766524791718, + -0.02907809056341648, + 0.3151143789291382, + 0.12303763628005981, + 0.019037548452615738, + -0.17733359336853027, + 1.9835442304611206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/115.png", + [ + 0.17704170942306519, + -0.03104553371667862, + 0.12099713832139969, + -1.3008157014846802, + -0.01407647505402565, + -0.21349774301052094, + -0.03418286517262459, + 0.36524340510368347, + 0.12412083894014359, + 0.020069627091288567, + -0.1764627993106842, + 1.9557167291641235, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/54.png", + [ + 0.17329548299312592, + -0.02065650001168251, + 0.12841291725635529, + -1.3919837474822998, + -0.006387065164744854, + -0.21501803398132324, + -0.025968341156840324, + 0.2858140170574188, + 0.1299067884683609, + 0.016984060406684875, + -0.17257945239543915, + 1.9196733236312866, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/33.png", + [ + 0.18386413156986237, + -0.029249101877212524, + 0.11084388941526413, + -1.2211679220199585, + -0.024649223312735558, + -0.21469001471996307, + -0.015764348208904266, + 0.1764708310365677, + 0.11195666342973709, + 0.0007674306980334222, + -0.18550744652748108, + 2.0748376846313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/49.png", + [ + 0.17502550780773163, + -0.01720132865011692, + 0.12656255066394806, + -1.370552897453308, + -0.006766486447304487, + -0.21564796566963196, + -0.0199515912681818, + 0.2239561378955841, + 0.1275467723608017, + 0.012164106592535973, + -0.17473337054252625, + 1.947943091392517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/118.png", + [ + 0.17792393267154694, + -0.03141756355762482, + 0.11959896236658096, + -1.2853337526321411, + -0.013452129438519478, + -0.21323856711387634, + -0.03600349649786949, + 0.38568705320358276, + 0.12292280048131943, + 0.0221392884850502, + -0.17705290019512177, + 1.9607638120651245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/110.png", + [ + 0.17588390409946442, + -0.029839398339390755, + 0.1229729950428009, + -1.327054738998413, + -0.013295103795826435, + -0.2137565165758133, + -0.03285250440239906, + 0.3513798117637634, + 0.12584111094474792, + 0.0191221684217453, + -0.17534609138965607, + 1.9502464532852173, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/18.png", + [ + 0.18495194613933563, + -0.014016406610608101, + 0.11200093477964401, + -1.225516676902771, + -0.005634209141135216, + -0.21587598323822021, + -0.017711885273456573, + 0.20043565332889557, + 0.1127338632941246, + 0.012206372804939747, + -0.18463470041751862, + 2.077633857727051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/66.png", + [ + 0.17752006649971008, + -0.021657569333910942, + 0.12233341485261917, + -1.3271145820617676, + -0.00719409016892314, + -0.21479088068008423, + -0.02758651413023472, + 0.29967746138572693, + 0.12402725964784622, + 0.018539700657129288, + -0.1766958087682724, + 1.969730019569397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/16.png", + [ + 0.18479304015636444, + -0.01549665816128254, + 0.11206819117069244, + -1.2305041551589966, + -0.0039025708101689816, + -0.21537774801254272, + -0.023347102105617523, + 0.2658485770225525, + 0.11306721717119217, + 0.017893318086862564, + -0.18396610021591187, + 2.0765485763549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/94.png", + [ + 0.17829003930091858, + -0.027485309168696404, + 0.1200212836265564, + -1.2852684259414673, + -0.014539641328155994, + -0.21442918479442596, + -0.027506614103913307, + 0.2933320999145508, + 0.1222667247056961, + 0.014579873532056808, + -0.17828676104545593, + 1.9671076536178589, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/28.png", + [ + 0.1826346218585968, + -0.03303566575050354, + 0.11180843412876129, + -1.2212471961975098, + -0.027032792568206787, + -0.21413050591945648, + -0.019111445173621178, + 0.20882350206375122, + 0.11340947449207306, + 0.0021595414727926254, + -0.18461181223392487, + 2.05393648147583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/61.png", + [ + 0.17590197920799255, + -0.020117565989494324, + 0.12490663677453995, + -1.3479235172271729, + -0.0037500879261642694, + -0.2146528959274292, + -0.029291043058037758, + 0.32225435972213745, + 0.1264607459306717, + 0.021617399528622627, + -0.17460887134075165, + 1.9361969232559204, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/58.png", + [ + 0.17401766777038574, + -0.02078860066831112, + 0.1274110972881317, + -1.376808524131775, + -0.004233932588249445, + -0.21465082466602325, + -0.029240094125270844, + 0.3223555386066437, + 0.12902644276618958, + 0.02099388651549816, + -0.1727984994649887, + 1.9164544343948364, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/123.png", + [ + 0.17613178491592407, + -0.030822042375802994, + 0.12237438559532166, + -1.3289304971694946, + -0.01212461106479168, + -0.21327370405197144, + -0.0362657755613327, + 0.3937319815158844, + 0.12561242282390594, + 0.022632161155343056, + -0.1750919669866562, + 1.958227276802063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/64.png", + [ + 0.1763172596693039, + -0.021434113383293152, + 0.12409954518079758, + -1.3443635702133179, + -0.00592775410041213, + -0.2146891951560974, + -0.02865850180387497, + 0.3128063976764679, + 0.12579737603664398, + 0.01992553099989891, + -0.17528802156448364, + 1.9501198530197144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/10.png", + [ + 0.18370714783668518, + -0.02383553981781006, + 0.1123897060751915, + -1.2421815395355225, + -0.004803215619176626, + -0.21336840093135834, + -0.03739991411566734, + 0.4188240170478821, + 0.11478898674249649, + 0.029217999428510666, + -0.1814323365688324, + 2.0563406944274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/41.png", + [ + 0.17745347321033478, + -0.012541007250547409, + 0.12369673699140549, + -1.361711859703064, + 0.00015196892491076142, + -0.21554750204086304, + -0.022071320563554764, + 0.24405592679977417, + 0.12433075159788132, + 0.018162857741117477, + -0.17652158439159393, + 1.9882391691207886, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/91.png", + [ + 0.177782341837883, + -0.027395926415920258, + 0.12079235911369324, + -1.2920156717300415, + -0.014406259171664715, + -0.2144475132226944, + -0.027433935552835464, + 0.2928750514984131, + 0.12301947176456451, + 0.014478406868875027, + -0.1777764856815338, + 1.960042119026184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/23.png", + [ + 0.18398010730743408, + -0.022690150886774063, + 0.11218009144067764, + -1.220240592956543, + -0.015837399289011955, + -0.21537798643112183, + -0.01758950762450695, + 0.19250091910362244, + 0.1133507490158081, + 0.006735806353390217, + -0.1845376193523407, + 2.062772750854492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/37.png", + [ + 0.18200114369392395, + -0.022109832614660263, + 0.11547567695379257, + -1.2741752862930298, + -0.01431943941861391, + -0.21539315581321716, + -0.01867191679775715, + 0.2102944254875183, + 0.1166980117559433, + 0.008052458986639977, + -0.1823859065771103, + 2.047069549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/36.png", + [ + 0.18201398849487305, + -0.023756885901093483, + 0.1151278167963028, + -1.2701795101165771, + -0.016912709921598434, + -0.21528828144073486, + -0.01768668368458748, + 0.19959020614624023, + 0.11633042246103287, + 0.005871017463505268, + -0.18270374834537506, + 2.049330234527588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/8.png", + [ + 0.18383993208408356, + -0.022338375449180603, + 0.1124800592660904, + -1.2398130893707275, + -0.0033526229672133923, + -0.2134801298379898, + -0.03691723570227623, + 0.4127347767353058, + 0.11462777107954025, + 0.029582414776086807, + -0.1814751774072647, + 2.0541300773620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/6.png", + [ + 0.1833788901567459, + -0.020393898710608482, + 0.11359649896621704, + -1.250381350517273, + -0.0026839820202440023, + -0.2139609307050705, + -0.034079503268003464, + 0.38177475333213806, + 0.11538141965866089, + 0.02743547223508358, + -0.18133482336997986, + 2.045938491821289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/20.png", + [ + 0.18502762913703918, + -0.016570474952459335, + 0.11152619123458862, + -1.2158657312393188, + -0.008802171796560287, + -0.21579065918922424, + -0.017458762973546982, + 0.19259430468082428, + 0.11240637302398682, + 0.01037814561277628, + -0.1849459409713745, + 2.069443702697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/2.png", + [ + 0.1893671154975891, + -0.018324842676520348, + 0.10369282960891724, + -1.1340755224227905, + -0.005601773504167795, + -0.21481941640377045, + -0.02773326449096203, + 0.31806543469429016, + 0.10515047609806061, + 0.021557224914431572, + -0.18821945786476135, + 2.1005735397338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/117.png", + [ + 0.177535280585289, + -0.03227347135543823, + 0.11994806677103043, + -1.288602590560913, + -0.014586656354367733, + -0.21320243179798126, + -0.035774942487478256, + 0.3829205334186554, + 0.12335456162691116, + 0.021237710490822792, + -0.1768629550933838, + 1.9584344625473022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/5.png", + [ + 0.1859574317932129, + -0.01913868449628353, + 0.1095510870218277, + -1.2034833431243896, + -0.0030922514852136374, + -0.21424925327301025, + -0.03218061849474907, + 0.36229217052459717, + 0.1111672893166542, + 0.02605503983795643, + -0.18414901196956635, + 2.069931983947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/108.png", + [ + 0.17510657012462616, + -0.029753679409623146, + 0.12409795075654984, + -1.3389050960540771, + -0.012535683810710907, + -0.2136945128440857, + -0.03354703634977341, + 0.35980165004730225, + 0.12699778378009796, + 0.019931519404053688, + -0.1744195818901062, + 1.9373151063919067, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/60.png", + [ + 0.17548340559005737, + -0.019960660487413406, + 0.12551908195018768, + -1.3542695045471191, + -0.003330243518576026, + -0.2146344631910324, + -0.029476342722773552, + 0.3250776529312134, + 0.12705263495445251, + 0.021943505853414536, + -0.1741378903388977, + 1.9291166067123413, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/56.png", + [ + 0.173528254032135, + -0.02095409482717514, + 0.12804988026618958, + -1.3874032497406006, + -0.005826025269925594, + -0.21487317979335785, + -0.027266664430499077, + 0.3003065884113312, + 0.12962216138839722, + 0.01839400827884674, + -0.17264892160892487, + 1.9189563989639282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/30.png", + [ + 0.183131605386734, + -0.033336084336042404, + 0.11090275645256042, + -1.2155098915100098, + -0.02821643091738224, + -0.21409407258033752, + -0.017760954797267914, + 0.19869856536388397, + 0.11231451481580734, + 0.0005691116093657911, + -0.18529172241687775, + 2.06658935546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/17.png", + [ + 0.18423500657081604, + -0.014333734288811684, + 0.1131366491317749, + -1.2408039569854736, + -0.004498565569519997, + -0.21570248901844025, + -0.020002614706754684, + 0.2279285490512848, + 0.11395226418972015, + 0.014658981934189796, + -0.18370598554611206, + 2.0712552070617676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/12.png", + [ + 0.18438677489757538, + -0.023268016055226326, + 0.11139123141765594, + -1.231742262840271, + -0.006282145623117685, + -0.21385473012924194, + -0.03427227586507797, + 0.384231835603714, + 0.11362191289663315, + 0.025935564190149307, + -0.18266169726848602, + 2.069211006164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/114.png", + [ + 0.17675848305225372, + -0.03148818388581276, + 0.12129643559455872, + -1.3057541847229004, + -0.015071693807840347, + -0.21354244649410248, + -0.03347182646393776, + 0.3577050566673279, + 0.12440728396177292, + 0.018868327140808105, + -0.17639361321926117, + 1.9573253393173218, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/27.png", + [ + 0.18422408401966095, + -0.0320403054356575, + 0.10946600884199142, + -1.1933165788650513, + -0.025290457531809807, + -0.21424837410449982, + -0.02014755830168724, + 0.21844181418418884, + 0.11121951043605804, + 0.0043531619012355804, + -0.1859009563922882, + 2.065600872039795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/42.png", + [ + 0.17721131443977356, + -0.010811037383973598, + 0.12420612573623657, + -1.3634278774261475, + 0.002174791879951954, + -0.21555760502815247, + -0.021865257993340492, + 0.2418864369392395, + 0.12465677410364151, + 0.01912957802414894, + -0.17618924379348755, + 1.9831308126449585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/7.png", + [ + 0.1829439103603363, + -0.021417709067463875, + 0.11410830169916153, + -1.2568517923355103, + -0.0027606263756752014, + -0.2136981338262558, + -0.035684388130903244, + 0.3990929126739502, + 0.11606810986995697, + 0.028675395995378494, + -0.18070365488529205, + 2.042492389678955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/73.png", + [ + 0.17965073883533478, + -0.02456154301762581, + 0.11861803382635117, + -1.2914327383041382, + -0.008730595000088215, + -0.2142474353313446, + -0.031140200793743134, + 0.34068095684051514, + 0.12081924080848694, + 0.021039631217718124, + -0.17862793803215027, + 1.9995511770248413, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/120.png", + [ + 0.17657020688056946, + -0.03173750266432762, + 0.1215054988861084, + -1.308489203453064, + -0.012394923716783524, + -0.21302177011966705, + -0.037629611790180206, + 0.4051521122455597, + 0.12496887892484665, + 0.0237139780074358, + -0.1754090040922165, + 1.9467109441757202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/46.png", + [ + 0.17534060776233673, + -0.011917082592844963, + 0.1267341524362564, + -1.3832370042800903, + 5.398779467213899e-05, + -0.21571603417396545, + -0.02035893127322197, + 0.22874760627746582, + 0.12729321420192719, + 0.016506729647517204, + -0.17456190288066864, + 1.959987759590149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/57.png", + [ + 0.17356763780117035, + -0.02112218178808689, + 0.12796883285045624, + -1.3850436210632324, + -0.005459036212414503, + -0.21478234231472015, + -0.028047140687704086, + 0.30912432074546814, + 0.1295853704214096, + 0.019243091344833374, + -0.17258398234844208, + 1.9163533449172974, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/44.png", + [ + 0.1757400929927826, + -0.009285730309784412, + 0.12640048563480377, + -1.3840301036834717, + 0.003673700150102377, + -0.21562832593917847, + -0.02094835601747036, + 0.2332783341407776, + 0.12668786942958832, + 0.01913386769592762, + -0.17473401129245758, + 1.9646447896957397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/113.png", + [ + 0.17596954107284546, + -0.030981095507740974, + 0.12256745994091034, + -1.3206557035446167, + -0.014634747989475727, + -0.21364744007587433, + -0.032992132008075714, + 0.3530101478099823, + 0.12557241320610046, + 0.018515627831220627, + -0.17560361325740814, + 1.9507423639297485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/29.png", + [ + 0.18226246535778046, + -0.033353742212057114, + 0.11232013255357742, + -1.229416012763977, + -0.02754588983952999, + -0.21408611536026, + -0.01887454092502594, + 0.20823170244693756, + 0.11388373374938965, + 0.001597618917003274, + -0.18432535231113434, + 2.053523540496826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/4.png", + [ + 0.18671293556690216, + -0.018643906340003014, + 0.10834471881389618, + -1.1886924505233765, + -0.0033380151726305485, + -0.21439911425113678, + -0.031141212210059166, + 0.351560115814209, + 0.10988646000623703, + 0.025165895000100136, + -0.18503929674625397, + 2.0757527351379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/55.png", + [ + 0.17252790927886963, + -0.020834216848015785, + 0.12941387295722961, + -1.4044352769851685, + -0.006118663586676121, + -0.21496708691120148, + -0.026450257748365402, + 0.2911868691444397, + 0.13093730807304382, + 0.01740659773349762, + -0.1717565953731537, + 1.9116023778915405, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/9.png", + [ + 0.18351700901985168, + -0.02324129268527031, + 0.11282394081354141, + -1.2449829578399658, + -0.0038762004114687443, + -0.21334443986415863, + -0.0376431904733181, + 0.4218617081642151, + 0.11512763053178787, + 0.02986430749297142, + -0.18111222982406616, + 2.050960063934326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/25.png", + [ + 0.18298651278018951, + -0.02811737172305584, + 0.11257553100585938, + -1.2275506258010864, + -0.022058045491576195, + -0.21481285989284515, + -0.017798257991671562, + 0.19273677468299866, + 0.11391787230968475, + 0.003570538479834795, + -0.18427661061286926, + 2.057392120361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/99.png", + [ + 0.1776377409696579, + -0.026227857917547226, + 0.12126342952251434, + -1.2968766689300537, + -0.011917324736714363, + -0.2144055813550949, + -0.028915828093886375, + 0.3074563145637512, + 0.12349370867013931, + 0.017036639153957367, + -0.17722006142139435, + 1.9535552263259888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/34.png", + [ + 0.18356755375862122, + -0.02740602381527424, + 0.11180230975151062, + -1.2337722778320312, + -0.022381998598575592, + -0.21492555737495422, + -0.015935683622956276, + 0.1786099225282669, + 0.11291542649269104, + 0.0019518461776897311, + -0.18491671979427338, + 2.0716800689697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/72.png", + [ + 0.1788855642080307, + -0.02326611988246441, + 0.12002722173929214, + -1.306874394416809, + -0.008029647171497345, + -0.21449166536331177, + -0.029609952121973038, + 0.32207247614860535, + 0.1219974234700203, + 0.01999780535697937, + -0.17794550955295563, + 1.9917489290237427, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/102.png", + [ + 0.17712144553661346, + -0.0266336090862751, + 0.1219283938407898, + -1.3079311847686768, + -0.011336284689605236, + -0.21424157917499542, + -0.030330324545502663, + 0.32480329275131226, + 0.1242874413728714, + 0.018414413556456566, + -0.1765259951353073, + 1.9504607915878296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/70.png", + [ + 0.17872796952724457, + -0.022473664954304695, + 0.12041234970092773, + -1.3098585605621338, + -0.007673447020351887, + -0.21463245153427124, + -0.028669137507677078, + 0.3100837767124176, + 0.12225101888179779, + 0.019383903592824936, + -0.17783935368061066, + 1.987747073173523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/90.png", + [ + 0.17798757553100586, + -0.027063142508268356, + 0.12056491523981094, + -1.2916454076766968, + -0.013788364827632904, + -0.21444350481033325, + -0.027780529111623764, + 0.2972085177898407, + 0.1227933019399643, + 0.015148041769862175, + -0.1778770238161087, + 1.9620534181594849, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/122.png", + [ + 0.175811305642128, + -0.030766820535063744, + 0.12284819781780243, + -1.3306188583374023, + -0.011796565726399422, + -0.21324793994426727, + -0.036524683237075806, + 0.39569857716560364, + 0.12609168887138367, + 0.022948073223233223, + -0.17470592260360718, + 1.9496811628341675, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/15.png", + [ + 0.18601839244365692, + -0.016796523705124855, + 0.10983140766620636, + -1.2069422006607056, + -0.0035283188335597515, + -0.2149694412946701, + -0.02689948119223118, + 0.3036618232727051, + 0.11105227470397949, + 0.021305112168192863, + -0.18482796847820282, + 2.0861196517944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/22.png", + [ + 0.18549302220344543, + -0.01982978731393814, + 0.1102135106921196, + -1.198258638381958, + -0.012510605156421661, + -0.21558509767055511, + -0.017732642590999603, + 0.1944301724433899, + 0.11128217726945877, + 0.00881710834801197, + -0.18570522964000702, + 2.0729312896728516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/109.png", + [ + 0.17459142208099365, + -0.029772646725177765, + 0.1248171478509903, + -1.3467546701431274, + -0.012474489398300648, + -0.213701531291008, + -0.03352520614862442, + 0.3592415153980255, + 0.12771107256412506, + 0.019827809184789658, + -0.17390984296798706, + 1.9342414140701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/26.png", + [ + 0.18471099436283112, + -0.030751489102840424, + 0.1090141236782074, + -1.1874302625656128, + -0.024387847632169724, + -0.2144426852464676, + -0.019169330596923828, + 0.20762579143047333, + 0.11061179637908936, + 0.00407138979062438, + -0.18626955151557922, + 2.073030471801758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/43.png", + [ + 0.176850825548172, + -0.010278277099132538, + 0.12476393580436707, + -1.3671714067459106, + 0.0029362577479332685, + -0.21554312109947205, + -0.021918926388025284, + 0.24305906891822815, + 0.12515215575695038, + 0.019581062719225883, + -0.17578798532485962, + 1.9763082265853882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/84.png", + [ + 0.1774822175502777, + -0.027777960523962975, + 0.12114594876766205, + -1.3147963285446167, + -0.015199885703623295, + -0.214459627866745, + -0.026905909180641174, + 0.29046571254730225, + 0.1233568862080574, + 0.013540650717914104, + -0.17761650681495667, + 1.9836794137954712, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/89.png", + [ + 0.177826926112175, + -0.02557409182190895, + 0.1211257353425026, + -1.300484299659729, + -0.01205024030059576, + -0.21456991136074066, + -0.027612408623099327, + 0.29644954204559326, + 0.12320823967456818, + 0.015925424173474312, + -0.17752183973789215, + 1.9611185789108276, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/63.png", + [ + 0.17635443806648254, + -0.020583007484674454, + 0.12419077754020691, + -1.34408700466156, + -0.004667236469686031, + -0.21468079090118408, + -0.02895294316112995, + 0.3180380165576935, + 0.12579834461212158, + 0.020890092477202415, + -0.17517496645450592, + 1.9476662874221802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/88.png", + [ + 0.17760393023490906, + -0.026939667761325836, + 0.12115687876939774, + -1.302435278892517, + -0.012729877606034279, + -0.2143474519252777, + -0.02900019660592079, + 0.3128843903541565, + 0.1234612688422203, + 0.0166527908295393, + -0.17727912962436676, + 1.9589906930923462, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/62.png", + [ + 0.17565958201885223, + -0.02059158682823181, + 0.1251702457666397, + -1.353022575378418, + -0.004213085398077965, + -0.21462996304035187, + -0.02939598262310028, + 0.32305681705474854, + 0.12678270041942596, + 0.021397674456238747, + -0.17440234124660492, + 1.9373806715011597, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/65.png", + [ + 0.17718815803527832, + -0.020871104672551155, + 0.12294980138540268, + -1.332687258720398, + -0.006032480858266354, + -0.21480302512645721, + -0.02776980958878994, + 0.30214518308639526, + 0.12456268817186356, + 0.019286010414361954, + -0.17623870074748993, + 1.9630247354507446, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/80.png", + [ + 0.1796053797006607, + -0.024974878877401352, + 0.11860039830207825, + -1.2932331562042236, + -0.01203245297074318, + -0.21465139091014862, + -0.026979662477970123, + 0.29314422607421875, + 0.12060274183750153, + 0.01577775366604328, + -0.17931519448757172, + 2.009446144104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/119.png", + [ + 0.17695064842700958, + -0.032083991914987564, + 0.12085933983325958, + -1.2998008728027344, + -0.013425764627754688, + -0.21308517456054688, + -0.03691006451845169, + 0.39583101868629456, + 0.12432261556386948, + 0.02265438437461853, + -0.17600728571414948, + 1.9493221044540405, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/79.png", + [ + 0.17929090559482574, + -0.02530624158680439, + 0.11900527775287628, + -1.2971093654632568, + -0.011217135936021805, + -0.21447134017944336, + -0.028707409277558327, + 0.31252729892730713, + 0.1211479976773262, + 0.017593566328287125, + -0.17877784371376038, + 2.004227638244629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/116.png", + [ + 0.17827355861663818, + -0.03125953674316406, + 0.11911875754594803, + -1.2791410684585571, + -0.014136101119220257, + -0.21338725090026855, + -0.03484166041016579, + 0.3720655143260956, + 0.12233808636665344, + 0.020895253866910934, + -0.1776081919670105, + 1.9657241106033325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/19.png", + [ + 0.18562649190425873, + -0.015310280956327915, + 0.11070816963911057, + -1.2097901105880737, + -0.0073991636745631695, + -0.2158445417881012, + -0.017443696036934853, + 0.1942063271999359, + 0.11151660978794098, + 0.011163578368723392, + -0.1854381561279297, + 2.080026149749756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/77.png", + [ + 0.1793370246887207, + -0.02545916475355625, + 0.11890314519405365, + -1.2951768636703491, + -0.009241427294909954, + -0.21411316096782684, + -0.031906746327877045, + 0.34855520725250244, + 0.12124653160572052, + 0.02133718505501747, + -0.1783028244972229, + 1.996179461479187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/68.png", + [ + 0.17763873934745789, + -0.021587444469332695, + 0.12217346578836441, + -1.3282716274261475, + -0.007350447122007608, + -0.214825838804245, + -0.027271199971437454, + 0.2948717176914215, + 0.1238480657339096, + 0.01821344718337059, + -0.17685537040233612, + 1.9755226373672485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/86.png", + [ + 0.17828840017318726, + -0.028333202004432678, + 0.11982641369104385, + -1.2928904294967651, + -0.014062386006116867, + -0.21416597068309784, + -0.02971671335399151, + 0.3196427524089813, + 0.12232492864131927, + 0.016675233840942383, + -0.1780630201101303, + 1.9783750772476196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/1.png", + [ + 0.19157911837100983, + -0.018159227445721626, + 0.09957697242498398, + -1.0880200862884521, + -0.006147359032183886, + -0.21485309302806854, + -0.027354318648576736, + 0.3141508102416992, + 0.10103237628936768, + 0.0213609728962183, + -0.19048376381397247, + 2.1157588958740234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/81.png", + [ + 0.17975392937660217, + -0.027268139645457268, + 0.11786800622940063, + -1.2851998805999756, + -0.014872968196868896, + -0.21447870135307312, + -0.026936577633023262, + 0.29226014018058777, + 0.12006337195634842, + 0.014255980029702187, + -0.17980392277240753, + 2.0121254920959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/95.png", + [ + 0.1781594604253769, + -0.02730468288064003, + 0.120256207883358, + -1.286016821861267, + -0.014520901255309582, + -0.21447162330150604, + -0.027183987200260162, + 0.28955504298210144, + 0.12245916575193405, + 0.014292658306658268, + -0.17817790806293488, + 1.9645363092422485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/103.png", + [ + 0.1769178956747055, + -0.028570786118507385, + 0.12178531289100647, + -1.3061281442642212, + -0.01198927965015173, + -0.21384915709495544, + -0.032752059400081635, + 0.3516817092895508, + 0.12451590597629547, + 0.020003758370876312, + -0.1761917620897293, + 1.9461392164230347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/83.png", + [ + 0.1781150996685028, + -0.027768470346927643, + 0.1202157512307167, + -1.3089139461517334, + -0.015303594060242176, + -0.2144576460123062, + -0.02686302736401558, + 0.2901270091533661, + 0.12242841720581055, + 0.01359170489013195, + -0.1782538890838623, + 1.9925698041915894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/51.png", + [ + 0.17417490482330322, + -0.0200623981654644, + 0.12731260061264038, + -1.3767002820968628, + -0.008975852280855179, + -0.21540193259716034, + -0.0216640867292881, + 0.24107038974761963, + 0.12857073545455933, + 0.012140789069235325, + -0.17398293316364288, + 1.9350847005844116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/93.png", + [ + 0.17816227674484253, + -0.027249515056610107, + 0.12026454508304596, + -1.288262963294983, + -0.014070329256355762, + -0.21443025767803192, + -0.02774149551987648, + 0.29593589901924133, + 0.12250765413045883, + 0.015000954270362854, + -0.1780863255262375, + 1.9651216268539429, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/76.png", + [ + 0.18995727598667145, + -0.06702427566051483, + 0.07982398569583893, + -0.9334322810173035, + -0.05264347791671753, + -0.20491072535514832, + -0.04677767679095268, + 0.5637195110321045, + 0.08995991200208664, + 0.021615583449602127, + -0.19592823088169098, + 2.370584011077881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/48.png", + [ + 0.18942901492118835, + -0.06482109427452087, + 0.08284185081720352, + -0.9625097513198853, + -0.054666973650455475, + -0.20645608007907867, + -0.0365418940782547, + 0.4263756275177002, + 0.08986695110797882, + 0.011045967228710651, + -0.19684971868991852, + 2.363953113555908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/137.png", + [ + 0.19213102757930756, + -0.07243656367063522, + 0.0691845640540123, + -0.8193358778953552, + -0.05921359360218048, + -0.2028399109840393, + -0.047933485358953476, + 0.565800130367279, + 0.08079176396131516, + 0.0235968716442585, + -0.19965913891792297, + 2.414278984069824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/35.png", + [ + 0.1872701793909073, + -0.0658552497625351, + 0.08683809638023376, + -1.0249289274215698, + -0.05782875418663025, + -0.20637929439544678, + -0.03180120140314102, + 0.37455499172210693, + 0.09237749874591827, + 0.0043091196566820145, + -0.1959482580423355, + 2.3932857513427734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/124.png", + [ + 0.1903885155916214, + -0.07299624383449554, + 0.07329156249761581, + -0.8702906966209412, + -0.05853784829378128, + -0.20260456204414368, + -0.04972521588206291, + 0.5951129794120789, + 0.08528438210487366, + 0.023891951888799667, + -0.1977464109659195, + 2.415505886077881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/97.png", + [ + 0.1907111257314682, + -0.06614166498184204, + 0.07875556498765945, + -0.9512525200843811, + -0.053196463733911514, + -0.20544254779815674, + -0.04371951147913933, + 0.5405378937721252, + 0.08801872283220291, + 0.01914520561695099, + -0.1970635950565338, + 2.457732677459717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/13.png", + [ + 0.1845902055501938, + -0.06933552771806717, + 0.08981607854366302, + -1.0237083435058594, + -0.06161435693502426, + -0.20527535676956177, + -0.031836919486522675, + 0.36269333958625793, + 0.09527861326932907, + 0.0015822068089619279, + -0.19459541141986847, + 2.299826145172119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/32.png", + [ + 0.18674896657466888, + -0.0658964142203331, + 0.08792255818843842, + -1.0323456525802612, + -0.05758209526538849, + -0.2063615620136261, + -0.0323590412735939, + 0.3838796615600586, + 0.09357892721891403, + 0.004524077754467726, + -0.19537249207496643, + 2.377561092376709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/38.png", + [ + 0.1887906789779663, + -0.06554976850748062, + 0.08372098207473755, + -0.9874656796455383, + -0.05710552632808685, + -0.20641754567623138, + -0.03284280747175217, + 0.3870055675506592, + 0.08969356119632721, + 0.006551230326294899, + -0.1971295028924942, + 2.4042396545410156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/111.png", + [ + 0.19165559113025665, + -0.07006476074457169, + 0.07284880429506302, + -0.8789340257644653, + -0.058077968657016754, + -0.20415161550045013, + -0.04355413094162941, + 0.5286891460418701, + 0.0827222391963005, + 0.018998458981513977, + -0.19935892522335052, + 2.463562488555908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/11.png", + [ + 0.18641112744808197, + -0.06868038326501846, + 0.08649733662605286, + -0.9785649180412292, + -0.05891893804073334, + -0.20536376535892487, + -0.036085717380046844, + 0.4054793119430542, + 0.09342025965452194, + 0.007524868007749319, + -0.19535590708255768, + 2.287105083465576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/125.png", + [ + 0.18980252742767334, + -0.07039982825517654, + 0.0772448480129242, + -0.9212722778320312, + -0.056985512375831604, + -0.20395463705062866, + -0.04585908353328705, + 0.5502822995185852, + 0.08761022984981537, + 0.01985619030892849, + -0.19717524945735931, + 2.4155702590942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/59.png", + [ + 0.1881539225578308, + -0.06966152787208557, + 0.08181238919496536, + -0.9428017139434814, + -0.057305220514535904, + -0.20460692048072815, + -0.04242665693163872, + 0.49274441599845886, + 0.0908961296081543, + 0.015204668045043945, + -0.1960984617471695, + 2.3363776206970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/105.png", + [ + 0.19224165380001068, + -0.06710807234048843, + 0.0740780308842659, + -0.8941584825515747, + -0.05564913526177406, + -0.2052488774061203, + -0.041520778089761734, + 0.5048902034759521, + 0.08303145319223404, + 0.01781308837234974, + -0.1993398368358612, + 2.4809446334838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/121.png", + [ + 0.19009606540203094, + -0.07283846288919449, + 0.07420200854539871, + -0.8799779415130615, + -0.05850229039788246, + -0.20275439321994781, + -0.04915314540266991, + 0.589777410030365, + 0.08595848828554153, + 0.023089144378900528, + -0.19754981994628906, + 2.4154491424560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/24.png", + [ + 0.1868094652891159, + -0.06291513890028, + 0.0899544507265091, + -1.0495871305465698, + -0.05446209758520126, + -0.20728211104869843, + -0.03187331184744835, + 0.3720117509365082, + 0.09531001001596451, + 0.0048696440644562244, + -0.19452552497386932, + 2.3546695709228516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/74.png", + [ + 0.18911197781562805, + -0.06644102931022644, + 0.08228091895580292, + -0.9606752991676331, + -0.05170803889632225, + -0.20514227449893951, + -0.04680619761347771, + 0.563153088092804, + 0.09225420653820038, + 0.021216267719864845, + -0.19490234553813934, + 2.359379291534424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/129.png", + [ + 0.19084948301315308, + -0.07301712781190872, + 0.07206156849861145, + -0.85455721616745, + -0.059128012508153915, + -0.2026679515838623, + -0.048759426921606064, + 0.5768718719482422, + 0.08383466303348541, + 0.023283086717128754, + -0.19843776524066925, + 2.3982787132263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/98.png", + [ + 0.189909890294075, + -0.06520817428827286, + 0.08142497390508652, + -0.9873391389846802, + -0.05221574753522873, + -0.2058340460062027, + -0.04305528104305267, + 0.5335140228271484, + 0.09030862897634506, + 0.018114522099494934, + -0.19612270593643188, + 2.4546618461608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/0.png", + [ + 0.19455575942993164, + -0.07221891731023788, + 0.0622926764190197, + -0.6828567385673523, + -0.050875473767519, + -0.1982918530702591, + -0.07099238783121109, + 0.8041206002235413, + 0.08066991716623306, + 0.049118850380182266, + -0.19500665366649628, + 2.247499942779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/96.png", + [ + 0.19112186133861542, + -0.06644949316978455, + 0.07749061286449432, + -0.9342882037162781, + -0.05305974930524826, + -0.2051832228899002, + -0.04508214816451073, + 0.5567350387573242, + 0.08720660209655762, + 0.02078947238624096, + -0.19725796580314636, + 2.455995559692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/100.png", + [ + 0.19079527258872986, + -0.06746313720941544, + 0.0774194672703743, + -0.9369755387306213, + -0.05503913760185242, + -0.20509259402751923, + -0.043076805770397186, + 0.5327997803688049, + 0.08669339120388031, + 0.018265869468450546, + -0.19773343205451965, + 2.474404811859131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/40.png", + [ + 0.18861240148544312, + -0.06436789035797119, + 0.08502957969903946, + -1.0012924671173096, + -0.054704662412405014, + -0.20669245719909668, + -0.03512164577841759, + 0.41256046295166016, + 0.09154590964317322, + 0.009105195291340351, + -0.1961742490530014, + 2.38948917388916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/52.png", + [ + 0.18847447633743286, + -0.06602106243371964, + 0.08406238257884979, + -0.9778378009796143, + -0.05557382106781006, + -0.20608611404895782, + -0.03725536912679672, + 0.4346861243247986, + 0.0913061574101448, + 0.010845834389328957, + -0.19619746506214142, + 2.354005813598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/3.png", + [ + 0.19328534603118896, + -0.06913945823907852, + 0.06934263557195663, + -0.7695156931877136, + -0.048441339284181595, + -0.20085908472537994, + -0.06524538993835449, + 0.7255929708480835, + 0.08510054647922516, + 0.04269964247941971, + -0.1946343332529068, + 2.2339582443237305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/47.png", + [ + 0.18745771050453186, + -0.0659874975681305, + 0.08633165806531906, + -1.005733609199524, + -0.0558435283601284, + -0.20617753267288208, + -0.03633477911353111, + 0.4244247376918793, + 0.09321483969688416, + 0.0091850645840168, + -0.19538302719593048, + 2.352511405944824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/104.png", + [ + 0.1920352429151535, + -0.06757725030183792, + 0.07418681681156158, + -0.8956414461135864, + -0.05630932375788689, + -0.20515060424804688, + -0.04111431539058685, + 0.49994131922721863, + 0.0830640122294426, + 0.01715930551290512, + -0.19938361644744873, + 2.483447551727295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/21.png", + [ + 0.18497154116630554, + -0.06293118745088577, + 0.09366476535797119, + -1.0952425003051758, + -0.05688445642590523, + -0.2073284536600113, + -0.02696230821311474, + 0.312456339597702, + 0.09745553135871887, + -0.0015729126753285527, + -0.19351443648338318, + 2.346315860748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/82.png", + [ + 0.1901012808084488, + -0.06725132465362549, + 0.07928843051195145, + -0.9346789717674255, + -0.05388341471552849, + -0.20504628121852875, + -0.04472693055868149, + 0.5441578030586243, + 0.08891554921865463, + 0.019523821771144867, + -0.19662335515022278, + 2.4004125595092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/106.png", + [ + 0.19183559715747833, + -0.06867343932390213, + 0.07369502633810043, + -0.8890426158905029, + -0.057403817772865295, + -0.20478828251361847, + -0.041406042873859406, + 0.5031579732894897, + 0.08277560025453568, + 0.017135264351963997, + -0.19950558245182037, + 2.47982120513916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/14.png", + [ + 0.18401141464710236, + -0.06730490177869797, + 0.09250807762145996, + -1.0595519542694092, + -0.060716573148965836, + -0.205952450633049, + -0.02906845137476921, + 0.33235540986061096, + 0.09695973247289658, + -0.0012361712288111448, + -0.1937657743692398, + 2.301180362701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/67.png", + [ + 0.18715235590934753, + -0.06695456057786942, + 0.08624949306249619, + -0.9973915815353394, + -0.05304162576794624, + -0.2053540199995041, + -0.04431934654712677, + 0.5230726003646851, + 0.09543830901384354, + 0.017167018726468086, + -0.1937645822763443, + 2.328012466430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/78.png", + [ + 0.19006985425949097, + -0.06675032526254654, + 0.07978557050228119, + -0.9351824522018433, + -0.05360405519604683, + -0.20526933670043945, + -0.04403402656316757, + 0.5307376384735107, + 0.08915125578641891, + 0.018888747319579124, + -0.19657863676548004, + 2.384535312652588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/31.png", + [ + 0.18665532767772675, + -0.0658595860004425, + 0.08814874291419983, + -1.0314744710922241, + -0.05787625163793564, + -0.2063894122838974, + -0.031648896634578705, + 0.3744444251060486, + 0.0935843363404274, + 0.003718556370586157, + -0.19538690149784088, + 2.373147487640381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/39.png", + [ + 0.18937507271766663, + -0.06468895822763443, + 0.0830681249499321, + -0.9782878756523132, + -0.05616220831871033, + -0.20666639506816864, + -0.03290446102619171, + 0.38670358061790466, + 0.08905493468046188, + 0.007227407302707434, + -0.1973952353000641, + 2.404839038848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/92.png", + [ + 0.1908484250307083, + -0.06595493108034134, + 0.0785793885588646, + -0.9446435570716858, + -0.05334571748971939, + -0.20556122064590454, + -0.04297347739338875, + 0.5230490565299988, + 0.08762995153665543, + 0.018504923209547997, + -0.1972978711128235, + 2.4527196884155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/53.png", + [ + 0.1891949623823166, + -0.06729138642549515, + 0.08139431476593018, + -0.945762038230896, + -0.05725255608558655, + -0.20567893981933594, + -0.0369623601436615, + 0.4313054084777832, + 0.0887429416179657, + 0.010767573490738869, + -0.1973743736743927, + 2.3660287857055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/75.png", + [ + 0.1895037740468979, + -0.06694289296865463, + 0.08096213638782501, + -0.9463050961494446, + -0.05234738439321518, + -0.20495061576366425, + -0.04693499580025673, + 0.5656125545501709, + 0.09108221530914307, + 0.021489378064870834, + -0.1954229474067688, + 2.3646836280822754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/87.png", + [ + 0.1915096789598465, + -0.0647641271352768, + 0.07795858383178711, + -0.9226483702659607, + -0.05154253542423248, + -0.20573937892913818, + -0.04430091008543968, + 0.5417477488517761, + 0.08726569265127182, + 0.020610950887203217, + -0.19725055992603302, + 2.421247959136963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/139.png", + [ + 0.19118282198905945, + -0.07266124337911606, + 0.07153581082820892, + -0.8488496541976929, + -0.05925353243947029, + -0.20287999510765076, + -0.04771396517753601, + 0.5670113563537598, + 0.08298221975564957, + 0.02253766544163227, + -0.1988816112279892, + 2.4099650382995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/107.png", + [ + 0.1924343854188919, + -0.06882111728191376, + 0.07197602093219757, + -0.8674959540367126, + -0.05716748163104057, + -0.20457492768764496, + -0.04276541247963905, + 0.5204018354415894, + 0.08154001832008362, + 0.018990913406014442, + -0.19984610378742218, + 2.4760189056396484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/112.png", + [ + 0.19307394325733185, + -0.06848201155662537, + 0.0705730989575386, + -0.8492335081100464, + -0.05677661672234535, + -0.2045922875404358, + -0.04320070147514343, + 0.5216313600540161, + 0.0802917405962944, + 0.020002467557787895, + -0.20025242865085602, + 2.4685463905334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/69.png", + [ + 0.1889687329530716, + -0.06707573682069778, + 0.08209481090307236, + -0.9514178037643433, + -0.05296600982546806, + -0.20508310198783875, + -0.04564452916383743, + 0.5437583327293396, + 0.09183308482170105, + 0.019739985466003418, + -0.19525602459907532, + 2.353020191192627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/45.png", + [ + 0.18861553072929382, + -0.06621264666318893, + 0.08359401673078537, + -0.9763622283935547, + -0.0563536211848259, + -0.2060832977294922, + -0.03608096390962601, + 0.4210706949234009, + 0.09053365141153336, + 0.009667055681347847, + -0.19661663472652435, + 2.373506546020508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/50.png", + [ + 0.18906135857105255, + -0.06463868916034698, + 0.0838184505701065, + -0.9727320671081543, + -0.054825861006975174, + -0.20657198131084442, + -0.035637568682432175, + 0.41520580649375916, + 0.0905417874455452, + 0.009887030348181725, + -0.19660194218158722, + 2.356229305267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/101.png", + [ + 0.19168655574321747, + -0.0661475732922554, + 0.07634568959474564, + -0.9232456684112549, + -0.054267942905426025, + -0.2055533230304718, + -0.04184151440858841, + 0.5157454609870911, + 0.08520068228244781, + 0.017894718796014786, + -0.19841502606868744, + 2.482962131500244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/85.png", + [ + 0.19057725369930267, + -0.06694932281970978, + 0.07839641720056534, + -0.9259847402572632, + -0.0531262569129467, + -0.20498333871364594, + -0.045905668288469315, + 0.5612276196479797, + 0.08835049718618393, + 0.02115461602807045, + -0.19670933485031128, + 2.410244941711426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/131.png", + [ + 0.19240227341651917, + -0.07246723771095276, + 0.06839413195848465, + -0.8071273565292358, + -0.05915789678692818, + -0.20274533331394196, + -0.04840007796883583, + 0.5712180733680725, + 0.08018480241298676, + 0.024304794147610664, + -0.19981883466243744, + 2.401681900024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/71.png", + [ + 0.18921862542629242, + -0.06545043736696243, + 0.08282779902219772, + -0.9645511507987976, + -0.050696901977062225, + -0.20545612275600433, + -0.046535007655620575, + 0.5572121739387512, + 0.09259604662656784, + 0.021258505061268806, + -0.194735586643219, + 2.350003242492676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/115.png", + [ + 0.19126169383525848, + -0.0691506639122963, + 0.0747331902384758, + -0.89425128698349, + -0.056050609797239304, + -0.2042781114578247, + -0.04557054862380028, + 0.543000340461731, + 0.08500112593173981, + 0.02089335210621357, + -0.19820739328861237, + 2.433077335357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/54.png", + [ + 0.18896934390068054, + -0.06776084005832672, + 0.08152884244918823, + -0.9475066661834717, + -0.057376131415367126, + -0.2054917812347412, + -0.03780212625861168, + 0.4412519931793213, + 0.08914293348789215, + 0.011379425413906574, + -0.19715967774391174, + 2.363541603088379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/33.png", + [ + 0.18636009097099304, + -0.06608248502016068, + 0.0886053740978241, + -1.0439393520355225, + -0.05809454619884491, + -0.20632199943065643, + -0.03168842941522598, + 0.3747546374797821, + 0.09403634071350098, + 0.003498199861496687, + -0.19517384469509125, + 2.3809709548950195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/49.png", + [ + 0.1889694631099701, + -0.06524135172367096, + 0.08355837315320969, + -0.9694361090660095, + -0.05514204874634743, + -0.2063525766134262, + -0.03641236945986748, + 0.4238645136356354, + 0.09054165333509445, + 0.010491515509784222, + -0.19657069444656372, + 2.3571667671203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/118.png", + [ + 0.19100132584571838, + -0.07084381580352783, + 0.07380744814872742, + -0.8781233429908752, + -0.05830059200525284, + -0.2038251757621765, + -0.04476870596408844, + 0.5336435437202454, + 0.08406799286603928, + 0.01960480958223343, + -0.1987362951040268, + 2.429917812347412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/110.png", + [ + 0.19209998846054077, + -0.07023666054010391, + 0.07150034606456757, + -0.8617468476295471, + -0.05794890597462654, + -0.20395046472549438, + -0.044654570519924164, + 0.5430301427841187, + 0.08177661150693893, + 0.020467441529035568, + -0.19960349798202515, + 2.4671549797058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/18.png", + [ + 0.18485403060913086, + -0.06431383639574051, + 0.09295488148927689, + -1.080194354057312, + -0.05865704268217087, + -0.2068938910961151, + -0.02649834379553795, + 0.3052330017089844, + 0.09662418067455292, + -0.002557441359385848, + -0.19392040371894836, + 2.3376755714416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/66.png", + [ + 0.1871468722820282, + -0.06690269708633423, + 0.08630158752202988, + -0.9964812397956848, + -0.05256045609712601, + -0.2052927315235138, + -0.04516848176717758, + 0.5311126708984375, + 0.09571485966444016, + 0.018078209832310677, + -0.1935451775789261, + 2.321073532104492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/16.png", + [ + 0.1842198371887207, + -0.06404799222946167, + 0.09438643604516983, + -1.091162085533142, + -0.058960139751434326, + -0.20695102214813232, + -0.025355027988553047, + 0.28885477781295776, + 0.09764552116394043, + -0.0041266391053795815, + -0.19338102638721466, + 2.317437171936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/94.png", + [ + 0.19124042987823486, + -0.06534480303525925, + 0.07813484966754913, + -0.9415701031684875, + -0.05192115530371666, + -0.20553402602672577, + -0.044809143990278244, + 0.5539437532424927, + 0.087630994617939, + 0.020826010033488274, + -0.19706593453884125, + 2.455167770385742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/28.png", + [ + 0.18647684156894684, + -0.06736678630113602, + 0.08738420158624649, + -1.0173193216323853, + -0.05903966352343559, + -0.2058897167444229, + -0.032735876739025116, + 0.38512885570526123, + 0.09321266412734985, + 0.0043629868887364864, + -0.19555115699768066, + 2.362794876098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/61.png", + [ + 0.18957655131816864, + -0.06824373453855515, + 0.07969580590724945, + -0.9153950214385986, + -0.055451650172472, + -0.20488418638706207, + -0.04353715479373932, + 0.5068556666374207, + 0.08907155692577362, + 0.01769639365375042, + -0.19672566652297974, + 2.3455443382263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/132.png", + [ + 0.19172297418117523, + -0.07335024327039719, + 0.06935368478298187, + -0.8186067342758179, + -0.05979939177632332, + -0.20245778560638428, + -0.04881368950009346, + 0.5775354504585266, + 0.081327885389328, + 0.0240517258644104, + -0.19938701391220093, + 2.3998937606811523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/58.png", + [ + 0.19003941118717194, + -0.07007532566785812, + 0.07695692777633667, + -0.8831577897071838, + -0.05753403529524803, + -0.2042328119277954, + -0.04389401152729988, + 0.507307231426239, + 0.08673381060361862, + 0.01806372031569481, + -0.1977342814207077, + 2.347066879272461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/123.png", + [ + 0.19028547406196594, + -0.07231973856687546, + 0.07422387599945068, + -0.8803895711898804, + -0.05771263688802719, + -0.2028498500585556, + -0.049689825624227524, + 0.5953148007392883, + 0.08607310056686401, + 0.023868035525083542, + -0.19740726053714752, + 2.414154052734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/64.png", + [ + 0.1892649531364441, + -0.06615792214870453, + 0.0821571946144104, + -0.939774215221405, + -0.05244455486536026, + -0.20544254779815674, + -0.044618573039770126, + 0.5194535255432129, + 0.09152182191610336, + 0.019088689237833023, + -0.1954668015241623, + 2.329634189605713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/10.png", + [ + 0.1862695813179016, + -0.06818581372499466, + 0.08719076961278915, + -0.9836759567260742, + -0.056951966136693954, + -0.20539434254169464, + -0.03895551711320877, + 0.43447744846343994, + 0.09491054713726044, + 0.010571343824267387, + -0.19449453055858612, + 2.267472743988037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/41.png", + [ + 0.1890571117401123, + -0.06436964124441147, + 0.08403484523296356, + -0.9873225688934326, + -0.054536670446395874, + -0.20665478706359863, + -0.03560126945376396, + 0.4173590838909149, + 0.09072516113519669, + 0.00991206057369709, + -0.19651614129543304, + 2.3885183334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/91.png", + [ + 0.1898220330476761, + -0.06741560995578766, + 0.07981617748737335, + -0.9572142362594604, + -0.05500328913331032, + -0.20521771907806396, + -0.04252322018146515, + 0.5170151591300964, + 0.08882638067007065, + 0.016991805285215378, + -0.19689856469631195, + 2.4444403648376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/23.png", + [ + 0.18580248951911926, + -0.06403148174285889, + 0.09124311059713364, + -1.067366361618042, + -0.05712404474616051, + -0.2069958746433258, + -0.028938768431544304, + 0.33615225553512573, + 0.09571927785873413, + 0.0007602184196002781, + -0.19438400864601135, + 2.3542394638061523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/37.png", + [ + 0.18853892385959625, + -0.06582678109407425, + 0.08407022058963776, + -0.992434561252594, + -0.05773720145225525, + -0.2063593864440918, + -0.03209535777568817, + 0.3774028420448303, + 0.08981861174106598, + 0.005525542888790369, + -0.19710399210453033, + 2.4041500091552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/36.png", + [ + 0.18932870030403137, + -0.06457973271608353, + 0.08325857669115067, + -0.9816272258758545, + -0.05618304759263992, + -0.20671246945858002, + -0.032577697187662125, + 0.3832246959209442, + 0.08914032578468323, + 0.006877467036247253, + -0.19736918807029724, + 2.408493995666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/8.png", + [ + 0.18678602576255798, + -0.06740102171897888, + 0.08669470250606537, + -0.9671288132667542, + -0.051034990698099136, + -0.20474474132061005, + -0.049223098903894424, + 0.545086681842804, + 0.09723322838544846, + 0.022013306617736816, + -0.1923772543668747, + 2.219724655151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/6.png", + [ + 0.1907770037651062, + -0.06839025020599365, + 0.07664723694324493, + -0.8452790379524231, + -0.04903512820601463, + -0.20269428193569183, + -0.05880884826183319, + 0.6476696729660034, + 0.09026395529508591, + 0.03443397209048271, + -0.19394487142562866, + 2.209819793701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/20.png", + [ + 0.18461430072784424, + -0.06371591240167618, + 0.0938389003276825, + -1.0963339805603027, + -0.05785515531897545, + -0.20708255469799042, + -0.02678595669567585, + 0.3106578290462494, + 0.09756145626306534, + -0.002233738312497735, + -0.1934545785188675, + 2.343879222869873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/2.png", + [ + 0.19337809085845947, + -0.07125253975391388, + 0.06690211594104767, + -0.7417199611663818, + -0.05017036572098732, + -0.19964751601219177, + -0.0676143541932106, + 0.7589882612228394, + 0.08387938141822815, + 0.044853564351797104, + -0.19468000531196594, + 2.2430543899536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/117.png", + [ + 0.19080689549446106, + -0.07143305987119675, + 0.07374238967895508, + -0.8781939744949341, + -0.058637674897909164, + -0.20357230305671692, + -0.04547346755862236, + 0.5404656529426575, + 0.08427482843399048, + 0.02008804678916931, + -0.1986003965139389, + 2.4294352531433105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/5.png", + [ + 0.1898651123046875, + -0.06985742598772049, + 0.07758267223834991, + -0.862054169178009, + -0.04966936260461807, + -0.20207194983959198, + -0.060396820306777954, + 0.6692102551460266, + 0.09182638674974442, + 0.03513917699456215, + -0.1930830031633377, + 2.211221218109131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/108.png", + [ + 0.19155463576316833, + -0.07018526643514633, + 0.0729982778429985, + -0.8797672390937805, + -0.05842195823788643, + -0.20417125523090363, + -0.04299850016832352, + 0.5245814919471741, + 0.08271392434835434, + 0.018330983817577362, + -0.1994248777627945, + 2.469748020172119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/60.png", + [ + 0.18951454758644104, + -0.06892106682062149, + 0.07925917953252792, + -0.9108672142028809, + -0.056505847722291946, + -0.20472747087478638, + -0.04291437938809395, + 0.4986664354801178, + 0.08853936940431595, + 0.01686534658074379, + -0.1970386803150177, + 2.3460288047790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/56.png", + [ + 0.1913059651851654, + -0.06907887011766434, + 0.0746862068772316, + -0.858954131603241, + -0.05747496336698532, + -0.20463649928569794, + -0.042052678763866425, + 0.48733994364738464, + 0.08394372463226318, + 0.017317865043878555, + -0.19900110363960266, + 2.3650436401367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/30.png", + [ + 0.18695800006389618, + -0.06533236801624298, + 0.08789924532175064, + -1.0279533863067627, + -0.0568447969853878, + -0.2065282016992569, + -0.03259851410984993, + 0.3853621184825897, + 0.09361231327056885, + 0.005067215766757727, + -0.19534318149089813, + 2.370553970336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/17.png", + [ + 0.1842883974313736, + -0.0643768161535263, + 0.09402823448181152, + -1.0912233591079712, + -0.05894119665026665, + -0.2068626433610916, + -0.026108980178833008, + 0.29913267493247986, + 0.09752752631902695, + -0.0033716626930981874, + -0.19345517456531525, + 2.3251848220825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/12.png", + [ + 0.18474654853343964, + -0.0689319595694542, + 0.08980529010295868, + -1.0211504697799683, + -0.05984364077448845, + -0.20536507666110992, + -0.03452260419726372, + 0.39068424701690674, + 0.09610069543123245, + 0.004632090218365192, + -0.1941419392824173, + 2.284581184387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/114.png", + [ + 0.1915023922920227, + -0.07137291878461838, + 0.07197664678096771, + -0.8627799153327942, + -0.058623578399419785, + -0.2034992277622223, + -0.045817337930202484, + 0.5481614470481873, + 0.08269224315881729, + 0.021020464599132538, + -0.1991683393716812, + 2.445840358734131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/27.png", + [ + 0.18812958896160126, + -0.06537286192178726, + 0.08533191680908203, + -0.992917537689209, + -0.056290920823812485, + -0.20644497871398926, + -0.0340542234480381, + 0.4004511535167694, + 0.09157772362232208, + 0.007399085909128189, + -0.1962311565876007, + 2.369377613067627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/42.png", + [ + 0.18818873167037964, + -0.06519962102174759, + 0.08533410727977753, + -1.0028544664382935, + -0.05541764199733734, + -0.20643536746501923, + -0.03551372140645981, + 0.41674545407295227, + 0.0919879674911499, + 0.009019363671541214, + -0.1959713250398636, + 2.3797359466552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/7.png", + [ + 0.1885383427143097, + -0.06723347306251526, + 0.0829508826136589, + -0.9207691550254822, + -0.04900909587740898, + -0.20403827726840973, + -0.053985048085451126, + 0.5957810878753662, + 0.0948646292090416, + 0.02821236662566662, + -0.1927502602338791, + 2.2101550102233887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/73.png", + [ + 0.18818162381649017, + -0.06660783290863037, + 0.08425536751747131, + -0.9835240840911865, + -0.05203179642558098, + -0.2052346169948578, + -0.04603629186749458, + 0.5541574358940125, + 0.09395883977413177, + 0.019749552011489868, + -0.19424106180667877, + 2.3512134552001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/120.png", + [ + 0.18943631649017334, + -0.07249732315540314, + 0.0761965811252594, + -0.9056682586669922, + -0.05825953185558319, + -0.2030232846736908, + -0.048324644565582275, + 0.5793493986129761, + 0.0875648781657219, + 0.02176196500658989, + -0.19699417054653168, + 2.408578872680664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/46.png", + [ + 0.1894967257976532, + -0.06479307264089584, + 0.08270879089832306, + -0.9621714353561401, + -0.05513176694512367, + -0.20651930570602417, + -0.03547060862183571, + 0.41256454586982727, + 0.08943922817707062, + 0.009976630099117756, + -0.19710147380828857, + 2.371809482574463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/127.png", + [ + 0.19178487360477448, + -0.0708836019039154, + 0.07170756906270981, + -0.8515622615814209, + -0.057836614549160004, + -0.20356138050556183, + -0.04653589054942131, + 0.5531224608421326, + 0.08259169012308121, + 0.022049449384212494, + -0.19909879565238953, + 2.4216713905334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/133.png", + [ + 0.19203057885169983, + -0.07304983586072922, + 0.06881772726774216, + -0.81156986951828, + -0.059553563594818115, + -0.20253176987171173, + -0.04880727827548981, + 0.5764031410217285, + 0.0807807520031929, + 0.02434132993221283, + -0.19957421720027924, + 2.4014596939086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/57.png", + [ + 0.18971320986747742, + -0.06902660429477692, + 0.0786900520324707, + -0.905019998550415, + -0.05726701021194458, + -0.20479175448417664, + -0.04157795011997223, + 0.4808623492717743, + 0.08762013167142868, + 0.015606545843183994, + -0.1975526362657547, + 2.347762107849121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/44.png", + [ + 0.18860703706741333, + -0.06574872136116028, + 0.08397849649190903, + -0.9837646484375, + -0.055467501282691956, + -0.20618686079978943, + -0.03685422241687775, + 0.43161851167678833, + 0.09109686315059662, + 0.010582171380519867, + -0.19630911946296692, + 2.376455783843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/113.png", + [ + 0.1917857974767685, + -0.06930935382843018, + 0.0732278823852539, + -0.8813883066177368, + -0.05733649432659149, + -0.20441320538520813, + -0.043308939784765244, + 0.520821750164032, + 0.08293754607439041, + 0.01895657181739807, + -0.19927345216274261, + 2.4575281143188477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/126.png", + [ + 0.19139276444911957, + -0.07172762602567673, + 0.07191557437181473, + -0.8553351759910583, + -0.05872884392738342, + -0.20331686735153198, + -0.046487316489219666, + 0.55436772108078, + 0.08287114650011063, + 0.02157067321240902, + -0.19903510808944702, + 2.428431510925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/29.png", + [ + 0.18706606328487396, + -0.06616459786891937, + 0.0870426595211029, + -1.015502691268921, + -0.05745065584778786, + -0.2062472105026245, + -0.0333077497780323, + 0.39360836148262024, + 0.09302473813295364, + 0.005677137523889542, + -0.19560691714286804, + 2.368821144104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/4.png", + [ + 0.19158343970775604, + -0.06886211037635803, + 0.07417339831590652, + -0.8236437439918518, + -0.04916813224554062, + -0.20211900770664215, + -0.06064896658062935, + 0.6711320877075195, + 0.08846568316221237, + 0.03679419681429863, + -0.19433966279029846, + 2.2294249534606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/55.png", + [ + 0.1908443123102188, + -0.0674736276268959, + 0.07728941738605499, + -0.8944127559661865, + -0.05702366679906845, + -0.205450177192688, + -0.038554124534130096, + 0.4478417634963989, + 0.0852915346622467, + 0.01361723244190216, + -0.1987154185771942, + 2.374635696411133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/9.png", + [ + 0.18584176898002625, + -0.06796969473361969, + 0.0882657840847969, + -0.9923549294471741, + -0.05390533432364464, + -0.2051020860671997, + -0.0444437600672245, + 0.4938333332538605, + 0.09749329835176468, + 0.016160229220986366, + -0.1928258240222931, + 2.238555908203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/25.png", + [ + 0.18507035076618195, + -0.06491834670305252, + 0.09210030734539032, + -1.0758202075958252, + -0.05602926388382912, + -0.20667299628257751, + -0.03308907523751259, + 0.3872506320476532, + 0.09776286780834198, + 0.004446737468242645, + -0.19331462681293488, + 2.339949131011963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/99.png", + [ + 0.19049084186553955, + -0.06577825546264648, + 0.07958867400884628, + -0.9644894599914551, + -0.0532790906727314, + -0.20568272471427917, + -0.042471788823604584, + 0.5260343551635742, + 0.0884447693824768, + 0.017768917605280876, + -0.19700174033641815, + 2.467884063720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/34.png", + [ + 0.18711017072200775, + -0.06543637812137604, + 0.08749721944332123, + -1.0316592454910278, + -0.05727067217230797, + -0.2065088450908661, + -0.03196977078914642, + 0.378221333026886, + 0.09304704517126083, + 0.004480654839426279, + -0.195627361536026, + 2.3875513076782227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/72.png", + [ + 0.188755601644516, + -0.06594398617744446, + 0.08349011838436127, + -0.9722580313682556, + -0.05144888535141945, + -0.20540694892406464, + -0.04592265188694, + 0.5501844882965088, + 0.09312476217746735, + 0.02018088474869728, + -0.19459804892539978, + 2.351445198059082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/102.png", + [ + 0.19232700765132904, + -0.06731150299310684, + 0.07367075234651566, + -0.8887076377868652, + -0.05556442588567734, + -0.20510411262512207, + -0.0423414409160614, + 0.5183696746826172, + 0.08289036899805069, + 0.0186912938952446, + -0.19931812584400177, + 2.486680507659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/134.png", + [ + 0.19241924583911896, + -0.07125876098871231, + 0.06960546225309372, + -0.8222705125808716, + -0.0580546073615551, + -0.2032543420791626, + -0.047594424337148666, + 0.5621666312217712, + 0.08094687014818192, + 0.023616818711161613, + -0.19959396123886108, + 2.404898166656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/70.png", + [ + 0.18939922749996185, + -0.06555508822202682, + 0.08233074843883514, + -0.9566609859466553, + -0.05158400535583496, + -0.205573171377182, + -0.04501839727163315, + 0.5383461117744446, + 0.09173284471035004, + 0.019750814884901047, + -0.19530203938484192, + 2.3560428619384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/135.png", + [ + 0.19295912981033325, + -0.07135862857103348, + 0.06798982620239258, + -0.804126501083374, + -0.05856435000896454, + -0.20322632789611816, + -0.04708682373166084, + 0.5567000508308411, + 0.07927727699279785, + 0.02355629950761795, + -0.20027008652687073, + 2.4166207313537598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/130.png", + [ + 0.19215714931488037, + -0.07348281890153885, + 0.06799851357936859, + -0.8029166460037231, + -0.06057882681488991, + -0.20250403881072998, + -0.04764682054519653, + 0.561934232711792, + 0.07971028238534927, + 0.0232441034168005, + -0.20013464987277985, + 2.407935619354248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/90.png", + [ + 0.19070425629615784, + -0.06601493060588837, + 0.0788785070180893, + -0.9430102705955505, + -0.05370805412530899, + -0.2056194692850113, + -0.042237136512994766, + 0.5133193731307983, + 0.08772248774766922, + 0.01762268878519535, + -0.19733752310276031, + 2.4420104026794434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/122.png", + [ + 0.19035792350769043, + -0.0716976746916771, + 0.07464048266410828, + -0.8833456039428711, + -0.05755114555358887, + -0.20320318639278412, + -0.04841715097427368, + 0.5796069502830505, + 0.0860210508108139, + 0.02271120436489582, + -0.19756637513637543, + 2.413353443145752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/15.png", + [ + 0.18235178291797638, + -0.06643625348806381, + 0.09634289145469666, + -1.1120890378952026, + -0.060509782284498215, + -0.20620621740818024, + -0.027666844427585602, + 0.3173295855522156, + 0.10017131268978119, + -0.0036210466641932726, + -0.19209499657154083, + 2.295950412750244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/22.png", + [ + 0.18498334288597107, + -0.06269881129264832, + 0.09379719197750092, + -1.0986913442611694, + -0.05621519684791565, + -0.20740388333797455, + -0.027773749083280563, + 0.3221189081668854, + 0.09782078117132187, + -0.0006237314664758742, + -0.19333547353744507, + 2.3468799591064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/138.png", + [ + 0.1918240487575531, + -0.07236124575138092, + 0.07010902464389801, + -0.8300625085830688, + -0.05871661752462387, + -0.20280885696411133, + -0.048670511692762375, + 0.5752684473991394, + 0.08187663555145264, + 0.024089623242616653, + -0.19915771484375, + 2.408783435821533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/109.png", + [ + 0.1909799873828888, + -0.07017891108989716, + 0.07449469715356827, + -0.8990814685821533, + -0.057784371078014374, + -0.2041083723306656, + -0.04414333403110504, + 0.5379574298858643, + 0.0844719186425209, + 0.019041744992136955, + -0.19861973822116852, + 2.4584765434265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/26.png", + [ + 0.18708740174770355, + -0.06471382826566696, + 0.08808134496212006, + -1.0247886180877686, + -0.055538829416036606, + -0.2066771388053894, + -0.03388063237071037, + 0.3973163068294525, + 0.09413629025220871, + 0.006676849443465471, + -0.19504274427890778, + 2.356417655944824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/43.png", + [ + 0.18897585570812225, + -0.06524866819381714, + 0.08353821188211441, + -0.9792120456695557, + -0.055280838161706924, + -0.2063649594783783, + -0.03613072633743286, + 0.42334040999412537, + 0.09044362604618073, + 0.010198579169809818, + -0.19663123786449432, + 2.3827037811279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/84.png", + [ + 0.19004294276237488, + -0.06744398921728134, + 0.07926464080810547, + -0.9362176060676575, + -0.0538884773850441, + -0.20494547486305237, + -0.04518049582839012, + 0.5508323311805725, + 0.08903711289167404, + 0.019913649186491966, + -0.19652922451496124, + 2.4047513008117676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/136.png", + [ + 0.19261254370212555, + -0.07151980698108673, + 0.06879840791225433, + -0.8144480586051941, + -0.0586603507399559, + -0.20321355760097504, + -0.0470225065946579, + 0.5558664202690125, + 0.08004540950059891, + 0.023174773901700974, + -0.20000891387462616, + 2.418083667755127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/89.png", + [ + 0.1907038688659668, + -0.06558912992477417, + 0.0792337954044342, + -0.9443622827529907, + -0.05275915935635567, + -0.20565348863601685, + -0.0432550385594368, + 0.5270371437072754, + 0.08829722553491592, + 0.01877743937075138, + -0.19697436690330505, + 2.432623863220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/63.png", + [ + 0.1892748326063156, + -0.06679856032133102, + 0.08161421865224838, + -0.9335148930549622, + -0.052977416664361954, + -0.2052028477191925, + -0.04508969932794571, + 0.5243296027183533, + 0.09119387716054916, + 0.01943298615515232, + -0.19558611512184143, + 2.32735013961792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/88.png", + [ + 0.19039413332939148, + -0.06540151685476303, + 0.08012867718935013, + -0.9543697834014893, + -0.052285805344581604, + -0.20569102466106415, + -0.043649718165397644, + 0.5328884124755859, + 0.08924213796854019, + 0.01901957020163536, + -0.19652478396892548, + 2.4227852821350098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/62.png", + [ + 0.19104406237602234, + -0.06729497760534286, + 0.07695094496011734, + -0.8800065517425537, + -0.054421257227659225, + -0.20502175390720367, + -0.04418495297431946, + 0.5125437378883362, + 0.08653547614812851, + 0.019630838185548782, + -0.1976718008518219, + 2.3497390747070312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/65.png", + [ + 0.18849340081214905, + -0.06833508610725403, + 0.08214893192052841, + -0.9425144791603088, + -0.05432320386171341, + -0.20472577214241028, + -0.045653533190488815, + 0.532428503036499, + 0.09201696515083313, + 0.01911989599466324, + -0.19523115456104279, + 2.3302769660949707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/80.png", + [ + 0.19188182055950165, + -0.06564617156982422, + 0.0762879028916359, + -0.8945026993751526, + -0.05239946395158768, + -0.2053845077753067, + -0.04493769630789757, + 0.543621838092804, + 0.08592764288187027, + 0.021346669644117355, + -0.19775907695293427, + 2.3979010581970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/119.png", + [ + 0.1913188397884369, + -0.06939981132745743, + 0.07435499131679535, + -0.8845356702804565, + -0.056356970220804214, + -0.20419266819953918, + -0.04557573422789574, + 0.5460811853408813, + 0.08466930687427521, + 0.02090265415608883, + -0.19834838807582855, + 2.426891326904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/79.png", + [ + 0.19077156484127045, + -0.0646856501698494, + 0.07981151342391968, + -0.9375775456428528, + -0.05092768371105194, + -0.20573751628398895, + -0.04501495882868767, + 0.5442114472389221, + 0.0892215445637703, + 0.020874420180916786, + -0.19634580612182617, + 2.381989002227783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/116.png", + [ + 0.19126199185848236, + -0.07003162056207657, + 0.07390742748975754, + -0.8826605081558228, + -0.056910641491413116, + -0.2039490044116974, + -0.0459769070148468, + 0.5475350022315979, + 0.08442696928977966, + 0.021172376349568367, + -0.19842304289340973, + 2.431079864501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/19.png", + [ + 0.18531747162342072, + -0.06422071158885956, + 0.09209246188402176, + -1.072219729423523, + -0.05832143500447273, + -0.20693127810955048, + -0.026943495497107506, + 0.31115996837615967, + 0.09593711793422699, + -0.0017439204966649413, + -0.19427023828029633, + 2.3458900451660156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/77.png", + [ + 0.1904330849647522, + -0.06618741899728775, + 0.07938741147518158, + -0.9294397830963135, + -0.05235208943486214, + -0.2052614837884903, + -0.04555078595876694, + 0.5493563413619995, + 0.08912011235952377, + 0.0208528321236372, + -0.1963941603899002, + 2.377666473388672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/68.png", + [ + 0.18744035065174103, + -0.0681547224521637, + 0.08466961234807968, + -0.9808269143104553, + -0.05367637425661087, + -0.20481105148792267, + -0.04603448882699013, + 0.5453081130981445, + 0.09451378136873245, + 0.018848365172743797, + -0.194061279296875, + 2.337125778198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/86.png", + [ + 0.19108858704566956, + -0.06749599426984787, + 0.0766637995839119, + -0.9047041535377502, + -0.054136600345373154, + -0.2048318237066269, + -0.045398734509944916, + 0.5539248585700989, + 0.0866156816482544, + 0.020883210003376007, + -0.19750824570655823, + 2.418457508087158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/1.png", + [ + 0.19462767243385315, + -0.07061588019132614, + 0.06388553977012634, + -0.7027212381362915, + -0.04910263046622276, + -0.19897009432315826, + -0.0703401193022728, + 0.795911967754364, + 0.08158981055021286, + 0.048705220222473145, + -0.19472749531269073, + 2.242579460144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/81.png", + [ + 0.18964830040931702, + -0.06791198253631592, + 0.07980839908123016, + -0.938460111618042, + -0.05469084158539772, + -0.20490378141403198, + -0.04439878091216087, + 0.53852379322052, + 0.0893886387348175, + 0.018716376274824142, + -0.19648730754852295, + 2.3941526412963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/95.png", + [ + 0.19124850630760193, + -0.06705118715763092, + 0.07665538787841797, + -0.9217190742492676, + -0.053107500076293945, + -0.20481829345226288, + -0.04665789753198624, + 0.575802206993103, + 0.08689938485622406, + 0.022394297644495964, + -0.19721786677837372, + 2.452230930328369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/103.png", + [ + 0.1923522651195526, + -0.0681009292602539, + 0.0728750228881836, + -0.8793578743934631, + -0.056664906442165375, + -0.20489272475242615, + -0.041904110461473465, + 0.5111337304115295, + 0.0820828452706337, + 0.01814192160964012, + -0.19970270991325378, + 2.4898853302001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/83.png", + [ + 0.18921872973442078, + -0.0676765963435173, + 0.08101873844861984, + -0.9577766060829163, + -0.054079968482255936, + -0.20495650172233582, + -0.04490089789032936, + 0.5479015707969666, + 0.09066154062747955, + 0.018989769741892815, + -0.19587691128253937, + 2.3958096504211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/51.png", + [ + 0.18886405229568481, + -0.0664384737610817, + 0.08285041153430939, + -0.9617321491241455, + -0.05651819705963135, + -0.2059912085533142, + -0.03634847700595856, + 0.4227599799633026, + 0.08991082012653351, + 0.010072079487144947, + -0.19688192009925842, + 2.3587117195129395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/128.png", + [ + 0.19116714596748352, + -0.0707554742693901, + 0.07346205413341522, + -0.8732443451881409, + -0.05749579519033432, + -0.20365792512893677, + -0.046535685658454895, + 0.5515528321266174, + 0.08424514532089233, + 0.021563835442066193, + -0.19845819473266602, + 2.4069933891296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/93.png", + [ + 0.18936331570148468, + -0.06509657949209213, + 0.08277598768472672, + -0.9998295307159424, + -0.05215303227305412, + -0.20593568682670593, + -0.04264325276017189, + 0.5248056650161743, + 0.0914849042892456, + 0.017344200983643532, + -0.19564656913280487, + 2.442310333251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/76.png", + [ + 0.18779383599758148, + -0.004075874108821154, + -0.10800349712371826, + 1.0742820501327515, + -0.015428699553012848, + -0.21531398594379425, + -0.018701450899243355, + 0.13464930653572083, + -0.10697347670793533, + 0.023899298161268234, + -0.18690477311611176, + 1.779586672782898, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/137.png", + [ + 0.1913280189037323, + 0.017658712342381477, + -0.10014816373586655, + 1.146978735923767, + 0.014733985997736454, + -0.21594499051570892, + -0.009928147308528423, + 0.10472050309181213, + -0.10062005370855331, + 0.0019566251430660486, + -0.19188453257083893, + 2.262641429901123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/35.png", + [ + 0.19596824049949646, + -0.014022779650986195, + -0.09136579185724258, + 0.9371987581253052, + -0.012454181909561157, + -0.21621954441070557, + 0.006472608540207148, + -0.12368519604206085, + -0.09159279614686966, + -0.0006024683243595064, + -0.1963626593351364, + 1.8601616621017456, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/124.png", + [ + 0.19067268073558807, + 0.014411959797143936, + -0.10190246254205704, + 1.169771671295166, + 0.011434356682002544, + -0.21617794036865234, + -0.00917867012321949, + 0.0938263088464737, + -0.10227938741445541, + 0.0026995916850864887, + -0.1909961700439453, + 2.252030372619629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/97.png", + [ + 0.18716397881507874, + 0.0034575152676552534, + -0.10911272466182709, + 1.1310044527053833, + -0.002952511655166745, + -0.21632638573646545, + -0.011919375509023666, + 0.10124397277832031, + -0.10912757366895676, + 0.011782802641391754, + -0.1868160516023636, + 1.9136358499526978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/155.png", + [ + 0.1940838098526001, + 0.035325221717357635, + -0.08961860835552216, + 1.0042732954025269, + 0.03013482876121998, + -0.2137274444103241, + -0.018983641639351845, + 0.20169858634471893, + -0.09149458259344101, + 0.004540341906249523, + -0.1963568776845932, + 2.2610044479370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/13.png", + [ + 0.1912401020526886, + 0.002480258233845234, + -0.10182809829711914, + 1.0431410074234009, + -0.00021361677499953657, + -0.21660014986991882, + -0.005676983390003443, + 0.037893157452344894, + -0.10185807198286057, + 0.005110977683216333, + -0.19117192924022675, + 1.930479645729065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/32.png", + [ + 0.19084230065345764, + -0.011895435862243176, + -0.10190985351800919, + 1.1169147491455078, + -0.016068650409579277, + -0.21602298319339752, + -0.004875783808529377, + 0.029297679662704468, + -0.10133567452430725, + 0.011852147057652473, + -0.1911504715681076, + 2.0958685874938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/148.png", + [ + 0.19774913787841797, + 0.02563554234802723, + -0.08477021008729935, + 0.9631657600402832, + 0.02000461518764496, + -0.2149680107831955, + -0.018342841416597366, + 0.2028510719537735, + -0.08627273142337799, + 0.00891422014683485, + -0.19855841994285583, + 2.3066892623901367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/111.png", + [ + 0.18536506593227386, + 0.011794108897447586, + -0.1115732192993164, + 1.2682468891143799, + 0.008233151398599148, + -0.2163231074810028, + -0.009188581258058548, + 0.09834659099578857, + -0.11189236491918564, + 0.003621296025812626, + -0.1855124831199646, + 2.1697754859924316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/11.png", + [ + 0.1956578493118286, + 0.003555801697075367, + -0.093022920191288, + 0.9535356760025024, + -0.0010216444497928023, + -0.2164214551448822, + -0.010421565733850002, + 0.07025671005249023, + -0.09308525919914246, + 0.00984931830316782, + -0.19541244208812714, + 1.8896232843399048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/125.png", + [ + 0.19095154106616974, + 0.016668030992150307, + -0.1010325700044632, + 1.1617680788040161, + 0.013927836902439594, + -0.21602575480937958, + -0.009315635077655315, + 0.09550866484642029, + -0.10144662857055664, + 0.001715335063636303, + -0.19145111739635468, + 2.2549819946289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/105.png", + [ + 0.18598823249340057, + 0.008777464739978313, + -0.11081165075302124, + 1.2291803359985352, + 0.00509124668315053, + -0.21644404530525208, + -0.008599435910582542, + 0.08822967112064362, + -0.1110420972108841, + 0.004777783993631601, + -0.18599654734134674, + 2.1222610473632812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/121.png", + [ + 0.1883527934551239, + 0.015270862728357315, + -0.10600904375314713, + 1.2141482830047607, + 0.01439979299902916, + -0.21612440049648285, + -0.0055482517927885056, + 0.05116583779454231, + -0.10613087564706802, + -0.002222131472080946, + -0.18888935446739197, + 2.2305479049682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/24.png", + [ + 0.18631264567375183, + -0.003464811947196722, + -0.11055989563465118, + 1.229007363319397, + -0.006302385590970516, + -0.21654900908470154, + -0.003834234084933996, + 0.03253462538123131, + -0.11043449491262436, + 0.006512794643640518, + -0.18630540370941162, + 2.128030776977539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/74.png", + [ + 0.18137957155704498, + -0.003915500361472368, + -0.11846522986888885, + 1.1899651288986206, + -0.017941253259778023, + -0.21496811509132385, + -0.020364360883831978, + 0.1798599660396576, + -0.11716421693563461, + 0.026856370270252228, + -0.18027526140213013, + 1.8093502521514893, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/129.png", + [ + 0.19106966257095337, + 0.013826061971485615, + -0.10123792290687561, + 1.156994104385376, + 0.011937318369746208, + -0.21623224020004272, + -0.007001135963946581, + 0.0683605819940567, + -0.1014779657125473, + 0.000596263853367418, + -0.19144128262996674, + 2.238006114959717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/153.png", + [ + 0.19552943110466003, + 0.0342952162027359, + -0.08683299273252487, + 0.973032534122467, + 0.02906198613345623, + -0.21387194097042084, + -0.019028592854738235, + 0.2042260318994522, + -0.08872165530920029, + 0.005524924956262112, + -0.19760018587112427, + 2.271115779876709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/144.png", + [ + 0.19377167522907257, + 0.022178838029503822, + -0.09438499063253403, + 1.08633291721344, + 0.02029411494731903, + -0.2155349999666214, + -0.008983330801129341, + 0.09223167598247528, + -0.09480810910463333, + -0.0008064847788773477, + -0.19482985138893127, + 2.29331636428833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/98.png", + [ + 0.1861666887998581, + 0.004419165197759867, + -0.11077147722244263, + 1.1574597358703613, + -0.0014956688974052668, + -0.21638257801532745, + -0.011146134696900845, + 0.09788325428962708, + -0.11084951460361481, + 0.010341390036046505, + -0.1858852654695511, + 1.9327555894851685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/0.png", + [ + 0.18851663172245026, + -0.0001036593021126464, + -0.10681463032960892, + 1.1961934566497803, + -0.0021465944591909647, + -0.21663446724414825, + -0.00357828033156693, + 0.032567765563726425, + -0.106793113052845, + 0.004171477165073156, + -0.18848268687725067, + 2.1651053428649902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/96.png", + [ + 0.18761420249938965, + 0.0006231102743186057, + -0.10839010775089264, + 1.1120127439498901, + -0.007264465093612671, + -0.21611160039901733, + -0.013816558755934238, + 0.11661119759082794, + -0.10814819484949112, + 0.015597484074532986, + -0.18710580468177795, + 1.892539381980896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/100.png", + [ + 0.18646185100078583, + 0.004441037308424711, + -0.1102730929851532, + 1.171533226966858, + 0.00039569963701069355, + -0.2165246307849884, + -0.00805102288722992, + 0.07454738020896912, + -0.11036176979541779, + 0.006727015133947134, + -0.18634086847305298, + 2.002016067504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/141.png", + [ + 0.19110429286956787, + 0.017651958391070366, + -0.10057560354471207, + 1.163306713104248, + 0.018413860350847244, + -0.21587130427360535, + -0.0028991529252380133, + 0.020707834511995316, + -0.1004389077425003, + -0.005990293342620134, + -0.19189590215682983, + 2.2806997299194336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/3.png", + [ + 0.18690864741802216, + 0.0032074591144919395, + -0.1095571219921112, + 1.228293538093567, + 0.0020279514137655497, + -0.21664594113826752, + -0.0028828922659158707, + 0.020675912499427795, + -0.10958531498908997, + 0.001461458276025951, + -0.18691393733024597, + 2.133390426635742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/104.png", + [ + 0.18667054176330566, + 0.00771201541647315, + -0.10973846167325974, + 1.2106045484542847, + 0.0032430647406727076, + -0.21643339097499847, + -0.009693530388176441, + 0.10033784806728363, + -0.10996128618717194, + 0.006708713248372078, + -0.18657812476158142, + 2.111762046813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/21.png", + [ + 0.18338583409786224, + -0.002711050445213914, + -0.11536972224712372, + 1.270685076713562, + -0.004951165057718754, + -0.2166002094745636, + -0.0027802742552012205, + 0.022486601024866104, + -0.11529531329870224, + 0.00498940609395504, + -0.18338479101657867, + 2.0775513648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/106.png", + [ + 0.18611714243888855, + 0.009850122034549713, + -0.1105046421289444, + 1.232229471206665, + 0.005516489967703819, + -0.21637362241744995, + -0.009995901957154274, + 0.10540330410003662, + -0.11080554127693176, + 0.005772762466222048, + -0.18610937893390656, + 2.135465621948242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/14.png", + [ + 0.18839961290359497, + 0.0008904123096726835, + -0.10701724141836166, + 1.1051806211471558, + -0.0006651945295743644, + -0.21665321290493011, + -0.002973661059513688, + 0.016649160534143448, + -0.10701888054609299, + 0.0029141572304069996, + -0.188378244638443, + 1.9534190893173218, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/78.png", + [ + 0.19496095180511475, + -0.0008809481514617801, + -0.09453755617141724, + 0.8741225004196167, + -0.009024783968925476, + -0.21584920585155487, + -0.016600051894783974, + 0.06777198612689972, + -0.0941099300980568, + 0.018874119967222214, + -0.19425494968891144, + 1.5988414287567139, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/31.png", + [ + 0.18497751653194427, + -0.010573945939540863, + -0.11233612895011902, + 1.2520232200622559, + -0.013829759322106838, + -0.21621929109096527, + -0.002420447999611497, + 0.011158209294080734, + -0.11198192834854126, + 0.009236476384103298, + -0.18526369333267212, + 2.092593193054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/152.png", + [ + 0.19553972780704498, + 0.03336790204048157, + -0.08717048168182373, + 0.9789401888847351, + 0.02792876400053501, + -0.21400146186351776, + -0.019267968833446503, + 0.2079254388809204, + -0.08906231075525284, + 0.0061524962075054646, + -0.19742834568023682, + 2.270641803741455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/92.png", + [ + 0.18006345629692078, + -3.3737855119397864e-05, + -0.12051991373300552, + 1.1410799026489258, + -0.012321492657065392, + -0.2155444324016571, + -0.018348654732108116, + 0.14184433221817017, + -0.11988841742277145, + 0.022101838141679764, + -0.17912612855434418, + 1.676411747932434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/75.png", + [ + 0.18267615139484406, + -0.0035248002968728542, + -0.11646843701601028, + 1.1662933826446533, + -0.017234839498996735, + -0.2150106281042099, + -0.020525086671113968, + 0.17088532447814941, + -0.11524010449647903, + 0.02656867727637291, + -0.18155363202095032, + 1.7849310636520386, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/151.png", + [ + 0.19646693766117096, + 0.030721144750714302, + -0.08605144172906876, + 0.9666423201560974, + 0.024656763300299644, + -0.21431560814380646, + -0.02021794021129608, + 0.22090721130371094, + -0.08798115700483322, + 0.008540025912225246, + -0.19782385230064392, + 2.2751517295837402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/139.png", + [ + 0.19076083600521088, + 0.019394569098949432, + -0.1009061262011528, + 1.162422776222229, + 0.018936123698949814, + -0.21577101945877075, + -0.005673740524798632, + 0.05334853008389473, + -0.10099317133426666, + -0.003823444712907076, + -0.19166025519371033, + 2.272984027862549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/107.png", + [ + 0.18651644885540009, + 0.009642452001571655, + -0.10984774678945541, + 1.2303255796432495, + 0.00506409490481019, + -0.21636593341827393, + -0.010394035838544369, + 0.10883846879005432, + -0.11015380918979645, + 0.006379976868629456, + -0.18647609651088715, + 2.1494040489196777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/112.png", + [ + 0.1877443939447403, + 0.011423296295106411, + -0.10756134241819382, + 1.2235358953475952, + 0.008190668188035488, + -0.21634571254253387, + -0.008679971098899841, + 0.09571586549282074, + -0.10785567760467529, + 0.0034550277050584555, + -0.18789121508598328, + 2.202221393585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/101.png", + [ + 0.18560832738876343, + 0.005996718071401119, + -0.11163101345300674, + 1.1998674869537354, + 0.0020688159856945276, + -0.2165098637342453, + -0.008190905675292015, + 0.07934682071208954, + -0.11177282780408859, + 0.005950656719505787, + -0.18552443385124207, + 2.030470371246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/156.png", + [ + 0.1941261738538742, + 0.036861617118120193, + -0.08890524506568909, + 0.9938880205154419, + 0.032745007425546646, + -0.21350833773612976, + -0.01702486351132393, + 0.17611420154571533, + -0.09050240367650986, + 0.0018173258285969496, + -0.19686011970043182, + 2.2660574913024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/131.png", + [ + 0.19126753509044647, + 0.014833344146609306, + -0.1007203683257103, + 1.149662971496582, + 0.012462900020182133, + -0.21616166830062866, + -0.008167685009539127, + 0.08259716629981995, + -0.10104106366634369, + 0.0014166185865178704, + -0.19166791439056396, + 2.2387490272521973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/71.png", + [ + 0.17930492758750916, + -0.001464924425818026, + -0.12163669615983963, + 1.1694637537002563, + -0.018314799293875694, + -0.2145143300294876, + -0.024414395913481712, + 0.20771034061908722, + -0.1202588900923729, + 0.03048521839082241, + -0.17764103412628174, + 1.7030943632125854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/115.png", + [ + 0.18954230844974518, + 0.012932115234434605, + -0.10418432950973511, + 1.190292477607727, + 0.012850606814026833, + -0.216265469789505, + -0.0034653618931770325, + 0.029091574251651764, + -0.10419441014528275, + -0.003147573210299015, + -0.1899513602256775, + 2.235464572906494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/33.png", + [ + 0.195266991853714, + -0.012397067621350288, + -0.09308602660894394, + 1.0096415281295776, + -0.014321212656795979, + -0.21619723737239838, + -0.001248829415999353, + -0.02413950487971306, + -0.09280947595834732, + 0.007278010249137878, + -0.19565613567829132, + 2.069309711456299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/118.png", + [ + 0.18788889050483704, + 0.013964660465717316, + -0.107007697224617, + 1.2271080017089844, + 0.014725892804563046, + -0.2161608338356018, + -0.0023529278114438057, + 0.014699075371026993, + -0.10690559446811676, + -0.005232243798673153, + -0.18839244544506073, + 2.2269935607910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/110.png", + [ + 0.18901899456977844, + 0.012124624103307724, + -0.10522691160440445, + 1.1895066499710083, + 0.00828314758837223, + -0.21628324687480927, + -0.010041926056146622, + 0.10672563314437866, + -0.10559876263141632, + 0.004737542942166328, + -0.18914107978343964, + 2.2000770568847656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/18.png", + [ + 0.18432575464248657, + -0.0038648017216473818, + -0.11382871121168137, + 1.2298165559768677, + -0.005113556049764156, + -0.216612309217453, + -0.000925921369343996, + 0.0016937851905822754, + -0.11377944052219391, + 0.0034740602131932974, + -0.1843639314174652, + 2.0473122596740723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/16.png", + [ + 0.18359988927841187, + -0.0013083775993436575, + -0.11505330353975296, + 1.2201026678085327, + -0.0025936970487236977, + -0.21665261685848236, + -0.0016752146184444427, + 0.008990898728370667, + -0.11503151059150696, + 0.002796740736812353, + -0.1835968941450119, + 1.9903067350387573, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/94.png", + [ + 0.18278919160366058, + 0.0006904146866872907, + -0.11634228378534317, + 1.153812050819397, + -0.00915683712810278, + -0.215913325548172, + -0.015667909756302834, + 0.12995269894599915, + -0.11598342657089233, + 0.01813434436917305, + -0.182117760181427, + 1.7911633253097534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/28.png", + [ + 0.18367569148540497, + -0.005392857361584902, + -0.11481311172246933, + 1.2790168523788452, + -0.009168335236608982, + -0.21643377840518951, + -0.004501262214034796, + 0.042566340416669846, + -0.11457343399524689, + 0.008673916570842266, + -0.18369971215724945, + 2.102247714996338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/132.png", + [ + 0.19148750603199005, + 0.016968021169304848, + -0.09996254742145538, + 1.1403169631958008, + 0.014407346956431866, + -0.21600490808486938, + -0.00906688068062067, + 0.09264808893203735, + -0.10036361217498779, + 0.0013661014381796122, + -0.1920238882303238, + 2.241708278656006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/123.png", + [ + 0.18873031437397003, + 0.01378425769507885, + -0.10554032027721405, + 1.2118401527404785, + 0.013214445672929287, + -0.21622218191623688, + -0.004609574563801289, + 0.04154451563954353, + -0.10561317950487137, + -0.0024215595331043005, + -0.18917687237262726, + 2.2364001274108887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/10.png", + [ + 0.1969022899866104, + 0.002360147889703512, + -0.09039807319641113, + 0.940296471118927, + -0.001556367613375187, + -0.2164802998304367, + -0.0090419827029109, + 0.05195373669266701, + -0.09041547775268555, + 0.008866196498274803, + -0.19670872390270233, + 1.9058843851089478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/91.png", + [ + 0.18108585476875305, + -0.00200197147205472, + -0.11896131187677383, + 1.0922473669052124, + -0.014118991792201996, + -0.21547472476959229, + -0.0178661048412323, + 0.12381689250469208, + -0.11813745647668839, + 0.022683383896946907, + -0.18021348118782043, + 1.615071415901184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/140.png", + [ + 0.19126072525978088, + 0.01938667707145214, + -0.09995689988136292, + 1.153476595878601, + 0.019635703414678574, + -0.21574079990386963, + -0.004271423909813166, + 0.03656657412648201, + -0.09990827739238739, + -0.0052879671566188335, + -0.19219331443309784, + 2.281437397003174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/23.png", + [ + 0.18522922694683075, + -0.003461384680122137, + -0.11236567795276642, + 1.2460068464279175, + -0.006106262560933828, + -0.21656197309494019, + -0.0033947560004889965, + 0.029089156538248062, + -0.11225302517414093, + 0.006068741902709007, + -0.18523044884204865, + 2.1090965270996094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/36.png", + [ + 0.19295884668827057, + -0.007071373052895069, + -0.09830958396196365, + 0.956183671951294, + -0.005949229467660189, + -0.2165578305721283, + 0.0038999721873551607, + -0.1124986857175827, + -0.09838386625051498, + -0.0007738223648630083, + -0.19304898381233215, + 1.6856613159179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/8.png", + [ + 0.19714321196079254, + 0.0017854147590696812, + -0.0898846983909607, + 0.9650736451148987, + -0.0014122248394414783, + -0.21654365956783295, + -0.007398711051791906, + 0.04092004522681236, + -0.08989132940769196, + 0.0073176221922039986, + -0.19701242446899414, + 1.9946950674057007, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/6.png", + [ + 0.18979375064373016, + -0.00029225496109575033, + -0.10452817380428314, + 1.1487281322479248, + -0.004178306553512812, + -0.21652182936668396, + -0.006981245707720518, + 0.04790150746703148, + -0.10444504767656326, + 0.008130844682455063, + -0.1896655410528183, + 2.050327777862549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/154.png", + [ + 0.19467449188232422, + 0.03564288094639778, + -0.08820042014122009, + 0.9870761632919312, + 0.030537448823451996, + -0.21367359161376953, + -0.018946396186947823, + 0.2014472782611847, + -0.09009546786546707, + 0.004591978155076504, + -0.19700156152248383, + 2.2632761001586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/20.png", + [ + 0.18633107841014862, + -0.0025719425175338984, + -0.11055322736501694, + 1.2077100276947021, + -0.004834999330341816, + -0.21659834682941437, + -0.0031101051717996597, + 0.025765124708414078, + -0.11047738045454025, + 0.005141506437212229, + -0.18632285296916962, + 2.0908961296081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/2.png", + [ + 0.18792632222175598, + 0.000378963042749092, + -0.10784919559955597, + 1.207922339439392, + -0.0011960213305428624, + -0.21665263175964355, + -0.002845336217433214, + 0.022635728120803833, + -0.10784322768449783, + 0.0030631348490715027, + -0.18790514767169952, + 2.1563496589660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/117.png", + [ + 0.18829505145549774, + 0.012326383963227272, + -0.10649378597736359, + 1.218306064605713, + 0.012917361222207546, + -0.21627812087535858, + -0.002194043016061187, + 0.012720931321382523, + -0.10642372071743011, + -0.0044421046040952206, + -0.1886853277683258, + 2.2265748977661133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/149.png", + [ + 0.1968407779932022, + 0.028137847781181335, + -0.08608055114746094, + 0.9758321642875671, + 0.02199913188815117, + -0.21463854610919952, + -0.019855137914419174, + 0.22093436121940613, + -0.08785009384155273, + 0.009297829121351242, + -0.19784794747829437, + 2.292189121246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/5.png", + [ + 0.1876300871372223, + 0.002687121042981744, + -0.10833105444908142, + 1.2032307386398315, + 5.0878821639344096e-05, + -0.21661017835140228, + -0.005284831393510103, + 0.0373883880674839, + -0.10836436599493027, + 0.004550979007035494, + -0.18757490813732147, + 2.076357364654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/108.png", + [ + 0.1884123682975769, + 0.009496479295194149, + -0.10657621175050735, + 1.1977031230926514, + 0.004856284707784653, + -0.21635612845420837, + -0.010693168267607689, + 0.11288820207118988, + -0.10688821226358414, + 0.006909719668328762, + -0.18834824860095978, + 2.177128791809082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/147.png", + [ + 0.19754929840564728, + 0.02381904236972332, + -0.08576023578643799, + 0.9794446229934692, + 0.018888160586357117, + -0.21523568034172058, + -0.01627054065465927, + 0.17943468689918518, + -0.08697932213544846, + 0.007358411327004433, + -0.19831375777721405, + 2.313239097595215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/30.png", + [ + 0.18696902692317963, + -0.0076926518231630325, + -0.10923048853874207, + 1.2158896923065186, + -0.01088191382586956, + -0.21637468039989471, + -0.0033881175331771374, + 0.027660418301820755, + -0.10895901173353195, + 0.008409429341554642, + -0.18709653615951538, + 2.118786334991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/17.png", + [ + 0.18416348099708557, + -0.0023349516559392214, + -0.11413263529539108, + 1.2226241827011108, + -0.0034696203656494617, + -0.21664373576641083, + -0.00116640399210155, + 0.004269309341907501, + -0.1141037866473198, + 0.0028190012089908123, + -0.1841745674610138, + 2.0253329277038574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/12.png", + [ + 0.1920960694551468, + 0.0025159334763884544, + -0.10020305216312408, + 1.0252368450164795, + -0.0018185338703915477, + -0.2164832353591919, + -0.0089217908680439, + 0.06182229146361351, + -0.10021814703941345, + 0.008750742301344872, + -0.19190530478954315, + 1.8954147100448608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/114.png", + [ + 0.1900143325328827, + 0.01428175624459982, + -0.10314298421144485, + 1.1795421838760376, + 0.01270141452550888, + -0.2162032276391983, + -0.006537633016705513, + 0.06812708079814911, + -0.10334949940443039, + -0.0003129927790723741, + -0.19043812155723572, + 2.2392983436584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/27.png", + [ + 0.18518401682376862, + -0.0043698688969016075, + -0.11240849643945694, + 1.2519375085830688, + -0.006620775442570448, + -0.21655914187431335, + -0.0024884846061468124, + 0.01507052406668663, + -0.1122983917593956, + 0.005561606492847204, + -0.18521887063980103, + 2.119394302368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/7.png", + [ + 0.19483548402786255, + 0.003841323545202613, + -0.09472207725048065, + 1.0318365097045898, + 0.0006968849920667708, + -0.2165488600730896, + -0.007348407991230488, + 0.047243837267160416, + -0.09479737281799316, + 0.006303093396127224, + -0.19473473727703094, + 2.035928726196289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/73.png", + [ + 0.17980965971946716, + -0.003575720125809312, + -0.12084534019231796, + 1.200886607170105, + -0.020378731191158295, + -0.2143772691488266, + -0.023978909477591515, + 0.21865206956863403, + -0.11916833370923996, + 0.03126491606235504, + -0.17823947966098785, + 1.785456657409668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/120.png", + [ + 0.18753205239772797, + 0.01272289827466011, + -0.1077856793999672, + 1.234910488128662, + 0.011351745575666428, + -0.21629983186721802, + -0.005781329236924648, + 0.05319150909781456, + -0.10793870687484741, + -0.0006432263180613518, + -0.1878742128610611, + 2.2209391593933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/127.png", + [ + 0.1899435669183731, + 0.01479948777705431, + -0.10320033133029938, + 1.1826311349868774, + 0.013120634481310844, + -0.21616847813129425, + -0.006850779987871647, + 0.06629407405853271, + -0.10342719405889511, + -0.00024364837736357003, + -0.1903960406780243, + 2.2343292236328125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/133.png", + [ + 0.19321009516716003, + 0.015577859245240688, + -0.09682503342628479, + 1.1022647619247437, + 0.013317792676389217, + -0.21610967814922333, + -0.008194100111722946, + 0.08349981904029846, + -0.0971616879105568, + 0.0013554301112890244, + -0.1936637908220291, + 2.2561583518981934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/113.png", + [ + 0.18910016119480133, + 0.014521857723593712, + -0.10477660596370697, + 1.19405198097229, + 0.012425637803971767, + -0.21618668735027313, + -0.007537388242781162, + 0.08163970708847046, + -0.10504583269357681, + 0.0005695418221876025, + -0.18950709700584412, + 2.2265682220458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/126.png", + [ + 0.1895051747560501, + 0.015193506143987179, + -0.10394635051488876, + 1.1930146217346191, + 0.012809005565941334, + -0.21613866090774536, + -0.008240127936005592, + 0.08370022475719452, + -0.10426703095436096, + 0.0010619492968544364, + -0.1899345964193344, + 2.2331223487854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/29.png", + [ + 0.18329909443855286, + -0.004688241984695196, + -0.1154441311955452, + 1.2879709005355835, + -0.006835185922682285, + -0.21655701100826263, + -0.002058240585029125, + 0.01566965878009796, + -0.11533693969249725, + 0.0053829834796488285, + -0.18334750831127167, + 2.0972900390625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/4.png", + [ + 0.18620182573795319, + 0.001378438901156187, + -0.11079203337430954, + 1.239425778388977, + 0.0007989575387910008, + -0.21666894853115082, + -0.0013529639691114426, + -0.0009496435523033142, + -0.11079775542020798, + 0.0007541555096395314, + -0.1862020194530487, + 2.1047306060791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/9.png", + [ + 0.19727720320224762, + 0.001549147767946124, + -0.08959468454122543, + 0.9501482248306274, + -0.0018300038063898683, + -0.21652740240097046, + -0.007773351389914751, + 0.04047064855694771, + -0.08958937972784042, + 0.007834158837795258, + -0.19713006913661957, + 1.9490300416946411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/25.png", + [ + 0.1870558112859726, + -0.004276104271411896, + -0.10926908254623413, + 1.2154078483581543, + -0.006836541462689638, + -0.21654267609119415, + -0.0032292373944073915, + 0.024963241070508957, + -0.10913880169391632, + 0.006235480308532715, + -0.18707680702209473, + 2.1371259689331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/99.png", + [ + 0.18771646916866302, + 0.004682636354118586, + -0.10811333358287811, + 1.137351155281067, + -5.634161425405182e-05, + -0.21646742522716522, + -0.009473524987697601, + 0.08585572242736816, + -0.10821468383073807, + 0.008235519751906395, + -0.18753573298454285, + 1.978713870048523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/34.png", + [ + 0.19776584208011627, + -0.01197803858667612, + -0.08771023899316788, + 0.9314978718757629, + -0.014829597435891628, + -0.21613097190856934, + -0.003921584226191044, + -0.0142167117446661, + -0.08727337419986725, + 0.00958240032196045, + -0.19808943569660187, + 1.997482419013977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/72.png", + [ + 0.17893217504024506, + -0.0037239957600831985, + -0.12213638424873352, + 1.1959832906723022, + -0.020889412611722946, + -0.21431803703308105, + -0.024068742990493774, + 0.2161681354045868, + -0.12039432674646378, + 0.03165128827095032, + -0.17734511196613312, + 1.7518142461776733, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/102.png", + [ + 0.18550638854503632, + 0.006881226319819689, + -0.11174934357404709, + 1.2140737771987915, + 0.0037368666380643845, + -0.21652504801750183, + -0.007129755336791277, + 0.06978268921375275, + -0.11189862340688705, + 0.004176875576376915, + -0.18549703061580658, + 2.0606689453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/134.png", + [ + 0.19117946922779083, + 0.016140034422278404, + -0.1006866842508316, + 1.1489959955215454, + 0.014130384661257267, + -0.2160724401473999, + -0.007806164212524891, + 0.0788581371307373, + -0.10098833590745926, + 0.0003213885647710413, + -0.19170068204402924, + 2.243643283843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/70.png", + [ + 0.18549758195877075, + -0.0015919780125841498, + -0.11196429282426834, + 1.0596554279327393, + -0.014739307574927807, + -0.2151147723197937, + -0.021360812708735466, + 0.15868623554706573, + -0.11100130528211594, + 0.02590361423790455, + -0.1842704862356186, + 1.6905250549316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/135.png", + [ + 0.19412074983119965, + 0.016465581953525543, + -0.09483624249696732, + 1.0812948942184448, + 0.014198237098753452, + -0.2160438597202301, + -0.008447355590760708, + 0.08603955805301666, + -0.09520209580659866, + 0.001353641739115119, + -0.1946345865726471, + 2.2745628356933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/130.png", + [ + 0.19007930159568787, + 0.014592881314456463, + -0.1029796153306961, + 1.1765519380569458, + 0.013334003277122974, + -0.21618010103702545, + -0.006022283341735601, + 0.05735268071293831, + -0.10315017402172089, + -0.001054203137755394, + -0.1905435025691986, + 2.2282352447509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/90.png", + [ + 0.1859973520040512, + -0.0014415186597034335, + -0.11113417148590088, + 0.9938336610794067, + -0.010493465699255466, + -0.21591638028621674, + -0.01476152054965496, + 0.08135998249053955, + -0.110647052526474, + 0.018053734675049782, + -0.18541626632213593, + 1.5787218809127808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/122.png", + [ + 0.18825846910476685, + 0.014179110527038574, + -0.10632780194282532, + 1.219342589378357, + 0.014103523455560207, + -0.2161807268857956, + -0.003857341129332781, + 0.03089762106537819, + -0.10633786022663116, + -0.003569497726857662, + -0.18875226378440857, + 2.231107711791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/15.png", + [ + 0.18616867065429688, + -0.0010370356030762196, + -0.1108514592051506, + 1.1605627536773682, + -0.003009908366948366, + -0.21663255989551544, + -0.0030283313244581223, + 0.020941801369190216, + -0.11081542819738388, + 0.004141847603023052, + -0.18614692986011505, + 1.9800869226455688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/22.png", + [ + 0.18747210502624512, + -0.0042086937464773655, + -0.10855594277381897, + 1.1963400840759277, + -0.0067690215073525906, + -0.21654382348060608, + -0.0032944870181381702, + 0.02751445397734642, + -0.10842640697956085, + 0.006241810508072376, + -0.18749040365219116, + 2.125051498413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/138.png", + [ + 0.19156678020954132, + 0.017684103921055794, + -0.09968619048595428, + 1.1448681354522705, + 0.01532513927668333, + -0.2159503698348999, + -0.008858808316290379, + 0.09232093393802643, + -0.10007599741220474, + 0.0007815794670023024, + -0.19217722117900848, + 2.2727718353271484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/109.png", + [ + 0.1889326423406601, + 0.010623467154800892, + -0.1055438295006752, + 1.1899383068084717, + 0.006319808308035135, + -0.2163296490907669, + -0.010461559519171715, + 0.11053332686424255, + -0.10588870942592621, + 0.00604368606582284, + -0.18894165754318237, + 2.1924948692321777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/26.png", + [ + 0.18444034457206726, + -0.0038733871188014746, + -0.11364264041185379, + 1.2664272785186768, + -0.0069612436927855015, + -0.2165273278951645, + -0.003917894326150417, + 0.032422397285699844, + -0.1134953573346138, + 0.006986105814576149, + -0.18443940579891205, + 2.1120247840881348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/136.png", + [ + 0.19120310246944427, + 0.016390088945627213, + -0.10060139000415802, + 1.1486520767211914, + 0.0129171721637249, + -0.2160271406173706, + -0.010644991882145405, + 0.11220225691795349, + -0.10110599547624588, + 0.0033961967565119267, + -0.19160881638526917, + 2.250171661376953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/89.png", + [ + 0.1917574405670166, + -0.0025467569939792156, + -0.10084887593984604, + 0.8890182971954346, + -0.009887278079986572, + -0.21603716909885406, + -0.013344372622668743, + 0.04895612969994545, + -0.1003953218460083, + 0.01641171984374523, + -0.19130949676036835, + 1.5443840026855469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/88.png", + [ + 0.18992161750793457, + -0.006139852572232485, + -0.10411518067121506, + 0.9158214330673218, + -0.01183047704398632, + -0.2161710411310196, + -0.00883257482200861, + -0.0024367589503526688, + -0.1036229282617569, + 0.013426718302071095, + -0.1898154467344284, + 1.4838567972183228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/146.png", + [ + 0.19776444137096405, + 0.022491497918963432, + -0.08562272042036057, + 0.9804911017417908, + 0.019276799634099007, + -0.21547719836235046, + -0.012077855877578259, + 0.12944938242435455, + -0.0864032655954361, + 0.003406205680221319, + -0.19867251813411713, + 2.3215770721435547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/119.png", + [ + 0.18765483796596527, + 0.01499229297041893, + -0.10727901011705399, + 1.228887677192688, + 0.015294252894818783, + -0.21610665321350098, + -0.003447961062192917, + 0.025619369000196457, + -0.10723638534545898, + -0.00458625890314579, + -0.18822120130062103, + 2.226902484893799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/145.png", + [ + 0.19547411799430847, + 0.020809544250369072, + -0.09113024920225143, + 1.0472264289855957, + 0.018120817840099335, + -0.2156660109758377, + -0.010378113947808743, + 0.10974285006523132, + -0.09170275926589966, + 0.0017413112800568342, + -0.1963045299053192, + 2.306206226348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/116.png", + [ + 0.1889292597770691, + 0.013960478827357292, + -0.10516053438186646, + 1.20188570022583, + 0.014857818372547626, + -0.21615533530712128, + -0.002002227818593383, + 0.010055020451545715, + -0.10503751039505005, + -0.005465230438858271, + -0.189433753490448, + 2.2324395179748535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/19.png", + [ + 0.18462491035461426, + -0.002677574288100004, + -0.11337709426879883, + 1.2330313920974731, + -0.004373826552182436, + -0.21662119030952454, + -0.0020065598655492067, + 0.013791568577289581, + -0.11332433670759201, + 0.003998403903096914, + -0.18463343381881714, + 2.0632200241088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/77.png", + [ + 0.1933981329202652, + -0.0031480344478040934, + -0.09764808416366577, + 0.9496144652366638, + -0.013260511681437492, + -0.21540386974811554, + -0.0193189587444067, + 0.11634814739227295, + -0.09679470956325531, + 0.023219674825668335, + -0.19245657324790955, + 1.732242465019226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/143.png", + [ + 0.19231341779232025, + 0.02184714749455452, + -0.0973968356847763, + 1.124462366104126, + 0.021900231018662453, + -0.2155047506093979, + -0.005097248125821352, + 0.04616626724600792, + -0.09738490730524063, + -0.005320160649716854, + -0.19348324835300446, + 2.2881741523742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/1.png", + [ + 0.18894538283348083, + 0.0004128224973101169, + -0.10605360567569733, + 1.1867409944534302, + -0.0008991385693661869, + -0.21665897965431213, + -0.0024452712386846542, + 0.019625622779130936, + -0.10605059564113617, + 0.0025724272709339857, + -0.18893001973628998, + 2.168478012084961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/95.png", + [ + 0.1850905567407608, + 0.0011584326857700944, + -0.11264119297266006, + 1.1371675729751587, + -0.007224034518003464, + -0.21609513461589813, + -0.014092819765210152, + 0.11780509352684021, + -0.11241528391838074, + 0.01579405926167965, + -0.18455690145492554, + 1.8426662683486938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/103.png", + [ + 0.18613332509994507, + 0.00817076489329338, + -0.11061427742242813, + 1.2127918004989624, + 0.0045321243815124035, + -0.21646571159362793, + -0.008363398723304272, + 0.08437210321426392, + -0.11082299053668976, + 0.0048708501271903515, + -0.1861247718334198, + 2.089911460876465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/150.png", + [ + 0.19746091961860657, + 0.027572786435484886, + -0.08483409136533737, + 0.9572440385818481, + 0.021640179678797722, + -0.2147151231765747, + -0.019416775554418564, + 0.2148096114397049, + -0.08653776347637177, + 0.009222257882356644, + -0.19842898845672607, + 2.2906198501586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/142.png", + [ + 0.19185884296894073, + 0.018186774104833603, + -0.09903189539909363, + 1.1455258131027222, + 0.018979238346219063, + -0.21582280099391937, + -0.002865601098164916, + 0.021122731268405914, + -0.09888308495283127, + -0.0061371224001049995, + -0.19269759953022003, + 2.2856974601745605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/128.png", + [ + 0.19046299159526825, + 0.014138517901301384, + -0.10233201831579208, + 1.1701661348342896, + 0.012316601350903511, + -0.2162126749753952, + -0.006948655005544424, + 0.06738916039466858, + -0.10256724804639816, + 0.00029112494667060673, + -0.1908605992794037, + 2.2307333946228027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/93.png", + [ + 0.18287420272827148, + -0.0020621176809072495, + -0.11619241535663605, + 1.1276259422302246, + -0.012581855989992619, + -0.21571840345859528, + -0.01597401686012745, + 0.1282828003168106, + -0.11552762240171432, + 0.020229186862707138, + -0.18218685686588287, + 1.7557543516159058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/76.png", + [ + 0.21465447545051575, + 0.012024148367345333, + -0.026958608999848366, + 0.31626731157302856, + 0.010107791982591152, + -0.2158614844083786, + -0.015797089785337448, + 0.18775445222854614, + -0.02773408219218254, + 0.01439219806343317, + -0.21440985798835754, + 2.5682249069213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/48.png", + [ + 0.2155207395553589, + 0.014572950080037117, + -0.016921376809477806, + 0.20369519293308258, + 0.012559032998979092, + -0.21485209465026855, + -0.025074632838368416, + 0.30683818459510803, + -0.018465494737029076, + 0.02396029233932495, + -0.2145526111125946, + 2.5943665504455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/137.png", + [ + 0.21586085855960846, + 0.007345863152295351, + -0.017263244837522507, + 0.20587903261184692, + 0.0054047792218625546, + -0.2152712047100067, + -0.024020535871386528, + 0.27723899483680725, + -0.01796579174697399, + 0.02349970117211342, + -0.21464596688747406, + 2.576749801635742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/173.png", + [ + 0.21555328369140625, + 0.0047515081241726875, + -0.02149658277630806, + 0.25914883613586426, + 0.0027764197438955307, + -0.21574582159519196, + -0.019847415387630463, + 0.2277837097644806, + -0.021839676424860954, + 0.0194692462682724, + -0.2146901935338974, + 2.59287166595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/35.png", + [ + 0.2158205211162567, + 0.01621057465672493, + -0.010325501672923565, + 0.12197083234786987, + 0.01548825390636921, + -0.21561473608016968, + -0.014774709939956665, + 0.18167567253112793, + -0.01138036884367466, + 0.013978386297821999, + -0.21592356264591217, + 2.595961570739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/124.png", + [ + 0.2161410003900528, + 0.002165767829865217, + -0.015042288228869438, + 0.17954173684120178, + 0.00035931236925534904, + -0.21513144671916962, + -0.02581140398979187, + 0.2983516752719879, + -0.015193154104053974, + 0.025722891092300415, + -0.2146052122116089, + 2.579068660736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/97.png", + [ + 0.2159198671579361, + 0.009746324270963669, + -0.015215687453746796, + 0.17930401861667633, + 0.00764827337116003, + -0.2145988494157791, + -0.02892645075917244, + 0.33230823278427124, + -0.016371069476008415, + 0.028288597241044044, + -0.21419532597064972, + 2.5351433753967285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/155.png", + [ + 0.21611739695072174, + 0.00112339376937598, + -0.015488600358366966, + 0.18429523706436157, + -0.0006351828924380243, + -0.21528664231300354, + -0.024477722123265266, + 0.28180766105651855, + -0.015516291372478008, + 0.02446017973124981, + -0.2147296965122223, + 2.5807242393493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/13.png", + [ + 0.21586847305297852, + 0.011151778511703014, + -0.0149776516482234, + 0.17815275490283966, + 0.009486463852226734, + -0.21518799662590027, + -0.02349504828453064, + 0.2911199629306793, + -0.016084128990769386, + 0.022751882672309875, + -0.21487565338611603, + 2.5963029861450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/32.png", + [ + 0.21586191654205322, + 0.015507477335631847, + -0.0105379493907094, + 0.1247871145606041, + 0.01471601240336895, + -0.21559470891952515, + -0.015819348394870758, + 0.19367647171020508, + -0.011617625132203102, + 0.015044299885630608, + -0.21583928167819977, + 2.588752269744873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/158.png", + [ + 0.21611960232257843, + -0.0045471168123185635, + -0.014816693030297756, + 0.17722663283348083, + -0.00652977405115962, + -0.21457220613956451, + -0.029394369572401047, + 0.3403452932834625, + -0.01405605673789978, + 0.029765596613287926, + -0.21415960788726807, + 2.572901725769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/38.png", + [ + 0.21579812467098236, + 0.015123005025088787, + -0.012262041680514812, + 0.14570903778076172, + 0.014176677912473679, + -0.21558785438537598, + -0.016394926235079765, + 0.20061229169368744, + -0.013344839215278625, + 0.015526318922638893, + -0.21570523083209991, + 2.5937156677246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/148.png", + [ + 0.21611551940441132, + 0.0068730199709534645, + -0.013954601250588894, + 0.16424737870693207, + 0.005457798484712839, + -0.2155235856771469, + -0.021626070141792297, + 0.251619815826416, + -0.014566459693014622, + 0.021218769252300262, + -0.21514058113098145, + 2.6037683486938477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/111.png", + [ + 0.21610477566719055, + 0.009623900055885315, + -0.012409581802785397, + 0.1468428671360016, + 0.00781780481338501, + -0.21442440152168274, + -0.030148813501000404, + 0.3486107885837555, + -0.013619804754853249, + 0.029621776193380356, + -0.2142077088356018, + 2.557389736175537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/164.png", + [ + 0.21580341458320618, + -0.006074126809835434, + -0.018436118960380554, + 0.22064568102359772, + -0.008397935889661312, + -0.2147521674633026, + -0.02754760906100273, + 0.3218015432357788, + -0.017500290647149086, + 0.02815139666199684, + -0.21412411332130432, + 2.5832748413085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/11.png", + [ + 0.21578876674175262, + 0.010954158380627632, + -0.01622074656188488, + 0.19221925735473633, + 0.008985918946564198, + -0.21496589481830597, + -0.02562829479575157, + 0.3166208863258362, + -0.017388485372066498, + 0.024850809946656227, + -0.21454130113124847, + 2.583616256713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/125.png", + [ + 0.21610932052135468, + 0.0027734709437936544, + -0.015393704175949097, + 0.18376626074314117, + 0.0009542476036585867, + -0.21518181264400482, + -0.02537262998521328, + 0.29242196679115295, + -0.015612420625984669, + 0.025238636881113052, + -0.21463261544704437, + 2.577890396118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/59.png", + [ + 0.21524177491664886, + 0.01599082164466381, + -0.01905677281320095, + 0.22681014239788055, + 0.013626251369714737, + -0.21465125679969788, + -0.026211779564619064, + 0.3192886710166931, + -0.020813273265957832, + 0.02484000101685524, + -0.21423743665218353, + 2.5882568359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/105.png", + [ + 0.21588094532489777, + 0.011920593678951263, + -0.014185163192451, + 0.16481426358222961, + 0.009694435633718967, + -0.21403047442436218, + -0.03232439607381821, + 0.37039029598236084, + -0.015790419653058052, + 0.03157131373882294, + -0.21377982199192047, + 2.5309829711914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/121.png", + [ + 0.2161324918270111, + 0.0042630089446902275, + -0.014712889678776264, + 0.17700551450252533, + 0.0023642280139029026, + -0.21490463614463806, + -0.027537351474165916, + 0.3194652795791626, + -0.01513449102640152, + 0.027307914569973946, + -0.21441341936588287, + 2.58748197555542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/175.png", + [ + 0.21534228324890137, + 0.008219441398978233, + -0.022539693862199783, + 0.26893919706344604, + 0.006388912443071604, + -0.2158578485250473, + -0.01767672970890999, + 0.2014380246400833, + -0.023125285282731056, + 0.016903424635529518, + -0.21477288007736206, + 2.585625648498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/24.png", + [ + 0.216106116771698, + 0.013094315305352211, + -0.00863600242882967, + 0.10190999507904053, + 0.012203693389892578, + -0.21530234813690186, + -0.021068017929792404, + 0.25977563858032227, + -0.0098545141518116, + 0.02052633836865425, + -0.2154749482870102, + 2.5834150314331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/74.png", + [ + 0.2145157754421234, + 0.01225836668163538, + -0.02793937362730503, + 0.32828736305236816, + 0.009902781806886196, + -0.21564902365207672, + -0.0185831468552351, + 0.22115600109100342, + -0.028858467936515808, + 0.01712106727063656, + -0.21406063437461853, + 2.56058406829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/129.png", + [ + 0.21594977378845215, + 0.005314663518220186, + -0.016892148181796074, + 0.20086567103862762, + 0.0034208688884973526, + -0.21531306207180023, + -0.024010006338357925, + 0.2767042815685272, + -0.017374927178025246, + 0.0236629918217659, + -0.2146766483783722, + 2.574167251586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/172.png", + [ + 0.2157038152217865, + 0.002833352657034993, + -0.020291265100240707, + 0.24479708075523376, + 0.0008702836348675191, + -0.21566613018512726, + -0.020862897858023643, + 0.24040961265563965, + -0.020469635725021362, + 0.020687919110059738, + -0.21471120417118073, + 2.5973448753356934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/153.png", + [ + 0.21602648496627808, + 0.0027640783227980137, + -0.0165169108659029, + 0.1969355344772339, + 0.0011505591683089733, + -0.2156476080417633, + -0.021039996296167374, + 0.24189132452011108, + -0.016707027330994606, + 0.02088935300707817, + -0.21501721441745758, + 2.5913920402526855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/144.png", + [ + 0.2159913331270218, + 0.007693527732044458, + -0.015377113595604897, + 0.18171097338199615, + 0.00635639438405633, + -0.21577487885951996, + -0.01867346651852131, + 0.21414318680763245, + -0.015976304188370705, + 0.018163472414016724, + -0.21532009541988373, + 2.5986266136169434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/98.png", + [ + 0.21600808203220367, + 0.009310214780271053, + -0.014203090220689774, + 0.16810160875320435, + 0.007299040909856558, + -0.2145177572965622, + -0.029610075056552887, + 0.33917632699012756, + -0.015334011986851692, + 0.029040532186627388, + -0.21417145431041718, + 2.5320677757263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/0.png", + [ + 0.21467018127441406, + 0.012861187569797039, + -0.026442265138030052, + 0.3141592741012573, + 0.010017176158726215, + -0.2151811122894287, + -0.02333747036755085, + 0.28645771741867065, + -0.027645248919725418, + 0.021899115294218063, + -0.2137850821018219, + 2.5763721466064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/163.png", + [ + 0.21583865582942963, + -0.005488551687449217, + -0.018205638974905014, + 0.21953238546848297, + -0.007932577282190323, + -0.21452820301055908, + -0.029370443895459175, + 0.34250786900520325, + -0.017281310632824898, + 0.02992364391684532, + -0.21390146017074585, + 2.5769925117492676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/96.png", + [ + 0.21578213572502136, + 0.010079869069159031, + -0.016863331198692322, + 0.19961193203926086, + 0.007890183478593826, + -0.21478720009326935, + -0.027424369007349014, + 0.31613075733184814, + -0.017992237582802773, + 0.026697328314185143, + -0.2142695188522339, + 2.54325532913208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/100.png", + [ + 0.21600733697414398, + 0.011187230236828327, + -0.012789289467036724, + 0.1511736810207367, + 0.009282268583774567, + -0.2142915576696396, + -0.030673395842313766, + 0.35012495517730713, + -0.014232340268790722, + 0.03003104031085968, + -0.21411088109016418, + 2.529489040374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/40.png", + [ + 0.2156330943107605, + 0.016493435949087143, + -0.01335027813911438, + 0.1582454890012741, + 0.015436374582350254, + -0.2154649794101715, + -0.016865910962224007, + 0.20657816529273987, + -0.014559592120349407, + 0.015833737328648567, + -0.2156042903661728, + 2.5889129638671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/141.png", + [ + 0.21594658493995667, + 0.007664645090699196, + -0.01600705087184906, + 0.1896660029888153, + 0.006142475642263889, + -0.21562640368938446, + -0.02038184367120266, + 0.2337755262851715, + -0.016650600358843803, + 0.01985957659780979, + -0.2151191532611847, + 2.5879855155944824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/52.png", + [ + 0.2155032753944397, + 0.0165837612003088, + -0.015205788426101208, + 0.18046852946281433, + 0.01468362845480442, + -0.21461237967014313, + -0.025957869365811348, + 0.3186558783054352, + -0.01704781875014305, + 0.024787070229649544, + -0.21457603573799133, + 2.593212127685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/3.png", + [ + 0.21498331427574158, + 0.012326114811003208, + -0.024044526740908623, + 0.2864367365837097, + 0.0091550899669528, + -0.21463967859745026, + -0.028176121413707733, + 0.34275931119918823, + -0.02542157843708992, + 0.02694023959338665, + -0.21348504722118378, + 2.5717616081237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/47.png", + [ + 0.2156841903924942, + 0.01344059407711029, + -0.015734335407614708, + 0.1889813244342804, + 0.011688991449773312, + -0.21507969498634338, + -0.023494351655244827, + 0.28760531544685364, + -0.017075898125767708, + 0.022538134828209877, + -0.21482163667678833, + 2.5908141136169434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/104.png", + [ + 0.2158137708902359, + 0.013036089017987251, + -0.014225798659026623, + 0.16564244031906128, + 0.010786006227135658, + -0.2139611542224884, + -0.03243737667798996, + 0.3718113899230957, + -0.015999220311641693, + 0.03160034865140915, + -0.21376000344753265, + 2.528106689453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/21.png", + [ + 0.2159985899925232, + 0.012813457287847996, + -0.01132785715162754, + 0.13728994131088257, + 0.011654544621706009, + -0.2153082638978958, + -0.021317148581147194, + 0.2614436447620392, + -0.01251705177128315, + 0.020641328766942024, + -0.21532569825649261, + 2.5872621536254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/82.png", + [ + 0.21546074748039246, + 0.009496827609837055, + -0.020841332152485847, + 0.24714244902133942, + 0.00735126156359911, + -0.21541312336921692, + -0.022159472107887268, + 0.2574335038661957, + -0.02169124037027359, + 0.021328235045075417, + -0.21452854573726654, + 2.567862033843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/106.png", + [ + 0.21582435071468353, + 0.013289907947182655, + -0.013824730180203915, + 0.16055607795715332, + 0.011121189221739769, + -0.21399511396884918, + -0.03209841996431351, + 0.3696063458919525, + -0.015622547827661037, + 0.03126288205385208, + -0.21383747458457947, + 2.5358123779296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/14.png", + [ + 0.21592625975608826, + 0.01207001693546772, + -0.013344033621251583, + 0.15970301628112793, + 0.010567598044872284, + -0.2151273787021637, + -0.023588772863149643, + 0.29135575890541077, + -0.014562775380909443, + 0.022856488823890686, + -0.21497301757335663, + 2.596719264984131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/67.png", + [ + 0.21486029028892517, + 0.012914154678583145, + -0.024823011830449104, + 0.2892652750015259, + 0.01063972245901823, + -0.21548597514629364, + -0.020012283697724342, + 0.24025774002075195, + -0.025879599153995514, + 0.018625782802700996, + -0.21431569755077362, + 2.546743392944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/78.png", + [ + 0.21496731042861938, + 0.01181930024176836, + -0.024438869208097458, + 0.28703418374061584, + 0.009721288457512856, + -0.21564023196697235, + -0.0187798161059618, + 0.22247779369354248, + -0.02534661442041397, + 0.017535366117954254, + -0.21447134017944336, + 2.57315731048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/31.png", + [ + 0.21585087478160858, + 0.01496803667396307, + -0.011500297114253044, + 0.1378251314163208, + 0.01409594900906086, + -0.21561798453330994, + -0.01606522873044014, + 0.19597512483596802, + -0.01255401037633419, + 0.015255991369485855, + -0.21577198803424835, + 2.585582733154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/152.png", + [ + 0.2159901261329651, + 0.00530537823215127, + -0.016371501609683037, + 0.19471114873886108, + 0.003739564213901758, + -0.21566526591777802, + -0.020552579313516617, + 0.23660963773727417, + -0.0167984738945961, + 0.020205093547701836, + -0.21507547795772552, + 2.5951709747314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/39.png", + [ + 0.21580606698989868, + 0.014690404757857323, + -0.01264220755547285, + 0.15003955364227295, + 0.013703623786568642, + -0.21560215950012207, + -0.016607685014605522, + 0.20337189733982086, + -0.013705623336136341, + 0.01574155129492283, + -0.2156670242547989, + 2.592644691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/92.png", + [ + 0.21515247225761414, + 0.009907216764986515, + -0.023646391928195953, + 0.28015923500061035, + 0.0074349986389279366, + -0.2153661847114563, + -0.02258361130952835, + 0.2643173038959503, + -0.02453620731830597, + 0.021613553166389465, + -0.2141931802034378, + 2.5615921020507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/53.png", + [ + 0.2155468910932541, + 0.01617988385260105, + -0.015021157450973988, + 0.17800070345401764, + 0.014361032284796238, + -0.21472308039665222, + -0.025212330743670464, + 0.310127317905426, + -0.01676855981349945, + 0.024085519835352898, + -0.21467788517475128, + 2.5962023735046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/75.png", + [ + 0.21456213295459747, + 0.012178437784314156, + -0.027616512030363083, + 0.32367774844169617, + 0.0100053446367383, + -0.21574264764785767, + -0.017404107376933098, + 0.2069394886493683, + -0.028475938364863396, + 0.015959180891513824, + -0.21420159935951233, + 2.565974712371826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/151.png", + [ + 0.21605822443962097, + 0.005561841651797295, + -0.015355663374066353, + 0.18110834062099457, + 0.004005642142146826, + -0.21554695069789886, + -0.021710943430662155, + 0.24944207072257996, + -0.015833044424653053, + 0.021365303546190262, + -0.21503658592700958, + 2.5956249237060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/87.png", + [ + 0.21543125808238983, + 0.007987040095031261, + -0.02175942063331604, + 0.25626328587532043, + 0.00540952431038022, + -0.21511246263980865, + -0.025401940569281578, + 0.2959299385547638, + -0.02253890410065651, + 0.024712927639484406, + -0.21407747268676758, + 2.5568838119506836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/139.png", + [ + 0.2158070057630539, + 0.006246018223464489, + -0.018336262553930283, + 0.21978825330734253, + 0.00421295128762722, + -0.21532626450061798, + -0.023764245212078094, + 0.27373942732810974, + -0.018907200545072556, + 0.023312561213970184, + -0.21458549797534943, + 2.579008102416992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/107.png", + [ + 0.21577371656894684, + 0.01306086778640747, + -0.014799089170992374, + 0.17212393879890442, + 0.010738005861639977, + -0.2139858901500702, + -0.032289959490299225, + 0.3712523281574249, + -0.0165618397295475, + 0.03142228350043297, + -0.2137434184551239, + 2.53656005859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/112.png", + [ + 0.2158925086259842, + 0.009958024136722088, + -0.015464925207197666, + 0.18407495319843292, + 0.007949938997626305, + -0.21479728817939758, + -0.027327921241521835, + 0.31671303510665894, + -0.01658688113093376, + 0.026661856099963188, + -0.21438729763031006, + 2.5686044692993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/69.png", + [ + 0.21481062471866608, + 0.012361721135675907, + -0.02552415058016777, + 0.2991653084754944, + 0.0101099768653512, + -0.21557457745075226, + -0.019320622086524963, + 0.23002183437347412, + -0.026496848091483116, + 0.017963461577892303, + -0.2142968326807022, + 2.5454277992248535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/157.png", + [ + 0.2161705195903778, + -0.0014997574035078287, + -0.014695228077471256, + 0.1750599592924118, + -0.003416650230064988, + -0.21478617191314697, + -0.02833925373852253, + 0.3275493383407593, + -0.014370996505022049, + 0.02850504405796528, + -0.21431012451648712, + 2.5746946334838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/45.png", + [ + 0.2156868427991867, + 0.01315077394247055, + -0.015941672027111053, + 0.1897854059934616, + 0.011646284721791744, + -0.21542227268218994, + -0.02013712376356125, + 0.2468949556350708, + -0.01707172952592373, + 0.019188454374670982, + -0.21514706313610077, + 2.587153911590576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/50.png", + [ + 0.21554647386074066, + 0.015201917849481106, + -0.016016200184822083, + 0.19179220497608185, + 0.0131906196475029, + -0.2146749198436737, + -0.026240866631269455, + 0.32183128595352173, + -0.01770944893360138, + 0.025129210203886032, + -0.2144826203584671, + 2.5919079780578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/101.png", + [ + 0.21604008972644806, + 0.011066977865993977, + -0.012332635000348091, + 0.14602351188659668, + 0.009201881475746632, + -0.21423980593681335, + -0.031056813895702362, + 0.35477733612060547, + -0.0137803228572011, + 0.030442113056778908, + -0.21408240497112274, + 2.528057098388672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/85.png", + [ + 0.21548599004745483, + 0.008264690637588501, + -0.02110396884381771, + 0.24859954416751862, + 0.005734323989599943, + -0.21507170796394348, + -0.02567453682422638, + 0.29651448130607605, + -0.021927155554294586, + 0.02497517131268978, + -0.2141105830669403, + 2.5482563972473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/156.png", + [ + 0.21618472039699554, + -0.0009882692247629166, + -0.014528622850775719, + 0.1730940192937851, + -0.0027297567576169968, + -0.2150932401418686, + -0.025987442582845688, + 0.2996235489845276, + -0.014304054901003838, + 0.026111718267202377, + -0.21461935341358185, + 2.5781102180480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/131.png", + [ + 0.21605505049228668, + 0.005428404547274113, + -0.015447957441210747, + 0.1834193468093872, + 0.003654572879895568, + -0.21525102853775024, + -0.024526290595531464, + 0.2845838665962219, + -0.015960920602083206, + 0.024195602163672447, + -0.21472707390785217, + 2.5778555870056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/71.png", + [ + 0.2146075814962387, + 0.012027991935610771, + -0.02732774056494236, + 0.3201900124549866, + 0.009615524671971798, + -0.21559199690818787, + -0.019378643482923508, + 0.23208197951316833, + -0.028266936540603638, + 0.017981031909585, + -0.21406905353069305, + 2.54825496673584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/160.png", + [ + 0.21606305241584778, + -0.006403789855539799, + -0.014954560436308384, + 0.17977043986320496, + -0.008554891683161259, + -0.21414250135421753, + -0.03190147876739502, + 0.37113842368125916, + -0.013836950063705444, + 0.03240188583731651, + -0.2137909233570099, + 2.570629596710205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/115.png", + [ + 0.21610726416110992, + 0.007594849448651075, + -0.01370637584477663, + 0.16429859399795532, + 0.005714446306228638, + -0.2146691530942917, + -0.028851283714175224, + 0.33332955837249756, + -0.014590805396437645, + 0.028414253145456314, + -0.21430733799934387, + 2.5832815170288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/54.png", + [ + 0.21538852155208588, + 0.01735139824450016, + -0.01595667563378811, + 0.1893198937177658, + 0.015395283699035645, + -0.2146104872226715, + -0.02555827610194683, + 0.3137618899345398, + -0.01785138063132763, + 0.02427280880510807, + -0.21456944942474365, + 2.5941710472106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/33.png", + [ + 0.2158893197774887, + 0.015717165544629097, + -0.00962614081799984, + 0.11365329474210739, + 0.01499452069401741, + -0.2155836671590805, + -0.01570797711610794, + 0.1930726319551468, + -0.010717100463807583, + 0.014984888955950737, + -0.21589000523090363, + 2.58964204788208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/159.png", + [ + 0.21613511443138123, + -0.005866652820259333, + -0.0141102634370327, + 0.1691002994775772, + -0.007831841707229614, + -0.21432341635227203, + -0.030855191871523857, + 0.3582647144794464, + -0.013121714815497398, + 0.03128838166594505, + -0.21400175988674164, + 2.5728230476379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/177.png", + [ + 0.21529366075992584, + 0.013011995702981949, + -0.02066930942237377, + 0.24322424829006195, + 0.01140636671334505, + -0.21570655703544617, + -0.01698433980345726, + 0.19305211305618286, + -0.02159692533314228, + 0.0157880000770092, + -0.21501675248146057, + 2.580130100250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/49.png", + [ + 0.21555230021476746, + 0.014919163659214973, + -0.016202706843614578, + 0.1946718692779541, + 0.012939266860485077, + -0.2147657573223114, + -0.025615278631448746, + 0.31432434916496277, + -0.017823705449700356, + 0.02451501227915287, + -0.21454423666000366, + 2.594359874725342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/118.png", + [ + 0.2161845713853836, + 0.004968115594238043, + -0.013691232539713383, + 0.16394349932670593, + 0.0031083307694643736, + -0.21472471952438354, + -0.028836270794272423, + 0.3343276381492615, + -0.014229205437004566, + 0.028574639931321144, + -0.21431033313274384, + 2.5917930603027344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/179.png", + [ + 0.21537859737873077, + 0.016315322369337082, + -0.017139647156000137, + 0.1954304426908493, + 0.014881470240652561, + -0.21540838479995728, + -0.018046287819743156, + 0.20457135140895844, + -0.01839834451675415, + 0.0167611725628376, + -0.2152404636144638, + 2.5780797004699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/110.png", + [ + 0.21618741750717163, + 0.008895262144505978, + -0.011479106731712818, + 0.1347207874059677, + 0.007156341802328825, + -0.21428602933883667, + -0.031275875866413116, + 0.3609028458595276, + -0.012636547908186913, + 0.030826415866613388, + -0.21409796178340912, + 2.549595832824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/18.png", + [ + 0.21592195332050323, + 0.01298227347433567, + -0.01253252662718296, + 0.14961124956607819, + 0.01173471100628376, + -0.2153451144695282, + -0.020896628499031067, + 0.25657951831817627, + -0.013707669451832771, + 0.020145298913121223, + -0.21530015766620636, + 2.599161148071289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/66.png", + [ + 0.21492455899715424, + 0.013715922832489014, + -0.0238160602748394, + 0.2773514688014984, + 0.01130308024585247, + -0.2152615338563919, + -0.021968424320220947, + 0.264224112033844, + -0.025051381438970566, + 0.020548593252897263, + -0.21423836052417755, + 2.54661226272583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/16.png", + [ + 0.21591560542583466, + 0.010902968235313892, + -0.014472865499556065, + 0.1753232628107071, + 0.009451782330870628, + -0.2154202163219452, + -0.02127654291689396, + 0.2631036937236786, + -0.015459701418876648, + 0.020570674911141396, + -0.2151412069797516, + 2.601680278778076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/94.png", + [ + 0.21544845402240753, + 0.01085104513913393, + -0.02030041255056858, + 0.24035809934139252, + 0.008461556397378445, + -0.21504439413547516, + -0.025143692269921303, + 0.29267311096191406, + -0.0214068666100502, + 0.024208633229136467, + -0.21425122022628784, + 2.5563344955444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/28.png", + [ + 0.21594469249248505, + 0.014519790187478065, + -0.010245300829410553, + 0.12313178926706314, + 0.013694170862436295, + -0.21558108925819397, + -0.016886651515960693, + 0.2061813771724701, + -0.011325200088322163, + 0.016182245686650276, + -0.21577249467372894, + 2.587552547454834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/61.png", + [ + 0.21502605080604553, + 0.014337205328047276, + -0.022497542202472687, + 0.2682172358036041, + 0.011732635088264942, + -0.21492715179920197, + -0.02483082376420498, + 0.302351713180542, + -0.023959137499332428, + 0.023423686623573303, + -0.2140681892633438, + 2.585265636444092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/132.png", + [ + 0.21604368090629578, + 0.0064676543697714806, + -0.01520496141165495, + 0.18044829368591309, + 0.004769283812493086, + -0.21530862152576447, + -0.023819077759981155, + 0.27632611989974976, + -0.0158200915902853, + 0.023415036499500275, + -0.21482400596141815, + 2.5812249183654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/58.png", + [ + 0.2152082324028015, + 0.01604144647717476, + -0.01939031109213829, + 0.2313511222600937, + 0.013633627444505692, + -0.2146451473236084, + -0.026257961988449097, + 0.3199895918369293, + -0.021152693778276443, + 0.02486017718911171, + -0.21420185267925262, + 2.58897066116333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/123.png", + [ + 0.21615801751613617, + 0.003489074530079961, + -0.014540934935212135, + 0.17431089282035828, + 0.0016453703865408897, + -0.21496425569057465, + -0.027121111750602722, + 0.3132465183734894, + -0.014862880110740662, + 0.02694602683186531, + -0.21447820961475372, + 2.5777382850646973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/64.png", + [ + 0.21487385034561157, + 0.014145961962640285, + -0.02402125485241413, + 0.2822113037109375, + 0.01164790615439415, + -0.21518521010875702, + -0.0225288774818182, + 0.2727588713169098, + -0.025326967239379883, + 0.021050315350294113, + -0.21415725350379944, + 2.562441349029541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/10.png", + [ + 0.21571286022663116, + 0.01047070324420929, + -0.017499437555670738, + 0.20713013410568237, + 0.008209382183849812, + -0.2147883176803589, + -0.027321765199303627, + 0.3353036344051361, + -0.018667403608560562, + 0.026537468656897545, + -0.21423161029815674, + 2.577890396118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/170.png", + [ + 0.21596525609493256, + -0.0010372494580224156, + -0.01748763956129551, + 0.20865526795387268, + -0.0029183682054281235, + -0.2154022753238678, + -0.02326444908976555, + 0.2708224952220917, + -0.01727357879281044, + 0.023423824459314346, + -0.2147110551595688, + 2.6001486778259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/41.png", + [ + 0.21576258540153503, + 0.014808494597673416, + -0.013232669793069363, + 0.15656991302967072, + 0.013721936382353306, + -0.21553359925746918, + -0.017460428178310394, + 0.2131028175354004, + -0.014356308616697788, + 0.016548914834856987, + -0.21556419134140015, + 2.5871667861938477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/166.png", + [ + 0.21592673659324646, + -0.0037000025622546673, + -0.017602525651454926, + 0.20942051708698273, + -0.005887677427381277, + -0.21489864587783813, + -0.027051882818341255, + 0.3146616220474243, + -0.016996299847960472, + 0.027436820790171623, + -0.21425743401050568, + 2.5907979011535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/91.png", + [ + 0.2151416689157486, + 0.010208331048488617, + -0.023616550490260124, + 0.27963584661483765, + 0.007702285423874855, + -0.2153225541114807, + -0.022907735779881477, + 0.2692773938179016, + -0.024548448622226715, + 0.021906152367591858, + -0.21416206657886505, + 2.5610294342041016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/140.png", + [ + 0.21590910851955414, + 0.006785583682358265, + -0.016885004937648773, + 0.2016381025314331, + 0.005182109773159027, + -0.21564994752407074, + -0.02039952576160431, + 0.23393255472183228, + -0.017444005236029625, + 0.019923625513911247, + -0.2150503247976303, + 2.5872340202331543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/23.png", + [ + 0.21601815521717072, + 0.010833311825990677, + -0.012910905294120312, + 0.15514406561851501, + 0.009534824639558792, + -0.2154216319322586, + -0.021225055679678917, + 0.26119285821914673, + -0.013897455297410488, + 0.020592598244547844, + -0.21524567902088165, + 2.5863566398620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/37.png", + [ + 0.21585533022880554, + 0.014914645813405514, + -0.011486065573990345, + 0.13696016371250153, + 0.014083237387239933, + -0.21566860377788544, + -0.015382029116153717, + 0.18895447254180908, + -0.012491547502577305, + 0.01457730308175087, + -0.2158225029706955, + 2.594599723815918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/178.png", + [ + 0.2154892235994339, + 0.013932138681411743, + -0.0178378839045763, + 0.206663578748703, + 0.012520317919552326, + -0.2156304121017456, + -0.01716567762196064, + 0.19461144506931305, + -0.01885567046701908, + 0.016041019931435585, + -0.2152557671070099, + 2.5794835090637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/36.png", + [ + 0.21593740582466125, + 0.01475262176245451, + -0.010064229369163513, + 0.11980045586824417, + 0.014018424786627293, + -0.21567392349243164, + -0.01536670420318842, + 0.18870902061462402, + -0.011064013466238976, + 0.014663285575807095, + -0.21589457988739014, + 2.5973381996154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/8.png", + [ + 0.21562863886356354, + 0.01028505526483059, + -0.018612036481499672, + 0.2207966148853302, + 0.007737962994724512, + -0.21459414064884186, + -0.028937524184584618, + 0.3541421890258789, + -0.01980692334473133, + 0.028133148327469826, + -0.21392545104026794, + 2.5742993354797363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/6.png", + [ + 0.21551673114299774, + 0.010252351872622967, + -0.019882947206497192, + 0.23719292879104614, + 0.007097570691257715, + -0.2139676958322525, + -0.033396799117326736, + 0.40645989775657654, + -0.02121477760374546, + 0.03256702050566673, + -0.21316008269786835, + 2.5680246353149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/169.png", + [ + 0.21606086194515228, + -0.00044741510646417737, + -0.016291236504912376, + 0.19245584309101105, + -0.002294644946232438, + -0.21527047455310822, + -0.024520397186279297, + 0.28496798872947693, + -0.01613503135740757, + 0.024623466655611992, + -0.21466542780399323, + 2.5996041297912598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/154.png", + [ + 0.21607843041419983, + 0.0024173781275749207, + -0.015879660844802856, + 0.1885382980108261, + 0.000701356097124517, + -0.21542242169380188, + -0.02325047180056572, + 0.2674686014652252, + -0.016047287732362747, + 0.023135093972086906, + -0.21483749151229858, + 2.5862574577331543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/20.png", + [ + 0.21605107188224792, + 0.01303822547197342, + -0.009991370141506195, + 0.11948415637016296, + 0.01197833102196455, + -0.21523648500442505, + -0.021855885162949562, + 0.26767268776893616, + -0.011240213178098202, + 0.021240640431642532, + -0.2153378427028656, + 2.5892415046691895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/2.png", + [ + 0.21485751867294312, + 0.011561675928533077, + -0.02550423890352249, + 0.3039235770702362, + 0.008677292615175247, + -0.21511942148208618, + -0.024417875334620476, + 0.2980732023715973, + -0.026624109596014023, + 0.02319171465933323, + -0.21377839148044586, + 2.5744552612304688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/117.png", + [ + 0.2161272168159485, + 0.007085245568305254, + -0.013664359226822853, + 0.1641918569803238, + 0.0052343071438372135, + -0.21472202241420746, + -0.02854742668569088, + 0.3299330472946167, + -0.014474719762802124, + 0.028145210817456245, + -0.21435070037841797, + 2.591308116912842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/149.png", + [ + 0.21614010632038116, + 0.0075712366960942745, + -0.013191679492592812, + 0.155379056930542, + 0.006135202944278717, + -0.21535472571849823, + -0.023078052327036858, + 0.26798033714294434, + -0.013917733915150166, + 0.022647595033049583, + -0.21503785252571106, + 2.602013111114502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/161.png", + [ + 0.215972438454628, + -0.004886208567768335, + -0.01673092506825924, + 0.20274561643600464, + -0.007339095696806908, + -0.2141433209180832, + -0.03219747170805931, + 0.3754848837852478, + -0.015809381380677223, + 0.032659824937582016, + -0.2136148363351822, + 2.5708155632019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/5.png", + [ + 0.21522636711597443, + 0.012473220936954021, + -0.021677838638424873, + 0.2585764229297638, + 0.008909774012863636, + -0.21372246742248535, + -0.03451402857899666, + 0.4173594117164612, + -0.023369336500763893, + 0.03339193016290665, + -0.212806835770607, + 2.5655136108398438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/108.png", + [ + 0.2158062905073166, + 0.01342487521469593, + -0.01397541631013155, + 0.16343024373054504, + 0.01124098151922226, + -0.21400466561317444, + -0.031992703676223755, + 0.368407666683197, + -0.01578543148934841, + 0.031139452010393143, + -0.21384350955486298, + 2.5392513275146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/60.png", + [ + 0.21512098610401154, + 0.015380699187517166, + -0.020839745178818703, + 0.24791951477527618, + 0.012859349139034748, + -0.21475373208522797, + -0.025755958631634712, + 0.3139186501502991, + -0.022483283653855324, + 0.024334466084837914, + -0.21412666141986847, + 2.587310314178467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/56.png", + [ + 0.21537010371685028, + 0.015758616849780083, + -0.01775633729994297, + 0.21226561069488525, + 0.01355968602001667, + -0.2146746814250946, + -0.026054078713059425, + 0.31851908564567566, + -0.01948734000325203, + 0.024786008521914482, + -0.21436837315559387, + 2.592599391937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/147.png", + [ + 0.2160124033689499, + 0.0074168602004647255, + -0.015215974301099777, + 0.1804436445236206, + 0.005950102582573891, + -0.2156085968017578, + -0.020625866949558258, + 0.24060094356536865, + -0.015847142785787582, + 0.020144980400800705, + -0.215153306722641, + 2.6053266525268555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/30.png", + [ + 0.21586063504219055, + 0.014319106936454773, + -0.012126474641263485, + 0.1457936018705368, + 0.013435072265565395, + -0.21569828689098358, + -0.015544848516583443, + 0.18916861712932587, + -0.01309912744909525, + 0.014734538272023201, + -0.21577580273151398, + 2.5886058807373047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/17.png", + [ + 0.21576188504695892, + 0.013222387991845608, + -0.014828367158770561, + 0.17931537330150604, + 0.011741159483790398, + -0.21531924605369568, + -0.021158087998628616, + 0.26155319809913635, + -0.01602676324546337, + 0.02026543766260147, + -0.21512869000434875, + 2.6014814376831055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/12.png", + [ + 0.21580317616462708, + 0.01130285207182169, + -0.015783704817295074, + 0.1872667670249939, + 0.009493701159954071, + -0.21510550379753113, + -0.024236077442765236, + 0.3004123568534851, + -0.016933675855398178, + 0.023447031155228615, + -0.21473559737205505, + 2.591491222381592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/114.png", + [ + 0.21609172224998474, + 0.007512982934713364, + -0.013993491418659687, + 0.1672317385673523, + 0.00565739581361413, + -0.21478918194770813, + -0.027955222874879837, + 0.3234120309352875, + -0.014841045252978802, + 0.02751464582979679, + -0.21440750360488892, + 2.5808262825012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/27.png", + [ + 0.2160380780696869, + 0.014256330206990242, + -0.008496896363794804, + 0.10154131799936295, + 0.013492473401129246, + -0.21546484529972076, + -0.018459605053067207, + 0.22525233030319214, + -0.00966402143239975, + 0.017876267433166504, + -0.21571959555149078, + 2.5870633125305176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/42.png", + [ + 0.21585039794445038, + 0.013501686975359917, + -0.013198488391935825, + 0.1573047637939453, + 0.012311125174164772, + -0.21548043191432953, + -0.01909218728542328, + 0.23229169845581055, + -0.014315441250801086, + 0.018269643187522888, + -0.21542790532112122, + 2.582213878631592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/174.png", + [ + 0.21557748317718506, + 0.005127319600433111, + -0.021164894104003906, + 0.25341925024986267, + 0.003309776773676276, + -0.21585123240947723, + -0.018579116091132164, + 0.2126128375530243, + -0.021524114534258842, + 0.01816173829138279, + -0.21483658254146576, + 2.5890088081359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/7.png", + [ + 0.21555465459823608, + 0.010303877294063568, + -0.019440164789557457, + 0.23178791999816895, + 0.007416802924126387, + -0.21426914632320404, + -0.03133083134889603, + 0.38255682587623596, + -0.02071426808834076, + 0.030503444373607635, + -0.2135142832994461, + 2.572005271911621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/73.png", + [ + 0.214665487408638, + 0.012359476648271084, + -0.026718413457274437, + 0.31391096115112305, + 0.010144670493900776, + -0.21566562354564667, + -0.01825721748173237, + 0.21776695549488068, + -0.02763541042804718, + 0.016836972907185555, + -0.21424447000026703, + 2.557717800140381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/120.png", + [ + 0.21617195010185242, + 0.003843038808554411, + -0.01424113567918539, + 0.1706203669309616, + 0.001959074055776, + -0.21481852233409882, + -0.028232231736183167, + 0.3279808759689331, + -0.014619880355894566, + 0.02803797274827957, + -0.21435490250587463, + 2.589517116546631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/46.png", + [ + 0.21562999486923218, + 0.012884519062936306, + -0.01689957268536091, + 0.20175740122795105, + 0.011188827455043793, + -0.21532443165779114, + -0.021403169259428978, + 0.26318591833114624, + -0.018067000433802605, + 0.02042730525135994, + -0.21495163440704346, + 2.5915961265563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/127.png", + [ + 0.21587896347045898, + 0.005281573627144098, + -0.01778414100408554, + 0.21329593658447266, + 0.0032793916761875153, + -0.2153015434741974, + -0.02413269318640232, + 0.2774398922920227, + -0.01825968734920025, + 0.02377490885555744, + -0.21459083259105682, + 2.5705089569091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/133.png", + [ + 0.21607007086277008, + 0.006683513056486845, + -0.014729419723153114, + 0.17440852522850037, + 0.0051388610154390335, + -0.21545450389385223, + -0.022379621863365173, + 0.26056939363479614, + -0.015336793847382069, + 0.021967843174934387, + -0.2150118499994278, + 2.5844054222106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/57.png", + [ + 0.21520039439201355, + 0.01623734086751938, + -0.01931421272456646, + 0.23065800964832306, + 0.013854206539690495, + -0.21465131640434265, + -0.02609146013855934, + 0.3188428580760956, + -0.02108912169933319, + 0.02467898279428482, + -0.2142290621995926, + 2.5934300422668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/44.png", + [ + 0.21566705405712128, + 0.013466649688780308, + -0.01594589836895466, + 0.18941855430603027, + 0.012035214342176914, + -0.2154858261346817, + -0.01920701190829277, + 0.23585504293441772, + -0.01705215498805046, + 0.01823197677731514, + -0.2152317613363266, + 2.585874557495117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/113.png", + [ + 0.2161005139350891, + 0.008621475659310818, + -0.013196283020079136, + 0.15749973058700562, + 0.006965964566916227, + -0.21495231986045837, + -0.026360293850302696, + 0.30477461218833923, + -0.014140263199806213, + 0.02586619183421135, + -0.2146599441766739, + 2.5766353607177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/126.png", + [ + 0.21602316200733185, + 0.003543535713106394, + -0.016411418095231056, + 0.1963339000940323, + 0.001634483691304922, + -0.21522636711597443, + -0.02495676651597023, + 0.2872215509414673, + -0.016709869727492332, + 0.024757931008934975, + -0.21460597217082977, + 2.5719871520996094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/29.png", + [ + 0.21592429280281067, + 0.01399349793791771, + -0.011347932741045952, + 0.13701513409614563, + 0.01313446369022131, + -0.21568022668361664, + -0.01604440249502659, + 0.19517967104911804, + -0.012332049198448658, + 0.015300949104130268, + -0.2157815843820572, + 2.588958740234375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/4.png", + [ + 0.21521733701229095, + 0.012465045787394047, + -0.021772004663944244, + 0.25961068272590637, + 0.009133574552834034, + -0.21406322717666626, + -0.03227100148797035, + 0.3910830318927765, + -0.023366115987300873, + 0.03113619238138199, + -0.21314890682697296, + 2.567944049835205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/55.png", + [ + 0.2153327316045761, + 0.017479103058576584, + -0.016558723524212837, + 0.19755353033542633, + 0.01548075396567583, + -0.21464014053344727, + -0.02525584027171135, + 0.3091050386428833, + -0.01844063028693199, + 0.02391635626554489, + -0.2145596593618393, + 2.592447280883789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/9.png", + [ + 0.21552754938602448, + 0.011577049270272255, + -0.019019467756152153, + 0.22635331749916077, + 0.009122027084231377, + -0.21474844217300415, + -0.027345919981598854, + 0.33462247252464294, + -0.020311493426561356, + 0.026400426402688026, + -0.2140989452600479, + 2.576563835144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/25.png", + [ + 0.21619495749473572, + 0.012606760486960411, + -0.006978413090109825, + 0.08105920255184174, + 0.011834115721285343, + -0.21521301567554474, + -0.02216300554573536, + 0.27271535992622375, + -0.008220847696065903, + 0.02173280157148838, + -0.21542514860630035, + 2.5807032585144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/99.png", + [ + 0.215983048081398, + 0.011114165186882019, + -0.013254852034151554, + 0.15754884481430054, + 0.009227736853063107, + -0.2144634872674942, + -0.029464533552527428, + 0.3364903926849365, + -0.01463095098733902, + 0.028805993497371674, + -0.2142522782087326, + 2.5318350791931152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/34.png", + [ + 0.21588099002838135, + 0.015936201438307762, + -0.009451654739677906, + 0.11102388799190521, + 0.015280497260391712, + -0.21564310789108276, + -0.01457555964589119, + 0.17962713539600372, + -0.010478676296770573, + 0.013855614699423313, + -0.21597713232040405, + 2.595381736755371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/72.png", + [ + 0.21451719105243683, + 0.012956390157341957, + -0.02761174365878105, + 0.3241613507270813, + 0.010577737353742123, + -0.21558238565921783, + -0.018979743123054504, + 0.22744262218475342, + -0.028607476502656937, + 0.017442794516682625, + -0.21406835317611694, + 2.5524182319641113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/102.png", + [ + 0.21605269610881805, + 0.011278785765171051, + -0.011912750080227852, + 0.13951927423477173, + 0.009435935877263546, + -0.2141474485397339, + -0.03161853924393654, + 0.3608095943927765, + -0.013419677503407001, + 0.031008996069431305, + -0.21402396261692047, + 2.5241613388061523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/134.png", + [ + 0.2160671055316925, + 0.0077758231200277805, + -0.01422808226197958, + 0.1681017428636551, + 0.006274242419749498, + -0.21541734039783478, + -0.022447850555181503, + 0.2612932324409485, + -0.014951108023524284, + 0.021972909569740295, + -0.2150384932756424, + 2.5840134620666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/70.png", + [ + 0.21463386714458466, + 0.012937286868691444, + -0.026698864996433258, + 0.31287625432014465, + 0.010536464862525463, + -0.21551720798015594, + -0.0197284035384655, + 0.23530960083007812, + -0.027734199538826942, + 0.01824427768588066, + -0.2141164392232895, + 2.545592784881592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/135.png", + [ + 0.21608318388462067, + 0.007068653590977192, + -0.014352439902722836, + 0.16891153156757355, + 0.005519131664186716, + -0.21538153290748596, + -0.02298327535390854, + 0.2669687569141388, + -0.015016576275229454, + 0.022554952651262283, + -0.21497364342212677, + 2.57802152633667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/130.png", + [ + 0.21598662436008453, + 0.006312160287052393, + -0.016057008877396584, + 0.19064414501190186, + 0.004456155467778444, + -0.2152201384305954, + -0.024664239957928658, + 0.28522032499313354, + -0.016667738556861877, + 0.024255692958831787, + -0.21466659009456635, + 2.5731053352355957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/90.png", + [ + 0.215236634016037, + 0.009054558351635933, + -0.02321859449148178, + 0.2745765149593353, + 0.006545259617269039, + -0.2153194546699524, + -0.023293526843190193, + 0.2730993926525116, + -0.02404678240418434, + 0.022437550127506256, + -0.21416395902633667, + 2.564218521118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/122.png", + [ + 0.21616919338703156, + 0.0032131692860275507, + -0.014437835663557053, + 0.1731119155883789, + 0.0013840723549947143, + -0.21496644616127014, + -0.027118315920233727, + 0.31365564465522766, + -0.014726163819432259, + 0.026962827891111374, + -0.2144855409860611, + 2.5847043991088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/15.png", + [ + 0.21597686409950256, + 0.01233629509806633, + -0.012235178612172604, + 0.1474238932132721, + 0.011025783605873585, + -0.21523316204547882, + -0.02238343469798565, + 0.2763972282409668, + -0.013428174890577793, + 0.021688751876354218, + -0.21516777575016022, + 2.598979949951172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/162.png", + [ + 0.21590864658355713, + -0.00649500684812665, + -0.017004869878292084, + 0.20615778863430023, + -0.008929592557251453, + -0.21417580544948578, + -0.03157348558306694, + 0.36838945746421814, + -0.015862317755818367, + 0.03216267377138138, + -0.21368631720542908, + 2.5743088722229004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/22.png", + [ + 0.2159992754459381, + 0.011562538333237171, + -0.012590622529387474, + 0.1519359052181244, + 0.010281055234372616, + -0.21536938846111298, + -0.021406153216958046, + 0.26335281133651733, + -0.01365708652883768, + 0.020742017775774002, + -0.21524672210216522, + 2.5865073204040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/171.png", + [ + 0.21594755351543427, + 0.0003819233679678291, + -0.01773143745958805, + 0.2131102830171585, + -0.001403781003318727, + -0.21557669341564178, + -0.021739739924669266, + 0.2524792551994324, + -0.017679907381534576, + 0.021781664341688156, + -0.21485082805156708, + 2.6002583503723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/138.png", + [ + 0.21589523553848267, + 0.0059991334564983845, + -0.01735391654074192, + 0.20769564807415009, + 0.004054405260831118, + -0.21530434489250183, + -0.02398955635726452, + 0.276248574256897, + -0.01790837198495865, + 0.023578539490699768, + -0.21464210748672485, + 2.5818281173706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/109.png", + [ + 0.21604518592357635, + 0.01082662120461464, + -0.012456231750547886, + 0.1450108140707016, + 0.008897277526557446, + -0.21414226293563843, + -0.03180922567844391, + 0.36663317680358887, + -0.013900067657232285, + 0.031205328181385994, + -0.21396474540233612, + 2.543668746948242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/26.png", + [ + 0.21610809862613678, + 0.01462898775935173, + -0.0055838986299932, + 0.06594887375831604, + 0.014007116667926311, + -0.2151453197002411, + -0.021545235067605972, + 0.26407426595687866, + -0.006999132689088583, + 0.02112792432308197, + -0.2155284732580185, + 2.583326816558838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/43.png", + [ + 0.2158230096101761, + 0.013082829304039478, + -0.014041457325220108, + 0.16687682271003723, + 0.01186054851859808, + -0.21555419266223907, + -0.018536526709794998, + 0.2275608479976654, + -0.015088087879121304, + 0.017695056274533272, + -0.21542313694953918, + 2.584578037261963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/84.png", + [ + 0.21556587517261505, + 0.008306036703288555, + -0.020254909992218018, + 0.23886685073375702, + 0.006021883804351091, + -0.215237557888031, + -0.02417481131851673, + 0.27960440516471863, + -0.02104729227721691, + 0.023488175123929977, + -0.21436700224876404, + 2.5549163818359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/136.png", + [ + 0.21596865355968475, + 0.008101207204163074, + -0.015485824085772038, + 0.1833895593881607, + 0.0064956797286868095, + -0.21544496715068817, + -0.022117070853710175, + 0.25581657886505127, + -0.016224870458245277, + 0.021580757573246956, + -0.21498586237430573, + 2.5771093368530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/89.png", + [ + 0.2153363972902298, + 0.009125576354563236, + -0.0222453773021698, + 0.26307448744773865, + 0.006674045231193304, + -0.21527069807052612, + -0.023704007267951965, + 0.2774626910686493, + -0.023099569603800774, + 0.022872397676110268, + -0.21422222256660461, + 2.564464569091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/63.png", + [ + 0.21489204466342926, + 0.0142743568867445, + -0.02378121390938759, + 0.2807061970233917, + 0.011703705415129662, + -0.21509456634521484, + -0.023350507020950317, + 0.28364044427871704, + -0.025146108120679855, + 0.021873855963349342, + -0.21409602463245392, + 2.570589065551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/88.png", + [ + 0.21543380618095398, + 0.00887160375714302, + -0.021388398483395576, + 0.25269052386283875, + 0.006528105121105909, + -0.21529251337051392, + -0.023546190932393074, + 0.27494698762893677, + -0.02221604622900486, + 0.022766947746276855, + -0.214326873421669, + 2.5637025833129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/62.png", + [ + 0.21492402255535126, + 0.014184401370584965, + -0.023544905707240105, + 0.2799355387687683, + 0.011538747698068619, + -0.2150093913078308, + -0.024201631546020508, + 0.2945282757282257, + -0.02494829148054123, + 0.022752242162823677, + -0.21402759850025177, + 2.578129768371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/65.png", + [ + 0.21487395465373993, + 0.013227362185716629, + -0.024537980556488037, + 0.2880403995513916, + 0.010811753571033478, + -0.2153434157371521, + -0.021406041458249092, + 0.2593325972557068, + -0.025694003328680992, + 0.02000373788177967, + -0.21421383321285248, + 2.556938648223877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/80.png", + [ + 0.2153080254793167, + 0.009946740232408047, + -0.022167621180415154, + 0.26160064339637756, + 0.007771594449877739, + -0.21549391746520996, + -0.02121001109480858, + 0.24837183952331543, + -0.02302050217986107, + 0.02028113789856434, + -0.21449154615402222, + 2.568960189819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/146.png", + [ + 0.21597571671009064, + 0.006643649656325579, + -0.016070032492280006, + 0.1910269558429718, + 0.005166375078260899, + -0.21571126580238342, + -0.0197447557002306, + 0.2288917899131775, + -0.016603993251919746, + 0.019297894090414047, + -0.2151738703250885, + 2.6035289764404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/119.png", + [ + 0.21615910530090332, + 0.004424988757818937, + -0.014267198741436005, + 0.17073287069797516, + 0.0025177793577313423, + -0.21478153765201569, + -0.02846844494342804, + 0.3306698799133301, + -0.014723937027156353, + 0.028234928846359253, + -0.21432194113731384, + 2.591609001159668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/145.png", + [ + 0.21603664755821228, + 0.006625073030591011, + -0.015237095765769482, + 0.180719256401062, + 0.00520726665854454, + -0.2156911939382553, + -0.01995193026959896, + 0.2309548556804657, + -0.015777992084622383, + 0.019526997581124306, + -0.21521534025669098, + 2.5991392135620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/167.png", + [ + 0.2160046100616455, + -0.0025826161727309227, + -0.01682954840362072, + 0.1988368183374405, + -0.0046247150748968124, + -0.2150152623653412, + -0.026361847296357155, + 0.3058639168739319, + -0.016386445611715317, + 0.026639539748430252, + -0.21440549194812775, + 2.592334747314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/79.png", + [ + 0.21526315808296204, + 0.010247215628623962, + -0.022464655339717865, + 0.2644336521625519, + 0.008060017600655556, + -0.21549752354621887, + -0.021065300330519676, + 0.24789214134216309, + -0.02333885431289673, + 0.020092420279979706, + -0.21447491645812988, + 2.5707902908325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/176.png", + [ + 0.21526771783828735, + 0.010863246396183968, + -0.02212897129356861, + 0.2627499997615814, + 0.009081960655748844, + -0.2157696634531021, + -0.017574509605765343, + 0.2011622190475464, + -0.022917669266462326, + 0.01653285324573517, + -0.21482397615909576, + 2.5841879844665527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/165.png", + [ + 0.2159518450498581, + -0.004897558595985174, + -0.016991659998893738, + 0.20179401338100433, + -0.007024345453828573, + -0.21482619643211365, + -0.027354387566447258, + 0.3189832270145416, + -0.016228405758738518, + 0.02781398594379425, + -0.21426832675933838, + 2.587541103363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/116.png", + [ + 0.21606993675231934, + 0.007125991862267256, + -0.014522504061460495, + 0.174275740981102, + 0.005142807029187679, + -0.2146867960691452, + -0.028827674686908722, + 0.3336487114429474, + -0.015337354503571987, + 0.028402527794241905, + -0.21425676345825195, + 2.5888285636901855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/19.png", + [ + 0.2159791886806488, + 0.013343226164579391, + -0.01108324434608221, + 0.13215279579162598, + 0.012212404049932957, + -0.2152884304523468, + -0.021204764023423195, + 0.26069438457489014, + -0.012318167835474014, + 0.020512022078037262, + -0.21534952521324158, + 2.5948686599731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/77.png", + [ + 0.21492496132850647, + 0.011384310200810432, + -0.025010816752910614, + 0.29334479570388794, + 0.009484894573688507, + -0.21581949293613434, + -0.016729380935430527, + 0.1982913762331009, + -0.02579108625650406, + 0.015499448403716087, + -0.21457511186599731, + 2.5698633193969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/68.png", + [ + 0.2148437649011612, + 0.013081224635243416, + -0.024878310039639473, + 0.2894984781742096, + 0.010803612880408764, + -0.21547868847846985, + -0.020002804696559906, + 0.23952651023864746, + -0.025948617607355118, + 0.018593328073620796, + -0.2143101841211319, + 2.544809341430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/143.png", + [ + 0.21610261499881744, + 0.007806988433003426, + -0.013660324737429619, + 0.16037361323833466, + 0.006586035247892141, + -0.2157304286956787, + -0.019102441146969795, + 0.2188740372657776, + -0.014289076440036297, + 0.0186367928981781, + -0.21539822220802307, + 2.594999313354492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/86.png", + [ + 0.215348020195961, + 0.00862569734454155, + -0.022332003340125084, + 0.26305392384529114, + 0.005938436836004257, + -0.21505127847194672, + -0.025798700749874115, + 0.29999396204948425, + -0.023191720247268677, + 0.025028690695762634, + -0.21397101879119873, + 2.5528063774108887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/1.png", + [ + 0.21461491286754608, + 0.012324156239628792, + -0.027137575671076775, + 0.3235914409160614, + 0.009424259886145592, + -0.21522176265716553, + -0.02320914901793003, + 0.2854102551937103, + -0.028275715187191963, + 0.02180817537009716, + -0.2137119024991989, + 2.5763602256774902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/81.png", + [ + 0.21536561846733093, + 0.00955970399081707, + -0.021775241941213608, + 0.25741517543792725, + 0.007399471011012793, + -0.21548639237880707, + -0.021418577060103416, + 0.2482982873916626, + -0.022600814700126648, + 0.02054555155336857, + -0.21451100707054138, + 2.5677413940429688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/95.png", + [ + 0.2156914621591568, + 0.009683660231530666, + -0.01820211671292782, + 0.21518035233020782, + 0.0074627455323934555, + -0.21498650312423706, + -0.025942359119653702, + 0.3005862236022949, + -0.019219722598791122, + 0.025197723880410194, + -0.21434451639652252, + 2.5498108863830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/103.png", + [ + 0.21581946313381195, + 0.01333494484424591, + -0.013857622630894184, + 0.16098608076572418, + 0.011120658367872238, + -0.2139117270708084, + -0.03264966607093811, + 0.37352845072746277, + -0.01569029875099659, + 0.031809575855731964, + -0.21375185251235962, + 2.5253000259399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/150.png", + [ + 0.21607251465320587, + 0.0062265642918646336, + -0.014892738312482834, + 0.17505671083927155, + 0.00461638392880559, + -0.21539273858070374, + -0.023077229037880898, + 0.2661379873752594, + -0.015467798337340355, + 0.02269580028951168, + -0.2149268239736557, + 2.598848342895508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/83.png", + [ + 0.21549393236637115, + 0.009328934364020824, + -0.020572496578097343, + 0.24365995824337006, + 0.007130283862352371, + -0.21533678472042084, + -0.022959278896450996, + 0.2659755349159241, + -0.021433984860777855, + 0.022157177329063416, + -0.21447037160396576, + 2.5635757446289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/142.png", + [ + 0.21604737639427185, + 0.008108134381473064, + -0.01434177067130804, + 0.1688675880432129, + 0.006739327218383551, + -0.21560947597026825, + -0.020372426137328148, + 0.23349115252494812, + -0.015033619478344917, + 0.019867371767759323, + -0.21523749828338623, + 2.591440200805664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/51.png", + [ + 0.21554020047187805, + 0.015782909467816353, + -0.015531281940639019, + 0.1850609928369522, + 0.013786622323095798, + -0.21457761526107788, + -0.026725903153419495, + 0.3275701105594635, + -0.017327724024653435, + 0.025597745552659035, + -0.2144584059715271, + 2.590531826019287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/128.png", + [ + 0.21587026119232178, + 0.004493624437600374, + -0.018103456124663353, + 0.21578259766101837, + 0.0024660122580826283, + -0.2153225541114807, + -0.02404182031750679, + 0.2771216034889221, + -0.018489094451069832, + 0.02374652959406376, + -0.21457435190677643, + 2.570012092590332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/168.png", + [ + 0.21610000729560852, + -0.0014521265402436256, + -0.015702594071626663, + 0.18477420508861542, + -0.003366638906300068, + -0.21502819657325745, + -0.026446744799613953, + 0.30803847312927246, + -0.015406033955514431, + 0.026620591059327126, + -0.21448051929473877, + 2.5958571434020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sD5-dLeO8UY+P1+C0+F11734-11915/93.png", + [ + 0.21529123187065125, + 0.010115670040249825, + -0.022254347801208496, + 0.2632235586643219, + 0.007553343661129475, + -0.21512801945209503, + -0.024714061990380287, + 0.2888033092021942, + -0.023249294608831406, + 0.023780474439263344, + -0.21410711109638214, + 2.557964324951172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/76.png", + [ + 0.19951653480529785, + -0.02645670436322689, + 0.08025640994310379, + -0.9424921870231628, + -0.011557182297110558, + -0.21239103376865387, + -0.04128415510058403, + 0.47325125336647034, + 0.0837106928229332, + 0.033734146505594254, + -0.19698332250118256, + 2.3676671981811523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/48.png", + [ + 0.2081279158592224, + -0.03406506031751633, + 0.04970144107937813, + -0.5908711552619934, + -0.02382318302989006, + -0.2106836587190628, + -0.044640179723501205, + 0.5299501419067383, + 0.055345430970191956, + 0.03741472586989403, + -0.20611868798732758, + 2.4940261840820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/35.png", + [ + 0.2013288289308548, + -0.045717038214206696, + 0.0657612681388855, + -0.5804810523986816, + -0.03685339167714119, + -0.21083419024944305, + -0.033744219690561295, + 0.248268723487854, + 0.07110849767923355, + 0.020169217139482498, + -0.20367787778377533, + 2.003507137298584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/97.png", + [ + 0.2061707228422165, + -0.03367231413722038, + 0.05751262605190277, + -0.6902309656143188, + -0.024782249704003334, + -0.21231116354465485, + -0.035464104264974594, + 0.4137592315673828, + 0.06186572462320328, + 0.027166852727532387, + -0.20587009191513062, + 2.484525680541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/13.png", + [ + 0.20248232781887054, + -0.023872217163443565, + 0.07334105670452118, + -0.8614743947982788, + -0.02140558697283268, + -0.21533426642417908, + -0.010993204079568386, + 0.11790154874324799, + 0.07409853488206863, + 0.003027681028470397, + -0.20358814299106598, + 2.472046375274658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/38.png", + [ + 0.2007017284631729, + -0.047769203782081604, + 0.06621795147657394, + -0.6871470212936401, + -0.03791935369372368, + -0.21015486121177673, + -0.036673590540885925, + 0.36822181940078735, + 0.07231069356203079, + 0.022381536662578583, + -0.20302248001098633, + 2.2017359733581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/111.png", + [ + 0.20439307391643524, + -0.01728249341249466, + 0.0698046013712883, + -0.6482911109924316, + -0.015158863738179207, + -0.21595287322998047, + -0.009080174379050732, + -0.002216903492808342, + 0.07029633224010468, + 0.0036818634252995253, + -0.20492134988307953, + 2.174940586090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/11.png", + [ + 0.20297010242938995, + -0.016556132584810257, + 0.07400628179311752, + -0.8711364269256592, + -0.013314047828316689, + -0.2159433513879776, + -0.011794043704867363, + 0.1291714608669281, + 0.07465769350528717, + 0.006500600837171078, + -0.20330239832401276, + 2.4546165466308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/59.png", + [ + 0.20615871250629425, + -0.03263276442885399, + 0.05815138295292854, + -0.6937230229377747, + -0.021322784945368767, + -0.21129606664180756, + -0.0429791584610939, + 0.5023139119148254, + 0.0631808489561081, + 0.03517060726881027, + -0.20425254106521606, + 2.4819931983947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/105.png", + [ + 0.19742172956466675, + -0.01925712265074253, + 0.08718779683113098, + -1.0130460262298584, + -0.008986926637589931, + -0.21478649973869324, + -0.02709043025970459, + 0.29914504289627075, + 0.08883572369813919, + 0.021067021414637566, + -0.19650009274482727, + 2.319424629211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/24.png", + [ + 0.20900873839855194, + -0.033159028738737106, + 0.04651574417948723, + -0.4586676359176636, + -0.029949510470032692, + -0.213849276304245, + -0.017871899530291557, + 0.11526773869991302, + 0.04864424467086792, + 0.010810031555593014, + -0.21086671948432922, + 2.353684425354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/74.png", + [ + 0.20035168528556824, + -0.027403181418776512, + 0.07782132923603058, + -0.9144483804702759, + -0.013059274293482304, + -0.2123306393623352, + -0.0411466583609581, + 0.4727427661418915, + 0.08146502822637558, + 0.033356521278619766, + -0.19798658788204193, + 2.3781208992004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/98.png", + [ + 0.20530977845191956, + -0.02951585315167904, + 0.06264668703079224, + -0.7547826170921326, + -0.018508151173591614, + -0.21226570010185242, + -0.0393524244427681, + 0.4587767422199249, + 0.06673261523246765, + 0.031937114894390106, + -0.20365330576896667, + 2.4508209228515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/0.png", + [ + 0.2049076408147812, + -0.022866079583764076, + 0.06661751121282578, + -0.778444766998291, + -0.027743468061089516, + -0.2145732045173645, + 0.011684614233672619, + -0.15891298651695251, + 0.06473832577466965, + -0.019579898566007614, + -0.20584817230701447, + 2.5022902488708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/96.png", + [ + 0.20710483193397522, + -0.03628208488225937, + 0.05233641341328621, + -0.6254111528396606, + -0.02946717105805874, + -0.21245795488357544, + -0.030678926035761833, + 0.35825133323669434, + 0.05645507574081421, + 0.022206321358680725, + -0.20800866186618805, + 2.5212879180908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/100.png", + [ + 0.20151287317276, + -0.02125696651637554, + 0.07673724740743637, + -0.9223151803016663, + -0.008066474460065365, + -0.21318663656711578, + -0.03787212073802948, + 0.44184592366218567, + 0.07921740412712097, + 0.032365214079618454, + -0.19906027615070343, + 2.3877720832824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/40.png", + [ + 0.20130519568920135, + -0.043896593153476715, + 0.0670611783862114, + -0.7398801445960999, + -0.031954336911439896, + -0.210213303565979, + -0.04167947173118591, + 0.452014684677124, + 0.07350531965494156, + 0.028833089396357536, + -0.201775923371315, + 2.2853941917419434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/52.png", + [ + 0.20853489637374878, + -0.033378537744283676, + 0.04844546690583229, + -0.5808641314506531, + -0.023714065551757812, + -0.21097858250141144, + -0.04328470677137375, + 0.5150035619735718, + 0.05383988097310066, + 0.03635650500655174, + -0.2067059874534607, + 2.5250892639160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/3.png", + [ + 0.2051268070936203, + -0.019808104261755943, + 0.06692179292440414, + -0.7940065860748291, + -0.020731521770358086, + -0.2156803458929062, + -0.00029329489916563034, + -0.003523176535964012, + 0.06664151698350906, + -0.006125441752374172, + -0.20608076453208923, + 2.494197368621826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/47.png", + [ + 0.20738129317760468, + -0.03458753228187561, + 0.05238889530301094, + -0.6204123497009277, + -0.024069132283329964, + -0.21081094443798065, + -0.04390133172273636, + 0.5180510878562927, + 0.057979047298431396, + 0.03619879111647606, + -0.2056112140417099, + 2.4758801460266113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/104.png", + [ + 0.19760891795158386, + -0.018572919070720673, + 0.08691176772117615, + -1.0180273056030273, + -0.0064661758951842785, + -0.2143334597349167, + -0.03110077790915966, + 0.34938204288482666, + 0.08863858133554459, + 0.025770461186766624, + -0.19602800905704498, + 2.3242459297180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/21.png", + [ + 0.2058653086423874, + -0.02772046998143196, + 0.0616355836391449, + -0.7181186676025391, + -0.026366371661424637, + -0.21489308774471283, + -0.00858297012746334, + 0.07872794568538666, + 0.062226876616477966, + 0.0006545712240040302, + -0.20754586160182953, + 2.518299102783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/82.png", + [ + 0.19917449355125427, + -0.023978937417268753, + 0.08186835795640945, + -0.9597917199134827, + -0.015230772085487843, + -0.21459338068962097, + -0.02579922042787075, + 0.2830013036727905, + 0.08393712341785431, + 0.017960701137781143, + -0.19894689321517944, + 2.3855485916137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/106.png", + [ + 0.19648192822933197, + -0.01886727847158909, + 0.08936870098114014, + -1.0294488668441772, + -0.009654458612203598, + -0.21510395407676697, + -0.024186311289668083, + 0.2614884376525879, + 0.09082692861557007, + 0.017950264737010002, + -0.19589832425117493, + 2.3067426681518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/14.png", + [ + 0.20293012261390686, + -0.02807721495628357, + 0.07056155800819397, + -0.8285887241363525, + -0.026563800871372223, + -0.21484772861003876, + -0.009094617329537868, + 0.09409338235855103, + 0.07114511728286743, + -0.00013297238911036402, + -0.2046613097190857, + 2.489651679992676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/67.png", + [ + 0.2034265697002411, + -0.02979404479265213, + 0.06839478015899658, + -0.804434061050415, + -0.013211198151111603, + -0.20989254117012024, + -0.0521390475332737, + 0.5977324843406677, + 0.07342340052127838, + 0.0447809211909771, + -0.19887575507164001, + 2.3900294303894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/78.png", + [ + 0.1992650330066681, + -0.021462995558977127, + 0.08234486728906631, + -0.9669908285140991, + -0.008661279454827309, + -0.21369604766368866, + -0.03474007919430733, + 0.3916972577571869, + 0.08465411514043808, + 0.02865711972117424, + -0.19738374650478363, + 2.372556686401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/39.png", + [ + 0.20033687353134155, + -0.04798443242907524, + 0.06716043502092361, + -0.7208787798881531, + -0.0370897501707077, + -0.20983129739761353, + -0.039281927049160004, + 0.41262689232826233, + 0.07373859733343124, + 0.024823646992444992, + -0.20222339034080505, + 2.2469253540039062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/92.png", + [ + 0.20890888571739197, + -0.03641647845506668, + 0.04448387771844864, + -0.5251641273498535, + -0.03015803173184395, + -0.212158203125, + -0.0320514477789402, + 0.3761782944202423, + 0.04894351586699486, + 0.024711178615689278, + -0.20962296426296234, + 2.5517210960388184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/53.png", + [ + 0.20796778798103333, + -0.03412317857146263, + 0.05032790079712868, + -0.6039913296699524, + -0.023946920409798622, + -0.21080903708934784, + -0.0439772829413414, + 0.5231401324272156, + 0.05589126795530319, + 0.03664785623550415, + -0.2061091810464859, + 2.520026683807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/75.png", + [ + 0.19892725348472595, + -0.026618773117661476, + 0.08165346831083298, + -0.9589468240737915, + -0.011562802828848362, + -0.2124299556016922, + -0.041081752628088, + 0.4720180928707123, + 0.08510082960128784, + 0.033359404653310776, + -0.19645074009895325, + 2.3646903038024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/87.png", + [ + 0.2025565654039383, + -0.02467375434935093, + 0.07286933809518814, + -0.862785279750824, + -0.020702339708805084, + -0.2151399850845337, + -0.015300209634006023, + 0.15862709283828735, + 0.07409552484750748, + 0.007340922486037016, + -0.20347939431667328, + 2.468902111053467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/107.png", + [ + 0.1967780441045761, + -0.017628991976380348, + 0.0889691635966301, + -1.012142539024353, + -0.010011929087340832, + -0.21546544134616852, + -0.020549939945340157, + 0.21155735850334167, + 0.09014463424682617, + 0.014551886357367039, + -0.1964944750070572, + 2.3038291931152344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/112.png", + [ + 0.2039816826581955, + -0.02029346488416195, + 0.07019640505313873, + -0.5854693651199341, + -0.015544738620519638, + -0.2154378592967987, + -0.017111117020249367, + 0.04597867652773857, + 0.0713983103632927, + 0.011072685942053795, + -0.2042732834815979, + 2.0458450317382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/69.png", + [ + 0.20335157215595245, + -0.02728496491909027, + 0.06965313106775284, + -0.8184770345687866, + -0.012164897285401821, + -0.2111237794160843, + -0.047187454998493195, + 0.534877359867096, + 0.07381086051464081, + 0.04037538170814514, + -0.19967392086982727, + 2.395691394805908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/45.png", + [ + 0.20612621307373047, + -0.03221545368432999, + 0.05849824100732803, + -0.6884246468544006, + -0.02137952856719494, + -0.21164079010486603, + -0.04121871665120125, + 0.477481871843338, + 0.06326764822006226, + 0.03343996778130531, + -0.20451617240905762, + 2.4383864402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/50.png", + [ + 0.20844094455242157, + -0.03353298455476761, + 0.04874223470687866, + -0.5836886763572693, + -0.024023523554205894, + -0.21110351383686066, + -0.04249794781208038, + 0.5063521265983582, + 0.05406603962182999, + 0.035478781908750534, + -0.2067994624376297, + 2.517059326171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/101.png", + [ + 0.20011800527572632, + -0.020910393446683884, + 0.08039548248052597, + -0.9603292942047119, + -0.006903612520545721, + -0.21315869688987732, + -0.03825706988573074, + 0.4427483379840851, + 0.08278295397758484, + 0.03277222439646721, + -0.19753697514533997, + 2.3615145683288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/85.png", + [ + 0.19980493187904358, + -0.023459309712052345, + 0.08047079294919968, + -0.9514127969741821, + -0.019599836319684982, + -0.21532471477985382, + -0.014107298105955124, + 0.14713843166828156, + 0.08149683475494385, + 0.005729758646339178, + -0.2006821632385254, + 2.4314064979553223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/71.png", + [ + 0.20380042493343353, + -0.02514982782304287, + 0.06914305686950684, + -0.8109884858131409, + -0.01100816298276186, + -0.21175390481948853, + -0.04457578435540199, + 0.5042781233787537, + 0.07274679094552994, + 0.038414400070905685, + -0.20044982433319092, + 2.4015755653381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/54.png", + [ + 0.20778298377990723, + -0.03361262008547783, + 0.05142293497920036, + -0.6159914135932922, + -0.023146454244852066, + -0.2108340710401535, + -0.04428465664386749, + 0.5262342095375061, + 0.05690666288137436, + 0.03697405755519867, + -0.20577280223369598, + 2.5130343437194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/33.png", + [ + 0.20642678439617157, + -0.04733126983046532, + 0.04577810689806938, + -0.33314669132232666, + -0.04233083873987198, + -0.21077187359333038, + -0.027040941640734673, + 0.09638644754886627, + 0.05043792724609375, + 0.01681853085756302, + -0.21005010604858398, + 1.9331740140914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/49.png", + [ + 0.2082296907901764, + -0.03437420353293419, + 0.04905819147825241, + -0.5860027074813843, + -0.02445562556385994, + -0.21077080070972443, + -0.043880365788936615, + 0.5221427083015442, + 0.054682858288288116, + 0.036633022129535675, + -0.20643571019172668, + 2.506625175476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/110.png", + [ + 0.20274658501148224, + -0.016974778845906258, + 0.07452227920293808, + -0.764015793800354, + -0.015830785036087036, + -0.2160084843635559, + -0.006133171729743481, + -0.004565265029668808, + 0.0747736394405365, + 0.00029414359596557915, + -0.20336349308490753, + 2.2706961631774902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/18.png", + [ + 0.20278571546077728, + -0.032237716019153595, + 0.06918511539697647, + -0.821124792098999, + -0.031588517129421234, + -0.21423740684986115, + -0.007238903548568487, + 0.07077905535697937, + 0.0694839283823967, + -0.00331145734526217, + -0.2052045613527298, + 2.518972396850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/66.png", + [ + 0.20402337610721588, + -0.029346928000450134, + 0.06679154932498932, + -0.7856382727622986, + -0.012378720566630363, + -0.20941998064517975, + -0.05420273169875145, + 0.6268370747566223, + 0.07189659774303436, + 0.04722210019826889, + -0.19886893033981323, + 2.390965461730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/16.png", + [ + 0.20141096413135529, + -0.034855715930461884, + 0.07187908887863159, + -0.8487095236778259, + -0.0341506190598011, + -0.21381713449954987, + -0.00799177773296833, + 0.07877691090106964, + 0.07221676409244537, + -0.003900241805240512, + -0.20424842834472656, + 2.4995627403259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/94.png", + [ + 0.20823350548744202, + -0.038544390350580215, + 0.04583704471588135, + -0.5409296154975891, + -0.03314439207315445, + -0.21229319274425507, + -0.027945464476943016, + 0.32785564661026, + 0.04988139867782593, + 0.019845152273774147, + -0.209918811917305, + 2.5566811561584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/61.png", + [ + 0.20539484918117523, + -0.030641397461295128, + 0.061821967363357544, + -0.7347116470336914, + -0.018181325867772102, + -0.21131083369255066, + -0.04432905092835426, + 0.5154978036880493, + 0.06656042486429214, + 0.03683381527662277, + -0.20288142561912537, + 2.4570770263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/58.png", + [ + 0.2070096880197525, + -0.03398654982447624, + 0.05421987175941467, + -0.6472979187965393, + -0.02360757812857628, + -0.2111995965242386, + -0.04225291684269905, + 0.4949682056903839, + 0.05947741121053696, + 0.03446072340011597, + -0.20548184216022491, + 2.5005674362182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/64.png", + [ + 0.20510877668857574, + -0.028971439227461815, + 0.06355267763137817, + -0.7497595548629761, + -0.013234654441475868, + -0.2097046822309494, + -0.052883729338645935, + 0.6171561479568481, + 0.06857939064502716, + 0.04617900773882866, + -0.20028045773506165, + 2.4138951301574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/10.png", + [ + 0.20400580763816833, + -0.013245513662695885, + 0.07179196923971176, + -0.8464290499687195, + -0.01024861540645361, + -0.21616452932357788, + -0.0107593247666955, + 0.11463385820388794, + 0.07228067517280579, + 0.006734504830092192, + -0.20415203273296356, + 2.459995746612549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/41.png", + [ + 0.20176032185554504, + -0.04107184335589409, + 0.0674816146492958, + -0.7614625096321106, + -0.028987545520067215, + -0.21066811680793762, + -0.04155191406607628, + 0.4618363678455353, + 0.07348731905221939, + 0.02966384030878544, + -0.20166201889514923, + 2.3223156929016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/91.png", + [ + 0.20914621651172638, + -0.03341751545667648, + 0.04570578411221504, + -0.5376906394958496, + -0.0274646133184433, + -0.21283207833766937, + -0.029934916645288467, + 0.3500288724899292, + 0.04951205849647522, + 0.023101381957530975, + -0.20967301726341248, + 2.550144672393799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/23.png", + [ + 0.20838241279125214, + -0.028116419911384583, + 0.052288878709077835, + -0.565861165523529, + -0.027586551383137703, + -0.21483878791332245, + -0.00558331236243248, + 0.013088207691907883, + 0.05257035791873932, + -0.001287671155296266, + -0.21019655466079712, + 2.4581799507141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/37.png", + [ + 0.20190554857254028, + -0.04788413643836975, + 0.06236312910914421, + -0.6202316880226135, + -0.03975503146648407, + -0.21044401824474335, + -0.0328746996819973, + 0.3071199059486389, + 0.0678350105881691, + 0.019191613420844078, + -0.2048853188753128, + 2.1621270179748535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/36.png", + [ + 0.20168207585811615, + -0.04692503437399864, + 0.06379872560501099, + -0.5998679399490356, + -0.03891221433877945, + -0.21073758602142334, + -0.03199078142642975, + 0.2690684497356415, + 0.06897880882024765, + 0.018319718539714813, + -0.20458300411701202, + 2.082735538482666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/8.png", + [ + 0.20439991354942322, + -0.011890091001987457, + 0.07090270519256592, + -0.8398571610450745, + -0.009311380796134472, + -0.21626923978328705, + -0.009424393996596336, + 0.0956716388463974, + 0.07128721475601196, + 0.005843523424118757, + -0.20452845096588135, + 2.4579296112060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/6.png", + [ + 0.20369625091552734, + -0.016384871676564217, + 0.07202263176441193, + -0.8571253418922424, + -0.013791083358228207, + -0.21599768102169037, + -0.010134341195225716, + 0.10858957469463348, + 0.07256396114826202, + 0.004943161271512508, + -0.2041027545928955, + 2.4559383392333984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/20.png", + [ + 0.20406021177768707, + -0.02926780842244625, + 0.06671368330717087, + -0.7877883911132812, + -0.02794174663722515, + -0.2146884799003601, + -0.008718783967196941, + 0.08704935014247894, + 0.0672798603773117, + -0.00039201450999826193, + -0.20596398413181305, + 2.518801689147949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/2.png", + [ + 0.20448526740074158, + -0.021765559911727905, + 0.06826365739107132, + -0.8089728355407715, + -0.024821480736136436, + -0.2151714712381363, + 0.005746839568018913, + -0.0799923688173294, + 0.06721280515193939, + -0.01324358582496643, + -0.20556007325649261, + 2.49544620513916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/5.png", + [ + 0.2043166309595108, + -0.017414603382349014, + 0.06999529153108597, + -0.8331217169761658, + -0.015502993948757648, + -0.21595308184623718, + -0.008475102484226227, + 0.09342366456985474, + 0.07044335454702377, + 0.0029835884924978018, + -0.20488223433494568, + 2.4712071418762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/108.png", + [ + 0.1988704651594162, + -0.01513366587460041, + 0.08467227220535278, + -0.9446580410003662, + -0.009754610247910023, + -0.21588660776615143, + -0.015675166621804237, + 0.14312884211540222, + 0.08545917272567749, + 0.01057522464543581, + -0.1988285481929779, + 2.3104753494262695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/60.png", + [ + 0.20556612312793732, + -0.033321913331747055, + 0.05983404442667961, + -0.7121418118476868, + -0.021463118493556976, + -0.21110740303993225, + -0.043828085064888, + 0.5095633864402771, + 0.06503689289093018, + 0.035654131323099136, + -0.20358507335186005, + 2.4661359786987305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/56.png", + [ + 0.2078314572572708, + -0.03420321270823479, + 0.05083426088094711, + -0.6061936616897583, + -0.023926982656121254, + -0.21080374717712402, + -0.04401334002614021, + 0.5189372897148132, + 0.05640462040901184, + 0.03660348057746887, + -0.205977201461792, + 2.507866859436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/17.png", + [ + 0.20208366215229034, + -0.03393890708684921, + 0.0704147219657898, + -0.8330915570259094, + -0.03344443440437317, + -0.213958740234375, + -0.007142707239836454, + 0.06856845319271088, + 0.07065091282129288, + -0.0042070262134075165, + -0.20478928089141846, + 2.51065731048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/12.png", + [ + 0.20290116965770721, + -0.01826396770775318, + 0.07379323989152908, + -0.8675146102905273, + -0.01547488383948803, + -0.21584762632846832, + -0.010873123072087765, + 0.11871770024299622, + 0.07442810386419296, + 0.004911638796329498, + -0.2034311443567276, + 2.463772773742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/42.png", + [ + 0.20256274938583374, + -0.037974756211042404, + 0.06688901036977768, + -0.7679135799407959, + -0.02589796856045723, + -0.2110965996980667, + -0.04141753166913986, + 0.46708163619041443, + 0.07242593914270401, + 0.030725153163075447, + -0.20188695192337036, + 2.3540163040161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/7.png", + [ + 0.20471569895744324, + -0.012174136936664581, + 0.06993687897920609, + -0.831086277961731, + -0.009866008535027504, + -0.21627222001552582, + -0.008767921477556229, + 0.08851578831672668, + 0.07029963284730911, + 0.005099505186080933, + -0.20488984882831573, + 2.4636826515197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/73.png", + [ + 0.20174668729305267, + -0.02700769528746605, + 0.07427483797073364, + -0.871369481086731, + -0.012247718870639801, + -0.21185456216335297, + -0.04376674443483353, + 0.5007497072219849, + 0.07807791233062744, + 0.03655295446515083, + -0.19878534972667694, + 2.384215831756592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/46.png", + [ + 0.20718950033187866, + -0.03231706842780113, + 0.054552823305130005, + -0.6436521410942078, + -0.02161954715847969, + -0.21125419437885284, + -0.04303669184446335, + 0.5039706826210022, + 0.05960703641176224, + 0.035709504038095474, + -0.20523090660572052, + 2.458956241607666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/57.png", + [ + 0.20769871771335602, + -0.03404289111495018, + 0.05148014426231384, + -0.613395094871521, + -0.023911384865641594, + -0.21100223064422607, + -0.043060485273599625, + 0.5070025324821472, + 0.05689788609743118, + 0.035595521330833435, + -0.20601817965507507, + 2.5076513290405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/44.png", + [ + 0.2054213136434555, + -0.03210001438856125, + 0.06098824366927147, + -0.7126550078392029, + -0.021153878420591354, + -0.2118494063615799, + -0.0402522087097168, + 0.4615236818790436, + 0.06559336930513382, + 0.032207392156124115, + -0.20398060977458954, + 2.4173178672790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/113.png", + [ + 0.2073599398136139, + -0.029003102332353592, + 0.05575454980134964, + -0.395871102809906, + -0.024509750306606293, + -0.21432159841060638, + -0.02033286914229393, + 0.04196327552199364, + 0.057870734483003616, + 0.013151945546269417, + -0.2083888202905655, + 1.9451998472213745, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/4.png", + [ + 0.20457321405410767, + -0.018644949421286583, + 0.06892069429159164, + -0.8190776705741882, + -0.017910365015268326, + -0.21586962044239044, + -0.005236412398517132, + 0.05703120306134224, + 0.06911522895097733, + -0.0007530419970862567, + -0.20535436272621155, + 2.481114387512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/55.png", + [ + 0.20754125714302063, + -0.03377419710159302, + 0.052286047488451004, + -0.6249620914459229, + -0.023198038339614868, + -0.21086181700229645, + -0.04412532225251198, + 0.5214734077453613, + 0.057761386036872864, + 0.03666737675666809, + -0.2055894434452057, + 2.506690502166748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/9.png", + [ + 0.20409777760505676, + -0.011900169774889946, + 0.07176607847213745, + -0.8480795621871948, + -0.008955292403697968, + -0.21624010801315308, + -0.010388447903096676, + 0.10935156047344208, + 0.0721927136182785, + 0.0068193175829946995, + -0.20418031513690948, + 2.4557580947875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/25.png", + [ + 0.2097519338130951, + -0.03446676582098007, + 0.04200071841478348, + -0.3572119474411011, + -0.03026914969086647, + -0.2132243812084198, + -0.023812495172023773, + 0.12727142870426178, + 0.04511980712413788, + 0.01718425191938877, + -0.21122689545154572, + 2.2093305587768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/99.png", + [ + 0.20323753356933594, + -0.025884069502353668, + 0.07051532715559006, + -0.8495956063270569, + -0.013735120184719563, + -0.21278059482574463, + -0.03851836547255516, + 0.4501575827598572, + 0.07384946942329407, + 0.03165964037179947, + -0.20122578740119934, + 2.417703628540039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/34.png", + [ + 0.203103706240654, + -0.043367184698581696, + 0.061774272471666336, + -0.5040798187255859, + -0.03625873103737831, + -0.21159577369689941, + -0.029333077371120453, + 0.16400010883808136, + 0.06619726121425629, + 0.017158446833491325, + -0.20560011267662048, + 1.9531830549240112, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/72.png", + [ + 0.20310595631599426, + -0.026903953403234482, + 0.07051274180412292, + -0.8273907899856567, + -0.013218496926128864, + -0.21199163794517517, + -0.0428101047873497, + 0.4858419597148895, + 0.07430437952280045, + 0.03582752123475075, + -0.20035754144191742, + 2.4019651412963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/102.png", + [ + 0.19900275766849518, + -0.01851126365363598, + 0.08368471264839172, + -0.9929987788200378, + -0.004913328215479851, + -0.2136765867471695, + -0.035581860691308975, + 0.40768903493881226, + 0.0855666846036911, + 0.0307821836322546, + -0.19666899740695953, + 2.3445143699645996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/70.png", + [ + 0.2027771919965744, + -0.026550378650426865, + 0.0715847909450531, + -0.8403805494308472, + -0.011191640049219131, + -0.21129363775253296, + -0.04666517302393913, + 0.5279365181922913, + 0.0755251795053482, + 0.039974600076675415, + -0.19911271333694458, + 2.386996269226074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/90.png", + [ + 0.2087266445159912, + -0.030969100072979927, + 0.04921384155750275, + -0.5790372490882874, + -0.025207750499248505, + -0.2134508639574051, + -0.02740800753235817, + 0.3170023262500763, + 0.05239901319146156, + 0.02067713625729084, + -0.20922403037548065, + 2.541100025177002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/15.png", + [ + 0.2008521854877472, + -0.03262340649962425, + 0.07444462180137634, + -0.8767460584640503, + -0.03183145076036453, + -0.214175283908844, + -0.007975188083946705, + 0.08015032112598419, + 0.07478667795658112, + -0.0035437762271612883, + -0.20332801342010498, + 2.4847793579101562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/22.png", + [ + 0.20668748021125793, + -0.028528371825814247, + 0.05843216925859451, + -0.6637346148490906, + -0.027166029438376427, + -0.21478578448295593, + -0.008772759698331356, + 0.07029391825199127, + 0.059077855199575424, + 0.001042343326844275, + -0.20846250653266907, + 2.4957494735717773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/109.png", + [ + 0.20016922056674957, + -0.016104433685541153, + 0.08136846870183945, + -0.8799685835838318, + -0.013310374692082405, + -0.21603348851203918, + -0.010013330727815628, + 0.06207780912518501, + 0.08187194168567657, + 0.004252070561051369, + -0.20056621730327606, + 2.2965826988220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/26.png", + [ + 0.21024666726589203, + -0.04235594719648361, + 0.030825313180685043, + -0.2053164392709732, + -0.038190070539712906, + -0.21120093762874603, + -0.02972494065761566, + 0.12048710882663727, + 0.03585727885365486, + 0.02340998314321041, + -0.21240085363388062, + 2.0706305503845215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/43.png", + [ + 0.20452581346035004, + -0.03292432799935341, + 0.06350649893283844, + -0.7363858819007874, + -0.02161398157477379, + -0.21181228756904602, + -0.04020311310887337, + 0.4568140208721161, + 0.06819034367799759, + 0.031613972038030624, + -0.20322038233280182, + 2.3904008865356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/84.png", + [ + 0.1981741338968277, + -0.023661013692617416, + 0.0843508318066597, + -0.9962502121925354, + -0.018391191959381104, + -0.2152096927165985, + -0.01715952530503273, + 0.18505939841270447, + 0.0856543704867363, + 0.008534739725291729, + -0.1988426148891449, + 2.4061074256896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/89.png", + [ + 0.20704993605613708, + -0.029889872297644615, + 0.05643412098288536, + -0.6661621928215027, + -0.024680426344275475, + -0.21405132114887238, + -0.022821055725216866, + 0.2560681998729706, + 0.05889899283647537, + 0.015379191376268864, + -0.20794779062271118, + 2.5219945907592773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/63.png", + [ + 0.20552322268486023, + -0.029147541150450706, + 0.06211700662970543, + -0.7347347140312195, + -0.014570286497473717, + -0.2102188915014267, + -0.05043434724211693, + 0.5877442359924316, + 0.06705079227685928, + 0.04366162419319153, + -0.20135974884033203, + 2.431358814239502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/88.png", + [ + 0.20432010293006897, + -0.028596393764019012, + 0.06620753556489944, + -0.7840803861618042, + -0.023799369111657143, + -0.21450577676296234, + -0.019203277304768562, + 0.20716041326522827, + 0.06807923316955566, + 0.010836147703230381, + -0.20541590452194214, + 2.4918766021728516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/62.png", + [ + 0.20603881776332855, + -0.029025916010141373, + 0.060443323105573654, + -0.7160350680351257, + -0.016058925539255142, + -0.21099765598773956, + -0.04658312723040581, + 0.5430026054382324, + 0.06510000675916672, + 0.03981674090027809, + -0.20279181003570557, + 2.454359531402588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/65.png", + [ + 0.20509061217308044, + -0.027815157547593117, + 0.06412524729967117, + -0.7546196579933167, + -0.011342346668243408, + -0.20938874781131744, + -0.05454906448721886, + 0.6353853940963745, + 0.06897159665822983, + 0.048275936394929886, + -0.19965031743049622, + 2.4007110595703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/80.png", + [ + 0.20000195503234863, + -0.020782675594091415, + 0.08071675151586533, + -0.9475595355033875, + -0.010847000405192375, + -0.21453642845153809, + -0.02836114726960659, + 0.3124891221523285, + 0.08264052122831345, + 0.02213803306221962, + -0.19906869530677795, + 2.388005256652832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/79.png", + [ + 0.19957633316516876, + -0.021522758528590202, + 0.08157175034284592, + -0.958102285861969, + -0.009922284632921219, + -0.21403907239437103, + -0.032198142260313034, + 0.35906174778938293, + 0.08377784490585327, + 0.025921860709786415, + -0.1981343775987625, + 2.379641056060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/19.png", + [ + 0.20335055887699127, + -0.028022615239024162, + 0.06936261802911758, + -0.823017954826355, + -0.027892356738448143, + -0.21481335163116455, + -0.005012867506593466, + 0.044449109584093094, + 0.06941509991884232, + -0.004224385134875774, + -0.2052110880613327, + 2.520643711090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/77.png", + [ + 0.19882313907146454, + -0.023776300251483917, + 0.08277647942304611, + -0.9718637466430664, + -0.009900744073092937, + -0.21318337321281433, + -0.037452857941389084, + 0.4268667697906494, + 0.08555252104997635, + 0.030584776774048805, + -0.19670595228672028, + 2.363430976867676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/68.png", + [ + 0.2031203806400299, + -0.02904036082327366, + 0.06961803138256073, + -0.8196074366569519, + -0.013279365375638008, + -0.2106170952320099, + -0.04911208897829056, + 0.5595791935920715, + 0.0742540955543518, + 0.041773151606321335, + -0.19922155141830444, + 2.394038200378418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/86.png", + [ + 0.20113849639892578, + -0.023501573130488396, + 0.07706409692764282, + -0.9118050932884216, + -0.019720574840903282, + -0.21530824899673462, + -0.014189692214131355, + 0.14502950012683868, + 0.07811720669269562, + 0.0061582899652421474, + -0.20200908184051514, + 2.451773166656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/1.png", + [ + 0.20441214740276337, + -0.02096225880086422, + 0.06873247772455215, + -0.8107791543006897, + -0.025845997035503387, + -0.21482808887958527, + 0.011347661726176739, + -0.15103758871555328, + 0.06704889982938766, + -0.018904196098446846, + -0.20517058670520782, + 2.4934158325195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/81.png", + [ + 0.20003576576709747, + -0.021871080622076988, + 0.0803445428609848, + -0.9411259293556213, + -0.012756039388477802, + -0.21464809775352478, + -0.026671655476093292, + 0.2935970723628998, + 0.0822853147983551, + 0.019893454387784004, + -0.19945243000984192, + 2.3889122009277344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/95.png", + [ + 0.2075013965368271, + -0.037627942860126495, + 0.0497513972222805, + -0.59070885181427, + -0.03222903236746788, + -0.2126319259405136, + -0.026397904381155968, + 0.309453547000885, + 0.053407423198223114, + 0.017880095168948174, + -0.20922677218914032, + 2.5463061332702637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/103.png", + [ + 0.19790834188461304, + -0.018266629427671432, + 0.08629316836595535, + -1.0170018672943115, + -0.004742814693599939, + -0.21387456357479095, + -0.03439583256840706, + 0.39080867171287537, + 0.08807772397994995, + 0.02952791377902031, + -0.1957506388425827, + 2.3278045654296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/83.png", + [ + 0.19813957810401917, + -0.02295408770442009, + 0.08462688326835632, + -0.9955337047576904, + -0.015528380870819092, + -0.2149990051984787, + -0.021958960220217705, + 0.24103346467018127, + 0.08629871159791946, + 0.014015581458806992, + -0.198252335190773, + 2.390061855316162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/51.png", + [ + 0.20873403549194336, + -0.03246193379163742, + 0.04821011424064636, + -0.5779232382774353, + -0.023059813305735588, + -0.21123254299163818, + -0.04239046573638916, + 0.5049760937690735, + 0.053350143134593964, + 0.03570615500211716, + -0.20694619417190552, + 2.5227084159851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/93.png", + [ + 0.20760560035705566, + -0.038242779672145844, + 0.04883953183889389, + -0.5800111889839172, + -0.032200489193201065, + -0.2122526317834854, + -0.029323147609829903, + 0.34678763151168823, + 0.05301828682422638, + 0.020837660878896713, + -0.20905202627182007, + 2.5619864463806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/76.png", + [ + 0.19897343218326569, + 0.03766186907887459, + -0.07706522941589355, + 0.9214621782302856, + 0.02659034915268421, + -0.21216416358947754, + -0.03503168746829033, + 0.39881065487861633, + -0.08155009895563126, + 0.02271232381463051, + -0.19945332407951355, + 2.4325289726257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/48.png", + [ + 0.18948303163051605, + 0.03193460777401924, + -0.10012121498584747, + 1.2155708074569702, + 0.017888596281409264, + -0.21321699023246765, + -0.03415275737643242, + 0.3923766613006592, + -0.10355710983276367, + 0.02160077542066574, + -0.18909581005573273, + 2.351316452026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/137.png", + [ + 0.19941124320030212, + 0.04161655530333519, + -0.07383164018392563, + 0.9040500521659851, + 0.032276272773742676, + -0.21182042360305786, + -0.032221756875514984, + 0.36816170811653137, + -0.07836638391017914, + 0.0186564102768898, + -0.2011430859565735, + 2.513756275177002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/35.png", + [ + 0.1892019808292389, + 0.02213381789624691, + -0.10325014591217041, + 1.2229686975479126, + 0.006653910502791405, + -0.21393923461437225, + -0.033669281750917435, + 0.37244680523872375, + -0.10538607835769653, + 0.026229551061987877, + -0.18749314546585083, + 2.2680840492248535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/124.png", + [ + 0.20210635662078857, + 0.03829345479607582, + -0.06807738542556763, + 0.8129050731658936, + 0.02847028709948063, + -0.21197257936000824, + -0.03471251577138901, + 0.39138221740722656, + -0.07273487001657486, + 0.023433461785316467, + -0.20275206863880157, + 2.4600563049316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/97.png", + [ + 0.21136415004730225, + 0.02598750963807106, + -0.039971739053726196, + 0.4638049602508545, + 0.01922803558409214, + -0.21269258856773376, + -0.036606691777706146, + 0.4112674295902252, + -0.04362766817212105, + 0.032162345945835114, + -0.2097858488559723, + 2.475925922393799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/13.png", + [ + 0.188679039478302, + 0.027808209881186485, + -0.10283394157886505, + 1.238601565361023, + 0.012924866750836372, + -0.21359257400035858, + -0.034044936299324036, + 0.38347968459129333, + -0.10574054718017578, + 0.023511985316872597, + -0.18765397369861603, + 2.316288948059082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/32.png", + [ + 0.18956969678401947, + 0.01944156549870968, + -0.10311763733625412, + 1.21640145778656, + 0.0032882646191865206, + -0.21391938626766205, + -0.03428678587079048, + 0.3825809359550476, + -0.10488282144069672, + 0.028432758525013924, + -0.18745416402816772, + 2.264596462249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/38.png", + [ + 0.18808814883232117, + 0.024488219991326332, + -0.10474283993244171, + 1.245993733406067, + 0.009374610148370266, + -0.21391412615776062, + -0.03317767009139061, + 0.3671663701534271, + -0.10715807229280472, + 0.02426866628229618, + -0.1867513805627823, + 2.272019863128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/111.png", + [ + 0.2048165500164032, + 0.03644145652651787, + -0.06058131158351898, + 0.7187459468841553, + 0.025997184216976166, + -0.2114848494529724, + -0.03932175040245056, + 0.44098222255706787, + -0.0657435953617096, + 0.029901059344410896, + -0.20428311824798584, + 2.4549994468688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/11.png", + [ + 0.1872398406267166, + 0.03700724244117737, + -0.10256510227918625, + 1.244905710220337, + 0.025582898408174515, + -0.2130342721939087, + -0.030163036659359932, + 0.32781490683555603, + -0.10599364340305328, + 0.013955533504486084, + -0.1884634643793106, + 2.334465980529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/125.png", + [ + 0.20175805687904358, + 0.038278885185718536, + -0.06911084800958633, + 0.8259350657463074, + 0.028477655723690987, + -0.21203765273094177, + -0.03430674225091934, + 0.3857736885547638, + -0.07369264215230942, + 0.02286168374121189, + -0.2024713158607483, + 2.455440044403076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/59.png", + [ + 0.19277779757976532, + 0.041578423231840134, + -0.0897543802857399, + 1.095725655555725, + 0.02754289098083973, + -0.21139128506183624, + -0.03876868635416031, + 0.44425061345100403, + -0.09500528126955032, + 0.023083677515387535, + -0.19336244463920593, + 2.4091415405273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/105.png", + [ + 0.20815551280975342, + 0.03470762446522713, + -0.04913811758160591, + 0.5822616815567017, + 0.025249304249882698, + -0.2110394388437271, + -0.04210369288921356, + 0.4721737205982208, + -0.05460445210337639, + 0.03472216799855232, + -0.2067864090204239, + 2.4687299728393555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/121.png", + [ + 0.20267821848392487, + 0.037974484264850616, + -0.0665384829044342, + 0.7964564561843872, + 0.028189292177557945, + -0.2119470238685608, + -0.035095829516649246, + 0.39666515588760376, + -0.07123760879039764, + 0.024172132834792137, + -0.2031964659690857, + 2.474113941192627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/24.png", + [ + 0.18629366159439087, + 0.027858272194862366, + -0.10708162933588028, + 1.276288628578186, + -3.085340722464025e-06, + -0.20969314873218536, + -0.054558973759412766, + 0.625282883644104, + -0.11064609885215759, + 0.04691053181886673, + -0.18029068410396576, + 2.186645030975342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/74.png", + [ + 0.19775009155273438, + 0.040076255798339844, + -0.07897274941205978, + 0.947916567325592, + 0.027115197852253914, + -0.21133898198604584, + -0.039350833743810654, + 0.4484640657901764, + -0.08430638164281845, + 0.026031052693724632, + -0.19789572060108185, + 2.4188451766967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/129.png", + [ + 0.20155979692935944, + 0.038620494306087494, + -0.0694982036948204, + 0.8322088718414307, + 0.029077932238578796, + -0.21208161115646362, + -0.03352251648902893, + 0.3776078522205353, + -0.07400010526180267, + 0.021857324987649918, + -0.2024700939655304, + 2.460754871368408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/98.png", + [ + 0.21132946014404297, + 0.02744879573583603, + -0.03917033597826958, + 0.45375293493270874, + 0.02094290964305401, + -0.2126319855451584, + -0.0360129252076149, + 0.40302759408950806, + -0.043001703917980194, + 0.03133847191929817, + -0.2100396305322647, + 2.477519989013672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/0.png", + [ + 0.1876470297574997, + 0.03011905401945114, + -0.10406407713890076, + 1.2450436353683472, + 0.0047480384819209576, + -0.2102188915014267, + -0.05228162929415703, + 0.6055566072463989, + -0.10823097825050354, + 0.042997147887945175, + -0.18271616101264954, + 2.2370505332946777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/96.png", + [ + 0.21142946183681488, + 0.025429395958781242, + -0.039985302835702896, + 0.4641457200050354, + 0.018946945667266846, + -0.2129479944705963, + -0.035242851823568344, + 0.3952294886112213, + -0.04343375936150551, + 0.030893223360180855, + -0.21001669764518738, + 2.4761886596679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/100.png", + [ + 0.21121129393577576, + 0.02778259664773941, + -0.03957028314471245, + 0.4576761722564697, + 0.021080249920487404, + -0.21250393986701965, + -0.03668219968676567, + 0.40992090106010437, + -0.04351210221648216, + 0.03190749138593674, + -0.20984876155853271, + 2.475590705871582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/40.png", + [ + 0.18492555618286133, + 0.02857821062207222, + -0.1092415302991867, + 1.3086514472961426, + 0.012159842997789383, + -0.21344143152236938, + -0.03525315225124359, + 0.3966986835002899, + -0.11226114630699158, + 0.023956885561347008, + -0.18376997113227844, + 2.246946334838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/52.png", + [ + 0.1901148110628128, + 0.03991596773266792, + -0.09597378969192505, + 1.1784167289733887, + 0.028140200302004814, + -0.2123553454875946, + -0.03257661685347557, + 0.3673999607563019, + -0.10006190091371536, + 0.016118986532092094, + -0.19150897860527039, + 2.3932580947875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/3.png", + [ + 0.18786559998989105, + 0.02865676023066044, + -0.10408268123865128, + 1.2497214078903198, + 0.010782206431031227, + -0.2128375619649887, + -0.039138391613960266, + 0.4401324689388275, + -0.1074158251285553, + 0.028755173087120056, + -0.18596471846103668, + 2.2821903228759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/47.png", + [ + 0.186717689037323, + 0.03297438472509384, + -0.10486701130867004, + 1.2713940143585205, + 0.017262164503335953, + -0.2129276990890503, + -0.03621738404035568, + 0.4156748056411743, + -0.10856527090072632, + 0.02285544015467167, + -0.1861158311367035, + 2.3105950355529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/104.png", + [ + 0.20882046222686768, + 0.03276354819536209, + -0.047628313302993774, + 0.5629266500473022, + 0.023566415533423424, + -0.21125495433807373, + -0.04199839010834694, + 0.47176989912986755, + -0.052787601947784424, + 0.0352957546710968, + -0.20716074109077454, + 2.4691147804260254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/21.png", + [ + 0.18654246628284454, + 0.028004024177789688, + -0.10660945624113083, + 1.2673007249832153, + 0.0007107612327672541, + -0.2098664492368698, + -0.05388376861810684, + 0.6164955496788025, + -0.11022382974624634, + 0.04604063555598259, + -0.18077294528484344, + 2.1977014541625977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/82.png", + [ + 0.2044115662574768, + 0.032812342047691345, + -0.06393080949783325, + 0.7526448369026184, + 0.025521084666252136, + -0.21334978938102722, + -0.027900490909814835, + 0.31723713874816895, + -0.06717493385076523, + 0.018791312351822853, + -0.20513972640037537, + 2.468240261077881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/106.png", + [ + 0.20776858925819397, + 0.03436427563428879, + -0.05098233371973038, + 0.6043899655342102, + 0.024463951587677002, + -0.21104180812835693, + -0.0425531268119812, + 0.4779069125652313, + -0.05640581622719765, + 0.035047829151153564, + -0.2062472403049469, + 2.4672536849975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/14.png", + [ + 0.18839384615421295, + 0.026492899283766747, + -0.1037004366517067, + 1.2506592273712158, + 0.008890264667570591, + -0.21307997405529022, + -0.03828561305999756, + 0.4411526918411255, + -0.10666123032569885, + 0.02903362549841404, + -0.1863553822040558, + 2.295266628265381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/67.png", + [ + 0.19539856910705566, + 0.04265717789530754, + -0.08335261791944504, + 1.0053813457489014, + 0.027008933946490288, + -0.2103622406721115, + -0.04434116184711456, + 0.5088219046592712, + -0.08965384215116501, + 0.029597068205475807, + -0.195023313164711, + 2.39699125289917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/78.png", + [ + 0.20190836489200592, + 0.03496946021914482, + -0.07041338831186295, + 0.837864339351654, + 0.025828421115875244, + -0.21279360353946686, + -0.03161762282252312, + 0.35881316661834717, + -0.07425497472286224, + 0.02106935903429985, + -0.20246030390262604, + 2.4579086303710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/31.png", + [ + 0.18985290825366974, + 0.018935183063149452, + -0.10268998146057129, + 1.2108603715896606, + 0.004014668054878712, + -0.21424852311611176, + -0.03208335489034653, + 0.35469603538513184, + -0.10434392094612122, + 0.026209119707345963, + -0.18807797133922577, + 2.2710790634155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/39.png", + [ + 0.18593676388263702, + 0.028289517387747765, + -0.10758772492408752, + 1.2859312295913696, + 0.012312177568674088, + -0.2134973704814911, + -0.03485945984721184, + 0.38847970962524414, + -0.11056140810251236, + 0.02380073443055153, + -0.18481773138046265, + 2.2547640800476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/92.png", + [ + 0.21006259322166443, + 0.026445047929883003, + -0.04606804996728897, + 0.540241003036499, + 0.019553743302822113, + -0.21321605145931244, + -0.03323342278599739, + 0.3769759237766266, + -0.0493888333439827, + 0.028061872348189354, + -0.20909607410430908, + 2.4744739532470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/53.png", + [ + 0.1900676041841507, + 0.04071668162941933, + -0.09573065489530563, + 1.174749493598938, + 0.02861442230641842, + -0.21216006577014923, + -0.033424824476242065, + 0.3823049068450928, + -0.10001710057258606, + 0.016677994281053543, + -0.1914845108985901, + 2.3915882110595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/75.png", + [ + 0.19855161011219025, + 0.03831275925040245, + -0.07782857120037079, + 0.9332131147384644, + 0.02637641504406929, + -0.21185636520385742, + -0.03700083866715431, + 0.4210617244243622, + -0.08264041692018509, + 0.024431735277175903, + -0.19880028069019318, + 2.4288759231567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/87.png", + [ + 0.2076134979724884, + 0.029323939234018326, + -0.054631803184747696, + 0.6433178186416626, + 0.021696235984563828, + -0.213199645280838, + -0.03198544681072235, + 0.36772653460502625, + -0.05808442458510399, + 0.025177408009767532, + -0.2072201520204544, + 2.4764394760131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/107.png", + [ + 0.2069375365972519, + 0.03532124683260918, + -0.05363914743065834, + 0.6357450485229492, + 0.02578972652554512, + -0.21143342554569244, + -0.03973272442817688, + 0.44465675950050354, + -0.058818694204092026, + 0.03156277909874916, + -0.20613597333431244, + 2.4662246704101562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/112.png", + [ + 0.20352233946323395, + 0.036774031817913055, + -0.06460820883512497, + 0.7679511308670044, + 0.026165174320340157, + -0.21169312298297882, + -0.03806964308023453, + 0.4279440939426422, + -0.06958401203155518, + 0.02795683965086937, + -0.20328396558761597, + 2.451484203338623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/69.png", + [ + 0.19530247151851654, + 0.04291412979364395, + -0.08344589918851852, + 1.0027456283569336, + 0.026759708300232887, + -0.21015764772891998, + -0.04544856399297714, + 0.522256076335907, + -0.08993752300739288, + 0.03065992332994938, + -0.194728285074234, + 2.3852925300598145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/45.png", + [ + 0.18758191168308258, + 0.03709898889064789, + -0.10190477222204208, + 1.224072813987732, + 0.02216350845992565, + -0.21241915225982666, + -0.036534711718559265, + 0.41214433312416077, + -0.10615883022546768, + 0.021205458790063858, + -0.18769264221191406, + 2.31967830657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/50.png", + [ + 0.19043737649917603, + 0.03569241240620613, + -0.09699254482984543, + 1.1841264963150024, + 0.024187834933400154, + -0.21308816969394684, + -0.030923642218112946, + 0.34849613904953003, + -0.10048110038042068, + 0.016351601108908653, + -0.1912696212530136, + 2.391083240509033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/101.png", + [ + 0.2107459455728531, + 0.027073699980974197, + -0.04243888333439827, + 0.4932018518447876, + 0.02015822008252144, + -0.21277166903018951, + -0.03563365712761879, + 0.39817091822624207, + -0.046126894652843475, + 0.030710361897945404, + -0.2094685584306717, + 2.4789013862609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/85.png", + [ + 0.20693336427211761, + 0.03128465637564659, + -0.05610478296875954, + 0.658572793006897, + 0.023681586608290672, + -0.21306617558002472, + -0.03146243467926979, + 0.3611351251602173, + -0.05971314013004303, + 0.023915937170386314, + -0.20690640807151794, + 2.4715495109558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/131.png", + [ + 0.2016313523054123, + 0.03830345347523689, + -0.06946610659360886, + 0.8326340317726135, + 0.02899201400578022, + -0.21219800412654877, + -0.03285367041826248, + 0.3707497715950012, + -0.0738387331366539, + 0.021277839317917824, + -0.2025907039642334, + 2.4713993072509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/71.png", + [ + 0.19555780291557312, + 0.04219764843583107, + -0.0832129642367363, + 1.0005568265914917, + 0.026734845712780952, + -0.21048766374588013, + -0.043909937143325806, + 0.5037667751312256, + -0.0893884003162384, + 0.029363131150603294, + -0.19518046081066132, + 2.387943744659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/115.png", + [ + 0.20144012570381165, + 0.038977764546871185, + -0.06964554637670517, + 0.8334476947784424, + 0.028050558641552925, + -0.21159107983112335, + -0.03728649020195007, + 0.4211251139640808, + -0.07471903413534164, + 0.025648588314652443, + -0.20176003873348236, + 2.452085494995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/54.png", + [ + 0.19026270508766174, + 0.04045044630765915, + -0.09545557200908661, + 1.1702237129211426, + 0.026919687166810036, + -0.21193435788154602, + -0.03615322709083557, + 0.42148637771606445, + -0.10011661052703857, + 0.01988685131072998, + -0.1911257952451706, + 2.390732765197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/33.png", + [ + 0.19049924612045288, + 0.01944510079920292, + -0.10138946026563644, + 1.196446180343628, + 0.0034497936721891165, + -0.2138766050338745, + -0.03453681617975235, + 0.38278016448020935, + -0.10317961126565933, + 0.028750315308570862, + -0.18834882974624634, + 2.272439956665039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/49.png", + [ + 0.19012673199176788, + 0.03390659764409065, + -0.09823478013277054, + 1.197208285331726, + 0.02146925777196884, + -0.21321438252925873, + -0.03204053267836571, + 0.36624109745025635, + -0.10167989134788513, + 0.018381169065833092, + -0.19045007228851318, + 2.3764595985412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/118.png", + [ + 0.20170609652996063, + 0.038387399166822433, + -0.0692022293806076, + 0.8308417201042175, + 0.02854228764772415, + -0.21201182901859283, + -0.03441259637475014, + 0.38802775740623474, + -0.07380975037813187, + 0.02291935123503208, + -0.2024221271276474, + 2.4704461097717285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/110.png", + [ + 0.2056201696395874, + 0.03531821072101593, + -0.058488212525844574, + 0.6929947733879089, + 0.025155430659651756, + -0.21158508956432343, + -0.03933003172278404, + 0.44123589992523193, + -0.06352519989013672, + 0.030533110722899437, + -0.20489062368869781, + 2.4602346420288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/18.png", + [ + 0.19007658958435059, + 0.027281269431114197, + -0.10037189722061157, + 1.2015448808670044, + 0.005861594341695309, + -0.21156612038612366, + -0.046403829008340836, + 0.526569664478302, + -0.10384810715913773, + 0.03799218311905861, + -0.18633319437503815, + 2.2689404487609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/66.png", + [ + 0.19587528705596924, + 0.041977643966674805, + -0.08257510513067245, + 0.9970906376838684, + 0.02677876688539982, + -0.21056312322616577, + -0.04351971670985222, + 0.49918320775032043, + -0.08867733180522919, + 0.029136665165424347, + -0.1955384463071823, + 2.4038243293762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/16.png", + [ + 0.18959154188632965, + 0.028178274631500244, + -0.10103918612003326, + 1.2151398658752441, + 0.006970612332224846, + -0.2116333544254303, + -0.04594152048230171, + 0.5314450263977051, + -0.10466299206018448, + 0.03694858402013779, + -0.18608695268630981, + 2.276367664337158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/94.png", + [ + 0.21087762713432312, + 0.02548355422914028, + -0.04276806488633156, + 0.499227911233902, + 0.018874015659093857, + -0.2131640464067459, + -0.03395220264792442, + 0.3838295042514801, + -0.04606832563877106, + 0.02931840717792511, + -0.20968079566955566, + 2.4773926734924316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/28.png", + [ + 0.19072656333446503, + 0.02150137722492218, + -0.10054336488246918, + 1.19161057472229, + -0.00042358398786745965, + -0.21171768009662628, + -0.04607972130179405, + 0.5239399075508118, + -0.10281584411859512, + 0.040757954120635986, + -0.1863211989402771, + 2.2681288719177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/61.png", + [ + 0.19582633674144745, + 0.042081110179424286, + -0.08263847976922989, + 1.0045945644378662, + 0.027517307549715042, + -0.2107538878917694, + -0.04211285337805748, + 0.4854898154735565, + -0.08855922520160675, + 0.027565835043787956, + -0.19581951200962067, + 2.4265336990356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/132.png", + [ + 0.20079655945301056, + 0.03863539546728134, + -0.0716654509305954, + 0.8627077341079712, + 0.02931605651974678, + -0.2122412919998169, + -0.032281436026096344, + 0.3652213513851166, + -0.07595524936914444, + 0.020219502970576286, + -0.20191548764705658, + 2.4768452644348145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/58.png", + [ + 0.19130577147006989, + 0.043243251740932465, + -0.09208701550960541, + 1.1298104524612427, + 0.030820056796073914, + -0.211544468998909, + -0.03531242161989212, + 0.40250763297080994, + -0.09695422649383545, + 0.018079381436109543, + -0.19292721152305603, + 2.4106903076171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/123.png", + [ + 0.20221546292304993, + 0.037942852824926376, + -0.06794948875904083, + 0.8123484253883362, + 0.028235740959644318, + -0.21205751597881317, + -0.03438381850719452, + 0.3879733383655548, + -0.07252266258001328, + 0.023234542459249496, + -0.20285096764564514, + 2.4649815559387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/64.png", + [ + 0.19583891332149506, + 0.042368534952402115, + -0.08246168494224548, + 0.998511016368866, + 0.02698430046439171, + -0.21043013036251068, + -0.04403306171298027, + 0.5069777965545654, + -0.08869537711143494, + 0.029529139399528503, + -0.1954713761806488, + 2.410006523132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/10.png", + [ + 0.18569166958332062, + 0.03588682785630226, + -0.10572906583547592, + 1.2881742715835571, + 0.02340458519756794, + -0.2131301313638687, + -0.03123575448989868, + 0.3477257490158081, + -0.10917291045188904, + 0.015348704531788826, + -0.18653039634227753, + 2.318985939025879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/41.png", + [ + 0.1843663901090622, + 0.02964748814702034, + -0.10989973694086075, + 1.3186476230621338, + 0.01324197743088007, + -0.21336203813552856, + -0.03534379228949547, + 0.39940550923347473, + -0.11305563896894455, + 0.023357225582003593, + -0.18335963785648346, + 2.2458105087280273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/91.png", + [ + 0.20981073379516602, + 0.027160273864865303, + -0.04679397493600845, + 0.548320472240448, + 0.020104149356484413, + -0.21311445534229279, + -0.03355518728494644, + 0.38228583335876465, + -0.05023125931620598, + 0.028150437399744987, + -0.2088833898305893, + 2.4741406440734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/23.png", + [ + 0.184634268283844, + 0.02790694124996662, + -0.10990577936172485, + 1.3107948303222656, + -0.0020993074867874384, + -0.20913302898406982, + -0.05662911757826805, + 0.657573938369751, + -0.1133740246295929, + 0.049320038408041, + -0.17793750762939453, + 2.1644530296325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/37.png", + [ + 0.18818342685699463, + 0.023140115663409233, + -0.10487814992666245, + 1.2460861206054688, + 0.007087575737386942, + -0.21380016207695007, + -0.034455183893442154, + 0.3837105631828308, + -0.10716649889945984, + 0.02649393118917942, + -0.18644385039806366, + 2.267308235168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/36.png", + [ + 0.18850550055503845, + 0.022805752232670784, + -0.10437177866697311, + 1.2367889881134033, + 0.006463318131864071, + -0.21372699737548828, + -0.03502703458070755, + 0.3907839357852936, + -0.10663861781358719, + 0.027359921485185623, + -0.18662135303020477, + 2.263441562652588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/8.png", + [ + 0.1870260387659073, + 0.03138425573706627, + -0.10480543971061707, + 1.2708170413970947, + 0.01345338299870491, + -0.2125900834798813, + -0.039652999490499496, + 0.45905232429504395, + -0.10857328027486801, + 0.027719704434275627, + -0.18544906377792358, + 2.306704044342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/6.png", + [ + 0.1880219280719757, + 0.03184529393911362, + -0.10286653786897659, + 1.2385616302490234, + 0.015328743495047092, + -0.21279041469097137, + -0.03785714879631996, + 0.4287714660167694, + -0.10658647865056992, + 0.025573642924427986, + -0.18690426647663116, + 2.3115386962890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/20.png", + [ + 0.18950121104717255, + 0.027491211891174316, + -0.1013973280787468, + 1.2062979936599731, + 0.0030583085026592016, + -0.21047964692115784, + -0.05135035142302513, + 0.5808767676353455, + -0.10501348227262497, + 0.04347924888134003, + -0.18447118997573853, + 2.2407822608947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/2.png", + [ + 0.1869088113307953, + 0.030827198177576065, + -0.10517925769090652, + 1.2624248266220093, + 0.010208077728748322, + -0.21192021667957306, + -0.043971844017505646, + 0.5006872415542603, + -0.10912739485502243, + 0.032975934445858, + -0.18425984680652618, + 2.2568068504333496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/117.png", + [ + 0.201602965593338, + 0.03849431499838829, + -0.06944294273853302, + 0.8335988521575928, + 0.02809152752161026, + -0.21183034777641296, + -0.035870153456926346, + 0.4049983620643616, + -0.0742630586028099, + 0.02437189780175686, + -0.20208637416362762, + 2.4640517234802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/5.png", + [ + 0.1884717047214508, + 0.03116060234606266, + -0.10225129127502441, + 1.2293826341629028, + 0.015315034426748753, + -0.21299731731414795, + -0.03668094798922539, + 0.41141900420188904, + -0.1057911142706871, + 0.024679118767380714, + -0.1874755471944809, + 2.312847137451172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/108.png", + [ + 0.20669569075107574, + 0.03548013046383858, + -0.05446051433682442, + 0.6445828676223755, + 0.02589273825287819, + -0.21146543323993683, + -0.039494723081588745, + 0.4416329860687256, + -0.05961839482188225, + 0.031167730689048767, + -0.2059662938117981, + 2.464956283569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/60.png", + [ + 0.19372546672821045, + 0.04158489406108856, + -0.08768711239099503, + 1.068034052848816, + 0.02668759785592556, + -0.21105438470840454, + -0.041130416095256805, + 0.47385498881340027, + -0.0933065116405487, + 0.025973742827773094, + -0.1938224881887436, + 2.407917022705078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/56.png", + [ + 0.19132934510707855, + 0.04321879893541336, + -0.0920494794845581, + 1.129771113395691, + 0.030102564021945, + -0.21141287684440613, + -0.036692291498184204, + 0.4228360652923584, + -0.09713292866945267, + 0.01961183361709118, + -0.1926874816417694, + 2.411146640777588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/30.png", + [ + 0.18929056823253632, + 0.018305964767932892, + -0.10383576154708862, + 1.2260634899139404, + 0.0021707634441554546, + -0.21401533484458923, + -0.033773064613342285, + 0.37283438444137573, + -0.10541471838951111, + 0.028464432805776596, + -0.1871507614850998, + 2.271275520324707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/17.png", + [ + 0.18990610539913177, + 0.027301982045173645, + -0.10068844258785248, + 1.2079273462295532, + 0.005346160847693682, + -0.211395263671875, + -0.04723721742630005, + 0.5423898696899414, + -0.10418722778558731, + 0.03891706466674805, + -0.18595260381698608, + 2.270946502685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/12.png", + [ + 0.18874363601207733, + 0.03338821977376938, + -0.10103942453861237, + 1.220321774482727, + 0.0212787464261055, + -0.2134198099374771, + -0.030774910002946854, + 0.33508580923080444, + -0.10426386445760727, + 0.016885116696357727, + -0.18918730318546295, + 2.3357319831848145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/114.png", + [ + 0.20230534672737122, + 0.03831416741013527, + -0.067471943795681, + 0.8053664565086365, + 0.027716532349586487, + -0.21166911721229553, + -0.037092797458171844, + 0.41716423630714417, + -0.07247228920459747, + 0.02600204385817051, + -0.20253285765647888, + 2.4522085189819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/27.png", + [ + 0.19094516336917877, + 0.022104177623987198, + -0.09999623149633408, + 1.1849287748336792, + -0.00040063975029625, + -0.21140450239181519, + -0.047496020793914795, + 0.5375727415084839, + -0.10240937769412994, + 0.04204091057181358, + -0.18625995516777039, + 2.2656021118164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/42.png", + [ + 0.18455903232097626, + 0.032204270362854004, + -0.10885194689035416, + 1.3045505285263062, + 0.016551190987229347, + -0.21318607032299042, + -0.035009291023015976, + 0.394152969121933, + -0.11230280250310898, + 0.021505292505025864, + -0.18404753506183624, + 2.2579517364501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/7.png", + [ + 0.18765759468078613, + 0.0320512056350708, + -0.10346613824367523, + 1.2493523359298706, + 0.014214164577424526, + -0.21246854960918427, + -0.04003703594207764, + 0.46048858761787415, + -0.10738006979227066, + 0.02788775973021984, + -0.18611739575862885, + 2.3092989921569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/73.png", + [ + 0.1978742778301239, + 0.04118676483631134, + -0.07808534801006317, + 0.9387879371643066, + 0.02737627923488617, + -0.21082864701747894, + -0.04182971641421318, + 0.4790383279323578, + -0.08392979204654694, + 0.0283343642950058, + -0.1977393478155136, + 2.4178853034973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/120.png", + [ + 0.2022981196641922, + 0.03766017407178879, + -0.06786077469587326, + 0.8129191398620605, + 0.027950091287493706, + -0.21209539473056793, + -0.034383624792099, + 0.3881346583366394, + -0.07240279763936996, + 0.023348495364189148, + -0.20288071036338806, + 2.472229480743408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/46.png", + [ + 0.18721003830432892, + 0.03408695384860039, + -0.10362610965967178, + 1.2511543035507202, + 0.018102528527379036, + -0.21267877519130707, + -0.037255048751831055, + 0.42522045969963074, + -0.10757598280906677, + 0.023531250655651093, + -0.18660540878772736, + 2.3096108436584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/127.png", + [ + 0.20193104445934296, + 0.037972208112478256, + -0.06877398490905762, + 0.8219813108444214, + 0.028606988489627838, + -0.2122013419866562, + -0.0331682488322258, + 0.37252911925315857, + -0.0731668695807457, + 0.021831270307302475, + -0.2027754932641983, + 2.463082790374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/133.png", + [ + 0.2005266547203064, + 0.03986789658665657, + -0.07174615561962128, + 0.866083562374115, + 0.03056778572499752, + -0.21204732358455658, + -0.03239511698484421, + 0.36642584204673767, + -0.07617460936307907, + 0.019859101623296738, + -0.20186863839626312, + 2.484555721282959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/57.png", + [ + 0.19029827415943146, + 0.04447394236922264, + -0.09357637912034988, + 1.1496052742004395, + 0.031861066818237305, + -0.21133394539356232, + -0.03564733639359474, + 0.40583306550979614, + -0.09858672320842743, + 0.017547892406582832, + -0.1921474188566208, + 2.405855178833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/44.png", + [ + 0.18781833350658417, + 0.038238588720560074, + -0.1010444164276123, + 1.2079070806503296, + 0.023854661732912064, + -0.21232540905475616, + -0.036010708659887314, + 0.40324264764785767, + -0.10537134110927582, + 0.02009044773876667, + -0.18825820088386536, + 2.3184475898742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/113.png", + [ + 0.20317229628562927, + 0.03712935745716095, + -0.06550049781799316, + 0.7804203033447266, + 0.02664409577846527, + -0.21175475418567657, + -0.03738866001367569, + 0.4198663532733917, + -0.07042015343904495, + 0.027004264295101166, + -0.2031247615814209, + 2.45504093170166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/126.png", + [ + 0.20225130021572113, + 0.03756129369139671, + -0.06805477291345596, + 0.8126288056373596, + 0.02810557372868061, + -0.21220149099826813, + -0.033593129366636276, + 0.3773665726184845, + -0.07247330248355865, + 0.02252933569252491, + -0.20294813811779022, + 2.462660789489746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/29.png", + [ + 0.18954765796661377, + 0.024227362126111984, + -0.1021401658654213, + 1.2132502794265747, + 0.0041248248890042305, + -0.21238113939762115, + -0.04272153228521347, + 0.48112067580223083, + -0.10489311069250107, + 0.035428497940301895, + -0.1862529218196869, + 2.2673726081848145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/4.png", + [ + 0.18793223798274994, + 0.02923855558037758, + -0.10380017012357712, + 1.2468178272247314, + 0.01260407269001007, + -0.21308457851409912, + -0.037202008068561554, + 0.41682836413383484, + -0.10710044950246811, + 0.026228968054056168, + -0.18651923537254333, + 2.295769691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/55.png", + [ + 0.19100475311279297, + 0.04102204367518425, + -0.09371376782655716, + 1.1479264497756958, + 0.027033032849431038, + -0.21167509257793427, + -0.03756017982959747, + 0.43895259499549866, + -0.09866251051425934, + 0.021418318152427673, + -0.1917155534029007, + 2.399341106414795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/9.png", + [ + 0.1874111443758011, + 0.03287754952907562, + -0.10365340113639832, + 1.2597488164901733, + 0.017422646284103394, + -0.2129443883895874, + -0.036042142659425735, + 0.41224467754364014, + -0.1073378399014473, + 0.02283969521522522, + -0.1868283450603485, + 2.3212223052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/25.png", + [ + 0.1876576840877533, + 0.025879910215735435, + -0.10517947375774384, + 1.2539597749710083, + 0.0006608968833461404, + -0.21066877245903015, + -0.05065689980983734, + 0.5728420615196228, + -0.10831460356712341, + 0.04355214163661003, + -0.1825350522994995, + 2.219241142272949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/99.png", + [ + 0.21130457520484924, + 0.027703354135155678, + -0.03912537544965744, + 0.4523516297340393, + 0.021310575306415558, + -0.2126816213130951, + -0.035500530153512955, + 0.3965091407299042, + -0.04294333606958389, + 0.03077259287238121, + -0.21013522148132324, + 2.478175640106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/34.png", + [ + 0.18943732976913452, + 0.02147204987704754, + -0.10295800119638443, + 1.217768907546997, + 0.005349044222384691, + -0.2138034701347351, + -0.034747082740068436, + 0.3847671449184418, + -0.10503707826137543, + 0.027837444096803665, + -0.1874571591615677, + 2.2638988494873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/72.png", + [ + 0.19659247994422913, + 0.04022588953375816, + -0.08173836022615433, + 0.9834074974060059, + 0.02573820762336254, + -0.21101266145706177, + -0.041941557079553604, + 0.48039618134498596, + -0.08738894015550613, + 0.028344793245196342, + -0.1962336301803589, + 2.4027652740478516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/102.png", + [ + 0.21032869815826416, + 0.029088221490383148, + -0.04316956549882889, + 0.5054396986961365, + 0.021757273003458977, + -0.21236495673656464, + -0.037089575082063675, + 0.41359615325927734, + -0.04729013890028, + 0.03166845068335533, + -0.20906612277030945, + 2.4780149459838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/134.png", + [ + 0.19998379051685333, + 0.04032767936587334, + -0.07299353182315826, + 0.8851310610771179, + 0.030980804935097694, + -0.21200920641422272, + -0.032251905649900436, + 0.3644768297672272, + -0.07742459326982498, + 0.019330643117427826, + -0.20144392549991608, + 2.4904885292053223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/70.png", + [ + 0.19486869871616364, + 0.0419105589389801, + -0.08495637029409409, + 1.020654320716858, + 0.026200540363788605, + -0.21058067679405212, + -0.04378587380051613, + 0.5026130080223083, + -0.09103631973266602, + 0.02910628356039524, + -0.19445592164993286, + 2.380155563354492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/135.png", + [ + 0.20015276968479156, + 0.041005976498126984, + -0.07214759290218353, + 0.8756223917007446, + 0.03178277984261513, + -0.21188955008983612, + -0.03225785121321678, + 0.36472654342651367, + -0.07665910571813583, + 0.019215203821659088, + -0.20174750685691833, + 2.500917434692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/130.png", + [ + 0.20168393850326538, + 0.0379939042031765, + -0.0694834291934967, + 0.8324897885322571, + 0.028538590297102928, + -0.21220579743385315, + -0.03319857642054558, + 0.3742612600326538, + -0.07387173175811768, + 0.021749939769506454, + -0.20252852141857147, + 2.466477870941162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/90.png", + [ + 0.20978155732154846, + 0.027166927233338356, + -0.04692068696022034, + 0.5508944392204285, + 0.019989460706710815, + -0.21305684745311737, + -0.033986713737249374, + 0.3880614936351776, + -0.05039855092763901, + 0.028576793149113655, + -0.20878517627716064, + 2.4735794067382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/122.png", + [ + 0.20276784896850586, + 0.037405721843242645, + -0.06658751517534256, + 0.7970005869865417, + 0.02755717560648918, + -0.21201536059379578, + -0.03518494963645935, + 0.3977592885494232, + -0.07122982293367386, + 0.024457935243844986, + -0.2031649947166443, + 2.47074031829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/15.png", + [ + 0.1892997920513153, + 0.026380736380815506, + -0.10206634551286697, + 1.2310880422592163, + 0.006195893976837397, + -0.21220222115516663, + -0.04335580766201019, + 0.5026696920394897, + -0.10523828119039536, + 0.0349595732986927, + -0.1861467957496643, + 2.2845568656921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/22.png", + [ + 0.18640881776809692, + 0.026914121583104134, + -0.1071227639913559, + 1.276018500328064, + -0.0023800302296876907, + -0.20911596715450287, + -0.05668105557560921, + 0.657305896282196, + -0.1104264035820961, + 0.049940332770347595, + -0.17961032688617706, + 2.1841492652893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/138.png", + [ + 0.1990741789340973, + 0.04202410206198692, + -0.07450732588768005, + 0.9166622161865234, + 0.03179610148072243, + -0.2115555852651596, + -0.03436776623129845, + 0.3969598114490509, + -0.07941267639398575, + 0.020642444491386414, + -0.2005378007888794, + 2.515404224395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/109.png", + [ + 0.206215962767601, + 0.03562130033969879, + -0.05616045743227005, + 0.6660073399543762, + 0.02572777308523655, + -0.21145616471767426, + -0.03965185210108757, + 0.4450248181819916, + -0.061326634138822556, + 0.031069448217749596, + -0.20547902584075928, + 2.463961124420166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/26.png", + [ + 0.18921802937984467, + 0.023301145061850548, + -0.10296354442834854, + 1.2236868143081665, + 0.0003647587727755308, + -0.2114737182855606, + -0.047187190502882004, + 0.5296532511711121, + -0.10556657612323761, + 0.041034385561943054, + -0.1847153902053833, + 2.2484045028686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/43.png", + [ + 0.1866195797920227, + 0.03469955921173096, + -0.10448430478572845, + 1.2494914531707764, + 0.020142246037721634, + -0.212921604514122, + -0.034735824912786484, + 0.3881872594356537, + -0.10823732614517212, + 0.020204655826091766, + -0.1866128295660019, + 2.2947912216186523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/84.png", + [ + 0.20612752437591553, + 0.032997746020555496, + -0.058055900037288666, + 0.6814432740211487, + 0.024838579818606377, + -0.21274332702159882, + -0.03272942081093788, + 0.3744555711746216, + -0.06198696047067642, + 0.02448098175227642, + -0.20617030560970306, + 2.4672675132751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/136.png", + [ + 0.19912369549274445, + 0.04198181629180908, + -0.07439875602722168, + 0.907099187374115, + 0.03291551396250725, + -0.2118394523859024, + -0.03144066408276558, + 0.35723763704299927, + -0.0788303017616272, + 0.01759185455739498, + -0.20105771720409393, + 2.5042295455932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/89.png", + [ + 0.2088838517665863, + 0.029063135385513306, + -0.049706801772117615, + 0.5837628245353699, + 0.021692264825105667, + -0.21298712491989136, + -0.03337392956018448, + 0.3818698823451996, + -0.053337402641773224, + 0.027197565883398056, + -0.2082386016845703, + 2.469871997833252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/63.png", + [ + 0.19443945586681366, + 0.04301965609192848, + -0.08538443595170975, + 1.0353593826293945, + 0.027384281158447266, + -0.2104533463716507, + -0.04367358610033989, + 0.5043167471885681, + -0.09160400927066803, + 0.028400536626577377, + -0.19429363310337067, + 2.4014430046081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/88.png", + [ + 0.20825621485710144, + 0.029714684933423996, + -0.05190650373697281, + 0.6110851168632507, + 0.022153623402118683, + -0.21299073100090027, + -0.03304639086127281, + 0.38032764196395874, + -0.055555958300828934, + 0.026455333456397057, + -0.20775356888771057, + 2.4765491485595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/62.png", + [ + 0.19407320022583008, + 0.0430317185819149, + -0.08620763570070267, + 1.0459165573120117, + 0.027330437675118446, + -0.21048785746097565, + -0.043540794402360916, + 0.5035191774368286, + -0.09239335358142853, + 0.028125161305069923, + -0.19395962357521057, + 2.4004478454589844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/65.png", + [ + 0.19557487964630127, + 0.04315022751688957, + -0.08268259465694427, + 0.9992749691009521, + 0.02778512053191662, + -0.21032412350177765, + -0.04404145106673241, + 0.5053399205207825, + -0.08902999758720398, + 0.029149960726499557, + -0.19537612795829773, + 2.4049177169799805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/80.png", + [ + 0.2013530731201172, + 0.03574128448963165, + -0.07160584628582001, + 0.8482351303100586, + 0.027442526072263718, + -0.2129475325345993, + -0.02912304922938347, + 0.3310912847518921, + -0.07517808675765991, + 0.017994586378335953, + -0.20241625607013702, + 2.4426426887512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/119.png", + [ + 0.20181778073310852, + 0.03846905753016472, + -0.06883034110069275, + 0.8261607885360718, + 0.028474969789385796, + -0.21193186938762665, + -0.03495645523071289, + 0.3956791162490845, + -0.07352998852729797, + 0.023514024913311005, + -0.20245574414730072, + 2.471712589263916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/79.png", + [ + 0.20213568210601807, + 0.03503376618027687, + -0.06972584873437881, + 0.8262726068496704, + 0.026698842644691467, + -0.21297504007816315, + -0.029609229415655136, + 0.3350965976715088, + -0.07332278788089752, + 0.01903075911104679, + -0.2030012160539627, + 2.452688217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/116.png", + [ + 0.2014935165643692, + 0.038766056299209595, + -0.06960926949977875, + 0.834086537361145, + 0.028316449373960495, + -0.21178215742111206, + -0.03597763180732727, + 0.40568503737449646, + -0.07447439432144165, + 0.024359898641705513, + -0.20201003551483154, + 2.460089683532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/19.png", + [ + 0.19099225103855133, + 0.026141906157135963, + -0.09892652928829193, + 1.179828405380249, + 0.0044707790948450565, + -0.21141578257083893, + -0.04723634570837021, + 0.5310500860214233, + -0.10222460329532623, + 0.03959622234106064, + -0.18689613044261932, + 2.271885871887207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/77.png", + [ + 0.2000255137681961, + 0.03631644695997238, + -0.07495870441198349, + 0.896130383014679, + 0.02562539651989937, + -0.21236850321292877, + -0.03450881317257881, + 0.39420628547668457, + -0.0792529508471489, + 0.022992059588432312, + -0.20034527778625488, + 2.4432058334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/68.png", + [ + 0.19615189731121063, + 0.04205489158630371, + -0.08187618106603622, + 0.9856756329536438, + 0.026417452841997147, + -0.2103496491909027, + -0.044755347073078156, + 0.5139229893684387, + -0.0881727933883667, + 0.030533740296959877, + -0.19555342197418213, + 2.3970179557800293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/86.png", + [ + 0.20675358176231384, + 0.030969392508268356, + -0.05693630129098892, + 0.6698317527770996, + 0.023689020425081253, + -0.21327811479568481, + -0.02998620830476284, + 0.3435060977935791, + -0.060329727828502655, + 0.022388366982340813, + -0.20689848065376282, + 2.4715938568115234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/1.png", + [ + 0.1862010657787323, + 0.031055346131324768, + -0.10636083036661148, + 1.2775155305862427, + 0.008033921010792255, + -0.21122661232948303, + -0.04760954529047012, + 0.5474022626876831, + -0.11051025986671448, + 0.03696995973587036, + -0.1826707422733307, + 2.2371201515197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/81.png", + [ + 0.20203351974487305, + 0.035111065953969955, + -0.06998264044523239, + 0.8277455568313599, + 0.027116183191537857, + -0.21305860579013824, + -0.028611890971660614, + 0.3253987729549408, + -0.07345113158226013, + 0.017920412123203278, + -0.20305585861206055, + 2.4454193115234375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/95.png", + [ + 0.21116982400417328, + 0.02504684403538704, + -0.04156753420829773, + 0.48343756794929504, + 0.01837148889899254, + -0.2130328118801117, + -0.03503445163369179, + 0.39391642808914185, + -0.0449187308549881, + 0.030619923025369644, + -0.2097441852092743, + 2.4735074043273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/103.png", + [ + 0.20925219357013702, + 0.031318094581365585, + -0.04669680818915367, + 0.5495631098747253, + 0.022716499865055084, + -0.21170009672641754, + -0.04018618166446686, + 0.45063117146492004, + -0.05143321305513382, + 0.03391379117965698, + -0.20773150026798248, + 2.4752092361450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/83.png", + [ + 0.20547261834144592, + 0.033684663474559784, + -0.05995192751288414, + 0.7042218446731567, + 0.025889026001095772, + -0.21289347112178802, + -0.030887391418218613, + 0.3546698987483978, + -0.06370753794908524, + 0.022127266973257065, + -0.20591169595718384, + 2.471867084503174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/51.png", + [ + 0.19096899032592773, + 0.03640146180987358, + -0.0956747978925705, + 1.1704636812210083, + 0.025884943082928658, + -0.21310271322727203, + -0.029412437230348587, + 0.32688069343566895, + -0.09903889149427414, + 0.014493287540972233, + -0.19216954708099365, + 2.401360511779785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/128.png", + [ + 0.20185285806655884, + 0.03682403266429901, + -0.06962265074253082, + 0.8333000540733337, + 0.02724984660744667, + -0.21235711872577667, + -0.03331367298960686, + 0.37454089522361755, + -0.07389701902866364, + 0.022278813645243645, + -0.20246180891990662, + 2.4609031677246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/93.png", + [ + 0.2105102837085724, + 0.02647150121629238, + -0.043961022049188614, + 0.5142226219177246, + 0.019657429307699203, + -0.21305930614471436, + -0.03416455537080765, + 0.3872710168361664, + -0.047401443123817444, + 0.029204294085502625, + -0.20939941704273224, + 2.4750542640686035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/76.png", + [ + 0.15523315966129303, + 0.032580602914094925, + 0.14761118590831757, + -1.6292259693145752, + 0.023120570927858353, + -0.21420997381210327, + 0.02296581119298935, + -0.26354190707206726, + 0.14938540756702423, + -0.0007024432998150587, + -0.15694394707679749, + 1.7920920848846436, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/48.png", + [ + 0.16958050429821014, + 0.028168940916657448, + 0.13189710676670074, + -1.4107699394226074, + 0.026772014796733856, + -0.21471007168293, + 0.011434239335358143, + -0.12887030839920044, + 0.13218772411346436, + 0.0073480079881846905, + -0.17152346670627594, + 1.9062236547470093, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/137.png", + [ + 0.18426722288131714, + 0.00035228737397119403, + 0.11398841440677643, + -1.2501729726791382, + 0.003048031823709607, + -0.2166113406419754, + -0.004257826134562492, + 0.037275295704603195, + 0.11394820362329483, + 0.005224507302045822, + -0.1842183619737625, + 2.0746092796325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/173.png", + [ + 0.1652330905199051, + 0.030926194041967392, + 0.13670951128005981, + -1.436199426651001, + 0.026700692251324654, + -0.21440963447093964, + 0.016231760382652283, + -0.18327437341213226, + 0.1375972181558609, + 0.004468520171940327, + -0.16731683909893036, + 1.8101059198379517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/35.png", + [ + 0.16600248217582703, + 0.023820459842681885, + 0.1371993124485016, + -1.5214354991912842, + 0.025014987215399742, + -0.21510930359363556, + 0.007080595009028912, + -0.09576641023159027, + 0.13698656857013702, + 0.010414889082312584, + -0.16755329072475433, + 1.9317270517349243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/124.png", + [ + 0.19250929355621338, + -0.0019277126993983984, + 0.09942007809877396, + -1.0633649826049805, + 0.0004323405446484685, + -0.21661563217639923, + -0.0050372350960969925, + 0.04756836220622063, + 0.09943782538175583, + 0.0046738190576434135, + -0.1924530267715454, + 2.1334614753723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/97.png", + [ + 0.17033043503761292, + 0.02934934012591839, + 0.13066771626472473, + -1.449194312095642, + 0.023556696251034737, + -0.21467724442481995, + 0.017511697486042976, + -0.20041829347610474, + 0.1318351924419403, + 0.00043993795407004654, + -0.17195110023021698, + 1.9743155241012573, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/155.png", + [ + 0.17496666312217712, + 0.024117184802889824, + 0.12551063299179077, + -1.3720813989639282, + 0.031430866569280624, + -0.21436676383018494, + -0.002624725690111518, + 0.024928908795118332, + 0.12388163059949875, + 0.02032608538866043, + -0.17660148441791534, + 1.9786063432693481, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/13.png", + [ + 0.16912361979484558, + 0.03369375318288803, + 0.13118621706962585, + -1.4291038513183594, + 0.02868715114891529, + -0.21401292085647583, + 0.017983773723244667, + -0.20443853735923767, + 0.13237124681472778, + 0.003331617685034871, + -0.17150700092315674, + 1.9312862157821655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/32.png", + [ + 0.1668955534696579, + 0.021279525011777878, + 0.13653185963630676, + -1.5109540224075317, + 0.022114485502243042, + -0.2154437005519867, + 0.006545946933329105, + -0.0893150120973587, + 0.13639912009239197, + 0.008892795071005821, + -0.16811929643154144, + 1.9310113191604614, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/158.png", + [ + 0.1761854887008667, + 0.02554982900619507, + 0.12350616604089737, + -1.3565043210983276, + 0.03325307369232178, + -0.21408459544181824, + -0.0031486961524933577, + 0.031964261084795, + 0.12165854126214981, + 0.021514812484383583, + -0.1780005693435669, + 1.9984997510910034, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/38.png", + [ + 0.16680960357189178, + 0.022999748587608337, + 0.13635782897472382, + -1.5057839155197144, + 0.022291287779808044, + -0.21533477306365967, + 0.009051511995494366, + -0.11438962817192078, + 0.13647544384002686, + 0.007059951778501272, + -0.16814428567886353, + 1.927688717842102, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/148.png", + [ + 0.1782132238149643, + 0.014245127327740192, + 0.12241330742835999, + -1.3219515085220337, + 0.012569998390972614, + -0.21620093286037445, + 0.00685930298641324, + -0.08679579198360443, + 0.1225966289639473, + 0.0014598678098991513, + -0.17864999175071716, + 1.9938873052597046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/111.png", + [ + 0.16142413020133972, + 0.014263606630265713, + 0.14382869005203247, + -1.4955599308013916, + 0.011044764891266823, + -0.21620383858680725, + 0.00904516875743866, + -0.10309085249900818, + 0.14411160349845886, + 0.000592805037740618, + -0.16180042922496796, + 1.739807367324829, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/164.png", + [ + 0.17844058573246002, + 0.017677918076515198, + 0.12163196504116058, + -1.321153163909912, + 0.015074478462338448, + -0.21595069766044617, + 0.009271080605685711, + -0.1183183342218399, + 0.12198199331760406, + 0.0008270546095445752, + -0.17907428741455078, + 2.013363838195801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/11.png", + [ + 0.16843515634536743, + 0.03375597670674324, + 0.13205310702323914, + -1.4483507871627808, + 0.028500430285930634, + -0.21400655806064606, + 0.018352653831243515, + -0.20751269161701202, + 0.1332862228155136, + 0.003102983580902219, + -0.17080120742321014, + 1.9345520734786987, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/125.png", + [ + 0.19310466945171356, + -0.002658185549080372, + 0.09824160486459732, + -1.0502879619598389, + 5.1574097597040236e-05, + -0.21659259498119354, + -0.0059618582017719746, + 0.05756012722849846, + 0.09827754646539688, + 0.0053367093205451965, + -0.1930309236049652, + 2.1387672424316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/59.png", + [ + 0.1554073840379715, + 0.03333175554871559, + 0.14725971221923828, + -1.564503788948059, + 0.02918347343802452, + -0.21397489309310913, + 0.01763436198234558, + -0.19813629984855652, + 0.148137629032135, + 0.007186070084571838, + -0.1579604148864746, + 1.7554545402526855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/105.png", + [ + 0.17138947546482086, + 0.02368508093059063, + 0.13043221831321716, + -1.3861218690872192, + 0.024292388930916786, + -0.2151896208524704, + 0.007155629340559244, + -0.08823306858539581, + 0.1303204745054245, + 0.008963257074356079, + -0.17287027835845947, + 1.8940516710281372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/121.png", + [ + 0.18955883383750916, + 0.002525119809433818, + 0.10492362827062607, + -1.1161208152770996, + 0.004118295386433601, + -0.21662403643131256, + -0.002226931042969227, + 0.01491665467619896, + 0.1048731803894043, + 0.003942505922168493, + -0.18956255912780762, + 2.088812828063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/175.png", + [ + 0.1602758765220642, + 0.03428191319108009, + 0.1417190283536911, + -1.4786708354949951, + 0.02679389901459217, + -0.21393899619579315, + 0.02144964598119259, + -0.23239785432815552, + 0.14332348108291626, + 0.0016584523255005479, + -0.1624916046857834, + 1.7466658353805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/24.png", + [ + 0.16214783489704132, + 0.03479548543691635, + 0.1394461989402771, + -1.5590102672576904, + 0.034240901470184326, + -0.2135278433561325, + 0.01346552837640047, + -0.1615532487630844, + 0.13958342373371124, + 0.011959673836827278, + -0.16529163718223572, + 1.9157651662826538, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/74.png", + [ + 0.15563398599624634, + 0.03206770867109299, + 0.14730112254619598, + -1.624861478805542, + 0.02356879413127899, + -0.21428810060024261, + 0.02174880914390087, + -0.2433060109615326, + 0.14889751374721527, + 0.00040085651562549174, + -0.1574079394340515, + 1.7963351011276245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/129.png", + [ + 0.19599328935146332, + -0.0033051245845854282, + 0.09232334047555923, + -0.983381986618042, + -0.0007137767388485372, + -0.21658363938331604, + -0.006238296162337065, + 0.0593213327229023, + 0.09237972646951675, + 0.00533872377127409, + -0.1959218680858612, + 2.16225004196167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/172.png", + [ + 0.165577232837677, + 0.02309727668762207, + 0.13783536851406097, + -1.4524421691894531, + 0.021278977394104004, + -0.2153700590133667, + 0.010528123937547207, + -0.1265660971403122, + 0.13812775909900665, + 0.0054910858161747456, + -0.16684861481189728, + 1.8126327991485596, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/153.png", + [ + 0.17533354461193085, + 0.02281518280506134, + 0.12524181604385376, + -1.3638038635253906, + 0.027565039694309235, + -0.21491336822509766, + 0.0005606106715276837, + -0.011078113690018654, + 0.12428279966115952, + 0.015479438938200474, + -0.1768108308315277, + 1.9768925905227661, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/144.png", + [ + 0.18036207556724548, + 0.007212038617581129, + 0.11985576152801514, + -1.3098666667938232, + 0.006246278993785381, + -0.21655412018299103, + 0.0036310742143541574, + -0.05172034353017807, + 0.11990997940301895, + 0.00043265102431178093, + -0.18046966195106506, + 2.0272440910339355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/98.png", + [ + 0.17181722819805145, + 0.02743563801050186, + 0.12912790477275848, + -1.4293705224990845, + 0.02359379082918167, + -0.21491310000419617, + 0.014268474653363228, + -0.16409195959568024, + 0.12988482415676117, + 0.0027462709695100784, + -0.17340785264968872, + 1.986470103263855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/0.png", + [ + 0.16999493539333344, + 0.02964049018919468, + 0.1310383826494217, + -1.4590402841567993, + 0.02430885285139084, + -0.21463343501091003, + 0.017013780772686005, + -0.19512352347373962, + 0.13213135302066803, + 0.0013528858544304967, + -0.17171886563301086, + 1.9799748659133911, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/163.png", + [ + 0.17788265645503998, + 0.02106642536818981, + 0.12190920114517212, + -1.3282012939453125, + 0.018539151176810265, + -0.21563836932182312, + 0.010211990214884281, + -0.12757450342178345, + 0.1223190501332283, + 0.0020471117459237576, + -0.1788344383239746, + 2.0150580406188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/96.png", + [ + 0.1685851365327835, + 0.029133789241313934, + 0.1329592764377594, + -1.4756829738616943, + 0.023670941591262817, + -0.2147032618522644, + 0.017031917348504066, + -0.1949375569820404, + 0.13403965532779694, + 0.0012735340278595686, + -0.1702340841293335, + 1.9590579271316528, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/100.png", + [ + 0.17359280586242676, + 0.026508469134569168, + 0.12692809104919434, + -1.3956103324890137, + 0.02482302486896515, + -0.21496950089931488, + 0.010946469381451607, + -0.12604376673698425, + 0.12726841866970062, + 0.005771373864263296, + -0.17526361346244812, + 1.9876595735549927, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/40.png", + [ + 0.16795822978019714, + 0.024136437103152275, + 0.13474184274673462, + -1.4783976078033447, + 0.0231121014803648, + -0.21521803736686707, + 0.009742552414536476, + -0.12184624373912811, + 0.13492132723331451, + 0.006820480804890394, + -0.16940370202064514, + 1.9281631708145142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/141.png", + [ + 0.18030966818332672, + 0.006446341518312693, + 0.11997818201780319, + -1.3220155239105225, + 0.006045414600521326, + -0.2165752500295639, + 0.002551058540120721, + -0.03758044168353081, + 0.11999905109405518, + 0.0012245894176885486, + -0.1804068237543106, + 2.043591022491455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/52.png", + [ + 0.16923822462558746, + 0.02995520643889904, + 0.1319432109594345, + -1.4038426876068115, + 0.02892353944480419, + -0.21442291140556335, + 0.011581610888242722, + -0.13257108628749847, + 0.13217318058013916, + 0.008566823787987232, + -0.17147813737392426, + 1.8884254693984985, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/184.png", + [ + 0.15490710735321045, + 0.04210222512483597, + 0.1455303430557251, + -1.6044343709945679, + 0.020618902519345284, + -0.2120617777109146, + 0.039402492344379425, + -0.441805362701416, + 0.15008844435214996, + -0.014321251772344112, + -0.15561571717262268, + 1.7805594205856323, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/3.png", + [ + 0.1701904833316803, + 0.03315740078687668, + 0.12993723154067993, + -1.4483064413070679, + 0.02854529395699501, + -0.21409277617931366, + 0.017243875190615654, + -0.19508899748325348, + 0.1310277283191681, + 0.0035738025326281786, + -0.17253074049949646, + 1.9852410554885864, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/47.png", + [ + 0.1685715615749359, + 0.027734149247407913, + 0.13327540457248688, + -1.43306565284729, + 0.025459108874201775, + -0.2148103564977646, + 0.012499688193202019, + -0.14025436341762543, + 0.13372863829135895, + 0.005935078952461481, + -0.1703799068927765, + 1.8990973234176636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/104.png", + [ + 0.1706496626138687, + 0.02182561345398426, + 0.13172025978565216, + -1.4085841178894043, + 0.023179126903414726, + -0.21535703539848328, + 0.005654328037053347, + -0.07247547805309296, + 0.1314888298511505, + 0.009637730196118355, + -0.17194677889347076, + 1.8958731889724731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/21.png", + [ + 0.16387826204299927, + 0.02925040014088154, + 0.13869473338127136, + -1.5453922748565674, + 0.023238811641931534, + -0.21468664705753326, + 0.017818521708250046, + -0.20990629494190216, + 0.1398276388645172, + 0.001398559776134789, + -0.1655118465423584, + 1.9013344049453735, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/82.png", + [ + 0.1642034351825714, + 0.02348945289850235, + 0.13940364122390747, + -1.5119924545288086, + 0.024899983778595924, + -0.21512790024280548, + 0.006919285282492638, + -0.08905746042728424, + 0.13915862143039703, + 0.010776425711810589, + -0.16573062539100647, + 1.8609241247177124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/106.png", + [ + 0.1684292107820511, + 0.022178536280989647, + 0.13449017703533173, + -1.4194493293762207, + 0.022334346547722816, + -0.215388223528862, + 0.007548801600933075, + -0.09272857755422592, + 0.13446439802646637, + 0.007994992658495903, + -0.16971534490585327, + 1.851500391960144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/14.png", + [ + 0.1669558435678482, + 0.0347471721470356, + 0.1336648017168045, + -1.4518030881881714, + 0.029935812577605247, + -0.2138240933418274, + 0.01819346286356449, + -0.2057279795408249, + 0.13482390344142914, + 0.004448418039828539, + -0.16956005990505219, + 1.9053651094436646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/67.png", + [ + 0.13186077773571014, + 0.04026307910680771, + 0.16715115308761597, + -1.806618332862854, + 0.031869303435087204, + -0.21272294223308563, + 0.02609955333173275, + -0.29049068689346313, + 0.1689525693655014, + 0.008701913990080357, + -0.13537797331809998, + 1.5203136205673218, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/78.png", + [ + 0.1660037338733673, + 0.034104228019714355, + 0.13500945270061493, + -1.4827637672424316, + 0.027100102975964546, + -0.21397146582603455, + 0.020729010924696922, + -0.2438460886478424, + 0.13658782839775085, + 0.0010046245297417045, + -0.16819825768470764, + 1.9161545038223267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/31.png", + [ + 0.1676979660987854, + 0.022936515510082245, + 0.13527452945709229, + -1.4966398477554321, + 0.02358541078865528, + -0.2152647227048874, + 0.00726077426224947, + -0.09773571789264679, + 0.13516293466091156, + 0.00910530611872673, + -0.16910342872142792, + 1.9396711587905884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/152.png", + [ + 0.17832224071025848, + 0.02352035604417324, + 0.12081335484981537, + -1.3090788125991821, + 0.025635290890932083, + -0.21511484682559967, + 0.004041227977722883, + -0.04989084601402283, + 0.12038233131170273, + 0.010967804118990898, + -0.17982128262519836, + 2.00270414352417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/39.png", + [ + 0.16836905479431152, + 0.024177774786949158, + 0.1342206746339798, + -1.47606360912323, + 0.023851729929447174, + -0.2151762992143631, + 0.008840595372021198, + -0.11110904812812805, + 0.1342790126800537, + 0.007905462756752968, + -0.16986624896526337, + 1.936576008796692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/92.png", + [ + 0.16668376326560974, + 0.02919648215174675, + 0.1353217512369156, + -1.4995442628860474, + 0.023414641618728638, + -0.21469531953334808, + 0.01748061180114746, + -0.19929425418376923, + 0.13644108176231384, + 0.0011758452747017145, + -0.16831620037555695, + 1.9302631616592407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/53.png", + [ + 0.1645893007516861, + 0.02929884009063244, + 0.13783986866474152, + -1.4697680473327637, + 0.028077352792024612, + -0.21450847387313843, + 0.012069210410118103, + -0.13972242176532745, + 0.13809385895729065, + 0.008693753741681576, + -0.16674049198627472, + 1.8414249420166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/75.png", + [ + 0.15492472052574158, + 0.0357583723962307, + 0.1471990942955017, + -1.6233584880828857, + 0.026940153911709785, + -0.21369865536689758, + 0.023558713495731354, + -0.2663566470146179, + 0.149065300822258, + 0.0014572032960131764, + -0.15724283456802368, + 1.79233980178833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/151.png", + [ + 0.1774933934211731, + 0.022611236199736595, + 0.12219952791929245, + -1.3249987363815308, + 0.022453008219599724, + -0.21538646519184113, + 0.007241383660584688, + -0.08573301136493683, + 0.1222286969423294, + 0.006731055676937103, + -0.17878125607967377, + 1.9957889318466187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/87.png", + [ + 0.16813963651657104, + 0.027456996962428093, + 0.13387706875801086, + -1.4374306201934814, + 0.025253280997276306, + -0.2148435264825821, + 0.012346254661679268, + -0.1420341432094574, + 0.13431020081043243, + 0.006022579502314329, + -0.16991879045963287, + 1.8915997743606567, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/139.png", + [ + 0.180977001786232, + 0.004767527803778648, + 0.11904827505350113, + -1.311622977256775, + 0.00639365566894412, + -0.21657775342464447, + -0.0010463332291692495, + 0.0024288222193717957, + 0.11897201836109161, + 0.004386834800243378, + -0.18103677034378052, + 2.049589157104492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/107.png", + [ + 0.17178228497505188, + 0.019983820617198944, + 0.13053497672080994, + -1.361677885055542, + 0.019070222973823547, + -0.2156882882118225, + 0.007923923432826996, + -0.09514641761779785, + 0.13067157566547394, + 0.005206616595387459, + -0.17275913059711456, + 1.8644758462905884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/112.png", + [ + 0.1674170047044754, + 0.013789238408207893, + 0.13685503602027893, + -1.4170844554901123, + 0.010462055914103985, + -0.21623513102531433, + 0.00898901280015707, + -0.1021832823753357, + 0.13714951276779175, + -0.00033750582952052355, + -0.16774322092533112, + 1.793394923210144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/69.png", + [ + 0.149740532040596, + 0.041040483862161636, + 0.15113353729248047, + -1.636319875717163, + 0.03424296900629997, + -0.21262261271476746, + 0.02381056174635887, + -0.26398181915283203, + 0.15281715989112854, + 0.007429824210703373, + -0.15342622995376587, + 1.728505253791809, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/157.png", + [ + 0.17519676685333252, + 0.02583673968911171, + 0.12484569847583771, + -1.3695951700210571, + 0.033952780067920685, + -0.21397145092487335, + -0.0033648889511823654, + 0.03397640958428383, + 0.12288691103458405, + 0.022283993661403656, + -0.17705965042114258, + 1.9873350858688354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/45.png", + [ + 0.16839036345481873, + 0.024379102513194084, + 0.13415752351284027, + -1.4459331035614014, + 0.021198809146881104, + -0.21527187526226044, + 0.012511113658547401, + -0.14546144008636475, + 0.13469667732715607, + 0.0034024722408503294, + -0.16968536376953125, + 1.8942102193832397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/50.png", + [ + 0.17365410923957825, + 0.03143385797739029, + 0.12571419775485992, + -1.335443139076233, + 0.03028658777475357, + -0.2142266035079956, + 0.011729606427252293, + -0.13229404389858246, + 0.12599551677703857, + 0.008171513676643372, + -0.17608590424060822, + 1.9449633359909058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/101.png", + [ + 0.17134243249893188, + 0.024967893958091736, + 0.1302546262741089, + -1.4291677474975586, + 0.02538229525089264, + -0.21504025161266327, + 0.007831107825040817, + -0.09278257191181183, + 0.13017451763153076, + 0.009065944701433182, + -0.1729748696088791, + 1.954790472984314, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/85.png", + [ + 0.16517101228237152, + 0.02461838349699974, + 0.13805927336215973, + -1.4823822975158691, + 0.02408052422106266, + -0.21512047946453094, + 0.009550345130264759, + -0.11419838666915894, + 0.138154074549675, + 0.008063238114118576, + -0.16672228276729584, + 1.852896809577942, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/156.png", + [ + 0.1768309324979782, + 0.024568350985646248, + 0.12278077006340027, + -1.3429261445999146, + 0.032035067677497864, + -0.2142685353755951, + -0.003262448124587536, + 0.03285187855362892, + 0.12104739993810654, + 0.020815502852201462, + -0.17849968373775482, + 1.9973949193954468, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/181.png", + [ + 0.15534758567810059, + 0.03933054581284523, + 0.1458359658718109, + -1.5689733028411865, + 0.02051074616611004, + -0.21275538206100464, + 0.03552957996726036, + -0.3896681070327759, + 0.14964735507965088, + -0.011668327264487743, + -0.15626072883605957, + 1.7496975660324097, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/131.png", + [ + 0.19446325302124023, + -0.0021432023495435715, + 0.09553714096546173, + -1.024204134941101, + 0.0009210576536133885, + -0.21656803786754608, + -0.006733098533004522, + 0.06545521318912506, + 0.09555674344301224, + 0.006449004169553518, + -0.1943584829568863, + 2.1531171798706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/71.png", + [ + 0.15974439680576324, + 0.04073808342218399, + 0.14060592651367188, + -1.532057285308838, + 0.032245296984910965, + -0.21279604732990265, + 0.025019556283950806, + -0.27637767791748047, + 0.14279305934906006, + 0.002479039365425706, + -0.16294749081134796, + 1.8494482040405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/160.png", + [ + 0.17344583570957184, + 0.024694226682186127, + 0.12749364972114563, + -1.4043573141098022, + 0.030919084325432777, + -0.21445660293102264, + -0.0005250993417575955, + 0.0017281770706176758, + 0.12612870335578918, + 0.018613457679748535, + -0.1751941293478012, + 1.9787548780441284, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/115.png", + [ + 0.17598028481006622, + 0.012366066686809063, + 0.12580110132694244, + -1.2992100715637207, + 0.011524157598614693, + -0.21630685031414032, + 0.005141770001500845, + -0.06692254543304443, + 0.12588101625442505, + 0.002514836611226201, + -0.1763392835855484, + 1.8853858709335327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/54.png", + [ + 0.15955126285552979, + 0.02707057073712349, + 0.14407800137996674, + -1.5371092557907104, + 0.025039097294211388, + -0.2148515284061432, + 0.012639916501939297, + -0.14511631429195404, + 0.14444491267204285, + 0.007342197932302952, + -0.16133709251880646, + 1.7817045450210571, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/33.png", + [ + 0.1664200872182846, + 0.022460531443357468, + 0.13692250847816467, + -1.5173873901367188, + 0.02411593496799469, + -0.215244859457016, + 0.00599710363894701, + -0.08306880295276642, + 0.13664065301418304, + 0.010633339174091816, + -0.16782179474830627, + 1.9305280447006226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/159.png", + [ + 0.17553600668907166, + 0.02343515306711197, + 0.12484310567378998, + -1.37327241897583, + 0.031107446178793907, + -0.21440155804157257, + -0.0034919294994324446, + 0.03612469509243965, + 0.12315573543310165, + 0.020752355456352234, + -0.17705903947353363, + 1.9913448095321655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/177.png", + [ + 0.1599804162979126, + 0.031388744711875916, + 0.14271968603134155, + -1.4965680837631226, + 0.02364485152065754, + -0.21438872814178467, + 0.020646627992391586, + -0.22183911502361298, + 0.1442050039768219, + 0.0003301231190562248, + -0.1617179811000824, + 1.7509796619415283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/49.png", + [ + 0.17170307040214539, + 0.030016746371984482, + 0.12870484590530396, + -1.3712176084518433, + 0.028919577598571777, + -0.21443164348602295, + 0.01142894010990858, + -0.12846678495407104, + 0.12895581126213074, + 0.00812141876667738, + -0.17393198609352112, + 1.9281975030899048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/118.png", + [ + 0.18229281902313232, + 0.007834128104150295, + 0.11685822904109955, + -1.2258894443511963, + 0.007791857700794935, + -0.21652160584926605, + 0.0023606226313859224, + -0.036305077373981476, + 0.11686106771230698, + 0.0022163100074976683, + -0.18244580924510956, + 1.9854873418807983, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/179.png", + [ + 0.15630985796451569, + 0.035874977707862854, + 0.1456986665725708, + -1.5427963733673096, + 0.025248859077692032, + -0.2136792242527008, + 0.02552591636776924, + -0.2749424874782562, + 0.14791083335876465, + -0.0014363850932568312, + -0.15832944214344025, + 1.7367513179779053, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/110.png", + [ + 0.16142907738685608, + 0.01561275776475668, + 0.14368292689323425, + -1.4962499141693115, + 0.011667856946587563, + -0.21611139178276062, + 0.010373977944254875, + -0.11779093742370605, + 0.14405696094036102, + 8.353863449883647e-06, + -0.1618501842021942, + 1.742800235748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/18.png", + [ + 0.16721342504024506, + 0.034299712628126144, + 0.1334581971168518, + -1.4596704244613647, + 0.02334059402346611, + -0.2138725072145462, + 0.025722702965140343, + -0.2934000790119171, + 0.1358041763305664, + -0.005474511533975601, + -0.16874578595161438, + 1.9125241041183472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/66.png", + [ + 0.1290617734193802, + 0.03934439271688461, + 0.1695375144481659, + -1.8335810899734497, + 0.031925685703754425, + -0.21283607184886932, + 0.025088954716920853, + -0.2824409604072571, + 0.1710897535085678, + 0.010036137886345387, + -0.1325725018978119, + 1.4888793230056763, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/16.png", + [ + 0.16781282424926758, + 0.033267535269260406, + 0.13296622037887573, + -1.4395537376403809, + 0.02600950002670288, + -0.21410547196865082, + 0.02074236050248146, + -0.23557326197624207, + 0.13457432389259338, + -0.00010361062595620751, + -0.16981644928455353, + 1.9085899591445923, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/94.png", + [ + 0.16500402987003326, + 0.029717735946178436, + 0.13725310564041138, + -1.5286667346954346, + 0.022797849029302597, + -0.2146269977092743, + 0.019063252955675125, + -0.21707965433597565, + 0.1385706067085266, + -7.586591527797282e-05, + -0.1665714979171753, + 1.9180530309677124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/28.png", + [ + 0.16126443445682526, + 0.018293267115950584, + 0.1435515135526657, + -1.5948337316513062, + 0.017430296167731285, + -0.21582704782485962, + 0.007922560907900333, + -0.10750921070575714, + 0.143658846616745, + 0.005651414860039949, + -0.16210518777370453, + 1.8666623830795288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/61.png", + [ + 0.15932394564151764, + 0.03570333123207092, + 0.14243963360786438, + -1.5247822999954224, + 0.03188471123576164, + -0.21356961131095886, + 0.017868271097540855, + -0.20365555584430695, + 0.1433427333831787, + 0.007821876555681229, + -0.16229470074176788, + 1.818976879119873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/132.png", + [ + 0.1925390064716339, + -0.0013981788652017713, + 0.09937135130167007, + -1.06656014919281, + 0.0019348663045093417, + -0.21655938029289246, + -0.006795982364565134, + 0.06581766903400421, + 0.09936235845088959, + 0.006926339585334063, + -0.19242411851882935, + 2.133850574493408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/58.png", + [ + 0.1483234316110611, + 0.03442391753196716, + 0.15415266156196594, + -1.6446937322616577, + 0.03004973568022251, + -0.2137538641691208, + 0.018820077180862427, + -0.20930352807044983, + 0.15506470203399658, + 0.0084956344217062, + -0.15109816193580627, + 1.6822526454925537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/123.png", + [ + 0.19147945940494537, + -0.0013040275080129504, + 0.10139927268028259, + -1.0840532779693604, + 0.0008606005576439202, + -0.21662801504135132, + -0.004411040339618921, + 0.040323082357645035, + 0.10140399634838104, + 0.004300863016396761, + -0.19143308699131012, + 2.119926929473877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/64.png", + [ + 0.12451613694429398, + 0.03592726215720177, + 0.1736457794904709, + -1.8890337944030762, + 0.02867824211716652, + -0.2134675532579422, + 0.02360207587480545, + -0.2687663733959198, + 0.17498908936977386, + 0.009419732727110386, + -0.1274283230304718, + 1.4393572807312012, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/10.png", + [ + 0.16959083080291748, + 0.031780634075403214, + 0.1310604214668274, + -1.4451755285263062, + 0.02692350745201111, + -0.21431191265583038, + 0.01712941564619541, + -0.19398553669452667, + 0.13214373588562012, + 0.0028781129512935877, + -0.17169053852558136, + 1.9536608457565308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/170.png", + [ + 0.17037992179393768, + 0.02224135771393776, + 0.13199959695339203, + -1.4041239023208618, + 0.02013898640871048, + -0.2154899686574936, + 0.010314501821994781, + -0.12077093124389648, + 0.13233664631843567, + 0.004158095922321081, + -0.17151561379432678, + 1.8784655332565308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/41.png", + [ + 0.17035697400569916, + 0.025568177923560143, + 0.13142547011375427, + -1.4340360164642334, + 0.02434326708316803, + -0.21505704522132874, + 0.01028394140303135, + -0.1263350546360016, + 0.13165786862373352, + 0.006679988000541925, + -0.17195777595043182, + 1.9433220624923706, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/166.png", + [ + 0.17522281408309937, + 0.015454313717782497, + 0.12651488184928894, + -1.3706793785095215, + 0.01472377497702837, + -0.2160903960466385, + 0.006003937683999538, + -0.0783495306968689, + 0.12660197913646698, + 0.0037417826242744923, + -0.17580054700374603, + 1.9661363363265991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/91.png", + [ + 0.16975289583206177, + 0.030345672741532326, + 0.13119065761566162, + -1.4413905143737793, + 0.024299737066030502, + -0.21453861892223358, + 0.018182456493377686, + -0.20614869892597198, + 0.1324438452720642, + 0.0004678601981140673, + -0.17148266732692719, + 1.954490303993225, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/140.png", + [ + 0.18088005483150482, + 0.006267895456403494, + 0.1191260814666748, + -1.3132060766220093, + 0.0065202913247048855, + -0.21657133102416992, + 0.0014946858864277601, + -0.02580331452190876, + 0.119112528860569, + 0.0023370422422885895, + -0.18098241090774536, + 2.0512304306030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/23.png", + [ + 0.16388511657714844, + 0.03685097396373749, + 0.1368633359670639, + -1.5286011695861816, + 0.03488048538565636, + -0.21327465772628784, + 0.015657860785722733, + -0.18563781678676605, + 0.1373787373304367, + 0.010189322754740715, + -0.1672457903623581, + 1.93911874294281, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/37.png", + [ + 0.16668201982975006, + 0.024345407262444496, + 0.13628019392490387, + -1.5100489854812622, + 0.024702798575162888, + -0.2151050865650177, + 0.008213285356760025, + -0.10574421286582947, + 0.13621586561203003, + 0.009218867868185043, + -0.16825024783611298, + 1.9359618425369263, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/178.png", + [ + 0.15662015974521637, + 0.03226510435342789, + 0.14620870351791382, + -1.5427359342575073, + 0.02471761964261532, + -0.2142525613307953, + 0.020803170278668404, + -0.22429507970809937, + 0.1476721316576004, + 0.001641792943701148, + -0.15855011343955994, + 1.7274590730667114, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/36.png", + [ + 0.16608767211437225, + 0.023115236312150955, + 0.13721683621406555, + -1.521571159362793, + 0.023946546018123627, + -0.2152245193719864, + 0.007271259557455778, + -0.09581358730792999, + 0.13707421720027924, + 0.009591353125870228, + -0.16753076016902924, + 1.9308725595474243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/182.png", + [ + 0.15891598165035248, + 0.040098048746585846, + 0.14172419905662537, + -1.534817099571228, + 0.017513910308480263, + -0.2121557593345642, + 0.04038684070110321, + -0.44615456461906433, + 0.14624249935150146, + -0.018165340647101402, + -0.15884283185005188, + 1.791884422302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/8.png", + [ + 0.1697920858860016, + 0.03215974569320679, + 0.13070687651634216, + -1.4530495405197144, + 0.027351360768079758, + -0.2142532467842102, + 0.017185669392347336, + -0.1937524676322937, + 0.1317969709634781, + 0.003032286884263158, + -0.17195424437522888, + 1.9707854986190796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/6.png", + [ + 0.16856779158115387, + 0.031455930322408676, + 0.13245120644569397, + -1.477231740951538, + 0.028519993647933006, + -0.2142929583787918, + 0.01459579449146986, + -0.1653708666563034, + 0.1331142783164978, + 0.006078826263546944, + -0.1708552986383438, + 1.96548593044281, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/169.png", + [ + 0.17040283977985382, + 0.018932929262518883, + 0.13248512148857117, + -1.415784239768982, + 0.018175918608903885, + -0.2157820612192154, + 0.0074586388655006886, + -0.08952759951353073, + 0.132591113448143, + 0.005247802473604679, + -0.1712891012430191, + 1.8878835439682007, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/154.png", + [ + 0.1772390604019165, + 0.02455700747668743, + 0.12219315022230148, + -1.3319646120071411, + 0.03064178302884102, + -0.2144928276538849, + -0.0013390049571171403, + 0.010179836302995682, + 0.12081096321344376, + 0.018375659361481667, + -0.1789271980524063, + 1.999205231666565, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/20.png", + [ + 0.16121265292167664, + 0.030190106481313705, + 0.14158719778060913, + -1.574326515197754, + 0.021661004051566124, + -0.21455560624599457, + 0.02108543924987316, + -0.24609418213367462, + 0.14314042031764984, + -0.0015337236691266298, + -0.16265413165092468, + 1.864794373512268, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/2.png", + [ + 0.17160499095916748, + 0.03205608204007149, + 0.12834341824054718, + -1.426967740058899, + 0.025983992964029312, + -0.2142896056175232, + 0.01878010854125023, + -0.21269796788692474, + 0.1297091245651245, + 0.0005174311227165163, + -0.1735602766275406, + 1.9945284128189087, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/117.png", + [ + 0.1824951022863388, + 0.00883311778306961, + 0.11647060513496399, + -1.2143434286117554, + 0.008402780629694462, + -0.21648721396923065, + 0.003252243623137474, + -0.04579676687717438, + 0.11650243401527405, + 0.00177758710924536, + -0.18267981708049774, + 1.974004864692688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/149.png", + [ + 0.17784346640110016, + 0.017121531069278717, + 0.12258242815732956, + -1.3234561681747437, + 0.014825128950178623, + -0.21599332988262177, + 0.008660165593028069, + -0.10498285293579102, + 0.12288131564855576, + 0.0012790898326784372, + -0.17845574021339417, + 1.9941707849502563, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/161.png", + [ + 0.17271381616592407, + 0.02680249698460102, + 0.12806037068367004, + -1.4097093343734741, + 0.030901378020644188, + -0.2144358605146408, + 0.0032041214872151613, + -0.0413721427321434, + 0.1271335631608963, + 0.01570948213338852, + -0.17475172877311707, + 1.978866696357727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/5.png", + [ + 0.16995786130428314, + 0.03120170533657074, + 0.13072364032268524, + -1.457922339439392, + 0.02788923680782318, + -0.2143547683954239, + 0.014903497882187366, + -0.16826702654361725, + 0.13147017359733582, + 0.0051358831115067005, + -0.17215430736541748, + 1.9789079427719116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/108.png", + [ + 0.16603617370128632, + 0.01381665002554655, + 0.13852429389953613, + -1.4376521110534668, + 0.012322688475251198, + -0.21621717512607574, + 0.006795809604227543, + -0.08090116828680038, + 0.13866518437862396, + 0.0026705549098551273, + -0.16647140681743622, + 1.7896277904510498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/60.png", + [ + 0.1595379263162613, + 0.03556666523218155, + 0.14223416149616241, + -1.5131372213363647, + 0.03162756934762001, + -0.21360206604003906, + 0.017937447875738144, + -0.20242807269096375, + 0.1431615948677063, + 0.007554259616881609, + -0.16246718168258667, + 1.8078123331069946, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/56.png", + [ + 0.15400665998458862, + 0.029231280088424683, + 0.14958399534225464, + -1.5930389165878296, + 0.02745869569480419, + -0.21449412405490875, + 0.01364526990801096, + -0.15520676970481873, + 0.1499195098876953, + 0.009257747791707516, + -0.15616121888160706, + 1.7259927988052368, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/147.png", + [ + 0.17730925977230072, + 0.008470666594803333, + 0.12424802780151367, + -1.3468443155288696, + 0.006934824865311384, + -0.21650899946689606, + 0.0048641967587172985, + -0.06670987606048584, + 0.12434320896863937, + -3.8222492548811715e-06, + -0.17744481563568115, + 1.985331416130066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/30.png", + [ + 0.16635841131210327, + 0.02088332362473011, + 0.13724669814109802, + -1.5190608501434326, + 0.02225395105779171, + -0.21545051038265228, + 0.005808447487652302, + -0.08237950503826141, + 0.13703112304210663, + 0.00963655672967434, + -0.16756340861320496, + 1.9220267534255981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/17.png", + [ + 0.16957765817642212, + 0.034714363515377045, + 0.13033120334148407, + -1.415395736694336, + 0.025586072355508804, + -0.21385270357131958, + 0.023669958114624023, + -0.26798027753829956, + 0.13242606818675995, + -0.0031348008196800947, + -0.17146837711334229, + 1.9370273351669312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/12.png", + [ + 0.16964846849441528, + 0.03540833666920662, + 0.13005207479000092, + -1.4184151887893677, + 0.03002152033150196, + -0.21373912692070007, + 0.019031167030334473, + -0.21458236873149872, + 0.13140013813972473, + 0.003118740627542138, + -0.17225611209869385, + 1.9416366815567017, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/114.png", + [ + 0.17358046770095825, + 0.013687980361282825, + 0.12895870208740234, + -1.3324896097183228, + 0.010987391695380211, + -0.21624183654785156, + 0.008163216523826122, + -0.09743277728557587, + 0.12921682000160217, + -2.547834867527854e-07, + -0.17392785847187042, + 1.8561195135116577, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/27.png", + [ + 0.16090108454227448, + 0.022957485169172287, + 0.14328883588314056, + -1.5931847095489502, + 0.02329588495194912, + -0.21525758504867554, + 0.008328905329108238, + -0.10961872339248657, + 0.14323420822620392, + 0.009220783598721027, + -0.16231706738471985, + 1.8663612604141235, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/42.png", + [ + 0.16839860379695892, + 0.027123237028717995, + 0.13361933827400208, + -1.4537652730941772, + 0.025310978293418884, + -0.21487192809581757, + 0.01171753741800785, + -0.14164835214614868, + 0.13397444784641266, + 0.0065020001493394375, + -0.1701659858226776, + 1.9190481901168823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/174.png", + [ + 0.16159699857234955, + 0.03325240686535835, + 0.14045844972133636, + -1.4692755937576294, + 0.02712811529636383, + -0.21408593654632568, + 0.019472312182188034, + -0.21431691944599152, + 0.1417687088251114, + 0.003063146723434329, + -0.16382962465286255, + 1.7661975622177124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/7.png", + [ + 0.16966287791728973, + 0.03046342171728611, + 0.13127979636192322, + -1.4620511531829834, + 0.027002932503819466, + -0.21447056531906128, + 0.01486986130475998, + -0.16790388524532318, + 0.1320350170135498, + 0.004717101342976093, + -0.17173349857330322, + 1.9703041315078735, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/73.png", + [ + 0.1590031087398529, + 0.036566056311130524, + 0.14257916808128357, + -1.5659505128860474, + 0.02871265634894371, + -0.21355557441711426, + 0.022748641669750214, + -0.25204986333847046, + 0.14436578750610352, + 0.002200176240876317, + -0.1615598052740097, + 1.8388402462005615, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/120.png", + [ + 0.18819734454154968, + 0.0038630201015621424, + 0.10730671882629395, + -1.1358100175857544, + 0.005122704431414604, + -0.21661080420017242, + -0.00118638772983104, + 0.002707868814468384, + 0.10725395381450653, + 0.003567449050024152, + -0.18823324143886566, + 2.065187454223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/46.png", + [ + 0.16834373772144318, + 0.023660272359848022, + 0.13434459269046783, + -1.4463292360305786, + 0.020757637917995453, + -0.21534864604473114, + 0.011915546841919422, + -0.13529600203037262, + 0.13482360541820526, + 0.0036126431077718735, + -0.16958019137382507, + 1.8917254209518433, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/127.png", + [ + 0.19432194530963898, + -0.002211017534136772, + 0.09582268446683884, + -1.0241272449493408, + 0.0005658890586346388, + -0.21658675372600555, + -0.006145116873085499, + 0.060129713267087936, + 0.09584652632474899, + 0.005761431995779276, + -0.1942373365163803, + 2.150693893432617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/133.png", + [ + 0.18993467092514038, + 0.0025444496423006058, + 0.10424124449491501, + -1.126630425453186, + 0.005650151055306196, + -0.2165430188179016, + -0.005009309854358435, + 0.04687372222542763, + 0.10411910712718964, + 0.007109372410923243, + -0.18988566100597382, + 2.116626739501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/57.png", + [ + 0.1534745693206787, + 0.028463969007134438, + 0.1502772569656372, + -1.5970041751861572, + 0.027432933449745178, + -0.21455997228622437, + 0.012623140588402748, + -0.144160196185112, + 0.1504688709974289, + 0.010085230693221092, + -0.1555805206298828, + 1.7191259860992432, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/44.png", + [ + 0.16750656068325043, + 0.021616440266370773, + 0.13572831451892853, + -1.4699044227600098, + 0.0184207484126091, + -0.21557831764221191, + 0.011599933728575706, + -0.13743245601654053, + 0.13619883358478546, + 0.0025713760405778885, + -0.168496772646904, + 1.8872023820877075, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/113.png", + [ + 0.17212827503681183, + 0.01446675043553114, + 0.13080696761608124, + -1.34832763671875, + 0.011198129504919052, + -0.21619050204753876, + 0.009174274280667305, + -0.10604135692119598, + 0.1311272233724594, + -0.0005277917953208089, + -0.17249135673046112, + 1.8362771272659302, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/126.png", + [ + 0.19303953647613525, + -0.0025664414279162884, + 0.09837198257446289, + -1.0510344505310059, + 2.5052224373212084e-05, + -0.21659965813159943, + -0.00570006063207984, + 0.05550337955355644, + 0.09840546548366547, + 0.00508966576308012, + -0.19297243654727936, + 2.1368141174316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/29.png", + [ + 0.16607703268527985, + 0.019983937963843346, + 0.13772055506706238, + -1.525497555732727, + 0.020822256803512573, + -0.2155834585428238, + 0.006172697991132736, + -0.08794517070055008, + 0.13759629428386688, + 0.00850357674062252, + -0.16716110706329346, + 1.9195541143417358, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/4.png", + [ + 0.17002710700035095, + 0.032066889107227325, + 0.13042384386062622, + -1.4543884992599487, + 0.02817189320921898, + -0.21424256265163422, + 0.01594882644712925, + -0.18035435676574707, + 0.1313202679157257, + 0.004442391451448202, + -0.1722879856824875, + 1.981838345527649, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/55.png", + [ + 0.15748876333236694, + 0.029647843912243843, + 0.14582931995391846, + -1.5501179695129395, + 0.02832707390189171, + -0.21442119777202606, + 0.01300102099776268, + -0.148382768034935, + 0.14609161019325256, + 0.009615347720682621, + -0.15972688794136047, + 1.758855938911438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/9.png", + [ + 0.1689736694097519, + 0.030341194942593575, + 0.13219380378723145, + -1.4645875692367554, + 0.025241099298000336, + -0.2145288586616516, + 0.016974931582808495, + -0.19193895161151886, + 0.13326168060302734, + 0.0021617687307298183, + -0.17083482444286346, + 1.9520021677017212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/25.png", + [ + 0.15985549986362457, + 0.029771238565444946, + 0.1432054042816162, + -1.602960467338562, + 0.02999228984117508, + -0.21430297195911407, + 0.011072434484958649, + -0.13837239146232605, + 0.14315927028656006, + 0.011653730645775795, + -0.16222672164440155, + 1.8761366605758667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/99.png", + [ + 0.17133654654026031, + 0.028462225571274757, + 0.1295437514781952, + -1.4318058490753174, + 0.02583630196750164, + -0.21473510563373566, + 0.013008243404328823, + -0.1489127278327942, + 0.13009290397167206, + 0.00516047328710556, + -0.1731966882944107, + 1.977246880531311, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/34.png", + [ + 0.16785186529159546, + 0.020707692950963974, + 0.13544312119483948, + -1.5021008253097534, + 0.02244178205728531, + -0.2154483050107956, + 0.005127922631800175, + -0.07358162850141525, + 0.13516661524772644, + 0.01005587913095951, + -0.16904662549495697, + 1.9449344873428345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/72.png", + [ + 0.15912994742393494, + 0.037756457924842834, + 0.14212672412395477, + -1.5543583631515503, + 0.030666008591651917, + -0.21332739293575287, + 0.022336445748806, + -0.2467118203639984, + 0.14382334053516388, + 0.0037109190598130226, + -0.16201533377170563, + 1.8414194583892822, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/102.png", + [ + 0.17298971116542816, + 0.02462037280201912, + 0.1281260848045349, + -1.3933899402618408, + 0.025971123948693275, + -0.21502162516117096, + 0.006253024563193321, + -0.07645323872566223, + 0.12785913050174713, + 0.010365167632699013, + -0.17462103068828583, + 1.956394076347351, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/134.png", + [ + 0.1896042674779892, + 0.0013912210706621408, + 0.10486268252134323, + -1.133267879486084, + 0.005521788261830807, + -0.21648748219013214, + -0.0071118976920843124, + 0.06835603713989258, + 0.10472643375396729, + 0.00889571476727724, + -0.18947593867778778, + 2.109252452850342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/70.png", + [ + 0.15910786390304565, + 0.041380252689123154, + 0.14113913476467133, + -1.528234839439392, + 0.03289660066366196, + -0.21266713738441467, + 0.02526663988828659, + -0.2792798578739166, + 0.14335408806800842, + 0.0028747005853801966, + -0.16244763135910034, + 1.8333381414413452, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/135.png", + [ + 0.18997840583324432, + 0.0019097423646599054, + 0.10417509824037552, + -1.1295139789581299, + 0.0058668372221291065, + -0.21649061143398285, + -0.006730314344167709, + 0.06417277455329895, + 0.10402729362249374, + 0.008721800521016121, + -0.18986876308918, + 2.1162056922912598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/130.png", + [ + 0.19327105581760406, + -0.002197091467678547, + 0.0979253277182579, + -1.049216628074646, + -0.00036815047496929765, + -0.21663488447666168, + -0.004133902955800295, + 0.03592493012547493, + 0.09794928133487701, + 0.0035210056230425835, + -0.19323933124542236, + 2.144604206085205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/90.png", + [ + 0.17252090573310852, + 0.031923919916152954, + 0.12714283168315887, + -1.3846461772918701, + 0.02659602090716362, + -0.21430474519729614, + 0.017720840871334076, + -0.20099610090255737, + 0.12836311757564545, + 0.0014966136077418923, + -0.17455247044563293, + 1.976596713066101, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/122.png", + [ + 0.19079767167568207, + 0.0013458518078550696, + 0.10267587751150131, + -1.095525860786438, + 0.0033031555358320475, + -0.21662434935569763, + -0.003298633499071002, + 0.027938049286603928, + 0.10263156145811081, + 0.004469955340027809, + -0.19077391922473907, + 2.108231544494629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/15.png", + [ + 0.16860879957675934, + 0.03515747934579849, + 0.13146452605724335, + -1.4231348037719727, + 0.029858633875846863, + -0.21377579867839813, + 0.018874986097216606, + -0.21320678293704987, + 0.13276833295822144, + 0.003428468480706215, + -0.17119786143302917, + 1.917434811592102, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/162.png", + [ + 0.1750510036945343, + 0.024876413866877556, + 0.12524455785751343, + -1.369524598121643, + 0.02550431154668331, + -0.2150522619485855, + 0.007067561149597168, + -0.08842837810516357, + 0.125118225812912, + 0.00903240591287613, + -0.1766684502363205, + 1.997198462486267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/22.png", + [ + 0.1629662960767746, + 0.03418844938278198, + 0.138639897108078, + -1.547568440437317, + 0.029813863337039948, + -0.2138826996088028, + 0.017698097974061966, + -0.20879366993904114, + 0.1396460086107254, + 0.005765313282608986, + -0.16557066142559052, + 1.9139517545700073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/171.png", + [ + 0.1644916832447052, + 0.024589641019701958, + 0.13887305557727814, + -1.4696069955825806, + 0.02193540148437023, + -0.215220108628273, + 0.012126125395298004, + -0.1425095498561859, + 0.13931696116924286, + 0.004853313323110342, + -0.1658768355846405, + 1.8105278015136719, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/138.png", + [ + 0.18195471167564392, + 0.0030239555053412914, + 0.1176062598824501, + -1.2956843376159668, + 0.005215831566601992, + -0.21659742295742035, + -0.002500412054359913, + 0.017575841397047043, + 0.11752945929765701, + 0.004930785857141018, + -0.18196266889572144, + 2.0593209266662598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/109.png", + [ + 0.16054271161556244, + 0.015599572099745274, + 0.14467404782772064, + -1.5080862045288086, + 0.012508089654147625, + -0.21610800921916962, + 0.009421938098967075, + -0.1083316057920456, + 0.14497403800487518, + 0.0013705901801586151, + -0.16102343797683716, + 1.7368581295013428, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/26.png", + [ + 0.159159854054451, + 0.024175917729735374, + 0.14502263069152832, + -1.6217049360275269, + 0.024283507838845253, + -0.21511250734329224, + 0.009209477342665195, + -0.11970512568950653, + 0.14500465989112854, + 0.00948832556605339, + -0.16072186827659607, + 1.8557218313217163, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/43.png", + [ + 0.16860052943229675, + 0.024645326659083366, + 0.1338445544242859, + -1.4523143768310547, + 0.022393640130758286, + -0.21521157026290894, + 0.011419069021940231, + -0.13628347218036652, + 0.13423964381217957, + 0.004947535693645477, + -0.17000922560691833, + 1.9107476472854614, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/84.png", + [ + 0.16593043506145477, + 0.024680551141500473, + 0.13713441789150238, + -1.4747573137283325, + 0.02515360340476036, + -0.21505077183246613, + 0.008267966099083424, + -0.1020599752664566, + 0.13704843819141388, + 0.009588191285729408, + -0.16755202412605286, + 1.8656965494155884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/136.png", + [ + 0.18489715456962585, + 0.0012837903341278434, + 0.11295702308416367, + -1.2327772378921509, + 0.0036952884402126074, + -0.21661342680454254, + -0.0035868689883500338, + 0.030416611582040787, + 0.11290385574102402, + 0.00498725101351738, + -0.184866800904274, + 2.0739097595214844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/89.png", + [ + 0.1711982935667038, + 0.032970573753118515, + 0.12865450978279114, + -1.3897420167922974, + 0.02835684083402157, + -0.2141261100769043, + 0.017140617594122887, + -0.19462424516677856, + 0.12974950671195984, + 0.0032943023834377527, + -0.17349959909915924, + 1.9519184827804565, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/63.png", + [ + 0.13477858901023865, + 0.035577502101659775, + 0.16588208079338074, + -1.8013516664505005, + 0.032355327159166336, + -0.21335859596729279, + 0.019471425563097, + -0.22316016256809235, + 0.16654056310653687, + 0.012658786028623581, + -0.1380285769701004, + 1.55862557888031, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/88.png", + [ + 0.1712624877691269, + 0.031081926077604294, + 0.12903863191604614, + -1.385326862335205, + 0.02739005908370018, + -0.2143920212984085, + 0.015288650058209896, + -0.1736317276954651, + 0.1298723965883255, + 0.004227553028613329, + -0.17338739335536957, + 1.9351400136947632, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/62.png", + [ + 0.15211328864097595, + 0.03840760141611099, + 0.14944665133953094, + -1.61089026927948, + 0.03436888009309769, + -0.21301667392253876, + 0.019762879237532616, + -0.226639986038208, + 0.15042679011821747, + 0.009830950759351254, + -0.1556374728679657, + 1.7526004314422607, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/65.png", + [ + 0.12948018312454224, + 0.03701239824295044, + 0.16974350810050964, + -1.8387219905853271, + 0.030769670382142067, + -0.2132391780614853, + 0.0230255089700222, + -0.2611244320869446, + 0.1709853857755661, + 0.010345484130084515, + -0.13268330693244934, + 1.4878907203674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/80.png", + [ + 0.1629784107208252, + 0.023718615993857384, + 0.14079545438289642, + -1.5420204401016235, + 0.023215537890791893, + -0.21522289514541626, + 0.009383530355989933, + -0.11786769330501556, + 0.140879288315773, + 0.008027378469705582, + -0.1644277423620224, + 1.8667930364608765, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/146.png", + [ + 0.17885653674602509, + 0.011413208208978176, + 0.12177014350891113, + -1.3221389055252075, + 0.009778009727597237, + -0.21637296676635742, + 0.005918111186474562, + -0.07509668916463852, + 0.12191235274076462, + 0.0006100228056311607, + -0.17912259697914124, + 2.005496025085449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/119.png", + [ + 0.18520838022232056, + 0.0056138415820896626, + 0.11231314390897751, + -1.184512972831726, + 0.005618801806122065, + -0.21659615635871887, + 0.0015607030363753438, + -0.026758188381791115, + 0.11231289058923721, + 0.001578449853695929, + -0.18528684973716736, + 2.025813579559326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/180.png", + [ + 0.15315189957618713, + 0.037053171545267105, + 0.14872609078884125, + -1.5897462368011475, + 0.024696355685591698, + -0.21346628665924072, + 0.027751076966524124, + -0.30191901326179504, + 0.1512695550918579, + -0.0026636167895048857, + -0.15510745346546173, + 1.7205431461334229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/145.png", + [ + 0.17886897921562195, + 0.008847679942846298, + 0.12196516245603561, + -1.3284544944763184, + 0.007118225563317537, + -0.2164936512708664, + 0.005265740677714348, + -0.06940880417823792, + 0.1220783218741417, + -0.00034015014534816146, + -0.17901022732257843, + 2.008737564086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/167.png", + [ + 0.17367404699325562, + 0.016064204275608063, + 0.1285579949617386, + -1.3863317966461182, + 0.016390100121498108, + -0.21599942445755005, + 0.004848582204431295, + -0.06334562599658966, + 0.12851686775684357, + 0.005838272161781788, + -0.17434801161289215, + 1.9386714696884155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/79.png", + [ + 0.16610418260097504, + 0.03162544593214989, + 0.13548846542835236, + -1.4851856231689453, + 0.026011312380433083, + -0.21434125304222107, + 0.018142132088541985, + -0.21579831838607788, + 0.13667736947536469, + 0.0023572146892547607, + -0.16811196506023407, + 1.9123355150222778, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/176.png", + [ + 0.16096141934394836, + 0.03267839923501015, + 0.1413203626871109, + -1.4751510620117188, + 0.02551369182765484, + -0.21419142186641693, + 0.02046918496489525, + -0.2227548211812973, + 0.1427878588438034, + 0.0014346642419695854, + -0.1629646122455597, + 1.7537442445755005, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/185.png", + [ + 0.15442657470703125, + 0.040087245404720306, + 0.14660607278347015, + -1.6245230436325073, + 0.024088067933917046, + -0.21281592547893524, + 0.03281833603978157, + -0.367716908454895, + 0.15006697177886963, + -0.007091584149748087, + -0.1561329960823059, + 1.7918034791946411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/165.png", + [ + 0.17816174030303955, + 0.016802821308374405, + 0.12216363102197647, + -1.3237488269805908, + 0.014392486773431301, + -0.21602009236812592, + 0.008722367696464062, + -0.11123421788215637, + 0.12247098982334137, + 0.0009426397737115622, + -0.17873966693878174, + 2.0020389556884766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/116.png", + [ + 0.17847879230976105, + 0.01131249126046896, + 0.12233252823352814, + -1.2707421779632568, + 0.00984390638768673, + -0.21637722849845886, + 0.005647208541631699, + -0.07232072949409485, + 0.12245945632457733, + 0.0009060726733878255, + -0.1787477433681488, + 1.9238814115524292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/19.png", + [ + 0.16185346245765686, + 0.031097136437892914, + 0.1406567245721817, + -1.555053949356079, + 0.02062378078699112, + -0.21438856422901154, + 0.02366640791296959, + -0.27409088611602783, + 0.14256931841373444, + -0.004290379583835602, + -0.16310574114322662, + 1.862221360206604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/77.png", + [ + 0.16472654044628143, + 0.03676135092973709, + 0.1358737051486969, + -1.4937307834625244, + 0.027113160118460655, + -0.21352466940879822, + 0.024899577721953392, + -0.2882665693759918, + 0.13812290132045746, + -0.0019275766098871827, + -0.1669318526983261, + 1.901642918586731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/68.png", + [ + 0.14357814192771912, + 0.0398297980427742, + 0.15731114149093628, + -1.6972029209136963, + 0.03205413371324539, + -0.21286912262439728, + 0.024640727788209915, + -0.27293476462364197, + 0.15907777845859528, + 0.006944059859961271, + -0.14694872498512268, + 1.6503345966339111, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/143.png", + [ + 0.1801391839981079, + 0.007359781302511692, + 0.12018152326345444, + -1.3186920881271362, + 0.005756280850619078, + -0.2165485918521881, + 0.004633145872503519, + -0.061771370470523834, + 0.12026899307966232, + -0.0006591113633476198, + -0.18022993206977844, + 2.0336356163024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/183.png", + [ + 0.15571390092372894, + 0.03958772495388985, + 0.14537496864795685, + -1.591562032699585, + 0.018029212951660156, + -0.21245530247688293, + 0.03854324668645859, + -0.4287986159324646, + 0.14958614110946655, + -0.015602771192789078, + -0.15597574412822723, + 1.7752360105514526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/86.png", + [ + 0.16739879548549652, + 0.025352843105793, + 0.13521380722522736, + -1.4452582597732544, + 0.02355625480413437, + -0.21510058641433716, + 0.011168411001563072, + -0.12852270901203156, + 0.13553832471370697, + 0.006071555428206921, + -0.168939009308815, + 1.869460940361023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/1.png", + [ + 0.17013506591320038, + 0.03259208798408508, + 0.130152627825737, + -1.446622610092163, + 0.026694590225815773, + -0.2142053246498108, + 0.018745016306638718, + -0.21352092921733856, + 0.13148896396160126, + 0.0013161938404664397, + -0.17221152782440186, + 1.9835764169692993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/81.png", + [ + 0.16543740034103394, + 0.023496635258197784, + 0.13793572783470154, + -1.5004855394363403, + 0.02430855482816696, + -0.21517610549926758, + 0.007498928811401129, + -0.0955357700586319, + 0.13779495656490326, + 0.009749249555170536, + -0.16692930459976196, + 1.8800595998764038, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/95.png", + [ + 0.16460423171520233, + 0.02881714142858982, + 0.13792355358600616, + -1.5352638959884644, + 0.022273292765021324, + -0.21474960446357727, + 0.018286878243088722, + -0.2089093029499054, + 0.13913030922412872, + 0.000285744434222579, + -0.16610410809516907, + 1.9136637449264526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/103.png", + [ + 0.17114953696727753, + 0.023977337405085564, + 0.13069359958171844, + -1.4111155271530151, + 0.025695232674479485, + -0.21506725251674652, + 0.005807572044432163, + -0.07382069528102875, + 0.1303667426109314, + 0.010911473073065281, + -0.17272332310676575, + 1.921972632408142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/150.png", + [ + 0.17727571725845337, + 0.020362816751003265, + 0.12290872633457184, + -1.3294472694396973, + 0.018933413550257683, + -0.21568135917186737, + 0.00842451024800539, + -0.10051894187927246, + 0.12313704192638397, + 0.0038473366294056177, + -0.17824241518974304, + 1.9918867349624634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/83.png", + [ + 0.16586340963840485, + 0.023271014913916588, + 0.13746154308319092, + -1.486452341079712, + 0.024724628776311874, + -0.21515843272209167, + 0.0065912469290196896, + -0.08491966873407364, + 0.1372075378894806, + 0.010640095919370651, + -0.16735820472240448, + 1.8738645315170288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/142.png", + [ + 0.17968276143074036, + 0.00832789670675993, + 0.12079999595880508, + -1.3277535438537598, + 0.006669218186289072, + -0.21651411056518555, + 0.00500631844624877, + -0.06502166390419006, + 0.12090291827917099, + -0.00043340431875549257, + -0.17980597913265228, + 2.032435894012451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/51.png", + [ + 0.17175912857055664, + 0.032112862914800644, + 0.12812285125255585, + -1.3643518686294556, + 0.0311173927038908, + -0.21409554779529572, + 0.011945759877562523, + -0.13505400717258453, + 0.12836824357509613, + 0.008930695243179798, + -0.17432652413845062, + 1.929345965385437, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/128.png", + [ + 0.1954018920660019, + -0.003547266125679016, + 0.09355967491865158, + -0.9980982542037964, + -0.0008101075072772801, + -0.2165750116109848, + -0.006519397255033255, + 0.0633074939250946, + 0.09362339228391647, + 0.0055295308120548725, + -0.1953253298997879, + 2.157656669616699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/168.png", + [ + 0.17159758508205414, + 0.017152143642306328, + 0.13117915391921997, + -1.4098234176635742, + 0.017765890806913376, + -0.2158874273300171, + 0.004988203756511211, + -0.06490299105644226, + 0.13109742105007172, + 0.0068053677678108215, + -0.17238052189350128, + 1.9081073999404907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/93.png", + [ + 0.1666945219039917, + 0.028213443234562874, + 0.13551689684391022, + -1.50677490234375, + 0.02282037027180195, + -0.21482498943805695, + 0.01665416918694973, + -0.19024229049682617, + 0.1365285962820053, + 0.0014601920265704393, + -0.16824299097061157, + 1.9331029653549194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/76.png", + [ + 0.1741398125886917, + -0.021971186622977257, + -0.12704519927501678, + 1.483454704284668, + -0.01399820577353239, + -0.21546514332294464, + 0.01807529851794243, + -0.22209320962429047, + -0.12816889584064484, + -0.006319267209619284, + -0.174587219953537, + 2.0784101486206055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/48.png", + [ + 0.1806943416595459, + -0.018250932916998863, + -0.1181708499789238, + 1.3753145933151245, + -0.016627030447125435, + -0.2158905416727066, + 0.00791898649185896, + -0.10207997262477875, + -0.11841025203466415, + 0.002464129589498043, + -0.18144097924232483, + 2.142510414123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/137.png", + [ + 0.14473102986812592, + -0.011263196356594563, + -0.16085386276245117, + 1.9527215957641602, + -0.024103697389364243, + -0.21522806584835052, + -0.0066171674989163876, + 0.05917071923613548, + -0.15943600237369537, + 0.022314021363854408, + -0.14501772820949554, + 1.8029159307479858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/35.png", + [ + 0.18086865544319153, + -0.02075774036347866, + -0.11748845875263214, + 1.3505679368972778, + -0.016994349658489227, + -0.21567672491073608, + 0.011943434365093708, + -0.14808595180511475, + -0.11809154599905014, + -0.0007548298453912139, + -0.18166372179985046, + 2.1252808570861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/124.png", + [ + 0.14111213386058807, + 0.001319166156463325, + -0.16441871225833893, + 1.9465229511260986, + -0.013219322077929974, + -0.2158752679824829, + -0.013077476993203163, + 0.1349085122346878, + -0.1638917624950409, + 0.018548065796494484, + -0.14051103591918945, + 1.705723524093628, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/97.png", + [ + 0.17825685441493988, + -0.023579448461532593, + -0.1208982989192009, + 1.4092053174972534, + -0.019785109907388687, + -0.2153872549533844, + 0.01283626351505518, + -0.16455420851707458, + -0.12157686054706573, + 0.0004792194813489914, + -0.1793508231639862, + 2.1266913414001465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/155.png", + [ + 0.14281046390533447, + -0.010258994996547699, + -0.16262784600257874, + 1.988932490348816, + -0.03356458246707916, + -0.21345965564250946, + -0.0160088948905468, + 0.17541058361530304, + -0.15945681929588318, + 0.035743795335292816, + -0.1422806829214096, + 1.7811636924743652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/13.png", + [ + 0.1941540539264679, + -0.009348331019282341, + -0.09573248773813248, + 1.1155695915222168, + -0.01027499046176672, + -0.2164306491613388, + 0.00029597317916341126, + -0.01706778258085251, + -0.09563746303319931, + 0.004274547565728426, + -0.19437874853610992, + 2.296861171722412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/32.png", + [ + 0.1845129430294037, + -0.016381170600652695, + -0.11240338534116745, + 1.2988613843917847, + -0.011896305717527866, + -0.21601735055446625, + 0.01195332407951355, + -0.15034498274326324, + -0.11296610534191132, + -0.004007661249488592, + -0.18485261499881744, + 2.1611714363098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/158.png", + [ + 0.13678577542304993, + -0.008805938065052032, + -0.1678094118833542, + 2.058774471282959, + -0.02798563428223133, + -0.21454888582229614, + -0.011553182266652584, + 0.11661097407341003, + -0.16569353640079498, + 0.028967689722776413, + -0.1365811824798584, + 1.7154263257980347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/38.png", + [ + 0.17291314899921417, + -0.03345272317528725, + -0.12621350586414337, + 1.462328314781189, + -0.026511119678616524, + -0.21407495439052582, + 0.020419912412762642, + -0.24741245806217194, + -0.12785185873508453, + -0.0008529381593689322, + -0.174931600689888, + 2.0699715614318848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/148.png", + [ + 0.13963456451892853, + -0.00556539511308074, + -0.1655871421098709, + 2.0325965881347656, + -0.02338426001369953, + -0.21504659950733185, + -0.012491496279835701, + 0.12587857246398926, + -0.16402211785316467, + 0.025920791551470757, + -0.13918600976467133, + 1.745085597038269, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/111.png", + [ + 0.14021611213684082, + -0.011435716412961483, + -0.1647924929857254, + 1.9638397693634033, + -0.02055361680686474, + -0.21568283438682556, + -0.0025211109314113855, + 0.013701297342777252, + -0.1639050990343094, + 0.017263589426875114, + -0.14065907895565033, + 1.716617465019226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/164.png", + [ + 0.13862375915050507, + -0.013485841453075409, + -0.16598035395145416, + 2.043719530105591, + -0.032130420207977295, + -0.21407097578048706, + -0.009441550821065903, + 0.09044095873832703, + -0.16339825093746185, + 0.03065352886915207, + -0.13895781338214874, + 1.7387460470199585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/11.png", + [ + 0.19978928565979004, + -0.005225270055234432, + -0.08369491249322891, + 0.9774227142333984, + -0.006195849273353815, + -0.2165823131799698, + -0.0012684541288763285, + 0.0018726624548435211, + -0.08362865447998047, + 0.0035628743935376406, + -0.1998535692691803, + 2.3510751724243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/125.png", + [ + 0.14037342369556427, + 1.72777126863366e-05, + -0.16505512595176697, + 1.9569228887557983, + -0.014972193166613579, + -0.21578000485897064, + -0.012755898758769035, + 0.13243913650512695, + -0.16437464952468872, + 0.019669247791171074, + -0.13979265093803406, + 1.7009022235870361, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/59.png", + [ + 0.18546326458454132, + -0.016986386850476265, + -0.11073718219995499, + 1.292029619216919, + -0.015202059410512447, + -0.21600441634655, + 0.007673215586692095, + -0.10148155689239502, + -0.11099620908498764, + 0.0012014954118058085, + -0.1860814094543457, + 2.199221611022949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/105.png", + [ + 0.16261160373687744, + -0.023937348276376724, + -0.14118200540542603, + 1.6453500986099243, + -0.024776354432106018, + -0.21510711312294006, + 0.007934234105050564, + -0.10788090527057648, + -0.1410371959209442, + 0.010189367458224297, + -0.16417241096496582, + 1.963905930519104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/121.png", + [ + 0.14025354385375977, + 3.6781180824618787e-05, + -0.1651569902896881, + 1.953283667564392, + -0.013761567883193493, + -0.21591855585575104, + -0.011734594590961933, + 0.11629603803157806, + -0.16458268463611603, + 0.018085356801748276, + -0.1397617906332016, + 1.695747971534729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/24.png", + [ + 0.18695808947086334, + -0.00787294376641512, + -0.10923638939857483, + 1.2548749446868896, + -0.009235874749720097, + -0.21647760272026062, + -0.00020510728063527495, + -0.011131824925541878, + -0.10912960767745972, + 0.004833238199353218, + -0.18712365627288818, + 2.189169406890869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/74.png", + [ + 0.17341819405555725, + -0.022737698629498482, + -0.1278945654630661, + 1.4929313659667969, + -0.015853550285100937, + -0.21543940901756287, + 0.016805268824100494, + -0.2071591168642044, + -0.12892897427082062, + -0.004092574585229158, + -0.17409324645996094, + 2.069591999053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/129.png", + [ + 0.14556561410427094, + -0.0033885950688272715, + -0.16045890748500824, + 1.9077131748199463, + -0.0160288717597723, + -0.21585021913051605, + -0.009982763789594173, + 0.0975872278213501, + -0.15969225764274597, + 0.018576808273792267, + -0.1452624350786209, + 1.7674789428710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/153.png", + [ + 0.14520536363124847, + -0.006082277745008469, + -0.16070562601089478, + 1.9617010354995728, + -0.026346510276198387, + -0.214493989944458, + -0.015687333419919014, + 0.16774871945381165, + -0.15864789485931396, + 0.03005390241742134, + -0.1444835662841797, + 1.8024150133132935, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/144.png", + [ + 0.14262261986732483, + -0.005673556122928858, + -0.16301684081554413, + 2.0094199180603027, + -0.021607011556625366, + -0.21529240906238556, + -0.011410937644541264, + 0.11656200885772705, + -0.16167813539505005, + 0.023767272010445595, + -0.1422785520553589, + 1.7877941131591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/98.png", + [ + 0.17779098451137543, + -0.024278534576296806, + -0.12144467234611511, + 1.4143142700195312, + -0.01957566849887371, + -0.2153085172176361, + 0.014385132119059563, + -0.18355998396873474, + -0.12229084968566895, + -0.0008315976010635495, + -0.1788634955883026, + 2.1190061569213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/0.png", + [ + 0.21107017993927002, + 0.012744499370455742, + -0.04727422073483467, + 0.5489862561225891, + 0.015725744888186455, + -0.21576732397079468, + 0.012044403702020645, + -0.1497119814157486, + -0.0463678240776062, + -0.015163921751081944, + -0.21111129224300385, + 2.5076394081115723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/163.png", + [ + 0.13566096127033234, + -0.010803724639117718, + -0.16860391199588776, + 2.0753350257873535, + -0.03135846555233002, + -0.21408404409885406, + -0.01151345670223236, + 0.11223269999027252, + -0.16601398587226868, + 0.03161000460386276, + -0.13560254871845245, + 1.6999558210372925, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/96.png", + [ + 0.17534616589546204, + -0.02274549938738346, + -0.12523682415485382, + 1.4603619575500488, + -0.019035890698432922, + -0.21547557413578033, + 0.012482186779379845, + -0.16008757054805756, + -0.12585410475730896, + 0.0009013087837956846, + -0.17637410759925842, + 2.094654083251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/100.png", + [ + 0.17409318685531616, + -0.026278050616383553, + -0.1262890249490738, + 1.4627622365951538, + -0.02257453463971615, + -0.2150639295578003, + 0.013630544766783714, + -0.17573541402816772, + -0.12700334191322327, + 0.0022057550959289074, + -0.1755368411540985, + 2.075155258178711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/40.png", + [ + 0.16624769568443298, + -0.031019538640975952, + -0.1354525089263916, + 1.5827933549880981, + -0.02514706924557686, + -0.21443578600883484, + 0.018242981284856796, + -0.22837290167808533, + -0.13666461408138275, + 0.0017232280224561691, + -0.168130025267601, + 2.0007729530334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/141.png", + [ + 0.1425153613090515, + -0.007395854219794273, + -0.1630416065454483, + 2.0073182582855225, + -0.02127237245440483, + -0.21544736623764038, + -0.008821198716759682, + 0.08801604807376862, + -0.1618170589208603, + 0.021808914840221405, + -0.142434224486351, + 1.7916520833969116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/52.png", + [ + 0.1882995367050171, + -0.010954638943076134, + -0.1066356897354126, + 1.2417757511138916, + -0.009500568732619286, + -0.21639753878116608, + 0.005454120691865683, + -0.07471320778131485, + -0.10677506029605865, + -6.41912265564315e-05, + -0.1885390430688858, + 2.230405330657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/3.png", + [ + 0.2081364393234253, + 0.01191034447401762, + -0.05903607979416847, + 0.6959827542304993, + 0.014467879198491573, + -0.21606376767158508, + 0.007417480926960707, + -0.09549519419670105, + -0.05846191942691803, + -0.011067169718444347, + -0.2083449512720108, + 2.4561238288879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/47.png", + [ + 0.17708545923233032, + -0.02319110929965973, + -0.12268172204494476, + 1.4326574802398682, + -0.021249111741781235, + -0.21539606153964996, + 0.010045218281447887, + -0.12858758866786957, + -0.12303293496370316, + 0.003821468912065029, + -0.17831483483314514, + 2.1098618507385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/104.png", + [ + 0.1713740974664688, + -0.026892969384789467, + -0.1298290491104126, + 1.5063261985778809, + -0.026309611275792122, + -0.21484911441802979, + 0.00977550633251667, + -0.12658612430095673, + -0.12994852662086487, + 0.008032705634832382, + -0.1731957048177719, + 2.064364433288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/21.png", + [ + 0.1870589554309845, + -0.01153272669762373, + -0.10873746126890182, + 1.2482826709747314, + -0.011022553779184818, + -0.21635739505290985, + 0.003985041286796331, + -0.06129588186740875, + -0.10879037529230118, + 0.002091278787702322, + -0.18737174570560455, + 2.1933655738830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/82.png", + [ + 0.1712239682674408, + -0.01925799436867237, + -0.13137498497962952, + 1.5404596328735352, + -0.011477629654109478, + -0.215727761387825, + 0.0166640505194664, + -0.20949925482273102, + -0.13228194415569305, + -0.006209359969943762, + -0.17149583995342255, + 2.05572509765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/106.png", + [ + 0.15387101471424103, + -0.024539994075894356, + -0.1505635678768158, + 1.7662931680679321, + -0.02524515427649021, + -0.21500034630298615, + 0.009242668747901917, + -0.12304450571537018, + -0.15044696629047394, + 0.010978776961565018, + -0.15554122626781464, + 1.869036078453064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/14.png", + [ + 0.1919364184141159, + -0.011814022436738014, + -0.09984353929758072, + 1.1627181768417358, + -0.012724284082651138, + -0.2162977159023285, + 0.0011327009415253997, + -0.026884829625487328, + -0.09973161667585373, + 0.0048599643632769585, + -0.1922963261604309, + 2.2755684852600098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/67.png", + [ + 0.1801372617483139, + -0.019359590485692024, + -0.11884306371212006, + 1.382151484489441, + -0.015503348782658577, + -0.21580477058887482, + 0.011655379086732864, + -0.14689770340919495, + -0.11940732598304749, + -0.0011865823762491345, + -0.18079926073551178, + 2.14453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/78.png", + [ + 0.17485776543617249, + -0.01802382804453373, + -0.12667986750602722, + 1.4787020683288574, + -0.010782578028738499, + -0.2158268541097641, + 0.015824198722839355, + -0.1976742148399353, + -0.1275005340576172, + -0.006466137710958719, + -0.17507053911685944, + 2.0871944427490234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/31.png", + [ + 0.18490412831306458, + -0.017096327617764473, + -0.11165156960487366, + 1.2893277406692505, + -0.01377489697188139, + -0.215992733836174, + 0.010260911658406258, + -0.12975862622261047, + -0.11210979521274567, + -0.0016582284588366747, + -0.18540911376476288, + 2.169973850250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/152.png", + [ + 0.1459600031375885, + -0.006003890186548233, + -0.1600235104560852, + 1.9517974853515625, + -0.025781216099858284, + -0.21457882225513458, + -0.0154647221788764, + 0.16236861050128937, + -0.1580471396446228, + 0.029458139091730118, + -0.14526256918907166, + 1.8088760375976562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/39.png", + [ + 0.16931957006454468, + -0.031559668481349945, + -0.1314639300107956, + 1.531725525856018, + -0.02443435788154602, + -0.21436244249343872, + 0.019990207627415657, + -0.24697613716125488, + -0.13297270238399506, + -0.0007961078081279993, + -0.17107169330120087, + 2.0294251441955566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/92.png", + [ + 0.17978344857692719, + -0.023031039163470268, + -0.11872393637895584, + 1.3817133903503418, + -0.018051352351903915, + -0.21543686091899872, + 0.014457067474722862, + -0.1838473081588745, + -0.1195823922753334, + -0.0021046011243015528, + -0.18067516386508942, + 2.1463871002197266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/53.png", + [ + 0.1900581270456314, + -0.012114559300243855, + -0.10333942621946335, + 1.2050416469573975, + -0.010107088834047318, + -0.21633280813694, + 0.006772265303879976, + -0.09097621589899063, + -0.10355502367019653, + -0.001119943568482995, + -0.1903233826160431, + 2.252671241760254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/75.png", + [ + 0.17543582618236542, + -0.022301916033029556, + -0.12519101798534393, + 1.4601695537567139, + -0.015677999705076218, + -0.2154822200536728, + 0.016416385769844055, + -0.20304904878139496, + -0.12619176506996155, + -0.004233433865010738, + -0.17608408629894257, + 2.091604232788086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/151.png", + [ + 0.13985279202461243, + -0.0066629089415073395, + -0.16536231338977814, + 2.0236611366271973, + -0.024699335917830467, + -0.21491457521915436, + -0.012229597195982933, + 0.12298120558261871, + -0.163643017411232, + 0.026743706315755844, + -0.13947628438472748, + 1.743656873703003, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/87.png", + [ + 0.17636056244373322, + -0.02262643724679947, + -0.12382600456476212, + 1.4546808004379272, + -0.01696515642106533, + -0.2154732644557953, + 0.015210113488137722, + -0.1937151849269867, + -0.1247277706861496, + -0.0026848416309803724, + -0.17715436220169067, + 2.1188225746154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/139.png", + [ + 0.14169816672801971, + -0.007363058160990477, + -0.16375380754470825, + 2.007483720779419, + -0.019227351993322372, + -0.21570828557014465, + -0.006938513368368149, + 0.06465178728103638, + -0.16278769075870514, + 0.019068807363510132, + -0.14171959459781647, + 1.7766584157943726, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/107.png", + [ + 0.1449369341135025, + -0.021811340004205704, + -0.15957896411418915, + 1.8845657110214233, + -0.02066228911280632, + -0.21542273461818695, + 0.010677657090127468, + -0.139408677816391, + -0.15973180532455444, + 0.008075148798525333, + -0.14617948234081268, + 1.7657074928283691, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/112.png", + [ + 0.1395733505487442, + -0.011852383613586426, + -0.16530786454677582, + 1.9699734449386597, + -0.022443357855081558, + -0.2154807150363922, + -0.0034997377078980207, + 0.0241318941116333, + -0.16420555114746094, + 0.01937713474035263, + -0.14003196358680725, + 1.7098716497421265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/69.png", + [ + 0.1799805611371994, + -0.02007271721959114, + -0.11896207928657532, + 1.384743332862854, + -0.01688252203166485, + -0.21574270725250244, + 0.010860743932425976, + -0.1380375325679779, + -0.11945656687021255, + 0.00024763718829490244, + -0.18077047169208527, + 2.141697883605957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/157.png", + [ + 0.13819001615047455, + -0.01004381850361824, + -0.16658492386341095, + 2.0447804927825928, + -0.02985413931310177, + -0.2142808884382248, + -0.011845883913338184, + 0.12255676090717316, + -0.16419543325901031, + 0.030507642775774002, + -0.1380472183227539, + 1.7346395254135132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/45.png", + [ + 0.172038272023201, + -0.028321973979473114, + -0.12864135205745697, + 1.5012421607971191, + -0.027514923363924026, + -0.21466562151908875, + 0.010464240796864033, + -0.1308305859565735, + -0.1288163959980011, + 0.008027278818190098, + -0.17403963208198547, + 2.06351375579834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/50.png", + [ + 0.1864338368177414, + -0.01047586277127266, + -0.10991168022155762, + 1.276632308959961, + -0.008316725492477417, + -0.21641677618026733, + 0.006520082242786884, + -0.08665427565574646, + -0.11009611934423447, + -0.0013912963913753629, + -0.1866140365600586, + 2.203451156616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/101.png", + [ + 0.17527146637439728, + -0.02847975119948387, + -0.12416407465934753, + 1.4377679824829102, + -0.024816138669848442, + -0.21477773785591125, + 0.014233231544494629, + -0.18052007257938385, + -0.12494786828756332, + 0.002707255771383643, + -0.17699883878231049, + 2.0950236320495605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/85.png", + [ + 0.17243732511997223, + -0.021228818222880363, + -0.12947043776512146, + 1.5214506387710571, + -0.015798693522810936, + -0.21562336385250092, + 0.014313263818621635, + -0.1845775842666626, + -0.13024461269378662, + -0.0019507466349750757, + -0.17314858734607697, + 2.072183132171631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/156.png", + [ + 0.1422819346189499, + -0.010489864274859428, + -0.16307580471038818, + 1.9991281032562256, + -0.032068882137537, + -0.2138155847787857, + -0.01422605849802494, + 0.15353986620903015, + -0.16023527085781097, + 0.03347770869731903, + -0.14195704460144043, + 1.7805898189544678, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/131.png", + [ + 0.14524546265602112, + -0.0029308858793228865, + -0.16075776517391205, + 1.918426752090454, + -0.0167547557502985, + -0.2157350778579712, + -0.011204789392650127, + 0.11062327027320862, + -0.15990912914276123, + 0.019941892474889755, + -0.14484228193759918, + 1.769458532333374, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/71.png", + [ + 0.1781662255525589, + -0.021511269733309746, + -0.12141644209623337, + 1.4176205396652222, + -0.01696416363120079, + -0.2155994176864624, + 0.013304420746862888, + -0.16842682659626007, + -0.12213477492332458, + -0.0014338105684146285, + -0.17896628379821777, + 2.124408721923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/160.png", + [ + 0.1378757357597351, + -0.011011680588126183, + -0.16678406298160553, + 2.0390689373016357, + -0.03168487921357155, + -0.21400567889213562, + -0.01206358615309, + 0.12071722745895386, + -0.16411654651165009, + 0.032065633684396744, + -0.13778768479824066, + 1.7222812175750732, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/115.png", + [ + 0.14353851974010468, + -0.009327578358352184, + -0.16204190254211426, + 1.9249752759933472, + -0.02097790688276291, + -0.21556833386421204, + -0.006173755973577499, + 0.05322040989995003, + -0.16094878315925598, + 0.019778374582529068, + -0.1437087208032608, + 1.7491192817687988, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/54.png", + [ + 0.18654213845729828, + -0.01403410267084837, + -0.10932964086532593, + 1.2788276672363281, + -0.01202045101672411, + -0.21621955931186676, + 0.007245311513543129, + -0.09720024466514587, + -0.10956932604312897, + -0.00017244438640773296, + -0.18692894279956818, + 2.2181243896484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/33.png", + [ + 0.18477872014045715, + -0.01690242439508438, + -0.11188843101263046, + 1.2911365032196045, + -0.011666391044855118, + -0.2159477174282074, + 0.013355616480112076, + -0.16690537333488464, + -0.11255491524934769, + -0.005365187767893076, + -0.18506890535354614, + 2.1620516777038574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/159.png", + [ + 0.13886284828186035, + -0.012413911521434784, + -0.16586410999298096, + 2.028588056564331, + -0.03178798407316208, + -0.21406830847263336, + -0.010591468773782253, + 0.10492309927940369, + -0.16326215863227844, + 0.03112153336405754, + -0.13901372253894806, + 1.7387380599975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/49.png", + [ + 0.18354281783103943, + -0.01304465252906084, + -0.11441050469875336, + 1.3302794694900513, + -0.011314066126942635, + -0.21628113090991974, + 0.006508985999971628, + -0.08660128712654114, + -0.11459457874298096, + 0.0004604617424774915, + -0.18389062583446503, + 2.1690874099731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/118.png", + [ + 0.1423846334218979, + -0.0043913270346820354, + -0.16326428949832916, + 1.9383481740951538, + -0.017981145530939102, + -0.21570110321044922, + -0.009879838675260544, + 0.09462864696979523, + -0.1623304933309555, + 0.02004118449985981, + -0.14210930466651917, + 1.7318145036697388, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/110.png", + [ + 0.14384371042251587, + -0.015919584780931473, + -0.1612558364868164, + 1.9171160459518433, + -0.022447165101766586, + -0.21550510823726654, + 0.0012518501607701182, + -0.02960161119699478, + -0.1604774296283722, + 0.015874799340963364, + -0.1447165608406067, + 1.7592889070510864, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/18.png", + [ + 0.1887931078672409, + -0.0137328514829278, + -0.10543466359376907, + 1.2201486825942993, + -0.013699863106012344, + -0.21621061861515045, + 0.003630195977166295, + -0.05481451749801636, + -0.1054389625787735, + 0.0035033386666327715, + -0.18925710022449493, + 2.227489948272705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/66.png", + [ + 0.18051519989967346, + -0.018815161660313606, + -0.11835603415966034, + 1.3779748678207397, + -0.015280712395906448, + -0.21585460007190704, + 0.01100863516330719, + -0.14034003019332886, + -0.1188640221953392, + -0.0008245619828812778, + -0.1811589151620865, + 2.149784564971924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/16.png", + [ + 0.1914246827363968, + -0.014620361849665642, + -0.10045260936021805, + 1.167342185974121, + -0.014779438264667988, + -0.2161448895931244, + 0.003294758964329958, + -0.0506504625082016, + -0.10042932629585266, + 0.003941093105822802, + -0.19195392727851868, + 2.270455837249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/94.png", + [ + 0.17624594271183014, + -0.023583417758345604, + -0.12381069362163544, + 1.4419256448745728, + -0.019405057653784752, + -0.21538731455802917, + 0.013403576798737049, + -0.17178232967853546, + -0.12453397363424301, + 0.0001856596936704591, + -0.17731089890003204, + 2.104768753051758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/28.png", + [ + 0.1863323599100113, + -0.011721769347786903, + -0.10995791107416153, + 1.2760488986968994, + -0.011223508976399899, + -0.21634596586227417, + 0.004043861757963896, + -0.061397798359394073, + -0.11000986397266388, + 0.002218125155195594, + -0.1866568922996521, + 2.1909098625183105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/61.png", + [ + 0.18330562114715576, + -0.01653328537940979, + -0.11433980613946915, + 1.332109808921814, + -0.015536892227828503, + -0.21602420508861542, + 0.00632841931656003, + -0.08417138457298279, + -0.11447945982217789, + 0.002845051698386669, + -0.18394091725349426, + 2.174447536468506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/132.png", + [ + 0.14102229475975037, + -0.0033283757511526346, + -0.16446742415428162, + 1.970375418663025, + -0.017507782205939293, + -0.215703547000885, + -0.010646763257682323, + 0.10534872114658356, + -0.16356675326824188, + 0.020218752324581146, + -0.14065921306610107, + 1.7298696041107178, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/58.png", + [ + 0.18610279262065887, + -0.016474468633532524, + -0.10973713546991348, + 1.2811163663864136, + -0.01488746702671051, + -0.21604309976100922, + 0.0071862307377159595, + -0.0971408486366272, + -0.10996367037296295, + 0.0013676281087100506, + -0.18669229745864868, + 2.2068047523498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/123.png", + [ + 0.14263413846492767, + -0.0008502879063598812, + -0.16310322284698486, + 1.928303837776184, + -0.014254732057452202, + -0.21590760350227356, + -0.011340229772031307, + 0.1151491105556488, + -0.16248135268688202, + 0.01819547265768051, + -0.14218519628047943, + 1.7242599725723267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/64.png", + [ + 0.18182021379470825, + -0.01816299557685852, + -0.11644485592842102, + 1.3531211614608765, + -0.01607462391257286, + -0.21590721607208252, + 0.00857770349830389, + -0.11256524920463562, + -0.11675146222114563, + 0.0014409029390662909, + -0.1825237274169922, + 2.1614928245544434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/10.png", + [ + 0.2015053927898407, + -0.0046988436952233315, + -0.07950716465711594, + 0.9291369318962097, + -0.004323300439864397, + -0.21662364900112152, + 0.0018452692311257124, + -0.03431219235062599, + -0.07952847331762314, + -0.00012967942166142166, + -0.20155173540115356, + 2.3677120208740234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/170.png", + [ + 0.18123839795589447, + 0.015498441644012928, + -0.11772993206977844, + 1.4131709337234497, + 0.01710525155067444, + -0.2159881591796875, + -0.0021010111086070538, + -0.019702432677149773, + -0.11750722676515579, + -0.007536721415817738, + -0.18188773095607758, + 2.2796130180358887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/41.png", + [ + 0.1656399369239807, + -0.02907252311706543, + -0.13662391901016235, + 1.6030396223068237, + -0.02326458878815174, + -0.21471139788627625, + 0.017483452335000038, + -0.21939222514629364, + -0.1377318799495697, + 0.001303987461142242, + -0.16726066172122955, + 1.9943238496780396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/166.png", + [ + 0.15485888719558716, + -0.013390959240496159, + -0.15095463395118713, + 1.847566843032837, + -0.03143637627363205, + -0.21397103369235992, + -0.01326839067041874, + 0.14193178713321686, + -0.14825105667114258, + 0.03138436749577522, + -0.1548694372177124, + 1.9222944974899292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/91.png", + [ + 0.17745648324489594, + -0.022571200504899025, + -0.12226049602031708, + 1.423677921295166, + -0.01842317171394825, + -0.21549560129642487, + 0.013043321669101715, + -0.1661940962076187, + -0.12295396625995636, + -0.0002870461030397564, + -0.17841002345085144, + 2.1237568855285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/140.png", + [ + 0.1435912400484085, + -0.006869821809232235, + -0.16211803257465363, + 1.9915437698364258, + -0.01926526427268982, + -0.21567092835903168, + -0.007924491539597511, + 0.07653898000717163, + -0.16111578047275543, + 0.019666051492094994, + -0.14353691041469574, + 1.8024476766586304, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/23.png", + [ + 0.18709659576416016, + -0.00898340530693531, + -0.10891307145357132, + 1.2473042011260986, + -0.009004931896924973, + -0.2164742797613144, + 0.00238616019487381, + -0.042204439640045166, + -0.10891129821538925, + 0.0024659668561071157, + -0.18729694187641144, + 2.18580961227417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/37.png", + [ + 0.1772538423538208, + -0.027550356462597847, + -0.12153167277574539, + 1.4038240909576416, + -0.022680776193737984, + -0.21491596102714539, + 0.015640011057257652, + -0.1916019469499588, + -0.12253388017416, + -7.300690049305558e-05, + -0.17869900166988373, + 2.1056952476501465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/36.png", + [ + 0.179582417011261, + -0.02405746653676033, + -0.1188245639204979, + 1.366331934928894, + -0.02033240720629692, + -0.21533440053462982, + 0.012868189252912998, + -0.1569279134273529, + -0.11951833963394165, + 0.000485004362417385, + -0.18072913587093353, + 2.120168685913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/8.png", + [ + 0.2059798389673233, + -0.0006648452836088836, + -0.06722913682460785, + 0.7880200147628784, + 0.0004955549375154078, + -0.21664313971996307, + 0.003660739865154028, + -0.055303312838077545, + -0.06723059713840485, + -0.0036338097415864468, + -0.20594839751720428, + 2.4152002334594727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/6.png", + [ + 0.20700345933437347, + 0.005895198322832584, + -0.06373940408229828, + 0.7514575123786926, + 0.008674418553709984, + -0.21634702384471893, + 0.008161760866641998, + -0.10678257048130035, + -0.06342097371816635, + -0.01034922618418932, + -0.20692647993564606, + 2.435750961303711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/169.png", + [ + 0.17930372059345245, + 0.01312965713441372, + -0.12093669176101685, + 1.454981803894043, + 0.009582635015249252, + -0.21626397967338562, + -0.009271543473005295, + 0.07956965267658234, + -0.12126931548118591, + 0.0023238984867930412, + -0.1795445680618286, + 2.234569549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/154.png", + [ + 0.14533519744873047, + -0.007614674977958202, + -0.16052284836769104, + 1.9593968391418457, + -0.029718507081270218, + -0.21397177875041962, + -0.016756616532802582, + 0.18389996886253357, + -0.15793158113956451, + 0.03325643762946129, + -0.14456668496131897, + 1.8037750720977783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/20.png", + [ + 0.1880190074443817, + -0.01207705307751894, + -0.10700886696577072, + 1.2319090366363525, + -0.011783161200582981, + -0.2163221687078476, + 0.003710688091814518, + -0.05748625099658966, + -0.1070416271686554, + 0.0025993939489126205, + -0.18836992979049683, + 2.2085533142089844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/2.png", + [ + 0.20909568667411804, + 0.011993413791060448, + -0.05552516505122185, + 0.6521876454353333, + 0.014270036481320858, + -0.21608883142471313, + 0.007062745746225119, + -0.09102880209684372, + -0.05498410388827324, + -0.010472547262907028, + -0.20932024717330933, + 2.4680986404418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/117.png", + [ + 0.1424591839313507, + -0.006645069923251867, + -0.1631229966878891, + 1.9368221759796143, + -0.02111930213868618, + -0.21542605757713318, + -0.009668268263339996, + 0.09266799688339233, + -0.1618865430355072, + 0.022256311029195786, + -0.14228597283363342, + 1.7346851825714111, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/149.png", + [ + 0.13830691576004028, + -0.005288140848278999, + -0.16670669615268707, + 2.04357647895813, + -0.023632297292351723, + -0.215002179145813, + -0.012786219827830791, + 0.12900957465171814, + -0.165107861161232, + 0.026344038546085358, + -0.13781611621379852, + 1.7274527549743652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/161.png", + [ + 0.13890886306762695, + -0.01161020528525114, + -0.16588376462459564, + 2.032048225402832, + -0.03313882648944855, + -0.21374313533306122, + -0.012790131382644176, + 0.12921902537345886, + -0.16295410692691803, + 0.03357040882110596, + -0.13880519568920135, + 1.735597848892212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/5.png", + [ + 0.2072368562221527, + 0.008147338405251503, + -0.06272485107183456, + 0.7397392988204956, + 0.011691977269947529, + -0.21610110998153687, + 0.010559764690697193, + -0.13543279469013214, + -0.062161754816770554, + -0.013484503142535686, + -0.20712792873382568, + 2.441847324371338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/108.png", + [ + 0.1425589621067047, + -0.02065737545490265, + -0.16185827553272247, + 1.9158999919891357, + -0.020101657137274742, + -0.21551743149757385, + 0.009800874628126621, + -0.1303987056016922, + -0.16192825138568878, + 0.008567762561142445, + -0.1437140554189682, + 1.7407315969467163, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/60.png", + [ + 0.18489061295986176, + -0.017834553495049477, + -0.1115584596991539, + 1.2992115020751953, + -0.016951272264122963, + -0.2159149944782257, + 0.006423693150281906, + -0.08617068827152252, + -0.11169608682394028, + 0.0032462377566844225, + -0.18563765287399292, + 2.1923375129699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/56.png", + [ + 0.18650531768798828, + -0.014416605234146118, + -0.10934267193078995, + 1.2793718576431274, + -0.012575128115713596, + -0.21619431674480438, + 0.007055433467030525, + -0.09650637209415436, + -0.1095697283744812, + 0.000272862846031785, + -0.18692858517169952, + 2.2142982482910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/147.png", + [ + 0.1441870480775833, + -0.0058866022154688835, + -0.1616271436214447, + 1.985935091972351, + -0.022505715489387512, + -0.21515469253063202, + -0.012241153977811337, + 0.12382225692272186, + -0.16016079485416412, + 0.024933932349085808, + -0.14378704130649567, + 1.8009023666381836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/30.png", + [ + 0.18301169574260712, + -0.014740142039954662, + -0.11505363136529922, + 1.3336796760559082, + -0.01349579356610775, + -0.21616427600383759, + 0.006226691417396069, + -0.08595207333564758, + -0.11520621180534363, + 0.0019069274421781301, + -0.18349874019622803, + 2.1524410247802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/17.png", + [ + 0.18973040580749512, + -0.01397454459220171, + -0.10370621830224991, + 1.2037681341171265, + -0.013892889954149723, + -0.21619684994220734, + 0.003715773578733206, + -0.05534549802541733, + -0.10371719300746918, + 0.0033958004787564278, + -0.1902080625295639, + 2.246457099914551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/12.png", + [ + 0.19672390818595886, + -0.006014393176883459, + -0.09061693400144577, + 1.0573043823242188, + -0.007134212180972099, + -0.21655428409576416, + -0.0011148853227496147, + -0.001164853572845459, + -0.09053564071655273, + 0.003995876293629408, + -0.1968126744031906, + 2.3195877075195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/114.png", + [ + 0.13845156133174896, + -0.008907797746360302, + -0.16643230617046356, + 1.9823943376541138, + -0.01930164359509945, + -0.21576611697673798, + -0.0045083872973918915, + 0.03403184935450554, + -0.1655491292476654, + 0.01770678162574768, + -0.13866454362869263, + 1.6911768913269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/27.png", + [ + 0.1856781393289566, + -0.009001540020108223, + -0.11131265759468079, + 1.2906805276870728, + -0.008651402778923512, + -0.21648001670837402, + 0.003074919106438756, + -0.05024775117635727, + -0.11134042590856552, + 0.0018094675615429878, + -0.18587073683738708, + 2.1803178787231445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/42.png", + [ + 0.1652643382549286, + -0.02613849937915802, + -0.13766759634017944, + 1.6145215034484863, + -0.023308265954256058, + -0.2150338888168335, + 0.012847159057855606, + -0.16374945640563965, + -0.13817495107650757, + 0.00501035014167428, + -0.16682468354701996, + 1.9916645288467407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/7.png", + [ + 0.20630870759487152, + 0.0017295158468186855, + -0.06619387120008469, + 0.7761960625648499, + 0.0037334621883928776, + -0.2165599763393402, + 0.005977921187877655, + -0.08106102794408798, + -0.06611112505197525, + -0.00683249905705452, + -0.2062293291091919, + 2.4201059341430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/73.png", + [ + 0.17619307339191437, + -0.02481417916715145, + -0.12364528328180313, + 1.44353449344635, + -0.016912341117858887, + -0.21516908705234528, + 0.019082067534327507, + -0.23496013879776, + -0.12497147172689438, + -0.005865923594683409, + -0.17690566182136536, + 2.099712371826172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/120.png", + [ + 0.140402689576149, + 1.909382081066724e-05, + -0.16503022611141205, + 1.9548580646514893, + -0.01271221786737442, + -0.2160295844078064, + -0.010840162634849548, + 0.10450059175491333, + -0.1645398885011673, + 0.0167065616697073, + -0.13998359441757202, + 1.7006969451904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/46.png", + [ + 0.1734941154718399, + -0.025923054665327072, + -0.12718361616134644, + 1.4843417406082153, + -0.02526707947254181, + -0.21499300003051758, + 0.009353285655379295, + -0.11967886984348297, + -0.12731556594371796, + 0.007341969292610884, + -0.17517060041427612, + 2.074739933013916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/127.png", + [ + 0.14543847739696503, + -0.003050569212064147, + -0.16058093309402466, + 1.9042373895645142, + -0.017729928717017174, + -0.21561646461486816, + -0.011961947195231915, + 0.12239457666873932, + -0.15962830185890198, + 0.021169142797589302, + -0.14497780799865723, + 1.7620182037353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/133.png", + [ + 0.14095525443553925, + -0.008944960311055183, + -0.16431522369384766, + 1.9733525514602661, + -0.022588631138205528, + -0.21535800397396088, + -0.007653688080608845, + 0.0728156715631485, + -0.16300080716609955, + 0.02210911363363266, + -0.14103126525878906, + 1.738316297531128, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/57.png", + [ + 0.1855209916830063, + -0.017089255154132843, + -0.11062465608119965, + 1.2937984466552734, + -0.015012750402092934, + -0.21599867939949036, + 0.00819054339081049, + -0.10953381657600403, + -0.11092554032802582, + 0.0006519588059745729, + -0.18612627685070038, + 2.2032628059387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/44.png", + [ + 0.17156775295734406, + -0.02879476547241211, + -0.1291636973619461, + 1.5083842277526855, + -0.026577716693282127, + -0.21467164158821106, + 0.012554149143397808, + -0.1563108265399933, + -0.12963804602622986, + 0.005902810487896204, + -0.1735137552022934, + 2.0586142539978027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/113.png", + [ + 0.14185163378715515, + -0.011228040792047977, + -0.16340117156505585, + 1.946325421333313, + -0.021397972479462624, + -0.21558262407779694, + -0.0037623150274157524, + 0.02545081079006195, + -0.16238267719745636, + 0.01859998144209385, + -0.14224554598331451, + 1.732418417930603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/126.png", + [ + 0.14346952736377716, + -0.0004434965958353132, + -0.16237054765224457, + 1.9252772331237793, + -0.016767781227827072, + -0.21555586159229279, + -0.014227133244276047, + 0.15026971697807312, + -0.16150304675102234, + 0.021985750645399094, + -0.14276304841041565, + 1.7373077869415283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/29.png", + [ + 0.18630677461624146, + -0.011772607453167439, + -0.10999584197998047, + 1.2771958112716675, + -0.011395376175642014, + -0.21634046733379364, + 0.003853377653285861, + -0.060604192316532135, + -0.11003556102514267, + 0.0024716025218367577, + -0.18663857877254486, + 2.189688205718994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/4.png", + [ + 0.20738182961940765, + 0.01109003834426403, + -0.061787426471710205, + 0.72996586561203, + 0.014821706339716911, + -0.21588711440563202, + 0.01099829375743866, + -0.13889692723751068, + -0.06099993735551834, + -0.01475318893790245, + -0.20738671720027924, + 2.446455955505371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/55.png", + [ + 0.18679112195968628, + -0.013894472271203995, + -0.1089216023683548, + 1.274409532546997, + -0.011352207511663437, + -0.21622483432292938, + 0.008114445023238659, + -0.1100866049528122, + -0.10921583324670792, + -0.0012885937467217445, + -0.18713133037090302, + 2.216059684753418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/9.png", + [ + 0.2039731740951538, + -0.0030428674072027206, + -0.07303135097026825, + 0.8560358285903931, + -0.0019924649968743324, + -0.21663784980773926, + 0.0034613984171301126, + -0.05341541767120361, + -0.0730675533413887, + -0.0025869200471788645, + -0.20396651327610016, + 2.393169403076172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/25.png", + [ + 0.1857772320508957, + -0.009075343608856201, + -0.1111411452293396, + 1.2800230979919434, + -0.009780459105968475, + -0.21644970774650574, + 0.0013259619008749723, + -0.028467949479818344, + -0.1110813170671463, + 0.003879908937960863, + -0.18599402904510498, + 2.1780214309692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/99.png", + [ + 0.17779982089996338, + -0.022494517266750336, + -0.12177484482526779, + 1.4146432876586914, + -0.018453331664204597, + -0.21550370752811432, + 0.012865167111158371, + -0.16839303076267242, + -0.12245237827301025, + -0.00018586975056678057, + -0.1787547767162323, + 2.114258289337158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/34.png", + [ + 0.18187057971954346, + -0.01908998377621174, + -0.1162177175283432, + 1.337182879447937, + -0.014851261861622334, + -0.21581996977329254, + 0.012209775857627392, + -0.15375055372714996, + -0.11683505028486252, + -0.0022827729117125273, + -0.18246164917945862, + 2.131585121154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/72.png", + [ + 0.1743931621313095, + -0.024990389123558998, + -0.1261364221572876, + 1.4736204147338867, + -0.0173831544816494, + -0.21517404913902283, + 0.018597165122628212, + -0.22956609725952148, + -0.12740778923034668, + -0.00484860222786665, + -0.1751902997493744, + 2.0849971771240234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/102.png", + [ + 0.17489051818847656, + -0.03064926713705063, + -0.12418462336063385, + 1.4357824325561523, + -0.027307048439979553, + -0.21445925533771515, + 0.014472601003944874, + -0.18264015018939972, + -0.12496208399534225, + 0.003969063051044941, + -0.17696501314640045, + 2.0973424911499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/134.png", + [ + 0.142874613404274, + -0.010828977450728416, + -0.16253452003002167, + 1.9555021524429321, + -0.02376118302345276, + -0.2152683585882187, + -0.006544659845530987, + 0.058815304189920425, + -0.16115255653858185, + 0.022139549255371094, + -0.14313484728336334, + 1.7697559595108032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/70.png", + [ + 0.17737671732902527, + -0.019926415756344795, + -0.12283457070589066, + 1.4340217113494873, + -0.016060221940279007, + -0.21575568616390228, + 0.011808797717094421, + -0.1502697765827179, + -0.12339961528778076, + -0.0005623886827379465, + -0.17810142040252686, + 2.1155824661254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/135.png", + [ + 0.14181599020957947, + -0.01181913260370493, + -0.1633904129266739, + 1.9715509414672852, + -0.02424728125333786, + -0.21524401009082794, + -0.005475567188113928, + 0.045565348118543625, + -0.16201291978359222, + 0.021868256852030754, + -0.14220227301120758, + 1.7639905214309692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/130.png", + [ + 0.14489461481571198, + -0.0009976899018511176, + -0.16109764575958252, + 1.9191012382507324, + -0.013276495970785618, + -0.21600741147994995, + -0.010603410191833973, + 0.10319773852825165, + -0.1605527400970459, + 0.01696178875863552, + -0.14450955390930176, + 1.7610492706298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/90.png", + [ + 0.17833785712718964, + -0.023425297811627388, + -0.12080875039100647, + 1.4087308645248413, + -0.018874244764447212, + -0.21540264785289764, + 0.013905275613069534, + -0.17602817714214325, + -0.12160287797451019, + -0.0009214880992658436, + -0.17933149635791779, + 2.13712215423584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/122.png", + [ + 0.13986611366271973, + 1.7235957784578204e-05, + -0.1654852330684662, + 1.9575175046920776, + -0.01436516921967268, + -0.2158554643392563, + -0.012163749895989895, + 0.12281039357185364, + -0.1648605465888977, + 0.01882324554026127, + -0.13933618366718292, + 1.6920825242996216, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/15.png", + [ + 0.19173116981983185, + -0.014188078232109547, + -0.09992872923612595, + 1.1625257730484009, + -0.014466875232756138, + -0.21617119014263153, + 0.002935119206085801, + -0.04726618528366089, + -0.09988874197006226, + 0.0040747858583927155, + -0.19223302602767944, + 2.276165008544922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/162.png", + [ + 0.13875897228717804, + -0.010906264185905457, + -0.16605688631534576, + 2.039327383041382, + -0.0314967967569828, + -0.21402214467525482, + -0.012262548319995403, + 0.12165094912052155, + -0.1634068340063095, + 0.03199174255132675, + -0.1386457085609436, + 1.735493779182434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/22.png", + [ + 0.18755754828453064, + -0.01144605502486229, + -0.10788441449403763, + 1.23490571975708, + -0.01127212680876255, + -0.21635518968105316, + 0.003357674926519394, + -0.054841212928295135, + -0.10790272057056427, + 0.002706036902964115, + -0.18787649273872375, + 2.1933751106262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/138.png", + [ + 0.1445637345314026, + -0.009375742636620998, + -0.16112516820430756, + 1.9661089181900024, + -0.02196110412478447, + -0.21543964743614197, + -0.0071675474755465984, + 0.06744435429573059, + -0.1598966419696808, + 0.021113013848662376, + -0.14469000697135925, + 1.806647777557373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/109.png", + [ + 0.1434510350227356, + -0.019692592322826385, + -0.161189004778862, + 1.912204623222351, + -0.021817972883582115, + -0.21546271443367004, + 0.006906233727931976, + -0.09495843946933746, + -0.16091510653495789, + 0.011658545583486557, + -0.14463159441947937, + 1.75426185131073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/26.png", + [ + 0.1855304092168808, + -0.008536078967154026, + -0.1115952655673027, + 1.291440725326538, + -0.00867091491818428, + -0.21649044752120972, + 0.002144009340554476, + -0.03867819532752037, + -0.11158487200737, + 0.0026299995370209217, + -0.18571428954601288, + 2.1755542755126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/43.png", + [ + 0.17078574001789093, + -0.027170466259121895, + -0.13054455816745758, + 1.527221441268921, + -0.024469908326864243, + -0.2149125337600708, + 0.012717205099761486, + -0.16126440465450287, + -0.1310776174068451, + 0.004719038959592581, + -0.17246529459953308, + 2.04941463470459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/84.png", + [ + 0.17172901332378387, + -0.020461205393075943, + -0.13053111732006073, + 1.533360481262207, + -0.013697178103029728, + -0.21566428244113922, + 0.015785880386829376, + -0.20208780467510223, + -0.13141319155693054, + -0.0042597767896950245, + -0.17222172021865845, + 2.061984062194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/136.png", + [ + 0.14216163754463196, + -0.012982568703591824, + -0.16300126910209656, + 1.972665786743164, + -0.025270523503422737, + -0.21514005959033966, + -0.0049044294282794, + 0.039171990007162094, + -0.16155298054218292, + 0.022228488698601723, + -0.1426689177751541, + 1.7716716527938843, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/89.png", + [ + 0.17876455187797546, + -0.022649068385362625, + -0.12032516300678253, + 1.4065791368484497, + -0.01741108112037182, + -0.21547365188598633, + 0.014691798947751522, + -0.18592257797718048, + -0.12119398266077042, + -0.0024524431210011244, + -0.17959369719028473, + 2.1417908668518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/63.png", + [ + 0.18292969465255737, + -0.01729014702141285, + -0.11482890695333481, + 1.3353004455566406, + -0.015487486496567726, + -0.21597787737846375, + 0.007847919128835201, + -0.10248173773288727, + -0.1150858923792839, + 0.0015820676926523447, + -0.18357731401920319, + 2.172645092010498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/88.png", + [ + 0.17732220888137817, + -0.02333429828286171, + -0.12231208384037018, + 1.4332793951034546, + -0.01858321577310562, + -0.2154117226600647, + 0.01415448822081089, + -0.1802607625722885, + -0.12312351912260056, + -0.001093589118681848, + -0.17828993499279022, + 2.129098415374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/62.png", + [ + 0.1838810294866562, + -0.016073323786258698, + -0.11347822099924088, + 1.3205316066741943, + -0.014302307739853859, + -0.2160743921995163, + 0.007429711055010557, + -0.09770894050598145, + -0.1137150228023529, + 0.0011852680472657084, + -0.18443259596824646, + 2.1807751655578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/65.png", + [ + 0.18118661642074585, + -0.018194857984781265, + -0.11742337793111801, + 1.3662697076797485, + -0.015031497925519943, + -0.21590888500213623, + 0.010261374525725842, + -0.13108761608600616, + -0.11787006258964539, + -0.0004346366913523525, + -0.18180854618549347, + 2.1570944786071777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/80.png", + [ + 0.17272379994392395, + -0.01841411553323269, + -0.129519522190094, + 1.515304446220398, + -0.009720795787870884, + -0.2157309502363205, + 0.017707617953419685, + -0.2225092649459839, + -0.13046032190322876, + -0.008305052295327187, + -0.17279765009880066, + 2.066959857940674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/146.png", + [ + 0.14432547986507416, + -0.006213097367435694, + -0.1614913046360016, + 1.9853332042694092, + -0.02359587512910366, + -0.21500438451766968, + -0.012815817259252071, + 0.1321992576122284, + -0.15987896919250488, + 0.026122940704226494, + -0.14388956129550934, + 1.8035171031951904, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/119.png", + [ + 0.13946910202503204, + -0.0031602096278220415, + -0.16578984260559082, + 1.966388463973999, + -0.015314553864300251, + -0.21595486998558044, + -0.00876678992062807, + 0.08017528057098389, + -0.165111243724823, + 0.017361028119921684, + -0.1392291784286499, + 1.6964130401611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/145.png", + [ + 0.14067526161670685, + -0.004823609720915556, + -0.1647273451089859, + 2.0290534496307373, + -0.02110946923494339, + -0.21532505750656128, + -0.011722012422978878, + 0.1197001188993454, + -0.16344039142131805, + 0.02365899458527565, + -0.14026899635791779, + 1.7627724409103394, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/167.png", + [ + 0.16678501665592194, + -0.008461302146315575, + -0.1380545198917389, + 1.680220365524292, + -0.022332260385155678, + -0.21507857739925385, + -0.013797750696539879, + 0.14807239174842834, + -0.13649877905845642, + 0.02484983205795288, + -0.1664285510778427, + 2.062410354614258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/79.png", + [ + 0.17335516214370728, + -0.01718280091881752, + -0.12884342670440674, + 1.5054726600646973, + -0.009379282593727112, + -0.2158668488264084, + 0.016168847680091858, + -0.20256376266479492, + -0.12964533269405365, + -0.007358934264630079, + -0.17345266044139862, + 2.071345806121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/165.png", + [ + 0.14438937604427338, + -0.013193427585065365, + -0.16101408004760742, + 1.977561116218567, + -0.032763008028268814, + -0.2138548493385315, + -0.01185704953968525, + 0.12145742774009705, + -0.15819665789604187, + 0.03224806860089302, + -0.14450526237487793, + 1.8012741804122925, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/116.png", + [ + 0.13990266621112823, + -0.008400499820709229, + -0.16524094343185425, + 1.9633257389068604, + -0.021871492266654968, + -0.21543513238430023, + -0.0075654215179383755, + 0.06916534900665283, + -0.16400235891342163, + 0.02156454138457775, + -0.13995032012462616, + 1.7088721990585327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/19.png", + [ + 0.1881350874900818, + -0.014506591483950615, + -0.10650182515382767, + 1.228694200515747, + -0.014129923656582832, + -0.2161669135093689, + 0.004483590833842754, + -0.06577566266059875, + -0.10655245929956436, + 0.003052235348150134, + -0.1886402666568756, + 2.2162489891052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/77.png", + [ + 0.17449389398097992, + -0.021421752870082855, + -0.12665261328220367, + 1.4799216985702515, + -0.012742347083985806, + -0.21547327935695648, + 0.01888909935951233, + -0.2329024374485016, + -0.12781786918640137, + -0.007763626053929329, + -0.17478618025779724, + 2.0842204093933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/68.png", + [ + 0.17869769036769867, + -0.018465448170900345, + -0.12113653123378754, + 1.4120906591415405, + -0.01526680774986744, + -0.21588635444641113, + 0.010387417860329151, + -0.13162849843502045, + -0.121581070125103, + -3.156585444230586e-05, + -0.1793486326932907, + 2.1280040740966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/143.png", + [ + 0.14275537431240082, + -0.006405401974916458, + -0.16287346184253693, + 2.008507490158081, + -0.022587675601243973, + -0.21519577503204346, + -0.011334548704326153, + 0.11662346124649048, + -0.16142673790454865, + 0.024446798488497734, + -0.1424487829208374, + 1.7914029359817505, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/86.png", + [ + 0.17242898046970367, + -0.022413652390241623, + -0.12928175926208496, + 1.5202445983886719, + -0.016574854031205177, + -0.21550050377845764, + 0.01525480393320322, + -0.1947334259748459, + -0.1301591992378235, + -0.002250120509415865, + -0.17320916056632996, + 2.0767407417297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/1.png", + [ + 0.2099941521883011, + 0.01204991340637207, + -0.05201104283332825, + 0.6086065769195557, + 0.014632366597652435, + -0.21599100530147552, + 0.009037272073328495, + -0.11410345137119293, + -0.051344357430934906, + -0.012271023355424404, + -0.21014536917209625, + 2.4877777099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/81.png", + [ + 0.17063362896442413, + -0.018902383744716644, + -0.13219213485717773, + 1.5482295751571655, + -0.009842644445598125, + -0.2156897336244583, + 0.018136968836188316, + -0.22766895592212677, + -0.13317348062992096, + -0.008278111927211285, + -0.17071667313575745, + 2.046210289001465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/95.png", + [ + 0.17567168176174164, + -0.023188861086964607, + -0.12469815462827682, + 1.452170491218567, + -0.01944858580827713, + -0.2154282033443451, + 0.012662326917052269, + -0.16237564384937286, + -0.12533597648143768, + 0.0009266906999982893, + -0.1767425388097763, + 2.0983753204345703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/103.png", + [ + 0.17473216354846954, + -0.030155692249536514, + -0.12452790141105652, + 1.4391058683395386, + -0.028149759396910667, + -0.21447785198688507, + 0.012439459562301636, + -0.15895096957683563, + -0.124996617436409, + 0.006146804429590702, + -0.17687836289405823, + 2.099764347076416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/150.png", + [ + 0.14501461386680603, + -0.0068460628390312195, + -0.16084706783294678, + 1.9673362970352173, + -0.02466229349374771, + -0.21486817300319672, + -0.013089402578771114, + 0.13243351876735687, + -0.1590925008058548, + 0.02706829458475113, + -0.14458483457565308, + 1.8034934997558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/83.png", + [ + 0.17063641548156738, + -0.01930997334420681, + -0.13212959468364716, + 1.5524296760559082, + -0.011469797231256962, + -0.21572430431842804, + 0.016714390367269516, + -0.21142412722110748, + -0.133039653301239, + -0.006168623920530081, + -0.17091019451618195, + 2.0484418869018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/142.png", + [ + 0.1412038803100586, + -0.006033116020262241, + -0.1642344892024994, + 2.0254130363464355, + -0.021566107869148254, + -0.21533642709255219, + -0.010631557554006577, + 0.10873185098171234, + -0.162924125790596, + 0.023275064304471016, + -0.14093224704265594, + 1.7754148244857788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/51.png", + [ + 0.18689042329788208, + -0.009342828765511513, + -0.10923629999160767, + 1.271575927734375, + -0.0076538738794624805, + -0.2164715826511383, + 0.005419636610895395, + -0.07405790686607361, + -0.10936763882637024, + -0.0008159572607837617, + -0.18704532086849213, + 2.212292194366455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/128.png", + [ + 0.1442933827638626, + -0.0017320949118584394, + -0.16163018345832825, + 1.9195611476898193, + -0.015668796375393867, + -0.215791717171669, + -0.011675615794956684, + 0.11687608063220978, + -0.1608782261610031, + 0.01946358196437359, + -0.14383065700531006, + 1.7499192953109741, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/168.png", + [ + 0.17208652198314667, + 0.0004547152202576399, + -0.13165830075740814, + 1.5944311618804932, + -0.00840415246784687, + -0.21619349718093872, + -0.011731489561498165, + 0.11963115632534027, + -0.13139058649539948, + 0.014423969201743603, + -0.1716867983341217, + 2.1344242095947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/93.png", + [ + 0.178374782204628, + -0.023082243278622627, + -0.12082028388977051, + 1.406011939048767, + -0.017397690564393997, + -0.21542026102542877, + 0.015469868667423725, + -0.19600558280944824, + -0.12176883965730667, + -0.0030342279933393, + -0.17919550836086273, + 2.1268434524536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ] + ] +} \ No newline at end of file diff --git a/demo_data/target_video/data_VFHQ_1/motions/.DS_Store b/demo_data/target_video/data_VFHQ_1/motions/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..c296df35ade5359b47e7fdb99f30c90f94c7bd0c Binary files /dev/null and b/demo_data/target_video/data_VFHQ_1/motions/.DS_Store differ diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/0.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/0.npy new file mode 100644 index 0000000000000000000000000000000000000000..6234e1fe643e9b4c9bb88d0a95fd12c35238b95c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/0.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0e2085cf32aabe42ddc18492164c209c79eb29be39ffa509cbc08614d36a987 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/1.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/1.npy new file mode 100644 index 0000000000000000000000000000000000000000..9a24765c8a1b31656a96560fe48499049fe19fdd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/1.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c9e303897d696fc86e59153acc0a87904c9de37fd47e6713c288799e4b96687 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/10.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/10.npy new file mode 100644 index 0000000000000000000000000000000000000000..6cb16a496bdf87e9bac9d48788b09997fe17f9fc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/10.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14f129b1ee55873b889044ed7c1bcda397b313a7ba1ac22452805f12db409b6c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/100.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/100.npy new file mode 100644 index 0000000000000000000000000000000000000000..58f75b40b6f820add8d08524e4594789558ce0c7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/100.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2260cbdbb72c0a55c8c5be6cb309a90eb43213213f7ece6228b84a44af58cb99 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/101.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/101.npy new file mode 100644 index 0000000000000000000000000000000000000000..ae0d939b773f9973a40d24d8090b68cef2dbefd4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/101.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd1ad479699db40ae90a5174b2a5c594514ac590081823d81b242d125fdd026f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/102.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/102.npy new file mode 100644 index 0000000000000000000000000000000000000000..8f372ba2a0fcce771a3498c6582d2fd31c7f3948 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/102.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f277f84462355aee3d04c71b23f72e19290f4bf6517d885bb69b7327e4deb18 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/103.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/103.npy new file mode 100644 index 0000000000000000000000000000000000000000..72110a3974230aaf192663dacde8e4235bf4cc7f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/103.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b48a9cc3bdaa8fd89f83d20237cee595ce6cb38134e6de51685c547c050c73f9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/104.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/104.npy new file mode 100644 index 0000000000000000000000000000000000000000..7374ebc1ae73c1db977337ff778e18f0503c93b6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/104.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f38ace06d4fbf71a580b3f9ce64caf9501066d7f6007a57bb3bb46fbf072cce +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/105.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/105.npy new file mode 100644 index 0000000000000000000000000000000000000000..6575e50bc2472225484ffaac3424bf94642406d8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/105.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9edc783695f20a989256ed5f675e7cf06e70dc918f94c6bb05c9cd95e0c65777 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/106.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/106.npy new file mode 100644 index 0000000000000000000000000000000000000000..79f440c2af0d5ce6984667aeb5a20c560dd97ae1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/106.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:203dc64bdd06818046bab5cd36383c10d240352ca5b7725de808f11c16f72862 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/107.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/107.npy new file mode 100644 index 0000000000000000000000000000000000000000..d58f9da196e78f5d6a6d1ddb04d823d8a45e9f55 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/107.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f95afea1a6d1713e8644f52cbab8b762f7331bc041396e68b58b0975e11b6c36 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/108.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/108.npy new file mode 100644 index 0000000000000000000000000000000000000000..2dc679f6427536f1bb06a3a8b4664338f5a577e3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/108.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a18908138abca0b283e95a299ef2be02f2cdc72cb6c4899f1bfdfacb4e49c7df +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/109.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/109.npy new file mode 100644 index 0000000000000000000000000000000000000000..775073c85d7691e3a4c3ab4f8244acefcd35f293 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/109.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a1549ff08a6d639b4be3f3341a607508b81fd51c57e12e45bfffb1002461491 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/11.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/11.npy new file mode 100644 index 0000000000000000000000000000000000000000..d24006e1cd14881ede9d4e0d2b666ce6ebea84be --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/11.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2596a0683a50b6a0ba3e46b2735052147535194410fb3da3df2b2d5fd76505fb +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/110.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/110.npy new file mode 100644 index 0000000000000000000000000000000000000000..ca872b8b1647e8a37c172700bd509f742ddb5883 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/110.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca437f266014ae04b87de7852d7004b6a7eb5c44a58dd0f8fbcc145d24ddbc63 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/111.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/111.npy new file mode 100644 index 0000000000000000000000000000000000000000..a8505af3760f9f3129e8720ea8323d11915e353f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/111.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:612ffe59e57deb388026f13cca587ee87e0626566c1a98ec22c26d74b23357f5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/12.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/12.npy new file mode 100644 index 0000000000000000000000000000000000000000..26f044b77019152fb41d727179fdea0a523f3d7e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/12.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:484364b2788f762aed2d498bcdf89ffa69ff38fc1226ff578a7993eed037a1e9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/13.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/13.npy new file mode 100644 index 0000000000000000000000000000000000000000..e728c06c0cd9b68a8f0ec9ba1838eb9f6cdb5e60 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/13.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86672d78d17c5257ec50d61d550e6364d18700537935f3af324a249fcc9f4129 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/14.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/14.npy new file mode 100644 index 0000000000000000000000000000000000000000..fce4932a4cd3263550ee7b9a8ced0092a3ae435c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/14.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d31f2d887d13970ef1958ef22dc0327b902bdca8034eda06569b9b8359d51f3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/15.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/15.npy new file mode 100644 index 0000000000000000000000000000000000000000..d7ceb53816d2dac6a35f522064f171580f498fc5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/15.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea1aae0c0b1c80727415c6d994f12804c2a99d8e6bcae6599c029f8ddc5bb1e3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/16.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/16.npy new file mode 100644 index 0000000000000000000000000000000000000000..7e084ce8beaf84e12be7b246269042d9ad63c58e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/16.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76b05ce94ad3fe94d0bb807eed2b3c749f5c5fc64d1b683917ffec08cd8a883c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/17.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/17.npy new file mode 100644 index 0000000000000000000000000000000000000000..cbd3e024457d8b21f97dea40f0c704d9b1dfe485 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/17.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddbf993e3a3b35294be96abce735740c946d7164b8b3993ee3b6a0a03625f30b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/18.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/18.npy new file mode 100644 index 0000000000000000000000000000000000000000..1637b3e2249ed18427d7b738a5f283d5a76d9deb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/18.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b876033685176fc0addc9c160dccc4b0b83849b9cbae7bb90971d512362e27e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/19.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/19.npy new file mode 100644 index 0000000000000000000000000000000000000000..13752d0e02f90484a86851f00f9c7eb81fb3da43 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/19.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3680fe3572d41c7669de99fb6758f2c8d2e2e394f661f0c8d56d7060dc2eab8 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/2.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/2.npy new file mode 100644 index 0000000000000000000000000000000000000000..3fa4c6eb94cdacfc5e010983fc74789530ce2ab2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/2.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db5295631d9daabf826067ec0aaaa51dfe6196c7725cd1e895875f1f62863ff9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/20.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/20.npy new file mode 100644 index 0000000000000000000000000000000000000000..104f40097ca7cfb4deb4b4af01fc57dc33b67bbe --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/20.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f73c208349761a6a8168a38efa645e1d12ad631eb5b7cc1dc29145ff69a01e3f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/21.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/21.npy new file mode 100644 index 0000000000000000000000000000000000000000..2440bea5e43d92a2e55a1f0db82985f540039527 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/21.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9b04472e539998513d393782b987f144d6c6b581e474dae60dbfedfde29e795 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/22.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/22.npy new file mode 100644 index 0000000000000000000000000000000000000000..cc3283cdec133914377d8e4d27a5b5d207782e7b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/22.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9afd657e147f92917725b747568efd93e033d1e71869f5d892cd295080d112a3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/23.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/23.npy new file mode 100644 index 0000000000000000000000000000000000000000..2e867c6fadef4bea47ec76efc6842b884a16e071 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/23.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0a98be5d19c5ea54a5b341294d0b7b09c5695c37ff99810b9da5964e62011b7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/24.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/24.npy new file mode 100644 index 0000000000000000000000000000000000000000..23cdffcbef3671597fe52380c14a0b3a69137099 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/24.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e68546a61d49cd8e2950546b694284650498c9896465fb27ed1086521306a78 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/25.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/25.npy new file mode 100644 index 0000000000000000000000000000000000000000..aaee27b2487024df54425074df9aa1aa4012b4da --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/25.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93ecc4edc7199bbee4a9c9ef05110f6b06eae58c9090ccc1e2a98df0beba7465 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/26.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/26.npy new file mode 100644 index 0000000000000000000000000000000000000000..a70e252230f815973b5a31d9a578e0f17fdeb308 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/26.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f59b5dea4e52164139b5815bb2c01ac304a4a00f885c96180ffa0016e57f05e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/27.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/27.npy new file mode 100644 index 0000000000000000000000000000000000000000..6145bb6d0c27f7970c5568d2af2be4c6389697f8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/27.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e098bb93de04796f7c4cce10ddc669e18cd91bf70c026777b1aa040304d0b1e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/28.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/28.npy new file mode 100644 index 0000000000000000000000000000000000000000..84286abb410eaef3d997910af436ef16cc13bfda --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/28.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:281bbcbaa18e7ba24c17e0110991287936469d7bd74b8a5dc17bf028fe7162bd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/29.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/29.npy new file mode 100644 index 0000000000000000000000000000000000000000..e8af08a1a02c36688e44a20114e4f360fa3199c0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/29.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa569d2b2a3cd930c6e6370bf8e28df538c255d48928ea7ccdfebf36c6abd4e0 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/3.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/3.npy new file mode 100644 index 0000000000000000000000000000000000000000..2b0ee93715f465dfffd7572990888f1b104c21db --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/3.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5ac5f3b9370a9f6fc7ddff2327511bc58aeb73f6b2d848aa48de4b4979cea60 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/30.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/30.npy new file mode 100644 index 0000000000000000000000000000000000000000..32767e79d1190284aa25c61cf874f4ffe5ed7238 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/30.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7be142759c9db2784b4dd27d1f37b3946196e4c9d96ed80135b3258bdbd8007 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/31.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/31.npy new file mode 100644 index 0000000000000000000000000000000000000000..69463ad4135356471415abf202147a122ec55ae2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/31.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d217f1af52c5b9d7524a521085b208662f0abf9227e2837389970fbf2cb9ec1d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/32.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/32.npy new file mode 100644 index 0000000000000000000000000000000000000000..4351602f44c5b73ad63e829806d214ba37b818bd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/32.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa9864c4d65e66907046ee18e37658f62b51318eaeb51a810a8ed501d8fa512d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/33.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/33.npy new file mode 100644 index 0000000000000000000000000000000000000000..29820744288c2bcf2745d83e628adedae4d9dbc1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/33.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8e0f344514fdbd7676c99c9ae558a8ffe8e229c1d0db0be165c3bf751a841dd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/34.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/34.npy new file mode 100644 index 0000000000000000000000000000000000000000..158e94fce0d5eff5fa4f24530f4e87cb9cac5b4f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/34.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a3da012356e6d4777be40df973acebe6c1f663ecb7932c8364787c8a1c3eb6a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/35.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/35.npy new file mode 100644 index 0000000000000000000000000000000000000000..69bb64c0bee960afeabd3ab624ee395378c63357 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/35.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:525fbb6f4634353034b152e715d38ff11a85518f3c138b08bc6793fa787e3f8c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/36.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/36.npy new file mode 100644 index 0000000000000000000000000000000000000000..51b8a5413a70d6ca67cffaee78a5bd7d58463bc5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/36.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20dd22a750060666d143a37766cabd1e9933cd7d1bb5adeda3a5739971cd9b35 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/37.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/37.npy new file mode 100644 index 0000000000000000000000000000000000000000..ce76e18426ca04b804f459916b908c8d7472d32f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/37.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbea9fad7f0d65b0746bf3e0752fb36ef77b75debcbb00d3eed0fc19cad9b90e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/38.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/38.npy new file mode 100644 index 0000000000000000000000000000000000000000..cd4827b6d6b5dc609336f78954cd7d6862bfcbf9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/38.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9896425df396e7ee7005608e8a2b975ae86488cb66daa8414657ff4061809c72 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/39.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/39.npy new file mode 100644 index 0000000000000000000000000000000000000000..83ed8c4dcc24ee07701e934a39a27eb876465853 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/39.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d1545d511f91b9e6f212d0816859a2511372ea30c808f1fd3b8ba8a773a60ac +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/4.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/4.npy new file mode 100644 index 0000000000000000000000000000000000000000..5d239d3ed01062a1f288e74b6e70b294588c7fbb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/4.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b59f7f3dc15c0e43f5eeaa6705aa563177608fe1d7cd769dde64d9db28368cb +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/40.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/40.npy new file mode 100644 index 0000000000000000000000000000000000000000..72773ba887cf58d13884afaf51db10730b59914b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/40.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a141ef1af0f34b54f926db9d8f14161c64a39ccb3d6052c8f2b77a5a6717e40f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/41.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/41.npy new file mode 100644 index 0000000000000000000000000000000000000000..ad121f09ef842e4cc118e5db5ea8a7308bc5bf16 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/41.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c131c63fc59cbe4345f739e89de12928a4bdd8be1c273dea76c97b8464a01360 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/42.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/42.npy new file mode 100644 index 0000000000000000000000000000000000000000..8a41bbfddf9dcf83e8e05d68e6087969291f917a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/42.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e67f7692b9dbdf12994a2925a751e6974a80813e2ce682f174947a8e95452db7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/43.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/43.npy new file mode 100644 index 0000000000000000000000000000000000000000..40562d4d5c1ff0fdb5e44ba99035e8fbf13af0e5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/43.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f3cb187db4ad9673c59652f1f17a69c171b52a506672552ff4bca07298b5a32 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/44.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/44.npy new file mode 100644 index 0000000000000000000000000000000000000000..ef0b11f329db1e4454e7487f3fd9f3eac2538897 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/44.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72e0b71851462252ce1ead49c2ef7b435ac1b0fae9ae03a9a06050da7f88c2e3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/45.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/45.npy new file mode 100644 index 0000000000000000000000000000000000000000..3857c4121d9f3e9b136035fd9ebc52f9de1c2dfc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/45.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5992cf3e9e7e6da97d527b0bc3613e6683e385ea78d450b06a2c5f836be78c65 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/46.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/46.npy new file mode 100644 index 0000000000000000000000000000000000000000..77c61cec9c67d9a8296375b3182cc726128e9761 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/46.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90e8cf5a3af78a53b838721abbdf64107e757ee265405e695a5911c757690e7c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/47.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/47.npy new file mode 100644 index 0000000000000000000000000000000000000000..503017a22aa3d8c1fc6e5b436551688258e47515 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/47.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f58cf163025d51d40c3504f4924d1db0c2b1dabeb11ba06ab36be86370ab1b01 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/48.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/48.npy new file mode 100644 index 0000000000000000000000000000000000000000..474de6485e5401898e65a121245b593f0d5831de --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/48.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5741f46bbbf5194e96dd5074111d1b44a823eed689e2207d19e683ab3d017057 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/49.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/49.npy new file mode 100644 index 0000000000000000000000000000000000000000..44dba8cf66ecb8f9e07244c992ab305bc1aff7d1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/49.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b6a6806f78a24631cc215adebcdc3576ad22cb6a18e035ceeaeb08e87967a9b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/5.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/5.npy new file mode 100644 index 0000000000000000000000000000000000000000..d053b372d4544fb42087464daf71722c6e979684 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/5.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cdc58b0a719c481bde5e28321241446d248a0c07789c985867fd204e94d0ac73 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/50.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/50.npy new file mode 100644 index 0000000000000000000000000000000000000000..d51553cf6d1b359753e177aaa4d1c746c03efa57 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/50.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b982253004f4e3a302d29d839b2b80b5e1866b49a017bcf42d5341031b20913 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/51.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/51.npy new file mode 100644 index 0000000000000000000000000000000000000000..1496018dd1d32a4418b654179321beefe7cf8923 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/51.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ba8911d638e31367eb88d7fe9b747932ea299568b44cab589a7e782bb117afb +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/52.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/52.npy new file mode 100644 index 0000000000000000000000000000000000000000..1d50f0df8e92a8ddb9efe91097109e2a07d00d86 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/52.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b37837b61def60987870bb0991dfb11af5e51792677b1051e7e2984226873687 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/53.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/53.npy new file mode 100644 index 0000000000000000000000000000000000000000..8ea3afb9d926e6105ba02061b640ee38cfb3c46c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/53.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bc49be831241ba3d36d7537d7a477837b3c17eab893e0c8be77f811846c1d42 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/54.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/54.npy new file mode 100644 index 0000000000000000000000000000000000000000..1931c26d44e347664ee20bf4414049bddadbee7c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/54.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9d6fe5ceb22759bc5d6fe4eece6ddec0d909afb84456c4358e0b1fc6af32a7b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/55.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/55.npy new file mode 100644 index 0000000000000000000000000000000000000000..60f3ee240a6678e43bc75c7bc9e68fddd27f5b87 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/55.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b34f889919ff22ee2772c65c5bd55e8e0742de61af1034fc50b25f5cd49e9dc6 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/56.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/56.npy new file mode 100644 index 0000000000000000000000000000000000000000..ed681bdd1ee6e5601dd3b081bdcb58e7adb733fb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/56.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dda721625326d28947cb270ed13b7a4d863718f6a1ce9c647ef918342a4b308 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/57.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/57.npy new file mode 100644 index 0000000000000000000000000000000000000000..da6cfa69b95054b3c018d7da845e004a5d760d2e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/57.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7cb5b13231d4520505879da1546657e61c405f9adea0b720e5aa025f4cee481 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/58.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/58.npy new file mode 100644 index 0000000000000000000000000000000000000000..9f996b4e0140dcc6dca0be926042abb80a94055b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/58.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dddf0d7d4336d0824668c945f7a6bbd7b58617f0864ac2f668a963f745578a19 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/59.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/59.npy new file mode 100644 index 0000000000000000000000000000000000000000..fe14ecfc202f7336cd7af98a778f248d7cf563cd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/59.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b2249d3385025a020a25863ab2433a0b2a8e27883f7f94f911b88629834d524 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/6.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/6.npy new file mode 100644 index 0000000000000000000000000000000000000000..a0480eb5f86bc11a0531a037bed60810a84fb930 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/6.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6a09f42ef0c587df173706bb265078b643e1e03baefbf6f78b3b6668facbc2d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/60.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/60.npy new file mode 100644 index 0000000000000000000000000000000000000000..25d4da5981bf44136a72d63f6d9225aaa7fc2fd0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/60.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44f020129780d5533fc35985b133136e9a7581f51f6eac3d402fc0e23331be94 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/61.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/61.npy new file mode 100644 index 0000000000000000000000000000000000000000..264c66c95133a9dabcf363d543cf30dc111b571c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/61.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3792d1a3328e9e4cc5bda0f861f2c65adf90ff0b551f25efd68a3098a171df5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/62.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/62.npy new file mode 100644 index 0000000000000000000000000000000000000000..75bf1aaafcea14c4a58981b7bd3eda7066b013d9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/62.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933773d45e902f62ec08ba88668c7240a0e681927495c83715cc44952938597c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/63.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/63.npy new file mode 100644 index 0000000000000000000000000000000000000000..2fc4ca670aceb58b00b8b48db5c18becb00b7569 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/63.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:629c53eecc0c7d25bfc9fc28533e4740f498236c73e13de77a6bee51a1ad176e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/64.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/64.npy new file mode 100644 index 0000000000000000000000000000000000000000..eacb2a53a5eb20a082270717562ca0070b411186 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/64.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1b838ca52033f9f9488ee76493b16bb3198ec0b0c6a36675cf245520c9f4785 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/65.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/65.npy new file mode 100644 index 0000000000000000000000000000000000000000..8c59c4eae49a00b4b6f0d276fef46d3371b98053 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/65.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f91a4c9e951b93e07ff2c624cec8d1323dcaa198f48c22af722a752b16aaa6b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/66.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/66.npy new file mode 100644 index 0000000000000000000000000000000000000000..af7d336c24f14a62ea34aa63e864d1c1a918d834 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/66.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51c799edf14b084e5a75f58c212577e1cb98bf7ff6ecd267a5ab328a2930251f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/67.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/67.npy new file mode 100644 index 0000000000000000000000000000000000000000..7edc3d5bdf8af6c8e8c1bd12df6f24b8ca7caccf --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/67.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9407f01ce5e7068e8d9e3c964627169437e2edd3128750c8cfe30aec7cc92444 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/68.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/68.npy new file mode 100644 index 0000000000000000000000000000000000000000..745034dc275d33a99c08986fa0cf4f562a2b3ea7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/68.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0360a7c90c37088b585838d8084fd04e60232432faebad50485e9e6f0905d5de +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/69.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/69.npy new file mode 100644 index 0000000000000000000000000000000000000000..116d661d83af330c5005830d4e74cd13d0497a57 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/69.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65cf3d80a5f1177b6e2a08f5aa6f7ae56aefbb849127e0a439fe895f7b90de46 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/7.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/7.npy new file mode 100644 index 0000000000000000000000000000000000000000..8dc34d014d767ccacf306a9679e18a1db02056c0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/7.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81bbdd87077565444c370f15d444f7d0a41342ded7e8b1cf42fe986c352de384 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/70.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/70.npy new file mode 100644 index 0000000000000000000000000000000000000000..29a6cad8b2a1be76960c4fc80511e62f4f4620e0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/70.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7383a57af9067e36dc81d8800f8c7a5ea4626bcc4872521132c172db90f40b0b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/71.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/71.npy new file mode 100644 index 0000000000000000000000000000000000000000..ceb89134d09e36bd6e3d8a566578852483cc7e01 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/71.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff121690506f77a6b1fb255f945916954b812ce00552ab089d05c754aeb475cc +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/72.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/72.npy new file mode 100644 index 0000000000000000000000000000000000000000..0713f7394ca338c8eb0723e38f3e5926f9a6c66c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/72.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d844bb9c0b435b4e7fce4c7abe06cc2ecb1c32654abb9e7b8a8f9a44a31492f9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/73.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/73.npy new file mode 100644 index 0000000000000000000000000000000000000000..5b0e845de4de7d892864a0e55f194e9c8155dc41 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/73.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aead5ab4d36a8cb726b6a58f88d641d3d0c1555313672ba71f65e23377043e26 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/74.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/74.npy new file mode 100644 index 0000000000000000000000000000000000000000..75fce9b7c7969b1e7e323a7ba15f193561e8a10d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/74.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44ce4e4c9b9d0c1c76b6790b427c5e92bce52572f454037ad51aa47005522d1 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/75.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/75.npy new file mode 100644 index 0000000000000000000000000000000000000000..24968e8d08c1fc756d631923f783bb5f30e1ceec --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/75.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75a206793adeb020f9623fe8a0d8ed3406ee55f4492d3b09907dd84afd025cc4 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/76.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/76.npy new file mode 100644 index 0000000000000000000000000000000000000000..f535c8cd32ee1b93e4ea14ab973ef14675969251 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/76.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d926d6ca9087e6f9f326a41e6faeb10a5dd880fb028df3f3819cfdf8ad4f2a2a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/77.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/77.npy new file mode 100644 index 0000000000000000000000000000000000000000..31858d9f3f9442484a2dc816f5d98d49164cfeb7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/77.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ece6cc46ec3e64b46ab7df99fd69fc49cb87fae5c509e06eacc1d0e1b383463 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/78.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/78.npy new file mode 100644 index 0000000000000000000000000000000000000000..2386d45bb7634bf063e9f3eccbebbd185025e3ba --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/78.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0596da26d9bf26bc0dd7c8c34413bb10e95862984bf9ebcce754f42485fbe61 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/79.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/79.npy new file mode 100644 index 0000000000000000000000000000000000000000..38b010006bbf16b13455227744ddec3e6ea63a93 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/79.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c17fc99821a7f85205eb10d54cc343e96cf1f1e8dbde54bce3bb6706f9744dc +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/8.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/8.npy new file mode 100644 index 0000000000000000000000000000000000000000..1c96e0402894168ca94268de0991a119d9d8e85f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/8.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f6c1b7286eb186a021c0eed263911f7926e044c9452ce6d4705f9bb257e566b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/80.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/80.npy new file mode 100644 index 0000000000000000000000000000000000000000..fcda64372b4e56b966b82468382f3dddc10378bc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/80.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5f4f9b212d4197f4e67a6b3d0d4a0a91895fe50b28a2badf13ac6563366495a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/81.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/81.npy new file mode 100644 index 0000000000000000000000000000000000000000..ff2f22907530c04965dcba3b79f221f1635c48b8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/81.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a7206fcbfbea4e1ff707e7e4021aad4da2253afbe3f5593dd0f7760e436c845 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/82.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/82.npy new file mode 100644 index 0000000000000000000000000000000000000000..26242cef3540c7ca8ab422c37fb3695ccb46d81f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/82.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f46be682dcceba69aee2e9b91bf3b76e81005b3fbd43ece73e066464daa8441d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/83.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/83.npy new file mode 100644 index 0000000000000000000000000000000000000000..b3f21621dc41e1c89ae9116620b9756be791b4c1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/83.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79e96141c410e641ddf11d7899851836a95bad5cffa9ac0186252fe5ebd289bb +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/84.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/84.npy new file mode 100644 index 0000000000000000000000000000000000000000..bfddb61183e4939e20f9434e63dd95b86b1b2ac2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/84.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d8976d5fab0ff4c8414b613368a6c9d4395d78931b2e5732ca1cd6489dec29e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/85.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/85.npy new file mode 100644 index 0000000000000000000000000000000000000000..99ff5c4012f2747c53c587c929376f90ac00467d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/85.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6687980cf68645c807d5f20d742a000b7f3edded7d900869ae4aeb74d0a56d2 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/86.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/86.npy new file mode 100644 index 0000000000000000000000000000000000000000..77db119edeef3284fc95103094998a5e826e45e5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/86.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2080a34b192b0ad8eafd63b17251467492f9a7303599c9c6aec813778376ce7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/87.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/87.npy new file mode 100644 index 0000000000000000000000000000000000000000..e72473beea896de81246ab0631d06d9b8e9a595b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/87.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7680b5f8567475d433800d920437c3b11cf8980303c90e217e4efb490c58e110 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/88.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/88.npy new file mode 100644 index 0000000000000000000000000000000000000000..37d5b4ab3e52d42e531578158f52cca83649bf3f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/88.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:232e5dabc55c79bc5c1ccab70a0df9aba808b1c332b6372dc9a625ffa41a973c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/89.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/89.npy new file mode 100644 index 0000000000000000000000000000000000000000..286860af1296317041c406e77f72439d42723734 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/89.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9cd8514a1e180de858bad1f8714b6d184219a3d6dd0fb9530ab70939968e059 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/9.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/9.npy new file mode 100644 index 0000000000000000000000000000000000000000..e08770f1921a6b5d3d918dd40f371fdc0d1afec9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/9.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dd977d4524e0db5a8324b1a6a209562b4be67e7c6fc390d29b4a36f0e45548a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/90.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/90.npy new file mode 100644 index 0000000000000000000000000000000000000000..83355e74bc12bce3f82261b0b616251113a1fdd6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/90.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56fdaeb65d68d132764df351dac81b5fb003bf73b82029624930f9355f499b86 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/91.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/91.npy new file mode 100644 index 0000000000000000000000000000000000000000..35b66e68de4c4f83600635429cfa2641893782eb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/91.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:670ba1c87cd925ab95b7fcac4215b2bca197238ab5d0ffe0e04852c2ec02e4df +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/92.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/92.npy new file mode 100644 index 0000000000000000000000000000000000000000..977f8e376ac6aeb5e8e0a357b440e01b5b512aa9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/92.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec0322050085b07e7c732a996231997a58a9941a0f73b7e9f7f44e3ebe606c98 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/93.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/93.npy new file mode 100644 index 0000000000000000000000000000000000000000..c2b4fe57961b9701e9b6d126d716cb71844db8a9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/93.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbecbaa9de93e02b5dfe5c6d2daa856fac8569ff6ca5183291a0e87928a5e834 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/94.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/94.npy new file mode 100644 index 0000000000000000000000000000000000000000..f9cb06f484f7633daae8907bc76caf00223d4df0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/94.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03800b19c0fb00ac4499926207e0dc2d05288e8378dadeba5eba2eeb3c05e8a9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/95.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/95.npy new file mode 100644 index 0000000000000000000000000000000000000000..bf58bf35c1b8465df4953f53b4b1eb1fea074b83 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/95.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1ec552cc1f6ed210b00f91572dacda89efce8f2b7f9f1bd3cf4a19ff603e285 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/96.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/96.npy new file mode 100644 index 0000000000000000000000000000000000000000..62fc7f42b85420d67d71d1254404b168144b0521 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/96.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08f97d541a6701db62acefccdf5203ac970fe4c0cf445649eef1507fe7f9b538 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/97.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/97.npy new file mode 100644 index 0000000000000000000000000000000000000000..943cbe40ef2d83b7adae93de56f28756a627ad26 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/97.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7043a010d23ec4f82ec44a366cc177e8185825a7669a3069eef44502f28e878b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/98.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/98.npy new file mode 100644 index 0000000000000000000000000000000000000000..888b5ddfa9d2dabe2decca496027c2f75128a339 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/98.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79ed1a96bf4d81b889504cd9b8dcce6a3fff64eac7b3a7c4dc60528d1a6d3352 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/99.npy b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/99.npy new file mode 100644 index 0000000000000000000000000000000000000000..4232a36f777a57faf8f6a81b826952a64cc94a5e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_1/motions/VFHQ_1/99.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00786ed365fbb518e75a36ee6d66d9eec85d9cc2af0eddccdfec2fcfec48a57e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/0.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/0.npy new file mode 100644 index 0000000000000000000000000000000000000000..e64ff353892f5bfe6c154505e0f784c0efce2cf2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/0.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04c32c9d5523183cc5be4ebfbcef08d2a93ce25b082b4bf21db5e6f46aa2d736 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/1.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/1.npy new file mode 100644 index 0000000000000000000000000000000000000000..339fd04637b9240997e074def276b1776a8f2d51 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/1.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a6f1d35d8aaf5ce19964c7b46a2270875e9cda7f27fa7e293efac5e69fe8507 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/10.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/10.npy new file mode 100644 index 0000000000000000000000000000000000000000..e8ca5a42ce2a94656ceff6359f7d4276f21c7a3b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/10.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2f9b2a072085a040d5c0b20a03735d9685cf203b7b831883cfd33f40e96f01d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/100.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/100.npy new file mode 100644 index 0000000000000000000000000000000000000000..a319b6a07eaa6df46492da10487d60594d1259ca --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/100.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2db118abe2935e1f54536bb2eb326c9285d995c3c9831ea9f36abce83c9f778 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/101.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/101.npy new file mode 100644 index 0000000000000000000000000000000000000000..8a2bc59661d303013cf76b39402760daf7da03dd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/101.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dde6028b5ac31d972a198c557cb5007e6529b8809a3e86ed7af11a8a465df1db +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/102.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/102.npy new file mode 100644 index 0000000000000000000000000000000000000000..443856aa9c24b22e8a96ec84fca6784c34275d66 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/102.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:630cd7e404584d71023c2c278ef14d7287be11d3fa98835c14b0e1dc98aa05e7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/103.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/103.npy new file mode 100644 index 0000000000000000000000000000000000000000..4b0d043f53d08bae4361e6aba410a8ce3bc532b7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/103.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cf91313bbb0b6af2bcd0f5af54899a10835045e09f4be5e4ae4cd5293003e99 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/104.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/104.npy new file mode 100644 index 0000000000000000000000000000000000000000..72c8abd1a80ff8ab5bff330c5dd0911d455bf409 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/104.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f7ea676cf3b276b9a2cdf0fd13a31744c58c369d7d6ad6806ec03f8cf89dfdb +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/105.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/105.npy new file mode 100644 index 0000000000000000000000000000000000000000..3fd5082cae98ad9ccc5f7ee99a7424780ab48728 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/105.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bedf38a92ac9ea20456dddab11bc66e5fb4fe180c21e99f5727525bb5059cfb +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/106.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/106.npy new file mode 100644 index 0000000000000000000000000000000000000000..2da146637e6b232a611178d01b12c4c913757a49 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/106.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34b1634e22b512655082552dd82b964a9919e4b568e356cd7acf5c8468b3911d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/107.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/107.npy new file mode 100644 index 0000000000000000000000000000000000000000..b12a6a62640bdcd00d9d35d02c307bc857303cdc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/107.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d2960731fc273740bde32a1fbc2736c083e7f60cfda822cd7b2d9316349cd07 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/108.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/108.npy new file mode 100644 index 0000000000000000000000000000000000000000..725f8346d32dcf0113375e5637b7c5556e72c0f7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/108.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2bae8df94eaf0fd67871981ed2ece65f6c4598e9b58a4f7f5f77a4c71e05789 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/109.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/109.npy new file mode 100644 index 0000000000000000000000000000000000000000..0b43ceb853b621e6fa144880ba789324d510d5da --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/109.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:881d974af832ca11db4c4aed061102c98e493dac469035552465ac9ea757804b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/11.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/11.npy new file mode 100644 index 0000000000000000000000000000000000000000..233a83306845fc5882961c3fee2ad71733f0dbff --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/11.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2262ebef72526770ab0903efa50b9ce99ce717d8b2710a11ba0185bd8478947 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/110.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/110.npy new file mode 100644 index 0000000000000000000000000000000000000000..52fa6a060fa95995c38ef20ce9b7e54611a6fce7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/110.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0083b5d633eec5ba06fd301329779fb0c3bbe807b2c3334b72da4e7a006b9d9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/111.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/111.npy new file mode 100644 index 0000000000000000000000000000000000000000..3811211ba52a7e5ebe41ac77d594a3b830136279 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/111.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60ab497d3b5e6a5b9e13bda9339ff006c4a29bfb58bc7b75afa1e1aaa1d7d40b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/112.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/112.npy new file mode 100644 index 0000000000000000000000000000000000000000..d9e02a482c4297b8bc5acb4dcacb2ee0b57c8387 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/112.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a897e3880c48061894347892a73d14ae8f73e1e3f3a00ea14d9373b4e0806130 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/113.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/113.npy new file mode 100644 index 0000000000000000000000000000000000000000..b4c8af2534bd2dcac6b08c60468c2976cc9f7a5e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/113.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a1f13ebd564cf2755dd58a0164f4d02ee88b092ffe9a4a36d19e9f103ded3f7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/114.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/114.npy new file mode 100644 index 0000000000000000000000000000000000000000..b71d6cf1e8bc9111290a0f2f5c40ffbc6803f942 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/114.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9fa13c16eb6941b858f6d0ecd93ad4c7ab84be1b9a0be259558398320415262 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/115.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/115.npy new file mode 100644 index 0000000000000000000000000000000000000000..8fc45f5b58736336f33bd4e5a3b3ac6a4c564fc9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/115.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aba320a9d33a01407fc8ebb4f769b554e3a9536b05a45202a0d4f17d97dfd20e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/116.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/116.npy new file mode 100644 index 0000000000000000000000000000000000000000..0e7b8b87f736d8aa69edf64123f2c766c9723e4a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/116.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ea462a2e8c322b64f6d0005d2c113c6a3388660115f22972024d44a356657e2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/117.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/117.npy new file mode 100644 index 0000000000000000000000000000000000000000..d57e9d4a7118e30d35e98f6731d516fb5cbfc672 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/117.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2942973ff798791b24ee5ac3974db9be0dc64c101c64aed55ba756131855b3c2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/118.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/118.npy new file mode 100644 index 0000000000000000000000000000000000000000..bbde2954ce067d8e646c7794b1ed6b3ab071cd6f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/118.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9424f19814ea5e2335d4b8de021bcc409687057a8a3675ab113d10af5d07126 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/119.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/119.npy new file mode 100644 index 0000000000000000000000000000000000000000..018e65ac37faa016be85c8bf52f5c40739f0eb72 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/119.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bff60d65a1ed91afa9cc87b8e49e513e796801a117c1deed79fa0710784605c3 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/12.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/12.npy new file mode 100644 index 0000000000000000000000000000000000000000..f00b4e0920d460d5f106e6d777fbd077c464f050 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/12.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8e6fbae03287d907f819195100dec40bb1a44c6874c1f19eb22f12f3e145f1c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/120.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/120.npy new file mode 100644 index 0000000000000000000000000000000000000000..ad17a2c89148569f1e36553e56b8a5cb672988ab --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/120.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1085085a62d7fcf42081d6e34771bc6686dc4c8c3f8b6396125306764e89da66 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/121.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/121.npy new file mode 100644 index 0000000000000000000000000000000000000000..8981b288fa00ea249d1d1ef0d91da33d50a17c75 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/121.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9823dd24c108f8bff4431ac1f1ace912b3ea409aa30f661f12267bf09e28797 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/122.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/122.npy new file mode 100644 index 0000000000000000000000000000000000000000..64f64a4fca30534df83e9403c3865a60ee2b2ffd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/122.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1a6e4b09fe21941920261b116f7d116b47a4a2257c8546674dfbda0b70fb181 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/123.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/123.npy new file mode 100644 index 0000000000000000000000000000000000000000..3e1c12fc1d6dc2368feb7995ad4a78999bb69241 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/123.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fdcc08c0d8e6e4063bf691184c2b7ccf02ee68fd5445e9c4cfcca8dca5bc368 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/124.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/124.npy new file mode 100644 index 0000000000000000000000000000000000000000..ca8548b7cc5c6d62ae19c648a19d496f85bdc373 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/124.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2294302579b04c8fe8eb162ed4a3cf35db3682fc72b3c8545dc3a999fe51f64b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/125.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/125.npy new file mode 100644 index 0000000000000000000000000000000000000000..8a09df0083ed263b07c5fdb50e6f6fb7d9977fa6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/125.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58dd4790d816156ad900151d96e91e88f9a1cb33ed845a8274f85116ad1955d3 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/126.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/126.npy new file mode 100644 index 0000000000000000000000000000000000000000..47ef6fc91cb26ecc73ea0238c3012a38500bc521 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/126.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91b6a2d61d3e15864c4add15c88a22a1b63012f223646ed95e311845adf38bd9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/127.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/127.npy new file mode 100644 index 0000000000000000000000000000000000000000..884c63adaed2802fe1d45cc6eeff0a4fb6928e38 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/127.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a385eacd7b3bd5d35731041be47febc50d99c337b73656a95dca8a6217fe563 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/128.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/128.npy new file mode 100644 index 0000000000000000000000000000000000000000..1f43f1b2e86d08762d60fdfb44c2dd3e2e0923ea --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/128.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2913ec2c4606f0bdd495c8e24cf9fdc9e1d3bb0e6c08f290dcdcf85772339bec +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/129.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/129.npy new file mode 100644 index 0000000000000000000000000000000000000000..933bffa15797e2924090c9003d207f620ca8a099 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/129.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce0b8d02d88ac37232a7a4af2770d1e5174df20be359d76ba5d88cdc3dcde79e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/13.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/13.npy new file mode 100644 index 0000000000000000000000000000000000000000..2b851e994dc9f0894335ed16b454a18f1b8f5cfc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/13.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d225a8341dc336d2c4c84ee7e851aef898ae8d38c23f67f9a77141c348e5b3c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/130.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/130.npy new file mode 100644 index 0000000000000000000000000000000000000000..c0f2bdaa5265874b5d07a117e52329bc3207c8c5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/130.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8456733098b617d33f4072aa93d8feebd6af5a3024d739214e1dc750ad6ab7cd +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/131.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/131.npy new file mode 100644 index 0000000000000000000000000000000000000000..919009e31163b12c793ffa99e16fe3f40dbdcb51 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/131.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:926245e3963f66151c5d629f69a9b7a265569e9c218a776d1e89de27ebb67fb9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/132.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/132.npy new file mode 100644 index 0000000000000000000000000000000000000000..a790dfac184984e664b2eea27bac21509b5ac721 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/132.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1033f21064580702da51552892fccb72689e8db8fa481232f7b20d3620f00d31 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/133.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/133.npy new file mode 100644 index 0000000000000000000000000000000000000000..4bba2e190a8fcafe9c663d4a39aa4a1ef7c6ce75 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/133.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66749abe4d352093b6edbc7ea0a32f20d6fedf076fdf1176be1fd510cf7a8daa +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/134.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/134.npy new file mode 100644 index 0000000000000000000000000000000000000000..a2df40c36ec19bf34d32dc8f3258f45675afe9d8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/134.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b73804a6180f1f7e27f9376c0ed308a73aed47df7e021bad75b88c78516dc97 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/135.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/135.npy new file mode 100644 index 0000000000000000000000000000000000000000..91c80e74a0e284915530e04950eb6640e046acc0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/135.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb95562e530652533752997f0a341ccc1d80e0e7a5de18dc117269c8b3b7cb2d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/136.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/136.npy new file mode 100644 index 0000000000000000000000000000000000000000..ff3edf6e458b04974981d9f5d2427f59f3c200a4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/136.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca9037f4e54afe491043b2454a3b64b089bdcff775472762e803417dd7555dbb +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/137.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/137.npy new file mode 100644 index 0000000000000000000000000000000000000000..f65301e02494411b204633d5d5f7e7dba97d80bd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/137.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d3da996e9105e8a6821a5eb9698e2c267bf4887e39b575280fb8b4fb1071b9a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/138.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/138.npy new file mode 100644 index 0000000000000000000000000000000000000000..756fb545c83e09d0e5b88cf37913cf0d811457f1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/138.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f41202fd5135d903997ddeac34a636cec4464cef56bdcc04c7488641c3c09769 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/139.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/139.npy new file mode 100644 index 0000000000000000000000000000000000000000..df21a2b27a0780d9aef6f910dc4442908e0309c2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/139.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b677d900856ad22e808ad58739384fdbaa00cc6b578989406fcacd8da12fb91 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/14.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/14.npy new file mode 100644 index 0000000000000000000000000000000000000000..f4ff4da7380794c42091ff564c2d84ffb8aca2a7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/14.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59b7fe6481e817dfb83b4f3964b9d06d6063656276d370eb317736966a4cc9f7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/140.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/140.npy new file mode 100644 index 0000000000000000000000000000000000000000..3aeeb650b102e03183c3b7265646f07fbeaf6b2f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/140.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f9f0b259db41852cd573f9d0fdba30e4b495fd953ac71902eccb7358d12a456 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/141.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/141.npy new file mode 100644 index 0000000000000000000000000000000000000000..d4a13bf703fe29431b8f25eef96a9946b3644499 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/141.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f7ae43e6e62006e8df1139b91caedc31600ca1e086e958f8ad1b89722fa258b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/142.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/142.npy new file mode 100644 index 0000000000000000000000000000000000000000..c5dbf08f00520a80aebb4d653a42d71d5f7d6e89 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/142.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d88de54490ae5dd3c3466b43ede0d1ac94f559573e28a88c407d4061d6bce08b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/143.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/143.npy new file mode 100644 index 0000000000000000000000000000000000000000..d5caaf728206d98d8b3e4518e9e77c0489f36def --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/143.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8901abb802f35d953c35ad4b7a68eeb3f2640c19d64acecce8178999eaac644b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/144.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/144.npy new file mode 100644 index 0000000000000000000000000000000000000000..80fa1fe35cb97d5e429f85f538894176c3c562ae --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/144.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bf14fa5132f1cb135d57cdff1a614c6dee4f953375484728d0232d7e7bf0c53 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/145.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/145.npy new file mode 100644 index 0000000000000000000000000000000000000000..590de481234358d6085f381d23806ab9d4b7ed06 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/145.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d341cbfb3f66a341efbae905102acefb9e098296ee8059e82be63fcbcf591b97 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/146.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/146.npy new file mode 100644 index 0000000000000000000000000000000000000000..1a9ec2aeb85a54f4fd482a37ac5beb1a1f8a1d06 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/146.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eabed7b26fcd69c06bb49bb5b38e894f2a528a059efaa80b9b51e4acc6f747c2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/147.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/147.npy new file mode 100644 index 0000000000000000000000000000000000000000..52a162beded28aebb6f55d3763009533e617c53e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/147.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0675bdafada4fc75f33faee3382da1e8b3b5cabcb222dd3ab49b4e9bc602013a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/148.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/148.npy new file mode 100644 index 0000000000000000000000000000000000000000..b65252119adaeafad9ef3e09beaf0034fc86afd4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/148.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09de3227462c68107a2a28808741dd8680c2dc79fb77dfcdca4b7bf437b7921e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/149.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/149.npy new file mode 100644 index 0000000000000000000000000000000000000000..1e8656f8205d21af4b9cdc53c39c7fa76cdbf4c9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/149.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4834a185e9793e45df70bf24c2a6b6e8801fd1cb4452924381e5e1bb5900e329 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/15.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/15.npy new file mode 100644 index 0000000000000000000000000000000000000000..960e252acb24673ac4c3cc9633d1901d2c72b59d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/15.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca37b1fdadbc8b8a5e910db69e53d85aa3218a376046ab08261cd3e6cd2c595e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/150.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/150.npy new file mode 100644 index 0000000000000000000000000000000000000000..47bda261babad54601085e993abb05c1c3fabf48 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/150.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:291c9d5292a6f08a883974300111c2f8e9c1f5a9f6d94e84b519d258c232a231 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/151.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/151.npy new file mode 100644 index 0000000000000000000000000000000000000000..4df8e088c17a19196f860a191d09a518f476619b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/151.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a693ea191ec5fc856865149537fc8d441e788a15da645d57f3bc9104ce52cd2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/152.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/152.npy new file mode 100644 index 0000000000000000000000000000000000000000..a5781b115e1d842815621e98d62c40144f89fd52 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/152.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b011b7e4f82d438924c50b1bf0b0e42588de7a2003ade1f44f36a67bef145e8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/153.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/153.npy new file mode 100644 index 0000000000000000000000000000000000000000..8cfa0b0e2a3856bc22af25553b6992a9c877a9cd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/153.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83069e2e1adc4ad899746eb71a32a96905bb42fbfbb85c4866c22272f6d61e02 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/154.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/154.npy new file mode 100644 index 0000000000000000000000000000000000000000..493495d215e5f7d682597bb3c168bfecfd4fca93 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/154.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec5622e8a412b34b1754dc3337ff4c8f32dc06baeefe367f1c0f73dc7bbcf3e1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/155.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/155.npy new file mode 100644 index 0000000000000000000000000000000000000000..b86a8b1565ac824a1445603f934b6589ce21e7e4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/155.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bee9f3f959ff648195a7e2a61f27505ee59db35b6349383bfc0b14e0032bf92 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/156.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/156.npy new file mode 100644 index 0000000000000000000000000000000000000000..5caed57b19bff976cd67aef361c6707e73c6a0fa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/156.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b662e5d5decc1ff597b3439992c482628543780f3a81d83fdc5e7c5497a39277 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/157.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/157.npy new file mode 100644 index 0000000000000000000000000000000000000000..529a7ac78f3e241c81b417fa435537c6540d4980 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/157.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96397e273571c6507591038282574e62c9da6d107e2cbe772e90e08df990a831 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/158.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/158.npy new file mode 100644 index 0000000000000000000000000000000000000000..defb237f4464bbc37fab4ad10b98248b1d851bea --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/158.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5866355aab039591bfab3428918dc2b045befa7b88e0c9edc23f1ac58f8524ac +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/159.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/159.npy new file mode 100644 index 0000000000000000000000000000000000000000..c452aaf190ef48b0110fa11bacf9896ce9aa40ec --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/159.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bc6d470fce774297c4886e3675f25308c4f0d06119c4b1b189e4c13cc64418f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/16.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/16.npy new file mode 100644 index 0000000000000000000000000000000000000000..4b9156163d12aa43ceb1d8f40bc6f51ef841cc7c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/16.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9f7fd27d27818131873d3bf67e6e1df2cbe98a4d3c5c19236e7edc212e17e21 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/160.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/160.npy new file mode 100644 index 0000000000000000000000000000000000000000..ecd20fb2df20416fd0c1b507dd00a9cb498f1225 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/160.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c969593888f9faf5c153e7e1c1a072fb81125820afdd07284430ca227f887b3b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/161.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/161.npy new file mode 100644 index 0000000000000000000000000000000000000000..fe3b824ca8b70344be17a359c4ca312b072c0760 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/161.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e524097caa7b8c461bc2cf392f5043671ca2e8291af56bedafac0dafbcc7e0b0 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/162.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/162.npy new file mode 100644 index 0000000000000000000000000000000000000000..fb122d8f3db0e65d365b850233738cd9883cdd96 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/162.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3db14fe071b16c50ec182f28ab2884d18194ea87e4e78e20c6f997ed5a84156 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/163.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/163.npy new file mode 100644 index 0000000000000000000000000000000000000000..dc37887807bcb08bc367a7e4e61c79d279499fca --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/163.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b099ffd14282c9a615579291634794b17ca445c4930ff778bb49bdd424aed060 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/164.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/164.npy new file mode 100644 index 0000000000000000000000000000000000000000..49e0ca705120f7787f09eccc4d26583d78ad7494 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/164.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19e7bcc734eba27988a10590e535863391fb7d5a3130407c7c683697eb8f9222 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/165.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/165.npy new file mode 100644 index 0000000000000000000000000000000000000000..0dfa4f378a95769ec54966f57235337ffde55722 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/165.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a9d44d5c4929c0d45c440743309088ae1555fdcd1be5f7c679ec4ffc265ad73 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/166.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/166.npy new file mode 100644 index 0000000000000000000000000000000000000000..4b90829d07fbff5f5052dd52981b2e2f23be3cd9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/166.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:618890d48fdff3081dd7d98ff9d8c553332a9f84c5181815d7c5f2e3be4efc05 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/167.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/167.npy new file mode 100644 index 0000000000000000000000000000000000000000..b817b38b8effac5562f953229e1ea2714c08ccea --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/167.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18369ba8d7c3f3119691fb0166a433de23962ca4f7c20c591fe7e2d040bd4570 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/168.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/168.npy new file mode 100644 index 0000000000000000000000000000000000000000..beed495be019a3e198dc125729523a96ede5f310 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/168.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3690214572c5bf239a73c292c4c91a78e7b4941a369217dc0c4449dd9b5dc1e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/169.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/169.npy new file mode 100644 index 0000000000000000000000000000000000000000..034bfeb3572ee3002b4253d13db0a8d7f0ec102e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/169.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b1cd8f9fb5f16488403f41853a0c1958161df214ef3b67562b7618e10e96b07 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/17.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/17.npy new file mode 100644 index 0000000000000000000000000000000000000000..0a4469ebe670132d73c419455c12897594a0574b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/17.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5a90ee4ef9abcf9567965898b58803d2301a537bba5be262dc7d1459ecf3c9c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/170.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/170.npy new file mode 100644 index 0000000000000000000000000000000000000000..ee459cbe134d4478bbfc6b62d5e9f5acd554a7bf --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/170.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da49224e8e9b4888b4a9233a2c2af1facb305992dd8c2cb245b064264cd1f1f2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/171.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/171.npy new file mode 100644 index 0000000000000000000000000000000000000000..391ae5bc0ebb41621bca2c54112c4f19bddccfef --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/171.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:371e589b0bfedf0a6b331d4cfedee83e55ee51dc7fa93aea589908ab532a16b0 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/172.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/172.npy new file mode 100644 index 0000000000000000000000000000000000000000..d5cd6b4232b726144a2dec4f49505ed96498a3ea --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/172.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae3144249ef152c9667c9b84e1247ef118074cfeb010b61c5b1eb839759b81b4 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/173.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/173.npy new file mode 100644 index 0000000000000000000000000000000000000000..9b5174ee4f6cfe810cda218ac946e099c7283fd6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/173.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af2eb6c04c25b53acc097141f598baaa17f708ab9d0c8492faf6b4d14fb6e5bd +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/174.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/174.npy new file mode 100644 index 0000000000000000000000000000000000000000..8ed6effbc0cdf23d3d96a17169d9bab57443b742 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/174.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35f09780ab10dd4c1be42cb4e0fe2fd741b6cce983e368cc26d71a790c12b095 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/175.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/175.npy new file mode 100644 index 0000000000000000000000000000000000000000..0fe32ebcca9b30020a0d1942d50dbe30d04ef6dc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/175.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da004cbf447b2dcb2330381c7d11b90945fc330a338eaa5d7f011f00d5e3dc1d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/176.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/176.npy new file mode 100644 index 0000000000000000000000000000000000000000..3c2fcd73add2449ec3b4c7c728688272b194630a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/176.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2636440f376a60f8c2621aa631cef420a377b5427590d50d922c3e5ccb195ca4 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/177.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/177.npy new file mode 100644 index 0000000000000000000000000000000000000000..fa804213c4c8d9522476aca60180f9aaf08ef9a9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/177.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4bd82ee1ef24ee2bbffd3ab83172f631f2880e0e147229c04e832e5c40a30f28 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/178.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/178.npy new file mode 100644 index 0000000000000000000000000000000000000000..6fcc6a3dfb4dfcadd50602f397ea437f3f801853 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/178.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b61433ec1576ed6df089b385ea5045444a2fd24d91f35a7a7a506adeb7b2a53 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/179.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/179.npy new file mode 100644 index 0000000000000000000000000000000000000000..be70c467bdafc24527d496e914c91b911df3242b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/179.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe5a7463120d1d505a80e755dd821f11f4af036719db001884e380520418f9c1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/18.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/18.npy new file mode 100644 index 0000000000000000000000000000000000000000..12e46e5a3e12be2dce018bac65310bc7a79999e8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/18.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd0a797001695a9cea002e392dd38afd89ff1012a7deb15550e81c75a20211a0 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/19.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/19.npy new file mode 100644 index 0000000000000000000000000000000000000000..c6b68ab527a1bd637d104da24b9dcf6683f92d90 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/19.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57208883a3b95b5bd1b8de0d475b365bd1d8273743842fc524c82ab3d6911dbf +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/2.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/2.npy new file mode 100644 index 0000000000000000000000000000000000000000..a703aef7c2809639cf73ac84cc3598b493a58f3c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/2.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e236ac30a80378c590af2ea47847196069015c6751f86c579092676e1b494fa +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/20.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/20.npy new file mode 100644 index 0000000000000000000000000000000000000000..2a1b35fa9dca604f52146cc4f3dc35d2c9c862b0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/20.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c186324a2205b4da8aba017c2431e8015ebdb9c3fd60da063cfe510e7ffc38cf +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/21.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/21.npy new file mode 100644 index 0000000000000000000000000000000000000000..a66e882fe0d4385d297efaca6304360a00c7d8b8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/21.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5e097f5e0c46f5ce5eaa07948ee3343d94de5df02aadf16fa002dd7ffb4fd54 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/22.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/22.npy new file mode 100644 index 0000000000000000000000000000000000000000..67ebdcf7b3d28c11f381df1e6584b91950d1959d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/22.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d626f9b6ef9731cfd7d37b35820240e925dc013d4b949bb9ff4c4cf56e1bd76b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/23.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/23.npy new file mode 100644 index 0000000000000000000000000000000000000000..231d4964b598803f14e27469dcbbffb49499a64d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/23.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dadd24f57d689f5e3407e637d7f6fa442a85737fb60739b8024441a891e66ec5 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/24.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/24.npy new file mode 100644 index 0000000000000000000000000000000000000000..a488ce483ff6c4db39f4483b303134558742b112 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/24.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:141abf0c876e242ad0e682de8deedfbe01b0f1bac2061c190e132549e2ce05dc +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/25.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/25.npy new file mode 100644 index 0000000000000000000000000000000000000000..ed18839b727e5d7f9768bdb72506568ce534ee6d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/25.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ad9ecad19045887e1bc8d8850929370852addd5d0c94a7cfa7d4fca8a956e18 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/26.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/26.npy new file mode 100644 index 0000000000000000000000000000000000000000..1ae14352743e658a040ad40c562bf2690a209b05 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/26.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fca4af3ebfbdbeb0a043ceab1add4c29b9eeeb893363db9eaed8ac3d630d784 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/27.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/27.npy new file mode 100644 index 0000000000000000000000000000000000000000..855580ddaf29771390f5a4fabbaa1c2c2acdf2fe --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/27.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47b3fcaf008b4da8e734663f7f805c9d2dc492ce7ef091211e8cacf1e4195942 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/28.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/28.npy new file mode 100644 index 0000000000000000000000000000000000000000..694c7c29e75be75d6983b3b846a6e1d34217febf --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/28.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71f1e96d987ae327ebb3c4d057628598d80e108ac9417a65b697236f66397f7e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/29.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/29.npy new file mode 100644 index 0000000000000000000000000000000000000000..adc931c3994d9c64f8dea7ddcbeecef0904ec4bd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/29.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51d92ad4d957a4897b2af1c38d00fd15d8188e4cdb479c3096037376a6f6e84b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/3.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/3.npy new file mode 100644 index 0000000000000000000000000000000000000000..97ee5500bbf080fdca69e6388251c3c2ffd41a57 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/3.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e0fc03e5f29179ecff9462275d2d32c826cecc2d8d5d221b0f5f769f66fb42e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/30.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/30.npy new file mode 100644 index 0000000000000000000000000000000000000000..1e92d63e04f03bb81ca4ce8ab30eb5d4a7955c3a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/30.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3dc10b57d5e899c32adcf10434adbefd2ea395a5c8a9e441e0fdc32d7406275 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/31.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/31.npy new file mode 100644 index 0000000000000000000000000000000000000000..32c8c8d23d63da3799dc5cb0a030ebc5401cca4c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/31.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76dbd322a34f49d570b88fcfda70c83bb6f9b5296830e69ebba99fbcf3cd427f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/32.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/32.npy new file mode 100644 index 0000000000000000000000000000000000000000..a44a397a1d752110676aa2207f5e117aa10c511d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/32.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37ec24fa169dba875573a51c3fc1eeb5630ff656752d81e365ed8a8d367af6f1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/33.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/33.npy new file mode 100644 index 0000000000000000000000000000000000000000..2d57ae4839558ff8e22451d7457c0f652d7e5c54 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/33.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c29d31e7168504a12d1655079e0ecd3ec552b1a796be032b6afa8b09653c7fdd +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/34.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/34.npy new file mode 100644 index 0000000000000000000000000000000000000000..b309ad9bf98c884c52a91376a08770d0697d0bd1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/34.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50a14d32cbc720fe2738d01976e5a916306ea5c9a2c3ea644eb052c921634301 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/35.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/35.npy new file mode 100644 index 0000000000000000000000000000000000000000..deecd6f16da4f00d5099a717936189b682b671fa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/35.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15beb8f37359a788a9005c6b5801791dd2ac2d1f6d842d8161718d9c9e0e3bbc +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/36.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/36.npy new file mode 100644 index 0000000000000000000000000000000000000000..3e05cabc7a4888a8e1f328341b86ac1fd84fa74f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/36.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:303f951076fdfec989fe88946f9ec9ea1564e350ab95a679d6302d32132ae42d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/37.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/37.npy new file mode 100644 index 0000000000000000000000000000000000000000..74722d9d32739fe11ec651ca7d2748052913dd16 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/37.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40e12d43d25cfc9fcc112e6c41ec1fec6f5189e6f2ef4feacf7bddb394a7fde5 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/38.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/38.npy new file mode 100644 index 0000000000000000000000000000000000000000..82a1aa3475575f49e5688785c14bc915d8ab14fd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/38.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84f72412736c65085862107ae8281c1284d1ccbb6f10ba6e9c4ef8a5703304fa +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/39.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/39.npy new file mode 100644 index 0000000000000000000000000000000000000000..8b9e87e341b7111dc3851f2bdfce7e22735ee567 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/39.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa4954fab2acc896c76c3634ca0babaae0ef36d836d4965ed9ba4fc152f96e1f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/4.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/4.npy new file mode 100644 index 0000000000000000000000000000000000000000..858d9285c3c070ddadae598b0ceaa432eb267dfb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/4.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c85e129925405004a133a9fe52d09d64057345f2ec23be83d564e448f15020f0 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/40.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/40.npy new file mode 100644 index 0000000000000000000000000000000000000000..c8c80f1b98d4cf5a12ad67715d23f05cbf2f74f0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/40.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb75060a31fd28f5f249a9c1d76a2ed23ead7bf51ab6b4f759b559f9b404f7b4 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/41.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/41.npy new file mode 100644 index 0000000000000000000000000000000000000000..2f55ff38220a457c8726caa281c5e054d8a1cc98 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/41.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba4dd6e2605ca2251c7cd523a5c0be1a2613350846c65a44ce254e19a7313109 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/42.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/42.npy new file mode 100644 index 0000000000000000000000000000000000000000..3e7009667811dcd7f11b8b9fa25fe535b9c3a172 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/42.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65e2cc8f3f8acde4c59468fa55e85214be6ea6bb65bc739d27fb10af2fd21405 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/43.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/43.npy new file mode 100644 index 0000000000000000000000000000000000000000..b932afc5a143a27c0f9b0ad1865c44a87286dfe3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/43.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21ee372211b4c5395bb7b9127e06bae96c68a4956677f76a548ec939b1dca5ae +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/44.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/44.npy new file mode 100644 index 0000000000000000000000000000000000000000..062e7314127616caa9d02af3156b034b17f9978e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/44.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4736c159d20e4cf7595b01c0bacffb86370d269b0824c23bc92f9dc6b7e610bd +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/45.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/45.npy new file mode 100644 index 0000000000000000000000000000000000000000..f652f6698849e3402f09c7a499b24d894cb5b9a6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/45.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63118c556f30bf3815b5fab814cc2c5ee4f223f10e75cfd438be6979eceaad02 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/46.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/46.npy new file mode 100644 index 0000000000000000000000000000000000000000..50c7aa0596e050ed23c1c1e8c817bbfde73fd4a4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/46.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7bd424f98e0b228d2c165fdbfb0035db2693687ce76b90edc85c9c1a87419d6 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/47.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/47.npy new file mode 100644 index 0000000000000000000000000000000000000000..5e67352f960bc613c39c7213aea4615ea1bf0abe --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/47.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aae4cde7b48a2828f8bdc44da5794cecec1e9778de272031c4bd4a54bf3b7f94 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/48.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/48.npy new file mode 100644 index 0000000000000000000000000000000000000000..311ddd08ead0bffdae650411f609d118b35fbb71 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/48.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27c046deac75bb872283fed1d07e98e080c0a70cbb26444bfe35e838ead6c7a7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/49.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/49.npy new file mode 100644 index 0000000000000000000000000000000000000000..78317d523de5353209a0550449370a417f5f2e83 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/49.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b97dac6b99442c16e7e9ae38b125f048b5c78b44da1b517dca396620e07cfd6d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/5.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/5.npy new file mode 100644 index 0000000000000000000000000000000000000000..bface434c9e965e796e04ff89aab206c4f325f9b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/5.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41b12ab77403dd5f4dc25cf65f8beae96dc8772fba08a91e4a669522d7e16683 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/50.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/50.npy new file mode 100644 index 0000000000000000000000000000000000000000..ab33a19f012596b98d9b9deb76de715009b260d4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/50.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e130cc8493b58191afe7326af3bceadc37685e4df4a2319be76260e7bd94e458 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/51.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/51.npy new file mode 100644 index 0000000000000000000000000000000000000000..0ed90f0bb155f62413e28addd06a16508abdb925 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/51.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5295eab53762e23dd548e7085c2639ad3b666dc17ca4fb816d200b395a695fab +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/52.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/52.npy new file mode 100644 index 0000000000000000000000000000000000000000..3b24657e1117cdc95341aad43716302f6151f6af --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/52.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1eec37ec6177b70bfa083ba28be0962dfc260068bdffa2448c3aa31502ae883 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/53.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/53.npy new file mode 100644 index 0000000000000000000000000000000000000000..62b7f95a0c3b92f892ce347f0ac3d8e26e3e680f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/53.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5e36cffc9d4d766b55e7bc0a1594f37748b03f2d94f6207ac309be9a57ad223 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/54.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/54.npy new file mode 100644 index 0000000000000000000000000000000000000000..606d2c45ccd91a45f686c09429831288a46d6f63 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/54.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6640ea28b256572b4ab99db883666805d55477ca7ea5cf748d4951a553b7f0c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/55.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/55.npy new file mode 100644 index 0000000000000000000000000000000000000000..da9739c5ac51832a80fbbd07f368c6fb5f2eec37 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/55.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09faa0aeaf90c42756854a55b9939e94c21453afd969afbcd96d34fd08b40961 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/56.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/56.npy new file mode 100644 index 0000000000000000000000000000000000000000..7608fb10b1df12f691f63a8a8401d96226330c35 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/56.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22ef29680f3fe46f670c3069e1e75704024a9947b30598ee6849ad7a94d8d8f8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/57.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/57.npy new file mode 100644 index 0000000000000000000000000000000000000000..3ef8689f0372ee15ad6fe87bfda7b9b601384f15 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/57.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a0c783c54a46f12a683dbb8ec19fac38c848269a820998238df2673c232f6db +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/58.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/58.npy new file mode 100644 index 0000000000000000000000000000000000000000..698712379dc77172b3759d06602480f5b0a70188 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/58.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ed9f55209087ba6545d4a61c24efa9025acd92abfdae1c40c047fdb04ba54c6 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/59.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/59.npy new file mode 100644 index 0000000000000000000000000000000000000000..750f97586217b7f00f44e643cfb9ff51f5cf7c89 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/59.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:430c488b3ac7c2098f15406d5283221ed27aac9292860f28c6d205b2bbc71025 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/6.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/6.npy new file mode 100644 index 0000000000000000000000000000000000000000..2be42bc5894da41843d50df81d90ac4190499cc7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/6.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2879a2b5565e58375e0ffcaf85a3da00069f4bedd854c9760ba3bab55ff9d5ef +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/60.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/60.npy new file mode 100644 index 0000000000000000000000000000000000000000..9d9468d5aece8d4217d86882ae9daf2566c4f58e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/60.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb4a8138864f9ebe37bb1094956b6e3f6430672b1c0496f72bc5f288e46cb7c7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/61.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/61.npy new file mode 100644 index 0000000000000000000000000000000000000000..f757ee798e7af2e76232e33c545899b205039799 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/61.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba9640a5d042ce03534f22b0f8bd412142fa9a8281eb8dbb1e4f197c9ca1b855 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/62.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/62.npy new file mode 100644 index 0000000000000000000000000000000000000000..602395417e58f2c7dc6ec30e7d51b3f5cab02c65 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/62.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26693cb11e6e4a91dc1fa2784f6d0e529070fe0ea470b7e6a9b7f3c97b9e1416 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/63.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/63.npy new file mode 100644 index 0000000000000000000000000000000000000000..17b54dcfd02c9ebe6034fd8ee4a2db485497cb0a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/63.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c49ec4d024683bb9f945da1dc1c657e33f69da83eea18c9d1fde7c0d19a8364f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/64.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/64.npy new file mode 100644 index 0000000000000000000000000000000000000000..09523829db4fd4f18229275fc90354256e2b16c6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/64.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab9f40a8ce42f75efaf3b382302b80842c083fe3b3470033851256e02ec1f03a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/65.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/65.npy new file mode 100644 index 0000000000000000000000000000000000000000..25310371e5eec0f3357e247235e0e0d398acb3f4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/65.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f9bc699b064fbab0929fc0decabe10f51c55db17d9c40aac4589e6c77c20cd5 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/66.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/66.npy new file mode 100644 index 0000000000000000000000000000000000000000..7522dcff01634d646f4c5d2942f6036461d0130e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/66.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4173966fdc5bc9cb20042925e431ca62107e3c7ebb7402510679932f0984632c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/67.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/67.npy new file mode 100644 index 0000000000000000000000000000000000000000..1d507e3f1e179abcbdbd97a532668a3c5cf57500 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/67.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b562baefefdef2617594c855e2ddee655514570e08efdd158e75299b08d7986 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/68.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/68.npy new file mode 100644 index 0000000000000000000000000000000000000000..ffa80a1bebc2f369e8079f687f13f0d90916f0ff --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/68.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6175dde3942efbabf1369c3efa7ed5f001b616a8fc2cc8601796a758c7a17691 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/69.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/69.npy new file mode 100644 index 0000000000000000000000000000000000000000..4ca7526ef116a3f3068e50b896873d740fd2c578 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/69.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:410b3455977929b1dda043f7ac737b703a8afb92831a7bbeab9f28d47b809a5c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/7.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/7.npy new file mode 100644 index 0000000000000000000000000000000000000000..a9f8ac393a34ee7b50c70c4066b36bc0ea5fe2ba --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/7.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bfda930605f4c7072144a21cc289eec34339ae0745e9cb6b0fe4084c51df102 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/70.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/70.npy new file mode 100644 index 0000000000000000000000000000000000000000..9c6ea94fbbf6e21d4950c8501363a07331b3c6ce --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/70.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57c4d12b6694b8bedce8dc163e69ad266250576d0870fe884eee9e086e7678d8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/71.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/71.npy new file mode 100644 index 0000000000000000000000000000000000000000..433f817801b4f547f4b7c7ce67a87ce2f01bb093 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/71.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33a6faa12a96bb7646b1ca71b2497bf9b706b065324826f15b32f7702e65cfc5 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/72.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/72.npy new file mode 100644 index 0000000000000000000000000000000000000000..1648bf8502befe0c43c988488559429b783dca71 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/72.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b35d4d4d0032411e18e2c4ad1d44ab4267f089341ce68645592f08cd7484e929 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/73.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/73.npy new file mode 100644 index 0000000000000000000000000000000000000000..ecef060f63d93dc1e555b15843eeff1b7d9df902 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/73.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a85b49a145d64a1760c9648acf0e8dea1922c6a89b62677a098ac2e67e34388 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/74.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/74.npy new file mode 100644 index 0000000000000000000000000000000000000000..d08837d8aed4c630e9f84b7237f7afa9d91d93e8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/74.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f6dd474f99ee821ac909c791872b6182b14d621631f8de1a7af9e3dd860dbe5 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/75.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/75.npy new file mode 100644 index 0000000000000000000000000000000000000000..93c192403e724b77ea143333fc40774df66b6908 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/75.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5013e62134c91141b22616fd55b9de3aeff747cab53316b0a4989af3525bd572 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/76.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/76.npy new file mode 100644 index 0000000000000000000000000000000000000000..2a2e03786e987103a340dd5125c8efc357205159 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/76.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a5d53ae96a1fb17724da3ecbdb0e78fb2b74524f47ee55db15405155b505fd0 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/77.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/77.npy new file mode 100644 index 0000000000000000000000000000000000000000..17027287be9fb5cda844a699a68cbd18a56257d4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/77.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d03f019ca10b26198c560e3edd15ef10f2b341ada68d2cb48e9771011826f71 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/78.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/78.npy new file mode 100644 index 0000000000000000000000000000000000000000..2df31d0943f1ed6f34fe22239af384147b3f7d8f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/78.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c005fdc557ecb3bce35b308999f7e5b52b4a5336fb3877c6692fd60b839ada52 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/79.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/79.npy new file mode 100644 index 0000000000000000000000000000000000000000..c6021c847c124bfb6f0cabc58bde8c9afc295923 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/79.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52a9d46fe6e67848cb745fd35663fb62ef46172a10835a15fe06af0ad72c143f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/8.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/8.npy new file mode 100644 index 0000000000000000000000000000000000000000..583083b6fa6c9f638d76c883f80372c557e82244 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/8.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67d1579c6dc53db98e67419a0e9ea44faab7ae107bd1b2f7427a3ea97320e9d8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/80.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/80.npy new file mode 100644 index 0000000000000000000000000000000000000000..e83507f2203067fe4aee009e801fbab624bdc30c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/80.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09033906eb4375906efbfc5faec956559d2fd62f8e246358c72c236d0794d68b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/81.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/81.npy new file mode 100644 index 0000000000000000000000000000000000000000..4d766564e988ba0fdbcbf65376f73bc4f949176f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/81.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9aca8918232234cf69683fc757467cf326d5fc3667e8090b84be6f10a7b10a0b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/82.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/82.npy new file mode 100644 index 0000000000000000000000000000000000000000..e18d544c1b9ce9f132008893a96335682604d652 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/82.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de58560a77fb67cbd0abb3151e089cb24f2f15555386c6e57539ddc93073906a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/83.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/83.npy new file mode 100644 index 0000000000000000000000000000000000000000..8f1d3fa0b702ac99f5ddda5090e3139242a3678d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/83.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9d2ed7946083b97ce35bea2f238bd03dc5ffb044ee24779273899fe3a962ee +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/84.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/84.npy new file mode 100644 index 0000000000000000000000000000000000000000..6bf11874a28ccaef18dbff032ed495ee2b90a21a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/84.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b59a50eda17f5b032e0b1b81c39a925f142c64ea2e63cf5f6d3221b84bfb471 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/85.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/85.npy new file mode 100644 index 0000000000000000000000000000000000000000..82303d9093ccb853cbaa86f4f555094e57069cec --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/85.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57c654763ec270a85f055fb910960a8a91fde259250976649e4a59a366c41308 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/86.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/86.npy new file mode 100644 index 0000000000000000000000000000000000000000..d54b1e2713feeb086858cb4afbab56b18ef5dd59 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/86.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37e26667feac53197fd942b1fd46068e86c967f6345f7914f1edce86ae274121 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/87.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/87.npy new file mode 100644 index 0000000000000000000000000000000000000000..4e0fceaa77886fd86002669946510068880bdac8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/87.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b1e263bc12f28b8ba9be3ff5b8a00a56bbaff676216ebdb802623088e0ef038 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/88.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/88.npy new file mode 100644 index 0000000000000000000000000000000000000000..f3312a29f691262a0d1e27e401788cce4a37147e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/88.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bb6dfc79f1eff9b59b40a8908264eff7598f289b6cba66639f4321e3c56e10d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/89.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/89.npy new file mode 100644 index 0000000000000000000000000000000000000000..f1c7a12308b468dbbc76d531ca3fe78775ae6b3f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/89.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60704483d1bd3220b4aeb0106a6720d1b5b0feb31bc5ae3db02670383d78d1b4 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/9.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/9.npy new file mode 100644 index 0000000000000000000000000000000000000000..7db9f1c29c8b555769394f9028977d8e84a1c017 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/9.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e5db96a70f18b980b46bf462770cc4471b75d0c9492281d9863b955c556d0f1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/90.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/90.npy new file mode 100644 index 0000000000000000000000000000000000000000..a9dd03b392f8238d20973bcaed222b5a13d5e4ba --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/90.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35aa1452e09538afff59fd9157e35e34d4dd1c06101b5999295255ded63bb12d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/91.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/91.npy new file mode 100644 index 0000000000000000000000000000000000000000..cbd69cf006b074bd8ff110bb07e0c6960153f15f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/91.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:509f01ae2832f1c6d6742966e085cf6a13c9f63bf40ef17918ff93667ce971bf +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/92.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/92.npy new file mode 100644 index 0000000000000000000000000000000000000000..c9d2c181942f1d1a51deae330e3ad919f18f3293 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/92.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de7f344bf5a3203ce452ebaaf9d257bcb1ab6234b57e7d988fb8c735668af832 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/93.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/93.npy new file mode 100644 index 0000000000000000000000000000000000000000..104c181f791ff915c3ee1a599f71ecc9c131c5d8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/93.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3624b59079ad6ba78ec55c412d560faafa3c6c0ac7040c14eca4c302f9c16a7a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/94.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/94.npy new file mode 100644 index 0000000000000000000000000000000000000000..190194638cdbc7069e318c49a40b080e2f0299dc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/94.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2de400730fb932c3cee6078288ebcd30bf38f29b9c58b79bf4c991628823b556 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/95.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/95.npy new file mode 100644 index 0000000000000000000000000000000000000000..f173c86d472b4f4ef47e32087c5541d9388ccd0e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/95.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59aabc28a54295dd35229311044b126e99e44e82452dafa0d0930ff4cdedfda6 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/96.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/96.npy new file mode 100644 index 0000000000000000000000000000000000000000..ce1697fb71f7618f4c5df9462e268c6dbd147898 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/96.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c0872f3565843da30c0d9873a76fb142ae18a0c4ccd78603f352a7a75d9f4a8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/97.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/97.npy new file mode 100644 index 0000000000000000000000000000000000000000..5eb6b92bba29197e317cb2b64a734b7954bb4da4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/97.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:030152b7c41184d84c352040f964c9db209da5cf5e7fa749b6af56050c462b06 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/98.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/98.npy new file mode 100644 index 0000000000000000000000000000000000000000..95cd69963ff165ecdd897f91124b69838ad0e3a4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/98.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe1feffca31c6fa935642d7d9c245ee20e314764fb79d4cb1e425d16cbd0dbe5 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/99.npy b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/99.npy new file mode 100644 index 0000000000000000000000000000000000000000..2462afe150b7bc834b4f362aae9390eb3f9ad91a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/coeffs/VFHQ_2/99.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cec09277333c3cf65b53815e7a4e83f4a11972d49d28ecf5eb538ca76290de07 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/0.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/0.png new file mode 100644 index 0000000000000000000000000000000000000000..91b94f46983944e462c6e7b4db1678658bef948a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:371f911459e1f983151a8dfa281040b8a0df4494a25a86ad8eb9636b9c076252 +size 286058 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/1.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/1.png new file mode 100644 index 0000000000000000000000000000000000000000..0fb25ec645b4e548fd9d0610307cb5430810556e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cffa53440630079c0669f872cbaaf67d269cc317cc9f21f0e221c570f6716d99 +size 285101 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/10.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/10.png new file mode 100644 index 0000000000000000000000000000000000000000..a6569caa5bb904d511213083a6db6589a56f164f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/10.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51cbad8f733d4c8e2fef7cc8e2abd43bbae3506ee6d96feedfe6da31d5201f16 +size 280122 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/100.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/100.png new file mode 100644 index 0000000000000000000000000000000000000000..10b0a775f5cd2b55cd05d9e61e2f4a2d2135c975 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/100.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0b6445ccdba4c53a9391a7d1eeefea2e022b8bb374af926a80e10efab53ba1c +size 283838 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/101.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/101.png new file mode 100644 index 0000000000000000000000000000000000000000..8b2f653b5f3fa369aa2d774a931eb9f372ad2a89 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/101.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5a3207ad66179f2366d2ebd696940d342a1aa6c3d8485c717510e791e6ffc99 +size 284046 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/102.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/102.png new file mode 100644 index 0000000000000000000000000000000000000000..d79660f5e40b25ff0cccd6cc272691c5eff8a1b0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/102.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:613ce181e74195699bb5fcdc5f2cc1c69b7f90490c07379fabceefbba1ddc496 +size 285396 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/103.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/103.png new file mode 100644 index 0000000000000000000000000000000000000000..0da927e3c5d5c096e17f519f0a5947efd53e7672 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/103.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43a857b7ec316e1a58d0665cdaecac32116725d0ad2a76b2d3074486281eb120 +size 288013 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/104.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/104.png new file mode 100644 index 0000000000000000000000000000000000000000..2ce84ea01920d47886e68065ffabea12cc48558c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/104.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c7081c3d9a93b799c4f7a11a37554fdbb74df1135149009f0b07bd12bd42bb7 +size 289132 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/105.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/105.png new file mode 100644 index 0000000000000000000000000000000000000000..b4736b26bf18076ce7d0d2abf442e7a9ae196281 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/105.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c4fe45fabb64af5514a6421fa866532d3f7289f18ce89408d6509ab3e7db21b +size 291028 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/106.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/106.png new file mode 100644 index 0000000000000000000000000000000000000000..dd2dcc9061d79575ec41c1c6d1e65e4aa1afb4a1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/106.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0290d044fd45bd1f04409177be2371d401a6cd37d8cd04bbd7b805ae28db7512 +size 290956 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/107.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/107.png new file mode 100644 index 0000000000000000000000000000000000000000..9a6b4aca5c874fe44901d9a12bb689532bdfed63 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/107.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f692d96670c58189ee08843b48c2c5d200487d37ff6770f6be8321a03f4f17a +size 291472 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/108.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/108.png new file mode 100644 index 0000000000000000000000000000000000000000..b4dc0d055d4edd4f7dcc7fd93d8153a0f9595a8c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/108.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d1875c5b5dd27e1446c13bf77e069aafdf1df6cfa81cc7929495e036af63f71 +size 290953 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/109.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/109.png new file mode 100644 index 0000000000000000000000000000000000000000..13a96e820ea558cdba9854e8a1060645a5ab7758 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/109.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fabdc3f58bf3f49a0e93b795c044cd51d1e7f8b4b767e62616cbe5669639ca8 +size 287967 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/11.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/11.png new file mode 100644 index 0000000000000000000000000000000000000000..14f17e40c60acada40d36accbf63c6c9cbc45f23 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/11.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:881b1ea47d143a03c2f778199956b515e06ec7e4d2fd5046ec249f2a694db960 +size 283594 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/110.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/110.png new file mode 100644 index 0000000000000000000000000000000000000000..16178127f72763e9b398d8d6be477dbedcc30741 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/110.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea459f3765dccf0409ec6e2b912e72aa47e612226119158386f6234d6c942cf7 +size 285589 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/111.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/111.png new file mode 100644 index 0000000000000000000000000000000000000000..74983f345936fdee9d344656112a4496b5e2d966 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/111.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c558fd34fb46da4b1a0398a6b6a4c36e82ba49ba1da394833955c01a4a73d913 +size 284260 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/112.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/112.png new file mode 100644 index 0000000000000000000000000000000000000000..4a230cc902dfd2838243497e96af7542d97ad401 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/112.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e923589c4dd3480c61bfb05ed7d8341725023b2702186e299e6026887315d45 +size 283821 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/113.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/113.png new file mode 100644 index 0000000000000000000000000000000000000000..dc709487190a6a06e67bd00715909e5905f12cb9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/113.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6abddb5e93d93cf78b0e34eb51ce317e943a6b201549d78cb051cb1e95dcf7e6 +size 282403 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/114.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/114.png new file mode 100644 index 0000000000000000000000000000000000000000..5009de349b5144035b88fac7232faccbf4d3e962 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/114.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2c11fb4fe518012a8c6a1c3f56252e024aac5cb42aa2f0db723f777082a6572 +size 281088 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/115.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/115.png new file mode 100644 index 0000000000000000000000000000000000000000..1b0776ae56c719522e2716e1991519c9ec333b79 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/115.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d430745640eb9203620e04700d7e5863ece4ab177c6c7cc20030dd511350023 +size 282062 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/116.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/116.png new file mode 100644 index 0000000000000000000000000000000000000000..c1e40f3ddee08a52d9716b7f7c404e6a2a791274 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/116.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0cf967a055a679c2405dfc34337166d739f7c7954a47da9a1a7dc71af82eee89 +size 285283 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/117.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/117.png new file mode 100644 index 0000000000000000000000000000000000000000..33a06f9304e899b13c9da6271565c3fe9bb28e7f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/117.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e77748e5f67f575aee0d9cf2489c88fe4320ad5344c378581e69782115f50343 +size 286834 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/118.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/118.png new file mode 100644 index 0000000000000000000000000000000000000000..ec84db29c7cc85485911dca1421b936ff661e3de --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/118.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3118cb4402b7224dd2f8c5581e4925537ab5e3bc8bba85690c4e8bf90e84062 +size 288717 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/119.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/119.png new file mode 100644 index 0000000000000000000000000000000000000000..7c3cb3c541d84ab0404666a9a1dc4999358008fc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/119.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:124148811b89f0dcf2d7c1a74efcd6d1c45fb0ead63078b4c0ca98d02ad29aa3 +size 288718 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/12.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/12.png new file mode 100644 index 0000000000000000000000000000000000000000..5f7837a731fd6bba7af1f7c39dd833d8d5583c1f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/12.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:099e66802ab7824ef55f1478da0592ee387588dc09cd028e559078601a8497a7 +size 286424 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/120.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/120.png new file mode 100644 index 0000000000000000000000000000000000000000..a3f4473c09329f6db3586c2877b0c73b019f1797 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/120.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91091e7f4b0bda73281e7168d67a8cd62200433dfa12c53cf905e0c302cea0c0 +size 289023 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/121.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/121.png new file mode 100644 index 0000000000000000000000000000000000000000..f5b11c9b6b73e9d3999b655123b563ff91cf0356 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/121.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d2ea44637affbcd42b6ae93f16fc75f72ebac84f0f47283e1a85ea7081889c8 +size 285814 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/122.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/122.png new file mode 100644 index 0000000000000000000000000000000000000000..7462ee99ce494af1b0e1636bef4ea838f1f4d0ff --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/122.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbc38c08cce850f3d97b199f895a1513576bd0e9888dc8f8465a530938a91300 +size 283665 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/123.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/123.png new file mode 100644 index 0000000000000000000000000000000000000000..b6c7283651cebb076ff932b8cd8027b907914433 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/123.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a35b1e886cd38bd721a77936ce544e32fd9937610e4844dfb4c1bffb9a17e529 +size 283047 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/124.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/124.png new file mode 100644 index 0000000000000000000000000000000000000000..c9c309b5708d808ba5ceff33e55bbe3972b47d32 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/124.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38b72064619864adf029db1c9421f94a8705a256c1083d228b2233307e07f1be +size 282493 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/125.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/125.png new file mode 100644 index 0000000000000000000000000000000000000000..218e11b8d91dcbaafde14053dd01e1e3cd740d02 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/125.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ea28802b40bb1cedb1969e9c9a376be3d473313d4ab3263feda4fa393e6d1ad +size 282181 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/126.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/126.png new file mode 100644 index 0000000000000000000000000000000000000000..ba08f809de360dc922ad358f23e5053b226a2fbe --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/126.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:963e807374bf7743556e6efbb0c08b2b95d506de3ca26f3ee534f0cc6348ac2b +size 280709 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/127.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/127.png new file mode 100644 index 0000000000000000000000000000000000000000..9954004666ba0b55f2e7682d0ffd4b9180c9ad4e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/127.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6b5498cc87425f6d4fa4e53b8c198e7d5e55295e1f9283a28784f4067070f2a +size 280329 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/128.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/128.png new file mode 100644 index 0000000000000000000000000000000000000000..e917d09c2d61f7a14a20cd58d9b1690cdc66a679 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/128.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22a62ba522f1c5141dc5b7647256009db0d6bfae4ac5b1d5ecc62de6aff7fbe1 +size 279572 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/129.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/129.png new file mode 100644 index 0000000000000000000000000000000000000000..79ede2c0806baf5853b1c1229143ffda0261e0f7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/129.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3231e0ecb201aa0468899d4af7c4190ba23296744a49b641216b7bd8b914e9ce +size 280108 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/13.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/13.png new file mode 100644 index 0000000000000000000000000000000000000000..a964b0687bdbabcaffb67fcf56570cd81b37877c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/13.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2447c1fc143cf39a5fed9ba646d795c1a4c60001a74f6cac933d30e13180bd42 +size 285610 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/130.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/130.png new file mode 100644 index 0000000000000000000000000000000000000000..ff1296e96be9917ec974625b86dc0569f2a8b53d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/130.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:242820a9cc930cabda91e0b4dd84fc5b2adefc93ce5af39dcd8430a5162f2c47 +size 282222 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/131.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/131.png new file mode 100644 index 0000000000000000000000000000000000000000..1f809e17e596afd56854366d4315598b171d15da --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/131.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9570b4850b6652b53f4f2ebe0e5099109a4ab1b0bf80a3f7ccd025b7e9b56b35 +size 284214 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/132.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/132.png new file mode 100644 index 0000000000000000000000000000000000000000..a4b44c02babed8589228f457f67d65586468d2fe --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/132.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27b68bf65d864840aace2015e4e01033977f5a7f43c396bda35ea18c2844918a +size 284400 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/133.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/133.png new file mode 100644 index 0000000000000000000000000000000000000000..b439d069c8f25ddf2ec65bddaf528180fdce561e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/133.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:204cfa05b8f47e3fb057661e8a617d23e679511a5833bb3f356185e5d6cafecb +size 284044 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/134.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/134.png new file mode 100644 index 0000000000000000000000000000000000000000..4bcde28e410e1e8e24020b5ddeda8d2e4b12fc2e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/134.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:849a65d74efab6f7a737a736de6811cb507827f4890cef030b438b170b1bef72 +size 283756 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/135.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/135.png new file mode 100644 index 0000000000000000000000000000000000000000..a01b769ee8c46dedda5c5980fe3743adf8ac8c43 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/135.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90a91034ef6411c2c1836e18474357e3c844cb12ea41e36d962987672feb3a71 +size 282091 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/136.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/136.png new file mode 100644 index 0000000000000000000000000000000000000000..b27601a040988204db8e52e0b38ffd6445ad0a8f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/136.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25e443add2241a8652db335ff54674aebbb4aac8a0eeb185d6d76a466bfb2f8b +size 280351 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/137.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/137.png new file mode 100644 index 0000000000000000000000000000000000000000..77da6ce4f70317ddb54f01fda6ae8ef9728d0c5f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/137.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ce0ca8e133d942306cb1d20ef9be30157cd2f9c60207282495c9b4ec586cc6d +size 280472 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/138.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/138.png new file mode 100644 index 0000000000000000000000000000000000000000..69aff87e28cde8669ed5a362aa600ab47355b213 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/138.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f83f47f4551864ba67c0c36415038b93e0e09f4b1779372f0edc7327a1c47d41 +size 279987 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/139.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/139.png new file mode 100644 index 0000000000000000000000000000000000000000..f8af07bc5eb02964272e3306c5c310a13e536b30 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/139.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33260f71b128a79f840ffe717bd6605bf6018e1eaa7a87a7bf4d01be14b6b3bd +size 278776 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/14.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/14.png new file mode 100644 index 0000000000000000000000000000000000000000..22086707f10583209f43358ac47398b1e29496d6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/14.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7f723bc93c30f8af7dc43cabd28dc4aef0808cf0012731a66c289a6e8c2ae80 +size 285008 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/140.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/140.png new file mode 100644 index 0000000000000000000000000000000000000000..951af9e5782cd66eb7acf3994d27cfe6de23e2fa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/140.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8736e8adba59a64fb9f42adfb80354c4745198c633cb6a1793c8f9c94724fa2 +size 276138 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/141.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/141.png new file mode 100644 index 0000000000000000000000000000000000000000..cd0b10520864368a534cf09c9e6e706d68812b3c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/141.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72f6d931cbaf6838e14e8326445bc61e40ddfc26303e2e92b1da082913616d9f +size 277579 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/142.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/142.png new file mode 100644 index 0000000000000000000000000000000000000000..c80ff10145ddb3697d66f6455deb3bdf746aeac9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/142.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59684ea916815d32a39f05c60052191ba146bbf8ece4995822428b273961d0e9 +size 280508 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/143.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/143.png new file mode 100644 index 0000000000000000000000000000000000000000..078f8bce730872ba6bd3070c05e73c82b31bc626 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/143.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e7ead26aa800a38547295efe664412943ec0db871c361016fea264c4e30d593 +size 282183 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/144.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/144.png new file mode 100644 index 0000000000000000000000000000000000000000..dd128d5e8e9fbe95b33a2d45ef74a9d7860b20d8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/144.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6398f80faa942a4e44673f47dab54df306eb3fa398332eb12525e7ee47ba5c2 +size 284109 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/145.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/145.png new file mode 100644 index 0000000000000000000000000000000000000000..68099f96a71a62c9f8cd2c70e2700527dc2ad382 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/145.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9eb4af8b40bf4e4ae68cfd0a9cedbac7f1505c5c66d04eb5029376d0658eee7b +size 284310 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/146.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/146.png new file mode 100644 index 0000000000000000000000000000000000000000..6aa121127c67bfc0971782ef533a8f9eebe23a4c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/146.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f5ddbc1ca53f43b00af10d225de21a1231eebcc2e7e111283b4383c058eba0e +size 282653 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/147.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/147.png new file mode 100644 index 0000000000000000000000000000000000000000..fde2120b180e47a24951747dcc816f89df5873e6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/147.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d1dfba9d5b3b2a9b09d8e01e3455cee7c5cf713d3d9b212b1c7c3ccc4f9d237 +size 282169 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/148.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/148.png new file mode 100644 index 0000000000000000000000000000000000000000..83d4dc776f32d10c57ce0d9c542d7c770b9f2bb0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/148.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45e050f339ed4f9b8b3f6a141e27da44cd4c8c889c3c7ccfb57e2cb5d9fa4cb4 +size 279463 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/149.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/149.png new file mode 100644 index 0000000000000000000000000000000000000000..a24df0c357f059c295c8bf5f9fe5b3cbbbaf8f37 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/149.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d36701f437cd89f9c3282a581ebd66a38cc4ed2a30180c55a9e13c42a1be7b43 +size 277608 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/15.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/15.png new file mode 100644 index 0000000000000000000000000000000000000000..03ef0638e5d10e4343ac26c33317a70866e626c5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/15.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91705458e66a8b6b6935e45d5c8d611bc5c36c5d8d227b2fb9153ba724ea70ec +size 283941 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/150.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/150.png new file mode 100644 index 0000000000000000000000000000000000000000..8d7a50d5fff498eb056572ddcd6c470b28da09c7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/150.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8797786e31ab24138983e9cc3926fed187787a2928ef99f416742b98e0812c0 +size 272498 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/151.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/151.png new file mode 100644 index 0000000000000000000000000000000000000000..4a91193464b3ce7e8af57ba6b3b660ffaab13789 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/151.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af27a5b5b060e9f9ac2adc26585ab62fb7c7959090634991507f8eff3ea9237a +size 269429 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/152.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/152.png new file mode 100644 index 0000000000000000000000000000000000000000..02fb9bf5fb6f456e9c0af8a021fe9c13e3e0e52c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/152.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a92e72d795a9203a6afded71ccd6afc028a2a07baaa410f9606c74c34eea37b +size 267539 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/153.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/153.png new file mode 100644 index 0000000000000000000000000000000000000000..a9b3c4f2ff97841c82aa3de80b156f3946e51eee --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/153.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fc9342b951c34012f9c316313f1c20107d07f0763119e31f2ef6e928f700ddd +size 265460 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/154.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/154.png new file mode 100644 index 0000000000000000000000000000000000000000..ba8b9c0510888bc186786d2a0b7266c169102b64 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/154.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4df1201d5b9570802667bfcf10c80b81bb6b1f3bab5f12f8e0ef78a87f9fb406 +size 264129 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/155.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/155.png new file mode 100644 index 0000000000000000000000000000000000000000..cb603376a9ef87f02e8bba736ac5898fe017059e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/155.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3d8856314a3c55aa076f231772f42fab7ff8115c497d1c9425112e2aba9a7dd +size 264342 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/156.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/156.png new file mode 100644 index 0000000000000000000000000000000000000000..1cb028a7d65969a3be73c48e8a626dc4bb1b8032 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/156.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9c1dc126254a8f4b2829015c319032659932196e16493aa3597407b42d987e0 +size 265064 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/157.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/157.png new file mode 100644 index 0000000000000000000000000000000000000000..5222f5b6f33c4a58cb19ff8c37b9b572eb019526 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/157.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:963264d18a503257dab37cd0d73865e90fe49072cbed8d93679ebcea9dc82f7a +size 267034 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/158.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/158.png new file mode 100644 index 0000000000000000000000000000000000000000..f6f76d4c12cd4efc63d47baf2ba317c047008223 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/158.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:884bac91ec4606494bf290dd3a04002634277cadd8023cc5bf27e2b29aa43d7b +size 269268 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/159.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/159.png new file mode 100644 index 0000000000000000000000000000000000000000..084e455db0699e8a5c13e30cf6db8c259330c2b4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/159.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2588e09abbb6c58df785e60c5d3d499afc70fbc16e9ae848366c391c77d2fceb +size 267631 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/16.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/16.png new file mode 100644 index 0000000000000000000000000000000000000000..a3191f4d1deae4fbc7aea2fc42329d3034085cee --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/16.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea3c2cba641f4cfed2093d94e34b2194c929a468dc1047c0a8eabec5eb5944d0 +size 280036 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/160.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/160.png new file mode 100644 index 0000000000000000000000000000000000000000..200e83fdea36e8f4493928ac77db158022363e25 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/160.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a528f30fb8e44d22b6a23066a9f87d12419c122a6f6cd85d1df14753c3d6ab25 +size 266100 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/161.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/161.png new file mode 100644 index 0000000000000000000000000000000000000000..ad55cd940da61a9b15f3459bd23c794643a60386 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/161.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4caebf547d641c6ebad2b37d7e362ebf5e966af0241fb063372689ab83df8987 +size 266705 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/162.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/162.png new file mode 100644 index 0000000000000000000000000000000000000000..821b7f80343a96a6ef21926cfb22e6e9df77f8a7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/162.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22cafb46c41818ae0ae45a7c6d2c9fc6a6d0b769f246ddc3b5fec06e04bb5c1d +size 268762 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/163.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/163.png new file mode 100644 index 0000000000000000000000000000000000000000..0cba2b9008b24350735121d9c26e31d636da6b01 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/163.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8020258b4ac81bf202bf059ad7329f68b498a3930adbdb815563814e4e66e1f +size 268675 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/164.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/164.png new file mode 100644 index 0000000000000000000000000000000000000000..847cc36bb40459583444b25a2e84d04ed3cfbc5a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/164.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f98aeb21df2f27a129827cdc06268f639a586b271c07d67d4abefebd4b2e6c2a +size 269364 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/165.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/165.png new file mode 100644 index 0000000000000000000000000000000000000000..f0cfaaa741d3658d7824d31475e48b20fc815774 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/165.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f14b35ba0b4fbc9d24c9ddb61f9fa7fa286c9dc6a8c807ea99958e2d6a8f0603 +size 267631 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/166.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/166.png new file mode 100644 index 0000000000000000000000000000000000000000..dd34bb11075435583c24f7f32f91ecb5d08cc72e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/166.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd432c1e3d50fb2da3b4b813d6d626e4d6aaf9a00e7a9cce10bb3721e1b55d62 +size 268048 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/167.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/167.png new file mode 100644 index 0000000000000000000000000000000000000000..e8b627cd7c0929825d19e4a75e2cd23dcaa384fd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/167.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f386a0560b353abff4d2d351ffe05bf2f433d2e12ce8bfb1317a577cc4919351 +size 270256 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/168.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/168.png new file mode 100644 index 0000000000000000000000000000000000000000..bc410eeeaae31b12bbfdecbb1730038e7ee71193 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/168.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9396a20abe1de948549e52abc32820e7c0e624781309c0a7719f953f78dcdf5 +size 279802 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/169.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/169.png new file mode 100644 index 0000000000000000000000000000000000000000..33ae0bd728488229dd8cbf5c220f49d6f70ec982 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/169.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63c160025cec6284c3f1ef3e812336717ba1e89fcb0574b7de134f54b7881ec9 +size 283141 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/17.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/17.png new file mode 100644 index 0000000000000000000000000000000000000000..cf5664875c47cc36ce3014388085479033c5723f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/17.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b5ea4377a098fae0762490290296a1861313880442669d998eb9d4c2df40876 +size 278996 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/170.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/170.png new file mode 100644 index 0000000000000000000000000000000000000000..5098de91a7d92c4656332560aee44c605d3a5435 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/170.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:367126cb1e108ac74354fbcae3dcf2fb8b91e08f8676b7d9c786f6f7839a443a +size 279959 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/171.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/171.png new file mode 100644 index 0000000000000000000000000000000000000000..7fe6500aee2a334c4464e8b6076b425f6cf1121a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/171.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fed6dc8fe2fae215accdf5ba401850c490cc6794126a34fbeaa9b43a5d15e770 +size 275085 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/172.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/172.png new file mode 100644 index 0000000000000000000000000000000000000000..396ee9c3c2a8c658d1cc6b20e68abf23b97c929e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/172.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9e5a3e144ed79cc946678966e89ac072dc0c7174185e0b9c478152d904439d0 +size 270081 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/173.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/173.png new file mode 100644 index 0000000000000000000000000000000000000000..fa7ceaaeb91aaace7ba56424a46b000b9839fafe --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/173.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c616a7fc184f15a4118cc9475904ab40b616e0a80f8ac08b6db8a320d09e862 +size 267191 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/174.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/174.png new file mode 100644 index 0000000000000000000000000000000000000000..c6454ac651aec27666622294935bfe5bac8f3766 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/174.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7651c6c86f0e925656532a5237216337f4c6a230aeaa6936d4a6969c2a3a75d9 +size 265958 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/175.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/175.png new file mode 100644 index 0000000000000000000000000000000000000000..61b626f146c8ce779a2c6be045fa564dab951653 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/175.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d01a16924120017fc1cd46387f35bf5c1aa1f09619a03cb86f1fd0ed6edf40bd +size 264745 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/176.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/176.png new file mode 100644 index 0000000000000000000000000000000000000000..ccf4819fef1d4ca127c614ec7cc06e06e20be8d3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/176.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8708646629f9f8fed9c5cabbe04a4d5501f7e114f384e24775fd6c194989ba31 +size 262880 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/177.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/177.png new file mode 100644 index 0000000000000000000000000000000000000000..5577052a118110180bf99060120f0a1d14073b65 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/177.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:113f48dcf62b07c4ad061148c70734b78a54d8db3d47efdc1ddc15b8e7f66b82 +size 260773 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/178.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/178.png new file mode 100644 index 0000000000000000000000000000000000000000..379bd7c3b67b3090a6b8a7f83004e4f626ee9676 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/178.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:657211f0895c5bb8ce3e1b44b55342b10a0a23227de1f52636027d933fb3524f +size 258798 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/179.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/179.png new file mode 100644 index 0000000000000000000000000000000000000000..a0c357431a3bb684c96b58b319b3e89f9a682c64 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/179.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14061c0812361d33c579bd60971b6655adc5d0e9e55242a20ed5d9046cbd5cab +size 259885 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/18.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/18.png new file mode 100644 index 0000000000000000000000000000000000000000..79fc2ae79aaa8ac315f8755a089b7c4a6dfd7c2f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/18.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96e95c053f44c8200d00011d0c35737a9694f1bfab2c68ef3e45f1441525a845 +size 278102 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/19.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/19.png new file mode 100644 index 0000000000000000000000000000000000000000..815ca4e199160a8e759941f068b1862e7c0e114d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/19.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5867229432d31f6c2dc5f987e9d7f995b926d27d34d7901222b998f5bc2aede9 +size 277980 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/2.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/2.png new file mode 100644 index 0000000000000000000000000000000000000000..015463b21b882737f8826313eb5de745481e12ed --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd74b571f8f7e99416bc113c20b402edfcbd9d66114bd70665ed59a322401a2c +size 281723 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/20.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/20.png new file mode 100644 index 0000000000000000000000000000000000000000..f917844a7f6fd90e10046904b9744963e978f906 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/20.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cfe84d557168e94f4f5ea4e6a0e05c271aed1959c61c5574903fdc8d7f0b417 +size 277767 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/21.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/21.png new file mode 100644 index 0000000000000000000000000000000000000000..2095d2c5d5b8ca23753511b47f314c65f1833e3d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/21.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a87be25d5838d170e772008842f2da20fd1fc3c5e2ff1055c446708bc855da8c +size 277042 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/22.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/22.png new file mode 100644 index 0000000000000000000000000000000000000000..f371c2f9813eb491e89cd06aa8a02adeb4794985 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/22.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f03a778097c1269c18ab29a91313d51a9657dd28c52bb5254f532243499d72de +size 275852 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/23.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/23.png new file mode 100644 index 0000000000000000000000000000000000000000..50a6aaf615c61c693b7b26b7b04acba6b3ecce7e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/23.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49e5980b5485e28563608198d7a518d1ff64b9bc4ee404b397e226b9273f5a28 +size 275939 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/24.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/24.png new file mode 100644 index 0000000000000000000000000000000000000000..a0c3946b2c01dbff819ee447ae7fc20895ac9ffd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/24.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:042f2b8f733bb3eeee3f8e8ef5c30d5a349eccacd08daeec9ec2e8ce5b184c10 +size 276481 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/25.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/25.png new file mode 100644 index 0000000000000000000000000000000000000000..52ab15e0fa2482efd3528959c9cdee1895f02775 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/25.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a26c3519555ca3bc652322e3878bfc9ffbc97adbda2b85d5173e14b83a01da5d +size 277404 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/26.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/26.png new file mode 100644 index 0000000000000000000000000000000000000000..be5276d5f878982a61122dc5565f09a64e45708c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/26.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcc95e376632eb91f6bba49bcc894137f2656298ba253767a0db137935acdc1b +size 278471 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/27.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/27.png new file mode 100644 index 0000000000000000000000000000000000000000..c16f4549a567b3947d9393d7e54d980426eed461 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/27.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1da51ecc27e931a2714f3b21474480da7d35c0f905e987a2332e54ae8250714e +size 276377 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/28.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/28.png new file mode 100644 index 0000000000000000000000000000000000000000..352977391074d1028c3c7bcd8d9284a18e374312 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/28.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff8d0bb2c9169eec9971f842ef66c06b6574fe3b3c549639e57af009a81e8762 +size 275685 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/29.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/29.png new file mode 100644 index 0000000000000000000000000000000000000000..b2caeda4106163931e927491a8d663570a3e6345 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/29.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ef693eca14f6c2cd1d1dae284e2e996232f817c8b69adea30d4dc6589bc5286 +size 276933 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/3.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/3.png new file mode 100644 index 0000000000000000000000000000000000000000..cd64a8153a01cf7d413581d33135156f98439cec --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:575af09f4d4bbf1415677094698c81d68cbfd52c30a3c2944fdced208548f82f +size 279204 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/30.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/30.png new file mode 100644 index 0000000000000000000000000000000000000000..3e45317888837424f4ac6efc7270a4af10ee9489 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/30.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a66684ff0f1ae061a08181f550e12755daf679a6156b7f1f410a65f2b12c30f5 +size 277174 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/31.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/31.png new file mode 100644 index 0000000000000000000000000000000000000000..a672f96099206b7e15fde0a98f3620048cc83575 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/31.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:880cc23b84c94a6f08aa28857bb5d877f171a5e5be2c178b8bbf65f306721887 +size 276526 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/32.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/32.png new file mode 100644 index 0000000000000000000000000000000000000000..a4c2352b8ecfb0bfdbcc6973c63ae1d879570d7b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/32.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0cf86d500971f5e768c137ae8be2d95e3cb12b3a17b00d35b6933af0dabc3f63 +size 279103 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/33.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/33.png new file mode 100644 index 0000000000000000000000000000000000000000..7f1eefd165a630c622a3c4363a5022770d1b7713 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/33.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7dfaba0de9a0115c069f2a1e39d0587e86eee9abb3286e1e47e5019536415773 +size 278035 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/34.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/34.png new file mode 100644 index 0000000000000000000000000000000000000000..d3a35f520668b11bed1257ae19b77a835cc1d68b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/34.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34add54af44f7cf1fb2db092ac59dc0b97aec7a27b4ede62502a64ee4b3b8cf8 +size 277713 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/35.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/35.png new file mode 100644 index 0000000000000000000000000000000000000000..416e11d87f2cb72eb2cf5ff698db2a948c7cbc14 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/35.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:866b96c04de99a6d44da14430f22d7e613ed195daf9e5e5c4529adc92884f043 +size 277490 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/36.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/36.png new file mode 100644 index 0000000000000000000000000000000000000000..53ca758878549be27822ca2f6cbea2068e97d898 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/36.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec8135eabe68014eb1029c94da76b8b5ed00c7d77e3657a1e5e079668f2524b6 +size 277502 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/37.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/37.png new file mode 100644 index 0000000000000000000000000000000000000000..0684fde73e69b22b0a55e5a37a30a20e43743c16 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/37.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cb66b451dae5a7e9a8ce246114db80e80bc5241dc5e5fa81c10fa509034b687 +size 276935 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/38.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/38.png new file mode 100644 index 0000000000000000000000000000000000000000..c1d5e6fbffd06df70e7cdbe3874da5af4d3748af --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/38.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc19dc32304200bd7f595bed2f0e7c8fb307c2ea404043383879ab16dd0d5b40 +size 276526 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/39.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/39.png new file mode 100644 index 0000000000000000000000000000000000000000..4224ce961483b35b3ae66d4d919480e40a1caf8e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/39.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3812292de8b6755c07b4f740d570bef091cde89465718019dbbb843f371df2b +size 276413 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/4.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/4.png new file mode 100644 index 0000000000000000000000000000000000000000..100bc019aa66e7266f2308c2b7394efaf694c3cc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25de42ef86489378abe3114dd5668e221b170bec100d7043a629b28cb65718f5 +size 277945 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/40.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/40.png new file mode 100644 index 0000000000000000000000000000000000000000..cbeff306c013da4ab5c4c4616b566bf6c7131d9f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/40.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af36d6585adfd3675f0e3a14dd5e29993c771c67d4afde1861d87bc69e816466 +size 279771 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/41.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/41.png new file mode 100644 index 0000000000000000000000000000000000000000..63312042d1b387256220deb4f0483828bc483dbc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/41.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0f41facaa494a601818ea84974821a0a59b5cb7c04b07fd067d5dd10999ebb4 +size 297528 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/42.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/42.png new file mode 100644 index 0000000000000000000000000000000000000000..6289a750dd08c0839e22349b02debf51dec56880 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/42.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b7cac528880888034cf2e29f34ca2a97d9429930cf027f55cbe6875cf4182ef +size 294544 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/43.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/43.png new file mode 100644 index 0000000000000000000000000000000000000000..5bb4a5171a61896afde732d747284badbfe15a07 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/43.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38f1d24224e5ce5a9e21abca5c5974fe5871346d56e21764d42d353bc8ef1b1a +size 290990 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/44.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/44.png new file mode 100644 index 0000000000000000000000000000000000000000..71ae9e43ec14aa623ef2ec8099955e55c8b00793 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/44.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c83d041b85ee6434dd3428e3f4556ac7e7f8952e50db92fa79aa6c94566147e +size 287727 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/45.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/45.png new file mode 100644 index 0000000000000000000000000000000000000000..7d23654aff264228de126e79f75cebf422544c54 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/45.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f74f7751e7fddfcf74f89e17619393799a9848cdd569a8c10baaea36425ea45 +size 287109 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/46.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/46.png new file mode 100644 index 0000000000000000000000000000000000000000..019ca3200650cb525845afe175cdfaffac195cc7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/46.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9a789b673c232f90bcc175b9528f965fbcd0369c2217b0cd01574068750a329 +size 284932 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/47.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/47.png new file mode 100644 index 0000000000000000000000000000000000000000..95bf93ee37bb30da206e2f01ff570bab5a7ca8b3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/47.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b864e20973aad0bce849da98f63113102b7578963ed4af7a6f39bfe97d2ecb6 +size 284145 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/48.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/48.png new file mode 100644 index 0000000000000000000000000000000000000000..cfd825d79c1cc6edf1a816170f94859a8824936a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/48.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b90a24956bdb9fe3789047d88166701ead588f8e339769b12033d891c7c3aa6b +size 282605 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/49.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/49.png new file mode 100644 index 0000000000000000000000000000000000000000..85d8b7815a53a1d7003f8f1f916b5212dd70adda --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/49.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ea0f858eb210943aaf95ca0b317c1f1b2f75cd8264f8b4622dd5a2d76e43fa5 +size 284238 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/5.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/5.png new file mode 100644 index 0000000000000000000000000000000000000000..6e29d96f3f1b50e431abd2632e6a6e148b11bd65 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e77ab20bdef37a6681e2cb6888236743edaa8cacde568d3509727ca47458ea9 +size 277039 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/50.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/50.png new file mode 100644 index 0000000000000000000000000000000000000000..ccfa5bf1dceea8f6cf1a07f3a2ed1ee590f210d4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/50.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b6f2fca2c06b7c0cd07a174313d2cb35a2f380c561440f84229746aa15a9836 +size 285784 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/51.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/51.png new file mode 100644 index 0000000000000000000000000000000000000000..00e1b89dd6b586bfa57918acbcd1b468992185c1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/51.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:432850e1e1f6a499c056d5be3e10c9dcbd108d8a9209d51fe87e86c509ac6ea1 +size 288402 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/52.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/52.png new file mode 100644 index 0000000000000000000000000000000000000000..f890da6cb0780d82e574f4f32343b2f6e74804d3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/52.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:249179e58d5d76e8ec2f41006a0d050b58d2006fe875cccf7548ebc199d5b489 +size 290548 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/53.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/53.png new file mode 100644 index 0000000000000000000000000000000000000000..f0753b455af12851056b2f016c2c52dc29a17de6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/53.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97a03d970173fab0c95990c59861af21e17c18d508796f7140d5958ebc5dc56c +size 291651 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/54.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/54.png new file mode 100644 index 0000000000000000000000000000000000000000..ab2663f98bcd8f997f5c44bbea5417ca0a437b01 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/54.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d239e00ed5e901e650d6c6ce0b5bb6b9e1b29f43b4db3dee5974f7440ef760d +size 292167 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/55.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/55.png new file mode 100644 index 0000000000000000000000000000000000000000..e71d8964766f0ac2fc45789214039c032cec0cc5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/55.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60631f3b77bc5eaaf12e05ef0f584d04bc2506e5464abf161d9293f05761e508 +size 290514 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/56.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/56.png new file mode 100644 index 0000000000000000000000000000000000000000..90192646c7d03239a1c7e251abcb8cb19c112573 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/56.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f96d92bc49b23d0e4f8d3b765a5529165f4666aeb3ead66256b57785511e2e7e +size 290262 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/57.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/57.png new file mode 100644 index 0000000000000000000000000000000000000000..c4d8de3b980243710cf79629a4f75934cf1c046e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/57.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d06387dda939ea9ce09191281acc7d87c8ddc2b0522920ed759d938c69be208 +size 289768 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/58.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/58.png new file mode 100644 index 0000000000000000000000000000000000000000..14d0a2c9d66b96134546218c881cb6b14f36120c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/58.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74db0efc06b5fe4c7391c5f2039b797722b89b26fd82786ce6036253791e16ec +size 287863 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/59.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/59.png new file mode 100644 index 0000000000000000000000000000000000000000..241ed1fdb5be27e5b07185a10256a5d3f6417222 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/59.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1d663045b41614640b396a03bb5b6920f4abe3e332f82d1cf509e8052c4c1d9 +size 286916 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/6.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/6.png new file mode 100644 index 0000000000000000000000000000000000000000..260c66e4c75bc0c22dbeb752e51696c22e30e536 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/6.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:133d4096caa5fe20a0977d4416db44bd08a4971afd1313666c436ccde5a9131d +size 276024 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/60.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/60.png new file mode 100644 index 0000000000000000000000000000000000000000..ccd14d5a0bf24e9ed2112c1befe99a8f25532a67 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/60.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e125234fc18295a639a68baea701c8c396c1816a4753b9bda9a23645dce51a0 +size 286244 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/61.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/61.png new file mode 100644 index 0000000000000000000000000000000000000000..b37f59aa2fd4bcf70b0b450b28074123bc9d6269 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/61.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a386361ce1fd52e0ff28329bb3ea5d697d896fabe5755db58728627707120222 +size 285339 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/62.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/62.png new file mode 100644 index 0000000000000000000000000000000000000000..7d12c6dd8f248f2fbcb781a7e45b1a4143bf2977 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/62.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4e3f81d88178b61981e01546ee90f22edf060dfbba6754a794d9164814226b6 +size 286342 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/63.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/63.png new file mode 100644 index 0000000000000000000000000000000000000000..8e01514efa213bdce372384bfc9beab5e9b256be --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/63.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee2ab0102f12067c17a902d851020a60e1fbc4685661891fb6b0a7823d28ea01 +size 286992 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/64.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/64.png new file mode 100644 index 0000000000000000000000000000000000000000..d2a1bcf6d53d713dd75395277deedb557504915f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/64.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fefcbb433d989d92dd1f9949f32c64e8cd77bbabeed191dd3f0b2b9b70eb9a9 +size 288034 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/65.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/65.png new file mode 100644 index 0000000000000000000000000000000000000000..ead5429c546e0dfe03219d8624f0c56ca274bf8f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/65.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:abf2b771fa440913b4a89edb93f1e019b24c78ae0e54fd7b0da7f2951ca459ad +size 288283 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/66.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/66.png new file mode 100644 index 0000000000000000000000000000000000000000..771a4ebf83bc5272469631a6035522916b080a01 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/66.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65a44f1dac5c12544cea9817e01e17d44e7951bf349112de4abc41c12ffd10f4 +size 290992 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/67.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/67.png new file mode 100644 index 0000000000000000000000000000000000000000..69ca46673630e6f0eb79bed7b4ec2c7eda6a1af6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/67.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d95c97cba284170aa4d0dc7fd17625ae2469aa9b94111b273b3ddbb119c733bc +size 290416 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/68.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/68.png new file mode 100644 index 0000000000000000000000000000000000000000..6d48f0b38e6ba6162f3fc155d8ee9a3e9933df87 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/68.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad093fc7a4f66af638c32871628057d96b6f4c6d6366dd8cddda904db4c22c1b +size 289131 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/69.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/69.png new file mode 100644 index 0000000000000000000000000000000000000000..7dd712558c7c7df446f62f68f64106bb1b25f5f8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/69.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac233a1826aebf58d9ccf5fa9e14972ec04c824f391be00bb4ecd90bf2317600 +size 288194 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/7.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/7.png new file mode 100644 index 0000000000000000000000000000000000000000..911da836c88025ce69cb100b07dea95581ffaf9c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/7.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d110106cda4f0c8569a24e817784f7e73397157e02145b05e430fbd680f6c6b4 +size 276817 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/70.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/70.png new file mode 100644 index 0000000000000000000000000000000000000000..398e28e587db2fa54e13f5afe5c1e3ddf3a42b72 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/70.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ef93248e1d0b640aa25350a9eb8ca694ebd3a44c5b13c3fe493aee167f39813 +size 286826 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/71.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/71.png new file mode 100644 index 0000000000000000000000000000000000000000..71809f2c80ac26858657a885b2067ee0148bdb88 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/71.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:679658f8bc37a1541e5740c8ff13901afbf4179f6dd7a313d433ee9d7a346615 +size 284658 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/72.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/72.png new file mode 100644 index 0000000000000000000000000000000000000000..ca6c829583a190f131d39623223002f0466df7c6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/72.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d59caf88865b53435289c7101fd8478ccf6dd44bfdae7a80239e25eca745f8ed +size 283600 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/73.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/73.png new file mode 100644 index 0000000000000000000000000000000000000000..671f56c9c43267ab107aa5d13a2061d90fdac1a7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/73.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db93f5967ab454bc49fdf06df73125347e132789a11d48a984ef750efb509f06 +size 282621 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/74.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/74.png new file mode 100644 index 0000000000000000000000000000000000000000..8218e41e8081ee00dfb271d3dbff7c4d586e0647 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/74.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9bbfbafea868a2f8b5cf7774c39e3e5b591405a22d437422c5cb457e886de8d +size 284160 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/75.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/75.png new file mode 100644 index 0000000000000000000000000000000000000000..6550b63ee6ee0d973b3e1778e15df1e185ff1e10 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/75.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcd7d057adc1006d8ee2f1e522a8348cc1e0e79a49fe6d58343c225af41d83c6 +size 284302 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/76.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/76.png new file mode 100644 index 0000000000000000000000000000000000000000..c78b61125e642a644c69534a2bb7dfb677f0b7b3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/76.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe5fba382d7b20a380279810d096b871995a76afb9fb94eae0c67fac5cf5d92b +size 284545 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/77.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/77.png new file mode 100644 index 0000000000000000000000000000000000000000..83f3c6dadbebd7de144a9d7042458f722031e2c9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/77.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ab70bc08d29380d3857e22081397bb7371560992cc738507ea7f761b509fbe2 +size 281926 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/78.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/78.png new file mode 100644 index 0000000000000000000000000000000000000000..e0ec5d018d2b9d9ead2ce934db99aff96725be9f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/78.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7aca4bf1965d39c5eb2308ddeb02847b23d4a0df75820e2a83d5f1a6385eeb13 +size 283729 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/79.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/79.png new file mode 100644 index 0000000000000000000000000000000000000000..cf855f2e2e4eaf24153649f56ccb324048f9593d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/79.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:709947c7ce968da78240e1bb80e9b60a2e4457ba59443749e8d859851e0edfa3 +size 283338 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/8.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/8.png new file mode 100644 index 0000000000000000000000000000000000000000..3ac935499696d65ba9cf886ba28f4601d6b5682a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/8.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d382a260b01a081355322c09ee12435b74d1b0feaac8a4b161d0f2dbe1e6cab5 +size 277604 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/80.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/80.png new file mode 100644 index 0000000000000000000000000000000000000000..c3b3f7b8742a8d7223d9024be929af89a0525623 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/80.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40a46ddecb1945054ed1c158b0f768b4c88d040f75f6dc67b8201022de7f1d81 +size 283369 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/81.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/81.png new file mode 100644 index 0000000000000000000000000000000000000000..e44b72981ec69d1372b0956d81ea7cdfd02803a3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/81.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d44001b52db9890c4d5c2cf7daaf726bbbcb7f9e2abded5d0dff9761e14ea029 +size 281562 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/82.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/82.png new file mode 100644 index 0000000000000000000000000000000000000000..8b79ae5076b44e4430573638a02d9ea8943b98c0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/82.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7a04de508881e4501581e01fa107e16e482b8dd5cc127ac929e855b7aa04aba +size 279502 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/83.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/83.png new file mode 100644 index 0000000000000000000000000000000000000000..fda829f059e9c2bbdf86bfa7027c0eddf1377598 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/83.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a24ad33c1e81bdace675d90b6c54ddc93fbc8b5bb79acd5ad9902595646f7986 +size 278292 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/84.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/84.png new file mode 100644 index 0000000000000000000000000000000000000000..8f0830b48364c288749e26529e7779a3871570fe --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/84.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:441eb32c2fbea8a9e7aba646e7ce790d7d929c573aba5744360586962f7bbb17 +size 277346 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/85.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/85.png new file mode 100644 index 0000000000000000000000000000000000000000..0b60db8688bac57e7579e229ea6ddf51b235b6c7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/85.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8dddaa68573160f2bff16a747de31af5ec0fc2387dc1bde2553e51218b24dae +size 277814 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/86.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/86.png new file mode 100644 index 0000000000000000000000000000000000000000..58e9e9c7e23c8d4ee6fb4d3195acc3c43177171b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/86.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6628af4735af78d43b9d604d068d8aa64ce802aab0853dc0717cc681638ebe1 +size 278820 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/87.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/87.png new file mode 100644 index 0000000000000000000000000000000000000000..95f5e260995e3794cbfcf6f2f7076b136b9b48cb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/87.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4758bef6b14983a86b1751bd1e51f2edc52414644200ca8bde30e05f21745b2d +size 279362 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/88.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/88.png new file mode 100644 index 0000000000000000000000000000000000000000..14f14a2ba946250d094c0f037a6b221866e504cb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/88.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab8e04261812a00445d0b08590d2ac1118ad8a322a371f953962a1f8fc6af50c +size 278959 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/89.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/89.png new file mode 100644 index 0000000000000000000000000000000000000000..e4c130dff6af65e4a3b9d4660e799c5c9c068055 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/89.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bdd0b179b64793eb08d2d8b45d33470545b4233529524f0528db9fbb74b3f039 +size 281093 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/9.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/9.png new file mode 100644 index 0000000000000000000000000000000000000000..f9e98eb192c677f10b5b4e9b3788756bb75293db --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/9.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2492dea915eaa9c400b11ebfd39174af17ceb8d16e8ca26732b4dac7a672f76a +size 278899 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/90.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/90.png new file mode 100644 index 0000000000000000000000000000000000000000..80194ae734bd627f74f123161018d9fa1e333dd3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/90.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a6e5686067e9abfcdd95f25b7645f01128e484b65ade251ef4408b28b06887a +size 282497 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/91.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/91.png new file mode 100644 index 0000000000000000000000000000000000000000..61e1e1fa15c1d5a674c2322c6636bb4ee05bddfd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/91.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15420c3d9c66c822165bef0969b5071f7656dbf6ff6d73a365e5dc086c8210ca +size 283976 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/92.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/92.png new file mode 100644 index 0000000000000000000000000000000000000000..e9debed904e25d95ccd01e57e76bc3b7b2194f1c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/92.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7c0f206642492d10bd022c1b136001fcc4f969003801c172bf9895db26580c8 +size 285447 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/93.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/93.png new file mode 100644 index 0000000000000000000000000000000000000000..6a15c794e3caf73e24c150643342d2a5397f132c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/93.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29c93f521ec138f29a055f3ae0a9ac0799491c3d6e941793e091cdb662d3c867 +size 285623 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/94.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/94.png new file mode 100644 index 0000000000000000000000000000000000000000..c30a0ffc3dbf2dba7c7673b4bd7f09dda535b38a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/94.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8a989cea9b9fecbaef27f67069e41c2bf1da446e3b8924e8729fd4019838540 +size 284143 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/95.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/95.png new file mode 100644 index 0000000000000000000000000000000000000000..c458b2ca62c0f218a5fc8667e486b1df7eb322b6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/95.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90eadfb77b8567e395644409235c9eafe20932b051190311fd31676de3c64bc4 +size 283821 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/96.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/96.png new file mode 100644 index 0000000000000000000000000000000000000000..83ac0c2a5d72cab33efef33e4d9addd65dead1ba --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/96.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:205546fbd06a6d93912eb1957d898633755ba72861a8bbc5841f519e42b621f4 +size 283304 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/97.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/97.png new file mode 100644 index 0000000000000000000000000000000000000000..b07e763d69b4a7fc7b0713143901d1a10b838f35 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/97.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52e441e4cd9400fe5a070fe8652c0c07c43625eb83781a2c01e0e79e51b835c0 +size 283261 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/98.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/98.png new file mode 100644 index 0000000000000000000000000000000000000000..8ebba71cb28f236cd4e2f7fbcaf460b0aca76a54 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/98.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1bac259e8f36b7269c93f2344f09ad796477aaac882562b6445a27557e60a5d +size 283790 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/99.png b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/99.png new file mode 100644 index 0000000000000000000000000000000000000000..9534af7afa4cb3232b598c71791eaa2d34fd6474 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/99.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd0272438fdf4607fcfdaa94ca6289567d40ab0e1b90d94d929e5ceb8149f048 +size 284040 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/finish b/demo_data/target_video/data_VFHQ_2/images512x512/VFHQ_2/finish new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/demo_data/target_video/data_VFHQ_2/images512x512/dataset_realcam.json b/demo_data/target_video/data_VFHQ_2/images512x512/dataset_realcam.json new file mode 100644 index 0000000000000000000000000000000000000000..d95cd18443d8ef4e4c25c709b94736ff12725915 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/images512x512/dataset_realcam.json @@ -0,0 +1,217264 @@ +{ + "labels": [ + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/76.png", + [ + 0.21540330350399017, + 0.02136017568409443, + -0.009646677412092686, + 0.11626877635717392, + 0.022398846223950386, + -0.2138664424419403, + 0.02659572660923004, + -0.3372202217578888, + -0.006899798754602671, + -0.02743690088391304, + -0.21481971442699432, + 2.666536331176758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/48.png", + [ + 0.21557149291038513, + 0.01985396444797516, + -0.009091359563171864, + 0.1063794195652008, + 0.02085401862859726, + -0.21393583714962006, + 0.027284977957606316, + -0.33804652094841003, + -0.006476312875747681, + -0.0280210729688406, + -0.21475747227668762, + 2.6411194801330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/137.png", + [ + 0.19691789150238037, + -0.02770473062992096, + 0.08604463934898376, + -1.0246567726135254, + -0.02176385559141636, + -0.21471090614795685, + -0.019325029104948044, + 0.21781301498413086, + 0.08773577958345413, + 0.008920200169086456, + -0.19791604578495026, + 2.4112930297851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/35.png", + [ + 0.2154037356376648, + 0.020735805854201317, + -0.010915880091488361, + 0.13176073133945465, + 0.021801885217428207, + -0.21433788537979126, + 0.023061687126755714, + -0.2868606448173523, + -0.008591149002313614, + -0.024024775251746178, + -0.21516713500022888, + 2.6627235412597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/124.png", + [ + 0.2045360654592514, + -0.01717192679643631, + 0.06941194087266922, + -0.8116561770439148, + -0.010108323767781258, + -0.21516530215740204, + -0.023443888872861862, + 0.26173409819602966, + 0.07078639417886734, + 0.018892301246523857, + -0.2039124071598053, + 2.4514989852905273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/97.png", + [ + 0.21638387441635132, + -0.00478826928883791, + 0.010148144327104092, + -0.12061438709497452, + -0.00590733764693141, + -0.2152138203382492, + 0.024413444101810455, + -0.3089597821235657, + 0.009540215134620667, + -0.02465735748410225, + -0.21505555510520935, + 2.668520450592041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/155.png", + [ + 0.19199705123901367, + -0.03209436312317848, + 0.09515764564275742, + -1.1042225360870361, + -0.01979191042482853, + -0.21337765455245972, + -0.032033488154411316, + 0.35824963450431824, + 0.09845459461212158, + 0.01969304494559765, + -0.19200721383094788, + 2.2884373664855957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/13.png", + [ + 0.2145972102880478, + 0.021745549514889717, + -0.020568400621414185, + 0.25329652428627014, + 0.023586705327033997, + -0.21452151238918304, + 0.019289454445242882, + -0.25415095686912537, + -0.01842811144888401, + -0.021343540400266647, + -0.21483191847801208, + 2.7143397331237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/32.png", + [ + 0.215284526348114, + 0.020945873111486435, + -0.012717618606984615, + 0.15545910596847534, + 0.022234709933400154, + -0.21424199640750885, + 0.0235345046967268, + -0.2978366017341614, + -0.010299762710928917, + -0.02468857727944851, + -0.2150169312953949, + 2.6925911903381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/158.png", + [ + 0.19181010127067566, + -0.031540799885988235, + 0.0957181379199028, + -1.1047207117080688, + -0.019259005784988403, + -0.213468998670578, + -0.03174855187535286, + 0.35608452558517456, + 0.09892357885837555, + 0.019597386941313744, + -0.19177581369876862, + 2.2741336822509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/38.png", + [ + 0.21552416682243347, + 0.019825447350740433, + -0.010206760838627815, + 0.12112536281347275, + 0.020822566002607346, + -0.21442046761512756, + 0.023198861628770828, + -0.2880770266056061, + -0.007977908477187157, + -0.024056559428572655, + -0.2151871919631958, + 2.6546411514282227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/148.png", + [ + 0.1916584074497223, + -0.030012842267751694, + 0.09650999307632446, + -1.1535035371780396, + -0.02178630605340004, + -0.21430501341819763, + -0.023379690945148468, + 0.262330561876297, + 0.09869299083948135, + 0.010976451449096203, + -0.19258011877536774, + 2.353178024291992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/111.png", + [ + 0.2126094549894333, + -0.01670239306986332, + 0.038290198892354965, + -0.45003312826156616, + -0.016083886846899986, + -0.21602077782154083, + -0.00492233969271183, + 0.04176921769976616, + 0.03855409473180771, + 0.0019876838196069, + -0.21320770680904388, + 2.5711021423339844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/11.png", + [ + 0.21448485553264618, + 0.02211226150393486, + -0.021335028111934662, + 0.261189728975296, + 0.023900143802165985, + -0.21461205184459686, + 0.01784203201532364, + -0.23529891669750214, + -0.019311105832457542, + -0.020015059038996696, + -0.21488222479820251, + 2.7094836235046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/125.png", + [ + 0.20568953454494476, + -0.016940206289291382, + 0.06597527116537094, + -0.769158661365509, + -0.009661728516221046, + -0.2150009423494339, + -0.0250827856361866, + 0.2815498411655426, + 0.06742668896913528, + 0.02086922526359558, + -0.20485608279705048, + 2.457447052001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/59.png", + [ + 0.215463787317276, + 0.020501134917140007, + -0.010146905668079853, + 0.12246038019657135, + 0.02156001143157482, + -0.21412205696105957, + 0.0251955334097147, + -0.3212977349758148, + -0.007643438875675201, + -0.026064390316605568, + -0.21496538817882538, + 2.688065528869629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/105.png", + [ + 0.2142888456583023, + -0.017003240063786507, + 0.027185805141925812, + -0.3130892515182495, + -0.018499020487070084, + -0.2156047224998474, + 0.010967325419187546, + -0.14321741461753845, + 0.026190919801592827, + -0.0131676085293293, + -0.2146824151277542, + 2.5630016326904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/121.png", + [ + 0.19868309795856476, + -0.023281080648303032, + 0.08325210958719254, + -0.9928750991821289, + -0.017138659954071045, + -0.2151353359222412, + -0.019259832799434662, + 0.21363000571727753, + 0.08473009616136551, + 0.01107546966522932, + -0.199113130569458, + 2.4040870666503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/24.png", + [ + 0.21487897634506226, + 0.020723067224025726, + -0.018586868420243263, + 0.229903906583786, + 0.02296099066734314, + -0.2137378305196762, + 0.027144506573677063, + -0.3477388322353363, + -0.015738805755972862, + -0.028889209032058716, + -0.21416255831718445, + 2.71981143951416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/74.png", + [ + 0.21551227569580078, + 0.020373227074742317, + -0.009342912584543228, + 0.11276331543922424, + 0.02135710045695305, + -0.21406397223472595, + 0.025853082537651062, + -0.3286557197570801, + -0.006799460854381323, + -0.026635300368070602, + -0.21492373943328857, + 2.6759133338928223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/129.png", + [ + 0.20266234874725342, + -0.01941692642867565, + 0.07415422052145004, + -0.8714296817779541, + -0.012007522396743298, + -0.21506191790103912, + -0.023496553301811218, + 0.2609202563762665, + 0.07570789754390717, + 0.017867615446448326, + -0.20222994685173035, + 2.4232587814331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/153.png", + [ + 0.19296662509441376, + -0.030197251588106155, + 0.09380778670310974, + -1.0969538688659668, + -0.019109850749373436, + -0.21380272507667542, + -0.029514504596590996, + 0.3310660719871521, + 0.0966777577996254, + 0.01801162399351597, + -0.19307222962379456, + 2.318012237548828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/144.png", + [ + 0.19181671738624573, + -0.03151498734951019, + 0.09571336954832077, + -1.145278811454773, + -0.023548034951090813, + -0.21412597596645355, + -0.023312002420425415, + 0.26555344462394714, + 0.09797823429107666, + 0.010235482826828957, + -0.19298547506332397, + 2.359522819519043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/98.png", + [ + 0.21608895063400269, + -0.008402863517403603, + 0.013521827757358551, + -0.1610531061887741, + -0.009575817734003067, + -0.21562449634075165, + 0.019033318385481834, + -0.24353650212287903, + 0.01271816249936819, + -0.019579462707042694, + -0.21541306376457214, + 2.6638407707214355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/0.png", + [ + 0.2146114706993103, + 0.024454638361930847, + -0.01708170212805271, + 0.21360108256340027, + 0.024760771542787552, + -0.21523495018482208, + 0.0029536269139498472, + -0.044220276176929474, + -0.016634846106171608, + -0.004877536557614803, + -0.21598005294799805, + 2.702775478363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/96.png", + [ + 0.2166048139333725, + 0.00012320958194322884, + 0.005498678423464298, + -0.06496928632259369, + -0.0006053342367522418, + -0.21477025747299194, + 0.028657803311944008, + -0.36136123538017273, + 0.005466645583510399, + -0.02866392582654953, + -0.21470071375370026, + 2.666998863220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/100.png", + [ + 0.21565312147140503, + -0.010656926780939102, + 0.01811235398054123, + -0.21364633738994598, + -0.011797294951975346, + -0.21593721210956573, + 0.013410529121756554, + -0.17477259039878845, + 0.017391126602888107, + -0.014333466067910194, + -0.2154994010925293, + 2.6432318687438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/40.png", + [ + 0.21549774706363678, + 0.020260389894247055, + -0.00990628357976675, + 0.1175544485449791, + 0.02121756784617901, + -0.21439477801322937, + 0.023077815771102905, + -0.2860304117202759, + -0.007644135504961014, + -0.023922530934214592, + -0.21521425247192383, + 2.6542587280273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/141.png", + [ + 0.1956382691860199, + -0.027895711362361908, + 0.088856041431427, + -1.0634043216705322, + -0.02077319100499153, + -0.21458901464939117, + -0.021631427109241486, + 0.2475752830505371, + 0.0907856822013855, + 0.011012418195605278, + -0.19642958045005798, + 2.404481887817383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/52.png", + [ + 0.21558420360088348, + 0.019890809431672096, + -0.008700856938958168, + 0.10237093269824982, + 0.020813090726733208, + -0.21405819058418274, + 0.026340266689658165, + -0.32972776889801025, + -0.006177742499858141, + -0.027043486014008522, + -0.21489156782627106, + 2.6538643836975098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/3.png", + [ + 0.214947909116745, + 0.02260120026767254, + -0.015312623232603073, + 0.18636904656887054, + 0.022880643606185913, + -0.21543943881988525, + 0.0031971416901797056, + -0.0490044504404068, + -0.01489183772355318, + -0.004788662306964397, + -0.2161092311143875, + 2.7076215744018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/47.png", + [ + 0.21550783514976501, + 0.020859479904174805, + -0.008315845392644405, + 0.09703704714775085, + 0.02174418792128563, + -0.2138829231262207, + 0.027003390714526176, + -0.3337554335594177, + -0.0056090583093464375, + -0.027692506089806557, + -0.21482448279857635, + 2.6402320861816406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/104.png", + [ + 0.2150745838880539, + -0.013647804036736488, + 0.022462286055088043, + -0.2573581635951996, + -0.014774858951568604, + -0.21592603623867035, + 0.01027416717261076, + -0.13362379372119904, + 0.021737534552812576, + -0.011729982681572437, + -0.21526211500167847, + 2.5686850547790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/21.png", + [ + 0.214605912566185, + 0.02157379686832428, + -0.02065853402018547, + 0.256074458360672, + 0.024125726893544197, + -0.21354940533638, + 0.027613405138254166, + -0.3550685942173004, + -0.01761115901172161, + -0.029649991542100906, + -0.21391265094280243, + 2.7221412658691406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/82.png", + [ + 0.21549572050571442, + 0.020561406388878822, + -0.009312095120549202, + 0.11136207729578018, + 0.021574117243289948, + -0.21390794217586517, + 0.02694152481853962, + -0.339569091796875, + -0.006636566016823053, + -0.027722137048840523, + -0.21479137241840363, + 2.6447739601135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/106.png", + [ + 0.2135714590549469, + -0.02032393589615822, + 0.030365535989403725, + -0.3539425730705261, + -0.02131805382668972, + -0.21554884314537048, + 0.005668522324413061, + -0.08339819312095642, + 0.029676059260964394, + -0.008574924431741238, + -0.21446141600608826, + 2.567647933959961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/14.png", + [ + 0.21459978818893433, + 0.02199067734181881, + -0.020279081538319588, + 0.25046828389167786, + 0.024020330980420113, + -0.21422399580478668, + 0.021885940805077553, + -0.28704833984375, + -0.017828479409217834, + -0.023924481123685837, + -0.2146104872226715, + 2.7112464904785156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/67.png", + [ + 0.2153911590576172, + 0.02074153907597065, + -0.011150471866130829, + 0.13506384193897247, + 0.021950099617242813, + -0.213992640376091, + 0.025946950539946556, + -0.33161473274230957, + -0.008528635837137699, + -0.026922844350337982, + -0.21482625603675842, + 2.6868081092834473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/78.png", + [ + 0.21555288136005402, + 0.01985865831375122, + -0.009512349031865597, + 0.11351186782121658, + 0.02091398648917675, + -0.2139269858598709, + 0.02730836160480976, + -0.34365522861480713, + -0.006888857576996088, + -0.0280851349234581, + -0.21473626792430878, + 2.6507673263549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/31.png", + [ + 0.2151198536157608, + 0.02171192318201065, + -0.014140023849904537, + 0.17376276850700378, + 0.023201074451208115, + -0.2140551209449768, + 0.024290140718221664, + -0.30825117230415344, + -0.011535079218447208, + -0.02562992461025715, + -0.2148440033197403, + 2.7028613090515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/152.png", + [ + 0.19355513155460358, + -0.031121736392378807, + 0.09228076785802841, + -1.0841264724731445, + -0.020451830700039864, + -0.21372422575950623, + -0.029181716963648796, + 0.328018456697464, + 0.09521567821502686, + 0.017357641831040382, + -0.1938571035861969, + 2.3356175422668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/39.png", + [ + 0.2154691368341446, + 0.02045595832169056, + -0.01012442260980606, + 0.12026294320821762, + 0.02144038677215576, + -0.21436044573783875, + 0.023190779611468315, + -0.2874511778354645, + -0.007826877757906914, + -0.024063585326075554, + -0.21519196033477783, + 2.653881072998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/92.png", + [ + 0.2158840000629425, + 0.015750683844089508, + -0.009691320359706879, + 0.118838831782341, + 0.016924023628234863, + -0.21403862535953522, + 0.029136504977941513, + -0.3680514395236969, + -0.007455405313521624, + -0.029787154868245125, + -0.21448786556720734, + 2.6881651878356934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/53.png", + [ + 0.21554610133171082, + 0.020004412159323692, + -0.00935953576117754, + 0.11069941520690918, + 0.0210067480802536, + -0.21404531598091125, + 0.026291046291589737, + -0.33055222034454346, + -0.006818647030740976, + -0.027061523869633675, + -0.2148699164390564, + 2.6624598503112793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/75.png", + [ + 0.2154441922903061, + 0.02098216488957405, + -0.009562630206346512, + 0.11548329144716263, + 0.022006819024682045, + -0.21393057703971863, + 0.02640644647181034, + -0.33515217900276184, + -0.006884400267153978, + -0.02722773142158985, + -0.21484680473804474, + 2.6697988510131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/151.png", + [ + 0.19314152002334595, + -0.029785659164190292, + 0.09357914328575134, + -1.1041505336761475, + -0.01976141892373562, + -0.2140326201915741, + -0.027338918298482895, + 0.30823254585266113, + 0.09619630128145218, + 0.015834912657737732, + -0.19350303709506989, + 2.339883804321289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/87.png", + [ + 0.215446338057518, + 0.020000280812382698, + -0.011434517800807953, + 0.13670910894870758, + 0.021217307075858116, + -0.21415747702121735, + 0.025185344740748405, + -0.31956031918525696, + -0.008976931683719158, + -0.026162270456552505, + -0.21490192413330078, + 2.655691146850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/139.png", + [ + 0.19770321249961853, + -0.025132084265351295, + 0.08502775430679321, + -1.0135104656219482, + -0.018342280760407448, + -0.2148861438035965, + -0.020866235718131065, + 0.23963505029678345, + 0.08674619346857071, + 0.01184134278446436, + -0.1981988400220871, + 2.4246225357055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/107.png", + [ + 0.21317559480667114, + -0.020768022164702415, + 0.032752808183431625, + -0.3842513859272003, + -0.0213917288929224, + -0.21560132503509521, + 0.0025213693734258413, + -0.04581588879227638, + 0.03234890103340149, + -0.005714253522455692, + -0.21417000889778137, + 2.5653223991394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/112.png", + [ + 0.21274761855602264, + -0.016480756923556328, + 0.03761282190680504, + -0.44107040762901306, + -0.015626095235347748, + -0.21601952612400055, + -0.006267842371016741, + 0.05721713975071907, + 0.037975847721099854, + 0.003441691165789962, + -0.2132929563522339, + 2.5748071670532227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/69.png", + [ + 0.21555554866790771, + 0.019949622452259064, + -0.00925851333886385, + 0.1114233136177063, + 0.020897096022963524, + -0.2142173945903778, + 0.024942392483353615, + -0.318089097738266, + -0.006857022643089294, + -0.025706501677632332, + -0.21503500640392303, + 2.6837477684020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/157.png", + [ + 0.19261279702186584, + -0.03326519578695297, + 0.09349668771028519, + -1.0783849954605103, + -0.02089187130331993, + -0.2131563276052475, + -0.03279948607087135, + 0.36599647998809814, + 0.09701409190893173, + 0.020142091438174248, + -0.19269263744354248, + 2.283076763153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/45.png", + [ + 0.21548748016357422, + 0.02082211710512638, + -0.00891501922160387, + 0.10429170727729797, + 0.02178233116865158, + -0.21388569474220276, + 0.02695082686841488, + -0.3323848843574524, + -0.006210333667695522, + -0.027699392288923264, + -0.21480706334114075, + 2.6392579078674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/50.png", + [ + 0.2155575156211853, + 0.01983322761952877, + -0.009459956549108028, + 0.11072879284620285, + 0.020886097103357315, + -0.21391302347183228, + 0.02743883803486824, + -0.3412264287471771, + -0.006827780976891518, + -0.028209254145622253, + -0.2147219330072403, + 2.6486291885375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/101.png", + [ + 0.21557112038135529, + -0.011392480693757534, + 0.018633313477039337, + -0.21764422953128815, + -0.012202628888189793, + -0.21614249050617218, + 0.009023386053740978, + -0.12123511731624603, + 0.018113110214471817, + -0.010026817210018635, + -0.21568326652050018, + 2.6241931915283203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/85.png", + [ + 0.2156001478433609, + 0.01869337446987629, + -0.01072507444769144, + 0.12808763980865479, + 0.019916772842407227, + -0.21401630342006683, + 0.02735382691025734, + -0.3442681133747101, + -0.008233570493757725, + -0.02820403315126896, + -0.21467334032058716, + 2.6445231437683105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/156.png", + [ + 0.19222484529018402, + -0.032833997160196304, + 0.0944427102804184, + -1.0916063785552979, + -0.020480778068304062, + -0.2132493108510971, + -0.03245261311531067, + 0.36266258358955383, + 0.0978674441576004, + 0.01986360363662243, + -0.19228960573673248, + 2.283827781677246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/131.png", + [ + 0.20297695696353912, + -0.019356662407517433, + 0.07330465316772461, + -0.8606943488121033, + -0.011195776984095573, + -0.21484974026679993, + -0.02573218010365963, + 0.29029810428619385, + 0.0749860554933548, + 0.02031773142516613, + -0.2022675722837448, + 2.4279565811157227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/71.png", + [ + 0.21547788381576538, + 0.020616181194782257, + -0.009600047022104263, + 0.11525188386440277, + 0.021597156301140785, + -0.21415844559669495, + 0.02485184371471405, + -0.3165658414363861, + -0.0071239592507481575, + -0.025671467185020447, + -0.2150305211544037, + 2.679445266723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/160.png", + [ + 0.1910192221403122, + -0.033044297248125076, + 0.09678644686937332, + -1.1164549589157104, + -0.02054022066295147, + -0.21327051520347595, + -0.03227514773607254, + 0.36218225955963135, + 0.10018803179264069, + 0.01927848905324936, + -0.1911507099866867, + 2.262047290802002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/115.png", + [ + 0.21175676584243774, + -0.015183749608695507, + 0.043317634612321854, + -0.5088054537773132, + -0.014151185750961304, + -0.21611204743385315, + -0.006574270315468311, + 0.06045180931687355, + 0.04366585984826088, + 0.003595947287976742, + -0.2121986299753189, + 2.571115016937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/54.png", + [ + 0.21544130146503448, + 0.02045457251369953, + -0.0107026482000947, + 0.1284720003604889, + 0.021600928157567978, + -0.2140548825263977, + 0.025725526735186577, + -0.3243715167045593, + -0.008144699037075043, + -0.026646072044968605, + -0.21487565338611603, + 2.6688575744628906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/33.png", + [ + 0.21522720158100128, + 0.021583976224064827, + -0.012620427645742893, + 0.15460574626922607, + 0.022866494953632355, + -0.21415701508522034, + 0.023702243342995644, + -0.298091858625412, + -0.010112696327269077, + -0.024875786155462265, + -0.21500423550605774, + 2.6803030967712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/159.png", + [ + 0.1917564868927002, + -0.03214055299758911, + 0.09562598913908005, + -1.1028209924697876, + -0.019966647028923035, + -0.2134125679731369, + -0.031690794974565506, + 0.35565972328186035, + 0.09888720512390137, + 0.019234297797083855, + -0.1918313354253769, + 2.2728443145751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/49.png", + [ + 0.21556834876537323, + 0.0198714267462492, + -0.0091272983700037, + 0.10738605260848999, + 0.02088925428688526, + -0.21387600898742676, + 0.02772345207631588, + -0.3440195322036743, + -0.006466865539550781, + -0.02846185490489006, + -0.21469978988170624, + 2.6426777839660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/118.png", + [ + 0.20229041576385498, + -0.02312706783413887, + 0.07410546392202377, + -0.8931375741958618, + -0.01912781223654747, + -0.21530821919441223, + -0.014979668892920017, + 0.16645745933055878, + 0.07523700594902039, + 0.007443271577358246, + -0.20305635035037994, + 2.4654393196105957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/110.png", + [ + 0.21199460327625275, + -0.016972696408629417, + 0.041450053453445435, + -0.4887540638446808, + -0.016679804772138596, + -0.21600882709026337, + -0.003141691442579031, + 0.02093268558382988, + 0.041568778455257416, + -0.00011702865594998002, + -0.21264976263046265, + 2.56258487701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/18.png", + [ + 0.21488960087299347, + 0.0201356653124094, + -0.019102517515420914, + 0.23641078174114227, + 0.022203588858246803, + -0.21419405937194824, + 0.023995844647288322, + -0.31225237250328064, + -0.01665387861430645, + -0.02575567737221718, + -0.21449285745620728, + 2.725210666656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/66.png", + [ + 0.21545198559761047, + 0.020387617871165276, + -0.010615058243274689, + 0.1291029304265976, + 0.021525789052248, + -0.21405549347400665, + 0.02578342705965042, + -0.32951703667640686, + -0.008060699328780174, + -0.026692502200603485, + -0.2148730605840683, + 2.6866602897644043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/16.png", + [ + 0.21484966576099396, + 0.01982387900352478, + -0.019862644374370575, + 0.24547579884529114, + 0.021986322477459908, + -0.21421310305595398, + 0.02402598410844803, + -0.31364744901657104, + -0.017438823357224464, + -0.025839118286967278, + -0.21442042291164398, + 2.7152442932128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/94.png", + [ + 0.21652860939502716, + 0.00749120581895113, + -0.0026702042669057846, + 0.03303951397538185, + 0.007772581651806831, + -0.2147379219532013, + 0.027840686962008476, + -0.35262331366539, + -0.0016837866278365254, + -0.027917714789509773, + -0.21486195921897888, + 2.686868190765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/28.png", + [ + 0.21505513787269592, + 0.020869404077529907, + -0.016236990690231323, + 0.20151591300964355, + 0.02267330326139927, + -0.2140009105205536, + 0.02524726092815399, + -0.3244829773902893, + -0.013604894280433655, + -0.026757629588246346, + -0.21458524465560913, + 2.722559928894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/61.png", + [ + 0.21567504107952118, + 0.019020458683371544, + -0.008390003815293312, + 0.10126162320375443, + 0.019895043224096298, + -0.21421107649803162, + 0.02580116130411625, + -0.3300344944000244, + -0.006029694806784391, + -0.026452496647834778, + -0.21496930718421936, + 2.6894121170043945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/132.png", + [ + 0.2027456909418106, + -0.02094392292201519, + 0.07350808382034302, + -0.8654438257217407, + -0.013788511045277119, + -0.21498481929302216, + -0.02322281338274479, + 0.25949981808662415, + 0.07517953962087631, + 0.017052102833986282, + -0.20249731838703156, + 2.434286594390869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/58.png", + [ + 0.21548733115196228, + 0.02006453648209572, + -0.010512728244066238, + 0.12724453210830688, + 0.021194597706198692, + -0.21408070623874664, + 0.02584843710064888, + -0.32869061827659607, + -0.007993252016603947, + -0.026735128834843636, + -0.21487027406692505, + 2.6838250160217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/123.png", + [ + 0.20150993764400482, + -0.021573450416326523, + 0.0766565278172493, + -0.9040746688842773, + -0.01509900949895382, + -0.21513940393924713, + -0.020855356007814407, + 0.22903341054916382, + 0.07818987965583801, + 0.01405390165746212, + -0.2015855312347412, + 2.426814556121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/64.png", + [ + 0.21546205878257751, + 0.020708944648504257, + -0.009753812104463577, + 0.1185232624411583, + 0.021739693358540535, + -0.2140309363603592, + 0.025807760655879974, + -0.3303283154964447, + -0.007168194744735956, + -0.02664196491241455, + -0.21491095423698425, + 2.691801071166992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/10.png", + [ + 0.2145075500011444, + 0.021526668220758438, + -0.02170264720916748, + 0.2651561498641968, + 0.02324502170085907, + -0.21477435529232025, + 0.016719434410333633, + -0.22082822024822235, + -0.019851233810186386, + -0.018880490213632584, + -0.21493567526340485, + 2.704244613647461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/41.png", + [ + 0.2155149132013321, + 0.020168762654066086, + -0.009717976674437523, + 0.11504492908716202, + 0.021142518147826195, + -0.21428416669368744, + 0.024149149656295776, + -0.2991812825202942, + -0.007362883538007736, + -0.02496815100312233, + -0.21510526537895203, + 2.6534624099731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/91.png", + [ + 0.21593277156352997, + 0.015995895490050316, + -0.008066285401582718, + 0.09857816249132156, + 0.016978532075881958, + -0.21385487914085388, + 0.03042556717991829, + -0.38218894600868225, + -0.005715161561965942, + -0.03095346689224243, + -0.21437612175941467, + 2.6858749389648438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/140.png", + [ + 0.19656693935394287, + -0.02687167003750801, + 0.08710478991270065, + -1.0385658740997314, + -0.02009732276201248, + -0.21472685039043427, + -0.020889772102236748, + 0.23883330821990967, + 0.0889124795794487, + 0.010871903039515018, + -0.19729234278202057, + 2.4146780967712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/23.png", + [ + 0.21485741436481476, + 0.020674163475632668, + -0.018887959420681, + 0.23433145880699158, + 0.022959087044000626, + -0.21372732520103455, + 0.027228830382227898, + -0.349206805229187, + -0.016032978892326355, + -0.029001859948039055, + -0.21412549912929535, + 2.722896099090576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/37.png", + [ + 0.21533314883708954, + 0.02133881486952305, + -0.011143728159368038, + 0.1332051306962967, + 0.022483915090560913, + -0.2141115963459015, + 0.024466192349791527, + -0.30330586433410645, + -0.008602401241660118, + -0.025471080094575882, + -0.21500025689601898, + 2.6527490615844727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/36.png", + [ + 0.2154543399810791, + 0.02018684893846512, + -0.010946015827357769, + 0.1314176768064499, + 0.02122347056865692, + -0.21448834240436554, + 0.02218572050333023, + -0.27585887908935547, + -0.008768600411713123, + -0.023132948204874992, + -0.2152577042579651, + 2.6569437980651855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/8.png", + [ + 0.21452294290065765, + 0.02256486937403679, + -0.020460406318306923, + 0.2478904277086258, + 0.02387922629714012, + -0.2149425894021988, + 0.013317934237420559, + -0.17674165964126587, + -0.018909897655248642, + -0.01544057298451662, + -0.21529492735862732, + 2.6989192962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/6.png", + [ + 0.21463803946971893, + 0.022984659299254417, + -0.01871125027537346, + 0.22596807777881622, + 0.023913655430078506, + -0.21511538326740265, + 0.010070228017866611, + -0.13618092238903046, + -0.017508359625935555, + -0.01204067561775446, + -0.2156301885843277, + 2.701106071472168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/154.png", + [ + 0.1922328621149063, + -0.03010416403412819, + 0.0953318253159523, + -1.1102039813995361, + -0.01875816099345684, + -0.21380926668643951, + -0.02969222515821457, + 0.3317486345767975, + 0.09819648414850235, + 0.018089668825268745, + -0.19229693710803986, + 2.299893379211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/20.png", + [ + 0.21450237929821014, + 0.022027531638741493, + -0.02124633453786373, + 0.2632949948310852, + 0.02459089830517769, + -0.21359774470329285, + 0.02681754343211651, + -0.34564709663391113, + -0.018218308687210083, + -0.028959982097148895, + -0.2139563262462616, + 2.722228527069092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/2.png", + [ + 0.21493840217590332, + 0.0227240938693285, + -0.015264187939465046, + 0.18705496191978455, + 0.022924667224287987, + -0.21544858813285828, + 0.002064815955236554, + -0.03454756364226341, + -0.014961265958845615, + -0.003663256298750639, + -0.2161264419555664, + 2.7088088989257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/117.png", + [ + 0.20653335750102997, + -0.022359663620591164, + 0.06157853081822395, + -0.73932284116745, + -0.019457107409834862, + -0.21540984511375427, + -0.012958251871168613, + 0.13943630456924438, + 0.06255630403757095, + 0.006822077091783285, + -0.20733563601970673, + 2.512986660003662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/149.png", + [ + 0.19169765710830688, + -0.03028043918311596, + 0.09634830802679062, + -1.1496121883392334, + -0.02181791327893734, + -0.2142418771982193, + -0.02392253652215004, + 0.26831915974617004, + 0.09860973060131073, + 0.011463160626590252, + -0.19259442389011383, + 2.3498353958129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/5.png", + [ + 0.21477706730365753, + 0.022425351664423943, + -0.017771141603589058, + 0.21563363075256348, + 0.02312557026743889, + -0.2152954339981079, + 0.007808460388332605, + -0.1079028993844986, + -0.01684986799955368, + -0.009636782109737396, + -0.21580339968204498, + 2.7035231590270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/108.png", + [ + 0.21237792074680328, + -0.02101663500070572, + 0.03744082152843475, + -0.4415067434310913, + -0.02101833000779152, + -0.21564507484436035, + -0.0018243318190798163, + 0.00624510645866394, + 0.037439875304698944, + -0.0018437592079862952, + -0.2134074717760086, + 2.559122085571289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/60.png", + [ + 0.2155446708202362, + 0.019778432324528694, + -0.00985919963568449, + 0.11955683678388596, + 0.020810574293136597, + -0.21418464183807373, + 0.025293290615081787, + -0.3236376643180847, + -0.007437084801495075, + -0.02610831893980503, + -0.2149672955274582, + 2.689795970916748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/56.png", + [ + 0.21540921926498413, + 0.020771870389580727, + -0.010737037286162376, + 0.1297331303358078, + 0.021918021142482758, + -0.21403023600578308, + 0.0256621316075325, + -0.3255607783794403, + -0.00814585667103529, + -0.026598382741212845, + -0.2148815095424652, + 2.678351879119873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/147.png", + [ + 0.19192899763584137, + -0.03009568154811859, + 0.09594477713108063, + -1.1474188566207886, + -0.022513026371598244, + -0.21435505151748657, + -0.02220296300947666, + 0.24859845638275146, + 0.09800159931182861, + 0.009698349051177502, + -0.19300135970115662, + 2.359278678894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/30.png", + [ + 0.2150963544845581, + 0.0214201882481575, + -0.01492086611688137, + 0.1838379055261612, + 0.02303921990096569, + -0.2140011340379715, + 0.0249119121581316, + -0.31782448291778564, + -0.012273999862372875, + -0.026316998526453972, + -0.2147199511528015, + 2.7121753692626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/17.png", + [ + 0.21492090821266174, + 0.020010387524962425, + -0.018880609422922134, + 0.2336418479681015, + 0.022001080214977264, + -0.21428842842578888, + 0.023330695927143097, + -0.3044206500053406, + -0.016518037766218185, + -0.02505899779498577, + -0.21458587050437927, + 2.7211856842041016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/12.png", + [ + 0.21443666517734528, + 0.022297661751508713, + -0.021624695509672165, + 0.2658836543560028, + 0.02419281378388405, + -0.2145041972398758, + 0.01872326247394085, + -0.24716728925704956, + -0.019481297582387924, + -0.02094438299536705, + -0.21477827429771423, + 2.710141658782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/114.png", + [ + 0.21276646852493286, + -0.016033370047807693, + 0.03769949451088905, + -0.4403166174888611, + -0.014991668984293938, + -0.21603314578533173, + -0.0072683957405388355, + 0.06861749291419983, + 0.03812572360038757, + 0.004528876394033432, + -0.2132459133863449, + 2.581653118133545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/27.png", + [ + 0.21478046476840973, + 0.022936459630727768, + -0.017063776031136513, + 0.21239212155342102, + 0.024944454431533813, + -0.21354134380817413, + 0.026940034702420235, + -0.3452070951461792, + -0.013965239748358727, + -0.028668971732258797, + -0.21431508660316467, + 2.719583034515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/42.png", + [ + 0.21553118526935577, + 0.0202785711735487, + -0.009109824895858765, + 0.10691926628351212, + 0.021178316324949265, + -0.21429236233234406, + 0.024044785648584366, + -0.2978067100048065, + -0.006759315729141235, + -0.024808313697576523, + -0.21514354646205902, + 2.6511001586914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/7.png", + [ + 0.21445466578006744, + 0.02335507981479168, + -0.02028866484761238, + 0.24561040103435516, + 0.02456563711166382, + -0.2149287313222885, + 0.012250113300979137, + -0.1632975935935974, + -0.01880476251244545, + -0.014424843713641167, + -0.21537455916404724, + 2.696606159210205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/73.png", + [ + 0.2155134230852127, + 0.02055608481168747, + -0.008905604481697083, + 0.10648360103368759, + 0.021475957706570625, + -0.21408851444721222, + 0.02554970607161522, + -0.3246140480041504, + -0.006375392898917198, + -0.026295464485883713, + -0.21497860550880432, + 2.6744656562805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/120.png", + [ + 0.1982000172138214, + -0.024581901729106903, + 0.084026038646698, + -1.0048437118530273, + -0.01835501566529274, + -0.21500389277935028, + -0.019603921100497246, + 0.2206609845161438, + 0.08560220152139664, + 0.010814364068210125, + -0.19875413179397583, + 2.405850410461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/46.png", + [ + 0.21552614867687225, + 0.02046937681734562, + -0.008796562440693378, + 0.1034318283200264, + 0.021415967494249344, + -0.2139274626970291, + 0.026912670582532883, + -0.3317694664001465, + -0.006142578087747097, + -0.027639467269182205, + -0.21481671929359436, + 2.6379313468933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/127.png", + [ + 0.20339050889015198, + -0.019497159868478775, + 0.07211136072874069, + -0.8469364047050476, + -0.012412705458700657, + -0.21507738530635834, + -0.023141590878367424, + 0.2569810152053833, + 0.07366214692592621, + 0.01759173721075058, + -0.20300815999507904, + 2.4342079162597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/133.png", + [ + 0.20045782625675201, + -0.02426605112850666, + 0.07858572900295258, + -0.9303595423698425, + -0.01765332743525505, + -0.21489863097667694, + -0.021326944231987, + 0.23601359128952026, + 0.08033005148172379, + 0.013328062370419502, + -0.20079179108142853, + 2.424046516418457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/57.png", + [ + 0.21542201936244965, + 0.02061404287815094, + -0.01078459806740284, + 0.1302121877670288, + 0.0217870082706213, + -0.21398021280765533, + 0.02618584595620632, + -0.3319318890571594, + -0.008159211836755276, + -0.027118872851133347, + -0.21481594443321228, + 2.6814632415771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/44.png", + [ + 0.21547561883926392, + 0.020698603242635727, + -0.009472046978771687, + 0.11121441423892975, + 0.021709151566028595, + -0.21397919952869415, + 0.026258543133735657, + -0.32384946942329407, + -0.006845775526016951, + -0.02706225961446762, + -0.2148689478635788, + 2.6439480781555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/113.png", + [ + 0.21272267401218414, + -0.016160544008016586, + 0.03789185360074043, + -0.4426003694534302, + -0.01511785015463829, + -0.21602457761764526, + -0.007261843420565128, + 0.0681394636631012, + 0.03831978887319565, + 0.004485598765313625, + -0.2132120281457901, + 2.5794925689697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/126.png", + [ + 0.20515747368335724, + -0.017303327098488808, + 0.06751963496208191, + -0.7895550727844238, + -0.01000251155346632, + -0.21502816677093506, + -0.024713002145290375, + 0.27713894844055176, + 0.06898011267185211, + 0.0202824454754591, + -0.2043973207473755, + 2.450052261352539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/29.png", + [ + 0.21515369415283203, + 0.020653968676924706, + -0.015172204002737999, + 0.18754324316978455, + 0.02231171540915966, + -0.21406985819339752, + 0.024983616545796394, + -0.32015544176101685, + -0.012608309276401997, + -0.026370573788881302, + -0.21469402313232422, + 2.7212295532226562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/4.png", + [ + 0.2148134857416153, + 0.023366879671812057, + -0.016032995656132698, + 0.19391313195228577, + 0.02375251241028309, + -0.21532335877418518, + 0.004423690959811211, + -0.06517351418733597, + -0.0154559426009655, + -0.006143277045339346, + -0.21603535115718842, + 2.7055411338806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/55.png", + [ + 0.21546074748039246, + 0.020573420450091362, + -0.010064532980322838, + 0.12089335918426514, + 0.0216306671500206, + -0.2140854150056839, + 0.02544482797384262, + -0.32170283794403076, + -0.007528257556259632, + -0.02630702219903469, + -0.2149399071931839, + 2.673867702484131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/9.png", + [ + 0.21445554494857788, + 0.02244320698082447, + -0.021284053102135658, + 0.25861337780952454, + 0.023963239043951035, + -0.2148277312517166, + 0.014923207461833954, + -0.1965850442647934, + -0.019556881859898567, + -0.017124293372035027, + -0.2151096910238266, + 2.698232650756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/25.png", + [ + 0.21467651426792145, + 0.022433603182435036, + -0.01893729530274868, + 0.23469197750091553, + 0.02472512610256672, + -0.21351423859596252, + 0.02735394611954689, + -0.3504144251346588, + -0.015828963369131088, + -0.029262663796544075, + -0.21410520374774933, + 2.7215142250061035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/99.png", + [ + 0.21588745713233948, + -0.008638091385364532, + 0.01630602404475212, + -0.19279634952545166, + -0.009853694587945938, + -0.21584978699684143, + 0.016114220023155212, + -0.2078942209482193, + 0.01560152880847454, + -0.016797225922346115, + -0.2154584527015686, + 2.655601978302002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/34.png", + [ + 0.21524006128311157, + 0.021770497784018517, + -0.01206884440034628, + 0.1466190367937088, + 0.02299819141626358, + -0.21411898732185364, + 0.02391742169857025, + -0.29945501685142517, + -0.009523377753794193, + -0.025040075182914734, + -0.2150120884180069, + 2.672245502471924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/72.png", + [ + 0.21540959179401398, + 0.0212215818464756, + -0.009810793213546276, + 0.117994025349617, + 0.022224485874176025, + -0.2140921652317047, + 0.02486986294388771, + -0.3166162669658661, + -0.007258053869009018, + -0.025730961933732033, + -0.21501891314983368, + 2.677690029144287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/102.png", + [ + 0.21498651802539825, + -0.015518059022724628, + 0.02208811230957508, + -0.2578590214252472, + -0.016005713492631912, + -0.2160455733537674, + 0.004002342000603676, + -0.06232083588838577, + 0.021737342700362206, + -0.00560280354693532, + -0.21550868451595306, + 2.6079330444335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/134.png", + [ + 0.19802771508693695, + -0.027999576181173325, + 0.08336035162210464, + -0.9902845621109009, + -0.021912258118391037, + -0.21463049948215485, + -0.020037446171045303, + 0.219966322183609, + 0.08516324311494827, + 0.009882817044854164, + -0.1989910900592804, + 2.410172939300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/70.png", + [ + 0.21549616754055023, + 0.020430754870176315, + -0.00958579033613205, + 0.11642394959926605, + 0.02138705551624298, + -0.21426227688789368, + 0.024128159508109093, + -0.30777230858802795, + -0.007203965447843075, + -0.02494310587644577, + -0.2151135504245758, + 2.6837992668151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/135.png", + [ + 0.1964302659034729, + -0.029027901589870453, + 0.08672039955854416, + -1.0313714742660522, + -0.023033790290355682, + -0.21454958617687225, + -0.01964232511818409, + 0.2166043370962143, + 0.08850136399269104, + 0.008588212542235851, + -0.19758957624435425, + 2.39780330657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/130.png", + [ + 0.20318220555782318, + -0.019607847556471825, + 0.07266649603843689, + -0.8529527187347412, + -0.011965169571340084, + -0.21494722366333008, + -0.024544229730963707, + 0.27514949440956116, + 0.07430829107761383, + 0.019003072753548622, + -0.20264515280723572, + 2.4298934936523438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/90.png", + [ + 0.21578332781791687, + 0.017048845067620277, + -0.009735840372741222, + 0.11927703768014908, + 0.018092159181833267, + -0.21440176665782928, + 0.025543097406625748, + -0.32080069184303284, + -0.007623879238963127, + -0.02625095844268799, + -0.21494339406490326, + 2.678985595703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/122.png", + [ + 0.19952796399593353, + -0.02318856306374073, + 0.08123283833265305, + -0.9646227359771729, + -0.016750087961554527, + -0.2150747925043106, + -0.020252451300621033, + 0.2226128876209259, + 0.08280046284198761, + 0.012370035983622074, + -0.19984734058380127, + 2.4075231552124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/15.png", + [ + 0.21482817828655243, + 0.01994243636727333, + -0.019976237788796425, + 0.24709731340408325, + 0.022043131291866302, + -0.21430794894695282, + 0.02311062067747116, + -0.3026064336299896, + -0.01763097010552883, + -0.0249459408223629, + -0.2145104557275772, + 2.713350296020508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/22.png", + [ + 0.21474002301692963, + 0.020914718508720398, + -0.019929789006710052, + 0.24777647852897644, + 0.023332443088293076, + -0.21369759738445282, + 0.027144478633999825, + -0.34861940145492554, + -0.017035814002156258, + -0.029048237949609756, + -0.21404175460338593, + 2.7242798805236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/138.png", + [ + 0.1967567801475525, + -0.02523874118924141, + 0.08716458827257156, + -1.0376883745193481, + -0.0184764564037323, + -0.21490797400474548, + -0.02052023820579052, + 0.23434501886367798, + 0.08884414285421371, + 0.011201141402125359, + -0.19730472564697266, + 2.411198139190674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/109.png", + [ + 0.2121410220861435, + -0.01845816895365715, + 0.040042102336883545, + -0.4719468653202057, + -0.018361499533057213, + -0.21588362753391266, + -0.0022373604588210583, + 0.01130872592329979, + 0.040086522698402405, + -0.0012027127668261528, + -0.21293078362941742, + 2.5593013763427734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/26.png", + [ + 0.21480216085910797, + 0.022243130952119827, + -0.017696760594844818, + 0.21924671530723572, + 0.02438916265964508, + -0.21351218223571777, + 0.027669789269566536, + -0.35411539673805237, + -0.014597972854971886, + -0.029422642663121223, + -0.21417072415351868, + 2.7198901176452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/43.png", + [ + 0.21544992923736572, + 0.020973101258277893, + -0.0094529390335083, + 0.1115538477897644, + 0.021931074559688568, + -0.21413655579090118, + 0.024747949093580246, + -0.30615028738975525, + -0.0069467234425246716, + -0.025564858689904213, + -0.21504901349544525, + 2.6495461463928223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/84.png", + [ + 0.21550112962722778, + 0.01983194798231125, + -0.010669880546629429, + 0.12749317288398743, + 0.021016977727413177, + -0.2139877825975418, + 0.02674706280231476, + -0.33627888560295105, + -0.00808944646269083, + -0.02763715572655201, + -0.21475251019001007, + 2.6431055068969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/136.png", + [ + 0.1969451755285263, + -0.028655072674155235, + 0.08567018806934357, + -1.018365740776062, + -0.023029519245028496, + -0.21462152898311615, + -0.01884487271308899, + 0.2102159857749939, + 0.08735065162181854, + 0.008023382164537907, + -0.19812467694282532, + 2.4057979583740234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/89.png", + [ + 0.21550221741199493, + 0.01913975551724434, + -0.011847167275846004, + 0.14300689101219177, + 0.02025996334850788, + -0.21462100744247437, + 0.021800411865115166, + -0.27992165088653564, + -0.00980916153639555, + -0.02279021218419075, + -0.21524934470653534, + 2.6729440689086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/63.png", + [ + 0.21554294228553772, + 0.019994309172034264, + -0.009452822618186474, + 0.11500139534473419, + 0.02101072669029236, + -0.21403594315052032, + 0.026363980025053024, + -0.3371858596801758, + -0.006904888898134232, + -0.02714291587471962, + -0.21485687792301178, + 2.690274238586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/88.png", + [ + 0.21547548472881317, + 0.01936955563724041, + -0.01195928268134594, + 0.14348441362380981, + 0.020621612668037415, + -0.21429920196533203, + 0.024463992565870285, + -0.3115266263484955, + -0.009641221724450588, + -0.025466805323958397, + -0.21495668590068817, + 2.663362979888916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/62.png", + [ + 0.2155490666627884, + 0.019998811185359955, + -0.009302477352321148, + 0.11255009472370148, + 0.020977318286895752, + -0.21411257982254028, + 0.025761350989341736, + -0.3292418420314789, + -0.006814739666879177, + -0.026528149843215942, + -0.2149365395307541, + 2.6896133422851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/65.png", + [ + 0.21545664966106415, + 0.02050601877272129, + -0.010287458077073097, + 0.12511195242404938, + 0.021594414487481117, + -0.2140772044658661, + 0.025544587522745132, + -0.3267267048358917, + -0.0077466038055717945, + -0.026426270604133606, + -0.21491749584674835, + 2.6890463829040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/80.png", + [ + 0.21556240320205688, + 0.019671136513352394, + -0.009684598073363304, + 0.11508847773075104, + 0.020755242556333542, + -0.21392300724983215, + 0.027460219338536263, + -0.3455614745616913, + -0.007068592123687267, + -0.02824694663286209, + -0.21470917761325836, + 2.6422691345214844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/146.png", + [ + 0.19265244901180267, + -0.029188796877861023, + 0.09476780891418457, + -1.1332409381866455, + -0.021837063133716583, + -0.21447966992855072, + -0.021668115630745888, + 0.24329811334609985, + 0.09672676771879196, + 0.009714866057038307, + -0.19364258646965027, + 2.3643932342529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/119.png", + [ + 0.19988355040550232, + -0.02587299980223179, + 0.07953017204999924, + -0.9553060531616211, + -0.02012895978987217, + -0.21487148106098175, + -0.01931244134902954, + 0.2184993326663971, + 0.08117441833019257, + 0.010427524335682392, + -0.20062372088432312, + 2.430048942565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/145.png", + [ + 0.19182145595550537, + -0.030996717512607574, + 0.09587295353412628, + -1.145938754081726, + -0.023241546005010605, + -0.2142190784215927, + -0.022757824510335922, + 0.2573913037776947, + 0.0980420783162117, + 0.009863656014204025, + -0.19297242164611816, + 2.357985019683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/79.png", + [ + 0.21553851664066315, + 0.02008948102593422, + -0.009351858869194984, + 0.11152099817991257, + 0.021131068468093872, + -0.21386924386024475, + 0.027592157945036888, + -0.34730368852615356, + -0.006672505754977465, + -0.028359513729810715, + -0.21470704674720764, + 2.6475725173950195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/116.png", + [ + 0.2101854830980301, + -0.017451534047722816, + 0.04965274780988693, + -0.5892231464385986, + -0.016220446676015854, + -0.21594545245170593, + -0.007235787343233824, + 0.06875365972518921, + 0.050068438053131104, + 0.00330203864723444, + -0.21078458428382874, + 2.556572437286377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/19.png", + [ + 0.21470299363136292, + 0.021025963127613068, + -0.02020953595638275, + 0.2498834878206253, + 0.02321120724081993, + -0.21410483121871948, + 0.023838039487600327, + -0.3102532923221588, + -0.017656618729233742, + -0.025786062702536583, + -0.2144089937210083, + 2.7283244132995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/77.png", + [ + 0.2155754566192627, + 0.019799184054136276, + -0.009116046130657196, + 0.10880552977323532, + 0.02079811319708824, + -0.2139611393213272, + 0.02712872438132763, + -0.3427625596523285, + -0.006522927898913622, + -0.02786613255739212, + -0.21477621793746948, + 2.6583056449890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/68.png", + [ + 0.215423122048378, + 0.020662935450673103, + -0.01066826842725277, + 0.12925846874713898, + 0.02178666926920414, + -0.21408987045288086, + 0.025273863226175308, + -0.3226959705352783, + -0.00813079159706831, + -0.02620057761669159, + -0.2149309664964676, + 2.686221122741699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/143.png", + [ + 0.19188518822193146, + -0.031084829941391945, + 0.09571676701307297, + -1.148871898651123, + -0.023703236132860184, + -0.214241623878479, + -0.022058457136154175, + 0.25195425748825073, + 0.09780656546354294, + 0.00906379148364067, + -0.19313108921051025, + 2.36387300491333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/86.png", + [ + 0.21550261974334717, + 0.019852060824632645, + -0.01060221903026104, + 0.12612798810005188, + 0.021019436419010162, + -0.21401706337928772, + 0.026509976014494896, + -0.3350736200809479, + -0.00804329663515091, + -0.0273950956761837, + -0.21478526294231415, + 2.6505064964294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/1.png", + [ + 0.21491345763206482, + 0.022603586316108704, + -0.01578531041741371, + 0.1964644491672516, + 0.022835623472929, + -0.21545474231243134, + 0.00238405866548419, + -0.03783172741532326, + -0.015447733923792839, + -0.004028314724564552, + -0.21608570218086243, + 2.7040653228759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/81.png", + [ + 0.2155153900384903, + 0.02016744762659073, + -0.009710061363875866, + 0.11552326381206512, + 0.021230725571513176, + -0.21395500004291534, + 0.02684037946164608, + -0.33807775378227234, + -0.007089958060532808, + -0.027648214250802994, + -0.21478642523288727, + 2.641465663909912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/95.png", + [ + 0.2166239470243454, + 0.0046853674575686455, + -2.525947093090508e-05, + 0.001967440126463771, + 0.004645098000764847, + -0.2146029770374298, + 0.029527680948376656, + -0.37226060032844543, + 0.0006134878494776785, + -0.029521314427256584, + -0.21465323865413666, + 2.6717538833618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/103.png", + [ + 0.21532420814037323, + -0.011910328641533852, + 0.021012401208281517, + -0.2424771636724472, + -0.012683955952525139, + -0.21617485582828522, + 0.007445561699569225, + -0.10129740834236145, + 0.020554663613438606, + -0.0086292065680027, + -0.2155247926712036, + 2.5854878425598145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/150.png", + [ + 0.19272100925445557, + -0.030141210183501244, + 0.09432925283908844, + -1.1190980672836304, + -0.02076062746345997, + -0.21410509943962097, + -0.025998059660196304, + 0.29275527596473694, + 0.09682715684175491, + 0.01408581156283617, + -0.1933235377073288, + 2.3486385345458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/83.png", + [ + 0.21558696031570435, + 0.019374288618564606, + -0.009736168198287487, + 0.11620980501174927, + 0.020445534959435463, + -0.21403557062149048, + 0.026807693764567375, + -0.3374444544315338, + -0.007220531813800335, + -0.027591831982135773, + -0.21478931605815887, + 2.6403918266296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/142.png", + [ + 0.19312293827533722, + -0.029774600639939308, + 0.09362105280160904, + -1.1227924823760986, + -0.022672433406114578, + -0.21441763639450073, + -0.021422874182462692, + 0.2444060742855072, + 0.09558969736099243, + 0.00929795578122139, + -0.19422681629657745, + 2.379136085510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/51.png", + [ + 0.21554039418697357, + 0.020002419129014015, + -0.009493750520050526, + 0.11162581294775009, + 0.021035265177488327, + -0.21398989856243134, + 0.026715833693742752, + -0.33361440896987915, + -0.006909831892699003, + -0.027497662231326103, + -0.21481162309646606, + 2.648082733154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/128.png", + [ + 0.20245109498500824, + -0.020267736166715622, + 0.07450278848409653, + -0.8767006397247314, + -0.012821484357118607, + -0.21499836444854736, + -0.023647522553801537, + 0.262027770280838, + 0.07613839209079742, + 0.017686568200588226, + -0.20208418369293213, + 2.422471523284912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/93.png", + [ + 0.21617291867733002, + 0.012759239412844181, + -0.007373331114649773, + 0.09042225778102875, + 0.013549163937568665, + -0.21472150087356567, + 0.025670846924185753, + -0.32636868953704834, + -0.00579519709572196, + -0.026072481647133827, + -0.21502217650413513, + 2.6937031745910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/76.png", + [ + 0.2136290967464447, + -0.012141815386712551, + -0.03410394862294197, + 0.40165433287620544, + -0.021208034828305244, + -0.20740346610546112, + -0.05900777876377106, + 0.6856304407119751, + -0.02933807298541069, + 0.06151646375656128, + -0.20567668974399567, + 2.463792324066162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/48.png", + [ + 0.2158041149377823, + -0.019127732142806053, + -0.003256786148995161, + 0.03874790295958519, + -0.0192688200622797, + -0.207001194357872, + -0.06105010211467743, + 0.6652489304542542, + 0.0022780306171625853, + 0.061094459146261215, + -0.20787057280540466, + 2.3588480949401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/137.png", + [ + 0.20244622230529785, + 0.002611244795843959, + -0.07717904448509216, + 0.8964197635650635, + -0.019251061603426933, + -0.20800738036632538, + -0.05753457173705101, + 0.6565119624137878, + -0.07478515058755875, + 0.06061363220214844, + -0.19411611557006836, + 2.315290927886963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/173.png", + [ + 0.17883652448654175, + -0.015846645459532738, + -0.12130240350961685, + 1.3715221881866455, + -0.041843194514513016, + -0.20981404185295105, + -0.034279972314834595, + 0.37755727767944336, + -0.11495450884103775, + 0.05171898379921913, + -0.17623423039913177, + 2.058088779449463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/35.png", + [ + 0.2157212197780609, + -0.016275357455015182, + -0.012139278464019299, + 0.14222006499767303, + -0.01828213408589363, + -0.2120545506477356, + -0.04057741165161133, + 0.46765679121017456, + -0.008832494728267193, + 0.04142312705516815, + -0.21249471604824066, + 2.5396456718444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/124.png", + [ + 0.20567424595355988, + 0.002602705266326666, + -0.0681118294596672, + 0.7873019576072693, + -0.013855825178325176, + -0.21039944887161255, + -0.04987965151667595, + 0.5553558468818665, + -0.06673837453126907, + 0.051702894270420074, + -0.19955122470855713, + 2.368093967437744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/97.png", + [ + 0.20769785344600677, + -0.009848324581980705, + -0.06093034893274307, + 0.7130268216133118, + -0.023739652708172798, + -0.2101905643939972, + -0.046949513256549835, + 0.5383540391921997, + -0.056973036378622055, + 0.05168015509843826, + -0.20256143808364868, + 2.421283721923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/277.png", + [ + 0.21279273927211761, + 0.022968439385294914, + 0.03375779092311859, + -0.3853500485420227, + 0.025760967284440994, + -0.21450911462306976, + -0.01643495075404644, + 0.17645129561424255, + 0.031678229570388794, + 0.02015405148267746, + -0.2133968025445938, + 2.5566368103027344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/155.png", + [ + 0.17231936752796173, + -0.004111462738364935, + -0.13128983974456787, + 1.5117805004119873, + -0.03454003483057022, + -0.2103653997182846, + -0.038746386766433716, + 0.4333464801311493, + -0.12673167884349823, + 0.0517435260117054, + -0.16795708239078522, + 1.9949055910110474, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/192.png", + [ + 0.18632133305072784, + -0.01682247593998909, + -0.10931264609098434, + 1.278801441192627, + -0.045065972954034805, + -0.20711670815944672, + -0.044940244406461716, + 0.507907509803772, + -0.10100153088569641, + 0.061380550265312195, + -0.18160124123096466, + 2.1859755516052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/271.png", + [ + 0.21505379676818848, + 0.012052989564836025, + -0.023547494783997536, + 0.2646753787994385, + 0.007622742559760809, + -0.21293075382709503, + -0.039373721927404404, + 0.43114131689071655, + -0.02533086948096752, + 0.038250766694545746, + -0.2117619663476944, + 2.493622303009033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/13.png", + [ + 0.21078267693519592, + -0.012987898662686348, + -0.04847550019621849, + 0.5647569298744202, + -0.02364070899784565, + -0.21031339466571808, + -0.04644661769270897, + 0.5290756225585938, + -0.04426823556423187, + 0.05047262832522392, + -0.20601148903369904, + 2.463315486907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/274.png", + [ + 0.21309174597263336, + 0.033709730952978134, + 0.020086301490664482, + -0.24296104907989502, + 0.03621537983417511, + -0.21164856851100922, + -0.029003983363509178, + 0.312877357006073, + 0.015107998624444008, + 0.03188163787126541, + -0.21378308534622192, + 2.536388874053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/32.png", + [ + 0.21525685489177704, + -0.015604504384100437, + -0.019206257537007332, + 0.22866903245449066, + -0.018867604434490204, + -0.21230453252792358, + -0.038970354944467545, + 0.4511646032333374, + -0.016012314707040787, + 0.04038780555129051, + -0.21227417886257172, + 2.5564236640930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/158.png", + [ + 0.16945156455039978, + -0.0018592524575069547, + -0.13502076268196106, + 1.5514403581619263, + -0.03249838948249817, + -0.21084752678871155, + -0.037882205098867416, + 0.4235679805278778, + -0.1310645490884781, + 0.0498773530125618, + -0.16517330706119537, + 1.9578956365585327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/256.png", + [ + 0.1997150033712387, + -0.021685495972633362, + -0.0811883732676506, + 0.9510701894760132, + -0.040411703288555145, + -0.2083253264427185, + -0.04376469925045967, + 0.4961526095867157, + -0.07367977499961853, + 0.055481474846601486, + -0.19606375694274902, + 2.3462038040161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/38.png", + [ + 0.21605704724788666, + -0.014214935712516308, + -0.008073819801211357, + 0.09307445585727692, + -0.015533293597400188, + -0.21186481416225433, + -0.042660411447286606, + 0.48988446593284607, + -0.005095858592540026, + 0.04311763122677803, + -0.21227999031543732, + 2.515700340270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/148.png", + [ + 0.17189131677150726, + 0.00038293394027277827, + -0.13191328942775726, + 1.53585684299469, + -0.03602323308587074, + -0.2083018720149994, + -0.04754522815346718, + 0.5396508574485779, + -0.12689992785453796, + 0.05964960902929306, + -0.16518543660640717, + 1.9727073907852173, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/222.png", + [ + 0.19004857540130615, + -0.017727145925164223, + -0.10254355520009995, + 1.1845289468765259, + -0.03621353209018707, + -0.21142901480197906, + -0.030565515160560608, + 0.3391803205013275, + -0.0975603237748146, + 0.04394790902733803, + -0.18841035664081573, + 2.230587959289551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/111.png", + [ + 0.21117819845676422, + 0.0035445094108581543, + -0.04836420342326164, + 0.5597897171974182, + -0.00889672338962555, + -0.20959550142288208, + -0.05420759692788124, + 0.612342894077301, + -0.04767083004117012, + 0.05481835827231407, + -0.20413312315940857, + 2.4230728149414062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/164.png", + [ + 0.16363319754600525, + -0.003917562775313854, + -0.14197435975074768, + 1.6322473287582397, + -0.03711632639169693, + -0.2102450132369995, + -0.03697720542550087, + 0.4081350564956665, + -0.13709282875061035, + 0.05224546045064926, + -0.15944860875606537, + 1.896546721458435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/11.png", + [ + 0.20878106355667114, + -0.010668381117284298, + -0.05696089565753937, + 0.6663222312927246, + -0.023996777832508087, + -0.2097700983285904, + -0.04866786673665047, + 0.5550617575645447, + -0.05274953320622444, + 0.05320330709218979, + -0.2033095806837082, + 2.4309864044189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/125.png", + [ + 0.20641547441482544, + 0.001240621553733945, + -0.06587116420269012, + 0.75858473777771, + -0.0148716289550066, + -0.21016749739646912, + -0.050560399889945984, + 0.5616564750671387, + -0.06418243795633316, + 0.05268757417798042, + -0.20013128221035004, + 2.374922275543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/59.png", + [ + 0.21592573821544647, + -0.01571463607251644, + -0.008776475675404072, + 0.09897314012050629, + -0.01748010888695717, + -0.20827274024486542, + -0.05713851377367973, + 0.6456204652786255, + -0.0042921025305986404, + 0.05764906480908394, + -0.208820641040802, + 2.422524929046631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/105.png", + [ + 0.2083914875984192, + -0.006085626315325499, + -0.059024177491664886, + 0.6894468665122986, + -0.01975591853260994, + -0.2103511393070221, + -0.04806245490908623, + 0.5443865656852722, + -0.055951692163944244, + 0.05160679668188095, + -0.2028646022081375, + 2.4162797927856445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/121.png", + [ + 0.20638498663902283, + 0.004419143311679363, + -0.06583008915185928, + 0.7596673369407654, + -0.011427225545048714, + -0.21052668988704681, + -0.049958232790231705, + 0.5549890398979187, + -0.0649811401963234, + 0.051057592034339905, + -0.20029594004154205, + 2.370154857635498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/255.png", + [ + 0.19942285120487213, + -0.023644469678401947, + -0.08135945349931717, + 0.951069712638855, + -0.04230186715722084, + -0.2080635130405426, + -0.0432206429541111, + 0.4890179932117462, + -0.07340963184833527, + 0.05566338077187538, + -0.19611351191997528, + 2.3434062004089355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/175.png", + [ + 0.18082036077976227, + -0.016900086775422096, + -0.11817900836467743, + 1.3384745121002197, + -0.04142366722226143, + -0.21004816889762878, + -0.03334273025393486, + 0.3632360100746155, + -0.1119641363620758, + 0.050418704748153687, + -0.17852137982845306, + 2.0873727798461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/198.png", + [ + 0.18767158687114716, + -0.01622156985104084, + -0.1070706769824028, + 1.254776120185852, + -0.042827557772397995, + -0.20788249373435974, + -0.04357248172163963, + 0.49156454205513, + -0.09946390241384506, + 0.058903489261865616, + -0.1832626610994339, + 2.2087488174438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/24.png", + [ + 0.21321286261081696, + -0.016340935602784157, + -0.034944772720336914, + 0.4134901762008667, + -0.02254120260477066, + -0.21205514669418335, + -0.03837181627750397, + 0.44664397835731506, + -0.03130587190389633, + 0.041394151747226715, + -0.21036720275878906, + 2.5249810218811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/275.png", + [ + 0.21312977373600006, + 0.03022843971848488, + 0.024694791063666344, + -0.2892411947250366, + 0.032602157443761826, + -0.2132387012243271, + -0.0203531626611948, + 0.21218247711658478, + 0.021463708952069283, + 0.023735908791422844, + -0.21429841220378876, + 2.556518077850342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/214.png", + [ + 0.18728691339492798, + -0.016944147646427155, + -0.10763083398342133, + 1.2531654834747314, + -0.03988064453005791, + -0.20984607934951782, + -0.03636002540588379, + 0.406100332736969, + -0.10139543563127518, + 0.051238786429166794, + -0.1845032274723053, + 2.203677177429199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/74.png", + [ + 0.21411922574043274, + -0.012991214171051979, + -0.030529987066984177, + 0.36047983169555664, + -0.021135326474905014, + -0.20709504187107086, + -0.06010691449046135, + 0.6954146027565002, + -0.025576354935765266, + 0.062376052141189575, + -0.20591981709003448, + 2.4686245918273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/251.png", + [ + 0.19838960468769073, + -0.026333967223763466, + -0.08304206281900406, + 0.9573211073875427, + -0.0443291962146759, + -0.20831544697284698, + -0.039843421429395676, + 0.44509217143058777, + -0.07499590516090393, + 0.05347053334116936, + -0.19612348079681396, + 2.322828769683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/193.png", + [ + 0.18668341636657715, + -0.01637250930070877, + -0.10876181721687317, + 1.2726318836212158, + -0.04452446475625038, + -0.20716911554336548, + -0.045237403362989426, + 0.511185348033905, + -0.10057218372821808, + 0.06132529303431511, + -0.18185801804065704, + 2.189487934112549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/129.png", + [ + 0.20779235661029816, + 0.00020147424947936088, + -0.0614018440246582, + 0.7062408924102783, + -0.01573396846652031, + -0.20926445722579956, + -0.05393258109688759, + 0.6168612241744995, + -0.059352077543735504, + 0.056180428713560104, + -0.20067133009433746, + 2.390331268310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/249.png", + [ + 0.19835056364536285, + -0.026603173464536667, + -0.08304953575134277, + 0.9528070092201233, + -0.0432756282389164, + -0.20917361974716187, + -0.03635255619883537, + 0.4021807610988617, + -0.07571111619472504, + 0.04986541345715523, + -0.19679726660251617, + 2.3185243606567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/172.png", + [ + 0.17760597169399261, + -0.015516339801251888, + -0.1231391578912735, + 1.3922390937805176, + -0.04188496991991997, + -0.20985637605190277, + -0.03396821767091751, + 0.3740103840827942, + -0.11683172732591629, + 0.051647208631038666, + -0.17501656711101532, + 2.0455732345581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/232.png", + [ + 0.19353516399860382, + -0.016299735754728317, + -0.09605392068624496, + 1.1018637418746948, + -0.034504249691963196, + -0.2112424224615097, + -0.033674728125333786, + 0.37343060970306396, + -0.09111253172159195, + 0.045374542474746704, + -0.19127872586250305, + 2.2417593002319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/153.png", + [ + 0.17142368853092194, + -0.004513522610068321, + -0.1324440836906433, + 1.5240086317062378, + -0.03738125413656235, + -0.20940209925174713, + -0.041246768087148666, + 0.46227750182151794, + -0.12713950872421265, + 0.05548226833343506, + -0.1664486676454544, + 1.9815565347671509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/144.png", + [ + 0.1924263834953308, + 0.003118436550721526, + -0.0995502918958664, + 1.1625171899795532, + -0.022381393238902092, + -0.20967571437358856, + -0.049830399453639984, + 0.5742818713188171, + -0.09705183655023575, + 0.05453687161207199, + -0.18588858842849731, + 2.2252001762390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/188.png", + [ + 0.18555521965026855, + -0.017409028485417366, + -0.11051733046770096, + 1.2820854187011719, + -0.04528842121362686, + -0.20740336179733276, + -0.04336706921458244, + 0.48845282196998596, + -0.10230401903390884, + 0.060238439589738846, + -0.18125426769256592, + 2.165982723236084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/98.png", + [ + 0.20776064693927765, + -0.010248372331261635, + -0.06064963713288307, + 0.7098451256752014, + -0.02386949583888054, + -0.2103363573551178, + -0.04622512310743332, + 0.5295563340187073, + -0.05668910592794418, + 0.05100475624203682, + -0.2028121054172516, + 2.424804210662842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/0.png", + [ + 0.20160020887851715, + -0.007931521162390709, + -0.07900846004486084, + 0.919712483882904, + -0.02789587341248989, + -0.20892348885536194, + -0.05020643398165703, + 0.5730183124542236, + -0.07434423267841339, + 0.05688547343015671, + -0.19540950655937195, + 2.319326877593994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/163.png", + [ + 0.16340389847755432, + -0.0027330350130796432, + -0.1422659009695053, + 1.6367868185043335, + -0.03580329194664955, + -0.21045447885990143, + -0.037079986184835434, + 0.4094357490539551, + -0.13771411776542664, + 0.051471661776304245, + -0.1591646373271942, + 1.8952854871749878, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/96.png", + [ + 0.20778043568134308, + -0.00988095998764038, + -0.06064280495047569, + 0.7084754705429077, + -0.023645641282200813, + -0.21024325489997864, + -0.04676064848899841, + 0.5358818173408508, + -0.0567103773355484, + 0.05145912617444992, + -0.20269134640693665, + 2.4225802421569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/100.png", + [ + 0.20782789587974548, + -0.009027467109262943, + -0.06061325594782829, + 0.7110359072685242, + -0.021981103345751762, + -0.21103127300739288, + -0.043937720358371735, + 0.5013815760612488, + -0.05720395967364311, + 0.048292823135852814, + -0.20333078503608704, + 2.4304308891296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/40.png", + [ + 0.2160942554473877, + -0.014657498337328434, + -0.006027051247656345, + 0.06759382039308548, + -0.015600768849253654, + -0.21124249696731567, + -0.04561932384967804, + 0.5214413404464722, + -0.0027899162378162146, + 0.04593108221888542, + -0.21173201501369476, + 2.5000762939453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/141.png", + [ + 0.1996716856956482, + 0.003541290294378996, + -0.0840628519654274, + 0.9732567071914673, + -0.018612245097756386, + -0.20926032960414886, + -0.053024500608444214, + 0.6073614954948425, + -0.08205295354127884, + 0.056084513664245605, + -0.19253502786159515, + 2.300375461578369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/52.png", + [ + 0.21587267518043518, + -0.016929905861616135, + -0.007763282395899296, + 0.08922713994979858, + -0.01837862841784954, + -0.20827113091945648, + -0.05686172842979431, + 0.6247324347496033, + -0.0030192926060408354, + 0.05730975791811943, + -0.20893628895282745, + 2.3833069801330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/184.png", + [ + 0.18501760065555573, + -0.018603306263685226, + -0.11122187227010727, + 1.2740275859832764, + -0.04658421128988266, + -0.20722763240337372, + -0.04283130541443825, + 0.47717955708503723, + -0.10269518941640854, + 0.06048574671149254, + -0.18095046281814575, + 2.139529228210449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/227.png", + [ + 0.19251330196857452, + -0.01697610132396221, + -0.09797108918428421, + 1.1243056058883667, + -0.031772349029779434, + -0.21280309557914734, + -0.025558894500136375, + 0.27825167775154114, + -0.09421805292367935, + 0.03707493841648102, + -0.19156278669834137, + 2.2499256134033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/3.png", + [ + 0.20441952347755432, + -0.006379946134984493, + -0.07155316323041916, + 0.8270660638809204, + -0.023563077673316002, + -0.20983321964740753, + -0.04860760271549225, + 0.5491172671318054, + -0.06786266714334488, + 0.053639672696590424, + -0.19865883886814117, + 2.3568224906921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/231.png", + [ + 0.1931789368391037, + -0.01709672622382641, + -0.09663072973489761, + 1.1078805923461914, + -0.03452473133802414, + -0.21156108379364014, + -0.03158878907561302, + 0.3494451344013214, + -0.09185772389173508, + 0.04356042295694351, + -0.19134403765201569, + 2.2435860633850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/47.png", + [ + 0.2158842384815216, + -0.01823372207581997, + -0.0030685714446008205, + 0.03617854043841362, + -0.01834651082754135, + -0.20676392316818237, + -0.06212876737117767, + 0.6832274198532104, + 0.0023000796791166067, + 0.06216196343302727, + -0.20755359530448914, + 2.3764867782592773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/104.png", + [ + 0.20826861262321472, + -0.0066891685128211975, + -0.05939137563109398, + 0.6940097212791443, + -0.020051389932632446, + -0.21065451204776764, + -0.04658878222107887, + 0.5284149646759033, + -0.05630294233560562, + 0.05027750879526138, + -0.20310108363628387, + 2.421320915222168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/21.png", + [ + 0.2132541984319687, + -0.014277443289756775, + -0.035590656101703644, + 0.419083833694458, + -0.021099086850881577, + -0.21160708367824554, + -0.04153508320450783, + 0.4799374043941498, + -0.032021377235651016, + 0.04434511810541153, + -0.20965693891048431, + 2.504286289215088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/268.png", + [ + 0.2095118910074234, + -0.016604941338300705, + -0.052696652710437775, + 0.6171098351478577, + -0.02904091402888298, + -0.20890410244464874, + -0.049634575843811035, + 0.5666280388832092, + -0.04700305312871933, + 0.05505671352148056, + -0.20422381162643433, + 2.424732208251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/82.png", + [ + 0.21178442239761353, + -0.012150022201240063, + -0.044131968170404434, + 0.5210748314857483, + -0.024393489584326744, + -0.206724613904953, + -0.06014807149767876, + 0.6943789720535278, + -0.038732558488845825, + 0.06375900655984879, + -0.20342682301998138, + 2.432522773742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/106.png", + [ + 0.20856498181819916, + -0.00583450635895133, + -0.05843372270464897, + 0.6817762851715088, + -0.019890038296580315, + -0.2098775953054428, + -0.05003675818443298, + 0.5666139721870422, + -0.055253300815820694, + 0.05352802574634552, + -0.20255793631076813, + 2.4123339653015137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/14.png", + [ + 0.21122649312019348, + -0.012710778042674065, + -0.046580005437135696, + 0.5434715747833252, + -0.022565793246030807, + -0.21078605949878693, + -0.04480975493788719, + 0.5119820237159729, + -0.04268542677164078, + 0.04853416606783867, + -0.20680977404117584, + 2.471501350402832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/67.png", + [ + 0.21534422039985657, + -0.01485960278660059, + -0.018813541159033775, + 0.2148834615945816, + -0.01972775161266327, + -0.20644979178905487, + -0.06274712830781937, + 0.7133477926254272, + -0.013622518628835678, + 0.0640747919678688, + -0.20653508603572845, + 2.4420061111450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/272.png", + [ + 0.21529394388198853, + 0.02229117974638939, + -0.009976329281926155, + 0.10300101339817047, + 0.020495576784014702, + -0.21304896473884583, + -0.033733829855918884, + 0.3645983338356018, + -0.013279881328344345, + 0.03257519751787186, + -0.21379989385604858, + 2.5186233520507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/241.png", + [ + 0.19564349949359894, + -0.021156784147024155, + -0.09068577736616135, + 1.0397957563400269, + -0.03757764399051666, + -0.21100200712680817, + -0.03184289485216141, + 0.3542102575302124, + -0.08520235121250153, + 0.04447966068983078, + -0.19419065117835999, + 2.2821149826049805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/78.png", + [ + 0.2132158726453781, + -0.011454513296484947, + -0.0368196964263916, + 0.4326246976852417, + -0.02082955837249756, + -0.20832473039627075, + -0.055810727179050446, + 0.6441051363945007, + -0.0324503518640995, + 0.05845940485596657, + -0.20610038936138153, + 2.460172176361084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/191.png", + [ + 0.1856190711259842, + -0.015993302688002586, + -0.11062398552894592, + 1.2923414707183838, + -0.044988129287958145, + -0.2069980949163437, + -0.04556039348244667, + 0.5160405039787292, + -0.10232067853212357, + 0.061999160796403885, + -0.18065014481544495, + 2.171712875366211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/31.png", + [ + 0.2150512933731079, + -0.01548385713249445, + -0.02147296629846096, + 0.2556231617927551, + -0.019220108166337013, + -0.2121766209602356, + -0.039491381496191025, + 0.4609299302101135, + -0.018205096945166588, + 0.04110027104616165, + -0.21196046471595764, + 2.5579066276550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/194.png", + [ + 0.18659210205078125, + -0.016543181613087654, + -0.10889264941215515, + 1.274619221687317, + -0.044460803270339966, + -0.20730116963386536, + -0.044691842049360275, + 0.5037717819213867, + -0.10076964646577835, + 0.06083129718899727, + -0.18191459774971008, + 2.191157817840576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/152.png", + [ + 0.17095518112182617, + -0.005237391218543053, + -0.133021742105484, + 1.5342150926589966, + -0.03820182383060455, + -0.20933103561401367, + -0.04085385799407959, + 0.4574200510978699, + -0.12752583622932434, + 0.05568650737404823, + -0.16608452796936035, + 1.9789751768112183, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/270.png", + [ + 0.2134878933429718, + 0.0011946659069508314, + -0.03700512647628784, + 0.42490336298942566, + -0.0065954201854765415, + -0.2118709236383438, + -0.04488993063569069, + 0.49920013546943665, + -0.03643222525715828, + 0.04535612836480141, + -0.20871849358081818, + 2.468602180480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/39.png", + [ + 0.2160664200782776, + -0.014626674354076385, + -0.007018344011157751, + 0.07965365052223206, + -0.015759004279971123, + -0.2114916741847992, + -0.044393885880708694, + 0.5096003413200378, + -0.003853642614558339, + 0.04477972164750099, + -0.21196185052394867, + 2.509019374847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/92.png", + [ + 0.20794503390789032, + -0.010483107529580593, + -0.05997385457158089, + 0.7007216215133667, + -0.02579825185239315, + -0.20850153267383575, + -0.05300433561205864, + 0.6108434796333313, + -0.05514715984463692, + 0.05800959840416908, + -0.2013493925333023, + 2.405914306640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/203.png", + [ + 0.18773289024829865, + -0.015162419527769089, + -0.1071183979511261, + 1.2559003829956055, + -0.042419593781232834, + -0.20767325162887573, + -0.04494768753647804, + 0.5110095143318176, + -0.09952300786972046, + 0.05991508811712265, + -0.1829022914171219, + 2.2048516273498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/53.png", + [ + 0.21580246090888977, + -0.017949331551790237, + -0.007416935171931982, + 0.08625376969575882, + -0.019262585788965225, + -0.20837455987930298, + -0.05618627741932869, + 0.6221809387207031, + -0.0024783445987850428, + 0.05661948770284653, + -0.20913149416446686, + 2.3976845741271973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/245.png", + [ + 0.19578514993190765, + -0.027571750804781914, + -0.08863332867622375, + 1.0161913633346558, + -0.04430682957172394, + -0.20956330001354218, + -0.03268061578273773, + 0.36167556047439575, + -0.08156576752662659, + 0.047654129564762115, + -0.19499744474887848, + 2.296755313873291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/75.png", + [ + 0.21390704810619354, + -0.012612168677151203, + -0.03213413432240486, + 0.37845370173454285, + -0.02119496278464794, + -0.20718616247177124, + -0.0597708523273468, + 0.6935213208198547, + -0.027247807011008263, + 0.062150739133358, + -0.2057735025882721, + 2.465606689453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/151.png", + [ + 0.1699814647436142, + -0.004663747735321522, + -0.13428492844104767, + 1.5524417161941528, + -0.03808949887752533, + -0.20933379232883453, + -0.04094449430704117, + 0.45786234736442566, + -0.12885412573814392, + 0.05572711303830147, + -0.16504241526126862, + 1.969081997871399, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/87.png", + [ + 0.20990827679634094, + -0.011665103957057, + -0.05244360491633415, + 0.6157509088516235, + -0.02565537765622139, + -0.20759624242782593, + -0.05651107802987099, + 0.6511772274971008, + -0.047203898429870605, + 0.06095592677593231, + -0.20249460637569427, + 2.4209423065185547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/139.png", + [ + 0.20267705619335175, + 0.0017876088386401534, + -0.07659444212913513, + 0.8841410875320435, + -0.01920013502240181, + -0.20851828157901764, + -0.05567213520407677, + 0.6352974772453308, + -0.07417046278715134, + 0.05886286124587059, + -0.19488918781280518, + 2.326291561126709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/107.png", + [ + 0.20911502838134766, + -0.003133160760626197, + -0.05664790794253349, + 0.6601459383964539, + -0.017132751643657684, + -0.2097311168909073, + -0.05164523050189018, + 0.5857306122779846, + -0.05408577620983124, + 0.05432259663939476, + -0.20266149938106537, + 2.413672924041748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/112.png", + [ + 0.21151421964168549, + 0.0019293609075248241, + -0.04696713387966156, + 0.5421666502952576, + -0.009774096310138702, + -0.20995520055294037, + -0.05264190211892128, + 0.5902628302574158, + -0.04597935453057289, + 0.05350682884454727, + -0.20486779510974884, + 2.423614025115967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/267.png", + [ + 0.20874346792697906, + -0.016908178105950356, + -0.05557134747505188, + 0.6506173014640808, + -0.03021840564906597, + -0.2086431235074997, + -0.050027940422296524, + 0.5712457895278931, + -0.049607548862695694, + 0.055946942418813705, + -0.20336401462554932, + 2.423344612121582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/69.png", + [ + 0.21510300040245056, + -0.014746109023690224, + -0.021474290639162064, + 0.24866797029972076, + -0.020503977313637733, + -0.2060152143239975, + -0.06391570717096329, + 0.7276644706726074, + -0.016067974269390106, + 0.06548421829938889, + -0.20591631531715393, + 2.4547314643859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/157.png", + [ + 0.16924208402633667, + -0.0010966459522023797, + -0.13529154658317566, + 1.5546578168869019, + -0.032483089715242386, + -0.21065953373908997, + -0.03892694413661957, + 0.4352235496044159, + -0.1313387155532837, + 0.050687823444604874, + -0.16470816731452942, + 1.9538887739181519, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/45.png", + [ + 0.2160729169845581, + -0.015788553282618523, + -0.0033332339953631163, + 0.035360801964998245, + -0.016096631065011024, + -0.20774269104003906, + -0.05942860618233681, + 0.6654084920883179, + 0.0011345890816301107, + 0.059511203318834305, + -0.20833872258663177, + 2.4313220977783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/259.png", + [ + 0.20223715901374817, + -0.018253138288855553, + -0.07559660077095032, + 0.8871291279792786, + -0.035926565527915955, + -0.2087283432483673, + -0.045712899416685104, + 0.5184982419013977, + -0.06897321343421936, + 0.055201541632413864, + -0.19784685969352722, + 2.366443157196045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/50.png", + [ + 0.2159247249364853, + -0.017015110701322556, + -0.005906770005822182, + 0.06747253239154816, + -0.017982468008995056, + -0.20767082273960114, + -0.059138450771570206, + 0.6379711031913757, + -0.0010172694455832243, + 0.05942399799823761, + -0.20836420357227325, + 2.344846725463867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/101.png", + [ + 0.20779161155223846, + -0.008942925371229649, + -0.06075006350874901, + 0.7126643061637878, + -0.02156391367316246, + -0.2113388627767563, + -0.04264708608388901, + 0.48643729090690613, + -0.057493846863508224, + 0.046944648027420044, + -0.2035646289587021, + 2.434321880340576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/85.png", + [ + 0.2106868177652359, + -0.012056916952133179, + -0.04912826418876648, + 0.5794285535812378, + -0.025251131504774094, + -0.20740488171577454, + -0.05738890916109085, + 0.6655281186103821, + -0.04383304715156555, + 0.061528339982032776, + -0.20307837426662445, + 2.4311575889587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/276.png", + [ + 0.2129216492176056, + 0.02735142782330513, + 0.02939668856561184, + -0.3384380638599396, + 0.02981449104845524, + -0.2139483541250229, + -0.01688479259610176, + 0.17674478888511658, + 0.026895392686128616, + 0.020637327805161476, + -0.21400614082813263, + 2.5584139823913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/156.png", + [ + 0.17062321305274963, + -0.0017923797713592649, + -0.13353800773620605, + 1.5363526344299316, + -0.032575659453868866, + -0.2106696218252182, + -0.038794681429862976, + 0.4332500100135803, + -0.12951616942882538, + 0.050625964999198914, + -0.16616398096084595, + 1.97235906124115, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/181.png", + [ + 0.18571427464485168, + -0.021853266283869743, + -0.1094556525349617, + 1.2439905405044556, + -0.045560289174318314, + -0.20881564915180206, + -0.03561161085963249, + 0.39168840646743774, + -0.10189388692378998, + 0.05353840813040733, + -0.18357332050800323, + 2.1564064025878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/131.png", + [ + 0.20588411390781403, + 0.004177368711680174, + -0.06739567220211029, + 0.7809563279151917, + -0.0136260986328125, + -0.20924052596092224, + -0.054595086723566055, + 0.6228020191192627, + -0.06613588333129883, + 0.0561145544052124, + -0.1985575556755066, + 2.3687639236450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/71.png", + [ + 0.21444179117679596, + -0.015159880742430687, + -0.02707008831202984, + 0.317211389541626, + -0.022346891462802887, + -0.20661215484142303, + -0.061318300664424896, + 0.7017489075660706, + -0.02152273617684841, + 0.06347831338644028, + -0.20604652166366577, + 2.468226432800293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/160.png", + [ + 0.16728366911411285, + -0.001693932805210352, + -0.1376996636390686, + 1.5852080583572388, + -0.032687198370695114, + -0.21095481514930725, + -0.03711476922035217, + 0.41193610429763794, + -0.13377448916435242, + 0.049427617341279984, + -0.163123220205307, + 1.9366973638534546, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/115.png", + [ + 0.21091797947883606, + -0.0004344726330600679, + -0.049611590802669525, + 0.5683839321136475, + -0.012341194786131382, + -0.21031562983989716, + -0.050625335425138474, + 0.5600517392158508, + -0.04805407300591469, + 0.05210605636239052, + -0.20475268363952637, + 2.3955907821655273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/54.png", + [ + 0.2157403975725174, + -0.018720047548413277, + -0.007317235227674246, + 0.08361370116472244, + -0.01998751424252987, + -0.2081262469291687, + -0.05684944987297058, + 0.6320693492889404, + -0.0021169271785765886, + 0.0572793148458004, + -0.20895572006702423, + 2.4039502143859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/33.png", + [ + 0.21551264822483063, + -0.01662219874560833, + -0.015029923059046268, + 0.17606650292873383, + -0.01914099231362343, + -0.21211136877536774, + -0.03987829014658928, + 0.46063491702079773, + -0.011654122732579708, + 0.04099217429757118, + -0.21244226396083832, + 2.551802635192871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/252.png", + [ + 0.19810433685779572, + -0.02597077377140522, + -0.08383363485336304, + 0.9701544642448425, + -0.04472404345870018, + -0.20795421302318573, + -0.04126381501555443, + 0.4634496867656708, + -0.07551370561122894, + 0.05503145232796669, + -0.1954919695854187, + 2.3223371505737305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/221.png", + [ + 0.18914075195789337, + -0.01684795692563057, + -0.10435428470373154, + 1.2095154523849487, + -0.03703472390770912, + -0.21090862154960632, + -0.033073827624320984, + 0.3680923581123352, + -0.0990055575966835, + 0.046707551926374435, + -0.18698716163635254, + 2.21964693069458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/266.png", + [ + 0.2088485062122345, + -0.01700693741440773, + -0.05514485388994217, + 0.6442968249320984, + -0.03018256090581417, + -0.20866551995277405, + -0.04995608702301979, + 0.5696561932563782, + -0.04918540641665459, + 0.05583333596587181, + -0.2034977376461029, + 2.429457187652588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/159.png", + [ + 0.1680048704147339, + -0.0015958345029503107, + -0.1368200033903122, + 1.575684905052185, + -0.032570503652095795, + -0.21089862287044525, + -0.037534307688474655, + 0.4175182282924652, + -0.1328962743282318, + 0.04967007040977478, + -0.16376617550849915, + 1.9423431158065796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/177.png", + [ + 0.18138836324214935, + -0.015818605199456215, + -0.11745608597993851, + 1.3344993591308594, + -0.04100192338228226, + -0.20985163748264313, + -0.03505745157599449, + 0.3801014721393585, + -0.1111980453133583, + 0.05157474800944328, + -0.17866991460323334, + 2.0952439308166504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/49.png", + [ + 0.21601448953151703, + -0.016244538128376007, + -0.004663548897951841, + 0.05541898310184479, + -0.01690068282186985, + -0.20754140615463257, + -0.059906814247369766, + 0.6476030945777893, + 2.4363518605241552e-05, + 0.060088057070970535, + -0.20817618072032928, + 2.347649574279785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/118.png", + [ + 0.20981493592262268, + 0.002085869899019599, + -0.05404844135046005, + 0.6145619750022888, + -0.010444579645991325, + -0.2108759880065918, + -0.04868389666080475, + 0.5352834463119507, + -0.05307066813111305, + 0.04974796250462532, + -0.20409934222698212, + 2.383845806121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/210.png", + [ + 0.1869041472673416, + -0.012712636031210423, + -0.10887201130390167, + 1.2773388624191284, + -0.040575217455625534, + -0.20794861018657684, + -0.045375317335128784, + 0.5111285448074341, + -0.10182522237300873, + 0.059528615325689316, + -0.18175768852233887, + 2.189150810241699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/179.png", + [ + 0.18246108293533325, + -0.02006819099187851, + -0.11512216925621033, + 1.3095606565475464, + -0.047098688781261444, + -0.20797975361347198, + -0.03839312493801117, + 0.42648908495903015, + -0.10694652795791626, + 0.057354919612407684, + -0.17950138449668884, + 2.112278461456299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/110.png", + [ + 0.21086859703063965, + 0.004287669435143471, + -0.049638159573078156, + 0.5750476121902466, + -0.008767745457589626, + -0.2093084752559662, + -0.05532614141702652, + 0.6274341940879822, + -0.04904546961188316, + 0.05585222691297531, + -0.2035263329744339, + 2.418872356414795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/258.png", + [ + 0.20190109312534332, + -0.01956629566848278, + -0.07616432756185532, + 0.892734706401825, + -0.036991193890571594, + -0.20882301032543182, + -0.04441278427839279, + 0.5027667880058289, + -0.06939377635717392, + 0.05438753217458725, + -0.19792523980140686, + 2.363603115081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/18.png", + [ + 0.2128743678331375, + -0.0128015773370862, + -0.03832137584686279, + 0.4477851688861847, + -0.020616300404071808, + -0.21115946769714355, + -0.04398347809910774, + 0.5077692270278931, + -0.03474732115864754, + 0.046858273446559906, + -0.20867396891117096, + 2.4887447357177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/66.png", + [ + 0.21550677716732025, + -0.014863533899188042, + -0.01684645377099514, + 0.19295679032802582, + -0.01904962584376335, + -0.20702679455280304, + -0.061032045632600784, + 0.6915481686592102, + -0.011909634806215763, + 0.06218419969081879, + -0.2072177231311798, + 2.439070701599121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/234.png", + [ + 0.1932094246149063, + -0.01677924022078514, + -0.09662538766860962, + 1.1083296537399292, + -0.03575516864657402, + -0.21083804965019226, + -0.03488248586654663, + 0.38648197054862976, + -0.09132128208875656, + 0.04704972729086876, + -0.19077380001544952, + 2.237163543701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/202.png", + [ + 0.1874488890171051, + -0.015897847712039948, + -0.10750843584537506, + 1.261529803276062, + -0.0433882400393486, + -0.2074679434299469, + -0.04497120529413223, + 0.5126492381095886, + -0.09964068979024887, + 0.060433488339185715, + -0.18266749382019043, + 2.2033677101135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/273.png", + [ + 0.21446412801742554, + 0.030354531481862068, + 0.005624457728117704, + -0.07711409032344818, + 0.03085150755941868, + -0.212150439620018, + -0.03143687918782234, + 0.3396660387516022, + 0.001102941227145493, + 0.03191700950264931, + -0.21430814266204834, + 2.5351977348327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/206.png", + [ + 0.18754048645496368, + -0.013698345981538296, + -0.10765136033296585, + 1.2630821466445923, + -0.0432777963578701, + -0.20655013620853424, + -0.04911172762513161, + 0.5593855381011963, + -0.09951628744602203, + 0.06401003897190094, + -0.18151341378688812, + 2.1895217895507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/16.png", + [ + 0.21204668283462524, + -0.01218534354120493, + -0.042844031006097794, + 0.5004448890686035, + -0.021285321563482285, + -0.210794135928154, + -0.045394498854875565, + 0.5233963131904602, + -0.03912835940718651, + 0.04863375797867775, + -0.20748884975910187, + 2.474475383758545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/190.png", + [ + 0.18569542467594147, + -0.016974113881587982, + -0.11034936457872391, + 1.2869089841842651, + -0.04554654657840729, + -0.2070424109697342, + -0.044797930866479874, + 0.5075498819351196, + -0.10193438082933426, + 0.061589136719703674, + -0.18100842833518982, + 2.1728591918945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/211.png", + [ + 0.18646135926246643, + -0.015256367623806, + -0.10930366069078445, + 1.277984619140625, + -0.041828371584415436, + -0.20835359394550323, + -0.042273569852113724, + 0.4753125011920929, + -0.1021295115351677, + 0.057479649782180786, + -0.18224585056304932, + 2.1915206909179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/94.png", + [ + 0.20817360281944275, + -0.00942384172230959, + -0.05935347080230713, + 0.6922381520271301, + -0.02312278561294079, + -0.21008025109767914, + -0.04774430766701698, + 0.5457983016967773, + -0.0554705373942852, + 0.052205104380846024, + -0.20284365117549896, + 2.421779155731201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/209.png", + [ + 0.18654955923557281, + -0.01318596675992012, + -0.10942250490188599, + 1.2846544981002808, + -0.0430748425424099, + -0.20673136413097382, + -0.04852420464158058, + 0.5518234968185425, + -0.10144807398319244, + 0.06353086978197098, + -0.18061010539531708, + 2.1798195838928223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/228.png", + [ + 0.19315414130687714, + -0.016966134309768677, + -0.09670326113700867, + 1.1085172891616821, + -0.032111138105392456, + -0.21259444952011108, + -0.02683977596461773, + 0.2931605875492096, + -0.09278062731027603, + 0.038257669657468796, + -0.19203123450279236, + 2.252054214477539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/28.png", + [ + 0.21442800760269165, + -0.016311505809426308, + -0.026503892615437508, + 0.3121890723705292, + -0.020933734253048897, + -0.21214145421981812, + -0.03880305960774422, + 0.4577745497226715, + -0.02302824892103672, + 0.040961362421512604, + -0.21151773631572723, + 2.5559892654418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/61.png", + [ + 0.21590320765972137, + -0.014911305159330368, + -0.010552085004746914, + 0.12048221379518509, + -0.017245318740606308, + -0.20765581727027893, + -0.059410106390714645, + 0.6732025146484375, + -0.0060243308544158936, + 0.06003844365477562, + -0.20810331404209137, + 2.4173460006713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/132.png", + [ + 0.20423975586891174, + 0.004887622315436602, + -0.07218120992183685, + 0.8383758664131165, + -0.014431561343371868, + -0.2090824395418167, + -0.054992351680994034, + 0.6266899704933167, + -0.07089249789714813, + 0.056643977761268616, + -0.1967577338218689, + 2.346665382385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/58.png", + [ + 0.2158130705356598, + -0.017323404550552368, + -0.008515218272805214, + 0.09713540226221085, + -0.01892692595720291, + -0.2086831033229828, + -0.05514553189277649, + 0.6214426159858704, + -0.0037922016344964504, + 0.055670082569122314, + -0.2093665450811386, + 2.4311342239379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/263.png", + [ + 0.20653800666332245, + -0.014840904623270035, + -0.06379414349794388, + 0.7482523322105408, + -0.030791928991675377, + -0.2082645446062088, + -0.05124089866876602, + 0.5870634913444519, + -0.05780832841992378, + 0.05790958181023598, + -0.20063044130802155, + 2.410585403442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/253.png", + [ + 0.19859136641025543, + -0.026073096320033073, + -0.08264115452766418, + 0.9601335525512695, + -0.04468381404876709, + -0.20785583555698395, + -0.04179969057440758, + 0.47012224793434143, + -0.07424772530794144, + 0.05535387247800827, + -0.19588549435138702, + 2.331502914428711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/123.png", + [ + 0.2045983523130417, + 0.005988612305372953, + -0.0710742175579071, + 0.8266444802284241, + -0.01127449981868267, + -0.2104797512292862, + -0.05019015818834305, + 0.5586455464363098, + -0.07042934000492096, + 0.05109111964702606, + -0.1984371542930603, + 2.360281467437744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/64.png", + [ + 0.21574631333351135, + -0.014357833191752434, + -0.013974216766655445, + 0.1611299216747284, + -0.017643732950091362, + -0.20775628089904785, + -0.058939944952726364, + 0.6664850115776062, + -0.009493411518633366, + 0.05982533097267151, + -0.20803533494472504, + 2.4294610023498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/10.png", + [ + 0.20827935636043549, + -0.010049652308225632, + -0.058877889066934586, + 0.6873975396156311, + -0.023805083706974983, + -0.2098560929298401, + -0.048390429466962814, + 0.5499277710914612, + -0.05478065460920334, + 0.052984148263931274, + -0.20282912254333496, + 2.4239583015441895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/170.png", + [ + 0.17646974325180054, + -0.012352356687188148, + -0.12511491775512695, + 1.4167394638061523, + -0.04083029180765152, + -0.20956915616989136, + -0.036899175494909286, + 0.4080294668674469, + -0.11890841275453568, + 0.053629111498594284, + -0.17301039397716522, + 2.028392791748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/41.png", + [ + 0.2161218523979187, + -0.01464338880032301, + -0.004981358535587788, + 0.05518411099910736, + -0.015384388156235218, + -0.21073119342327118, + -0.04799565300345421, + 0.5454437136650085, + -0.001601057592779398, + 0.048226892948150635, + -0.21123327314853668, + 2.484910488128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/166.png", + [ + 0.1691303253173828, + -0.00481779919937253, + -0.13534997403621674, + 1.5468844175338745, + -0.036604732275009155, + -0.2101047933101654, + -0.03826175630092621, + 0.42168548703193665, + -0.13039524853229523, + 0.052731942385435104, + -0.1648159921169281, + 1.9469722509384155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/91.png", + [ + 0.20809543132781982, + -0.010939325205981731, + -0.05936770513653755, + 0.6931831240653992, + -0.02638096734881401, + -0.20814238488674164, + -0.05411732941865921, + 0.6236119866371155, + -0.05429767817258835, + 0.059202805161476135, + -0.20123291015625, + 2.4027099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/140.png", + [ + 0.20203499495983124, + 0.0023954606149345636, + -0.07825607806444168, + 0.903609573841095, + -0.018401557579636574, + -0.2090534120798111, + -0.05390683561563492, + 0.6157181859016418, + -0.07609951496124268, + 0.0569106824696064, + -0.19472527503967285, + 2.3235044479370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/217.png", + [ + 0.18744942545890808, + -0.01722598634660244, + -0.1073027029633522, + 1.2489866018295288, + -0.041250914335250854, + -0.2092026174068451, + -0.03847749903798103, + 0.43425095081329346, + -0.10054335743188858, + 0.05371611937880516, + -0.18426477909088135, + 2.1938796043395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/240.png", + [ + 0.19560126960277557, + -0.019434303045272827, + -0.0911610946059227, + 1.044679880142212, + -0.035853397101163864, + -0.21129560470581055, + -0.031884074211120605, + 0.35383525490760803, + -0.08603818714618683, + 0.04386761784553528, + -0.1939612179994583, + 2.2776846885681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/23.png", + [ + 0.2130693793296814, + -0.016358664259314537, + -0.035801246762275696, + 0.42327189445495605, + -0.022965749725699425, + -0.21172010898590088, + -0.03993825241923332, + 0.46344926953315735, + -0.031967319548130035, + 0.043068356812000275, + -0.20993119478225708, + 2.5127744674682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/220.png", + [ + 0.189364492893219, + -0.017008213326334953, + -0.10392159223556519, + 1.205862045288086, + -0.03828267380595207, + -0.2103179693222046, + -0.0353366993367672, + 0.3946937024593353, + -0.0980990007519722, + 0.04924394562840462, + -0.1868141144514084, + 2.2179012298583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/201.png", + [ + 0.18792816996574402, + -0.015576214529573917, + -0.10671588778495789, + 1.2535672187805176, + -0.04303673654794693, + -0.20742303133010864, + -0.04551289603114128, + 0.518806517124176, + -0.09888751059770584, + 0.060670968145132065, + -0.18299777805805206, + 2.209012031555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/37.png", + [ + 0.21592757105827332, + -0.01504839863628149, + -0.00983470119535923, + 0.11386646330356598, + -0.016653478145599365, + -0.21208377182483673, + -0.04112214967608452, + 0.47308287024497986, + -0.006770326755940914, + 0.041736260056495667, + -0.2125091552734375, + 2.523921489715576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/178.png", + [ + 0.18355880677700043, + -0.01647021807730198, + -0.11394202709197998, + 1.2943673133850098, + -0.0423896424472332, + -0.2090492844581604, + -0.038071159273386, + 0.4145049750804901, + -0.10703817754983902, + 0.05454380810260773, + -0.1803210824728012, + 2.1148524284362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/36.png", + [ + 0.21586035192012787, + -0.015454314649105072, + -0.010647379793226719, + 0.12382388859987259, + -0.017210356891155243, + -0.2120324969291687, + -0.04115721955895424, + 0.47384777665138245, + -0.007483727298676968, + 0.041848260909318924, + -0.21246320009231567, + 2.5304923057556152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/213.png", + [ + 0.18605883419513702, + -0.01864749938249588, + -0.10946360230445862, + 1.2757594585418701, + -0.0423402301967144, + -0.20937418937683105, + -0.0362994484603405, + 0.40649041533470154, + -0.10265141725540161, + 0.05256059393286705, + -0.18343383073806763, + 2.1986923217773438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/212.png", + [ + 0.18620160222053528, + -0.01804341748356819, + -0.10932193696498871, + 1.2760125398635864, + -0.042837586253881454, + -0.20888172090053558, + -0.038487132638692856, + 0.4321538805961609, + -0.10218507051467896, + 0.054687779396772385, + -0.18307197093963623, + 2.1983304023742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/182.png", + [ + 0.18538270890712738, + -0.01897919550538063, + -0.11054837703704834, + 1.2605574131011963, + -0.04394546523690224, + -0.2087676078081131, + -0.03785209357738495, + 0.4177730083465576, + -0.1031985878944397, + 0.05480670928955078, + -0.18246689438819885, + 2.146963119506836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/235.png", + [ + 0.194528728723526, + -0.01599358581006527, + -0.09407799690961838, + 1.0777345895767212, + -0.034812990576028824, + -0.21078208088874817, + -0.0361504852771759, + 0.39945507049560547, + -0.08885110169649124, + 0.04757107049226761, + -0.19180816411972046, + 2.246403694152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/8.png", + [ + 0.20795488357543945, + -0.01160362083464861, + -0.059732887893915176, + 0.6914719939231873, + -0.025179032236337662, + -0.21004392206668854, + -0.046855803579092026, + 0.5282437205314636, + -0.05539565160870552, + 0.05191151797771454, + -0.20293942093849182, + 2.4156742095947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/6.png", + [ + 0.20662948489189148, + -0.009357710368931293, + -0.06453356891870499, + 0.7490755319595337, + -0.024207737296819687, + -0.21011635661125183, + -0.04704255983233452, + 0.5324630737304688, + -0.06054861098527908, + 0.05207159370183945, + -0.20142072439193726, + 2.3942832946777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/257.png", + [ + 0.2011391669511795, + -0.021112442016601562, + -0.07775089144706726, + 0.911093533039093, + -0.03897903114557266, + -0.2085018754005432, + -0.044221047312021255, + 0.5004451274871826, + -0.07050936669111252, + 0.055037543177604675, + -0.197350412607193, + 2.3583927154541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/197.png", + [ + 0.18794776499271393, + -0.015949703752994537, + -0.10662617534399033, + 1.249050259590149, + -0.042525000870227814, + -0.2078838050365448, + -0.04386159032583237, + 0.4940994083881378, + -0.09907147288322449, + 0.05897306278347969, + -0.1834527552127838, + 2.2089648246765137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/219.png", + [ + 0.18835651874542236, + -0.01757606491446495, + -0.10564469546079636, + 1.2278300523757935, + -0.04054125398397446, + -0.20953252911567688, + -0.03742215409874916, + 0.42179760336875916, + -0.09912680834531784, + 0.05229811742901802, + -0.1854364424943924, + 2.205389976501465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/169.png", + [ + 0.17490656673908234, + -0.010970834642648697, + -0.12741751968860626, + 1.4441242218017578, + -0.04023737832903862, + -0.20963343977928162, + -0.03718427196145058, + 0.41131508350372314, + -0.12139414250850677, + 0.053678277879953384, + -0.1712600290775299, + 2.012734889984131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/154.png", + [ + 0.17198768258094788, + -0.005947785917669535, + -0.13165393471717834, + 1.5170979499816895, + -0.03786872327327728, + -0.2095557451248169, + -0.040003061294555664, + 0.448641300201416, + -0.12623032927513123, + 0.05476229265332222, + -0.16737650334835052, + 1.9912153482437134, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/20.png", + [ + 0.2131604552268982, + -0.014384381473064423, + -0.03610548377037048, + 0.4234047532081604, + -0.021443014964461327, + -0.21140655875205994, + -0.04237167537212372, + 0.4891708195209503, + -0.03241470828652382, + 0.04525761306285858, + -0.20940135419368744, + 2.499629020690918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/237.png", + [ + 0.19540581107139587, + -0.016568198800086975, + -0.09214096516370773, + 1.0537086725234985, + -0.03461303189396858, + -0.21092943847179413, + -0.03547680377960205, + 0.3904475271701813, + -0.08698505163192749, + 0.04671360179781914, + -0.19287128746509552, + 2.258042812347412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/2.png", + [ + 0.20369219779968262, + -0.006220695096999407, + -0.0736117959022522, + 0.8524971604347229, + -0.023870496079325676, + -0.2098654955625534, + -0.048317305743694305, + 0.5466379523277283, + -0.06991131603717804, + 0.053531914949417114, + -0.19797635078430176, + 2.3450989723205566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/117.png", + [ + 0.21065470576286316, + 0.0018721527885645628, + -0.05068507045507431, + 0.5753417015075684, + -0.009869074448943138, + -0.21087539196014404, + -0.04880644381046295, + 0.5348058938980103, + -0.049750201404094696, + 0.04975904896855354, + -0.2049313336610794, + 2.3875064849853516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/149.png", + [ + 0.17197172343730927, + -0.0022135074250400066, + -0.13179047405719757, + 1.532209038734436, + -0.03724795579910278, + -0.20862993597984314, + -0.04510030522942543, + 0.5051110982894897, + -0.12643660604953766, + 0.05845125392079353, + -0.16596724092960358, + 1.9783540964126587, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/161.png", + [ + 0.16321535408496857, + -0.0010710585629567504, + -0.14250436425209045, + 1.6416497230529785, + -0.03371208533644676, + -0.2108088582754135, + -0.03702722117304802, + 0.4111063778400421, + -0.13846351206302643, + 0.050063688308000565, + -0.15896345674991608, + 1.8924163579940796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/5.png", + [ + 0.20614761114120483, + -0.008526873774826527, + -0.06616907566785812, + 0.7662791013717651, + -0.023909470066428185, + -0.21006587147712708, + -0.04741906747221947, + 0.5376645922660828, + -0.06228475645184517, + 0.05241682007908821, + -0.2008008509874344, + 2.384186267852783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/187.png", + [ + 0.18496131896972656, + -0.017610961571335793, + -0.11147674918174744, + 1.2890735864639282, + -0.04558870568871498, + -0.20744110643863678, + -0.04286911338567734, + 0.48152217268943787, + -0.10324186086654663, + 0.060049526393413544, + -0.18078459799289703, + 2.155815601348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/108.png", + [ + 0.20968228578567505, + -0.0006512888357974589, + -0.05459677055478096, + 0.635269820690155, + -0.014592763036489487, + -0.20944638550281525, + -0.053545914590358734, + 0.6075283885002136, + -0.052614472806453705, + 0.05549495294690132, + -0.2027311623096466, + 2.4137864112854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/60.png", + [ + 0.2158936709165573, + -0.01584538258612156, + -0.009313639253377914, + 0.10486920922994614, + -0.017785603180527687, + -0.20779894292354584, + -0.05874662846326828, + 0.6646266579627991, + -0.004635990597307682, + 0.05929938703775406, + -0.20835062861442566, + 2.4166226387023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/260.png", + [ + 0.20368020236492157, + -0.01633358933031559, + -0.07207969576120377, + 0.8445925712585449, + -0.033628784120082855, + -0.20865632593631744, + -0.04774453863501549, + 0.544243574142456, + -0.06581316888332367, + 0.05606825649738312, + -0.19867782294750214, + 2.3818488121032715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/56.png", + [ + 0.2157476842403412, + -0.018143782392144203, + -0.008463867008686066, + 0.09627292305231094, + -0.019712703302502632, + -0.20851989090442657, + -0.05548654496669769, + 0.6210651993751526, + -0.003499020356684923, + 0.056019194424152374, + -0.20927853882312775, + 2.422293186187744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/147.png", + [ + 0.17732754349708557, + -0.0004599357198458165, + -0.1245095282793045, + 1.4526249170303345, + -0.035013191401958466, + -0.20811396837234497, + -0.04909732565283775, + 0.5605791807174683, + -0.11948603391647339, + 0.06030140072107315, + -0.17039579153060913, + 2.0348753929138184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/261.png", + [ + 0.2045830339193344, + -0.014402606524527073, + -0.06990163028240204, + 0.8198010921478271, + -0.031524982303380966, + -0.20862799882888794, + -0.0492791123688221, + 0.5632336139678955, + -0.06403005123138428, + 0.05669938400387764, + -0.1990809589624405, + 2.389207363128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/30.png", + [ + 0.21492160856723785, + -0.01585398241877556, + -0.022477786988019943, + 0.2663710117340088, + -0.019726384431123734, + -0.21223559975624084, + -0.03892049938440323, + 0.4560249149799347, + -0.019169488921761513, + 0.04065202176570892, + -0.21196188032627106, + 2.560715675354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/17.png", + [ + 0.21236835420131683, + -0.01254512183368206, + -0.04111195355653763, + 0.4804637134075165, + -0.02116163820028305, + -0.210900217294693, + -0.04495757445693016, + 0.5188314318656921, + -0.037413340061903, + 0.048079293221235275, + -0.2079339325428009, + 2.4801692962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/12.png", + [ + 0.20993821322917938, + -0.011645016260445118, + -0.05232815444469452, + 0.6113306283950806, + -0.023616014048457146, + -0.20996208488941193, + -0.04802178591489792, + 0.5473741292953491, + -0.04812614992260933, + 0.05223218724131584, + -0.20470361411571503, + 2.4459915161132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/114.png", + [ + 0.21115534007549286, + 0.0009411782957613468, + -0.04858433082699776, + 0.5582508444786072, + -0.01094440370798111, + -0.21014690399169922, + -0.05163712427020073, + 0.5757918357849121, + -0.047344934195280075, + 0.05277581512928009, + -0.20474635064601898, + 2.405101776123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/27.png", + [ + 0.21391339600086212, + -0.016038162633776665, + -0.030524298548698425, + 0.3613063097000122, + -0.021436236798763275, + -0.2120945304632187, + -0.038785237818956375, + 0.45617401599884033, + -0.02700820565223694, + 0.04131082817912102, + -0.21097834408283234, + 2.544804096221924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/42.png", + [ + 0.2161591798067093, + -0.014164680615067482, + -0.004739971831440926, + 0.05225939303636551, + -0.014874114654958248, + -0.2104160487651825, + -0.04951510578393936, + 0.5599738359451294, + -0.0013661053963005543, + 0.04972270503640175, + -0.2108878344297409, + 2.4749979972839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/223.png", + [ + 0.18922270834445953, + -0.018756985664367676, + -0.10387896746397018, + 1.1997851133346558, + -0.03592374175786972, + -0.211941659450531, + -0.027168164029717445, + 0.3010637164115906, + -0.09925798326730728, + 0.04094874486327171, + -0.1881992071866989, + 2.227362632751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/174.png", + [ + 0.17923873662948608, + -0.017883820459246635, + -0.12042234092950821, + 1.3622300624847412, + -0.04294202849268913, + -0.20983591675758362, + -0.0327531136572361, + 0.35791778564453125, + -0.11391818523406982, + 0.05096030980348587, + -0.17712591588497162, + 2.071319580078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/7.png", + [ + 0.20720669627189636, + -0.009995561093091965, + -0.0625569224357605, + 0.7269609570503235, + -0.02421179600059986, + -0.21021270751953125, + -0.046607982367277145, + 0.5262972116470337, + -0.05854117125272751, + 0.05156164988875389, + -0.202144056558609, + 2.403416156768799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/73.png", + [ + 0.21419140696525574, + -0.015323265455663204, + -0.028898611664772034, + 0.3402405381202698, + -0.022801687940955162, + -0.2071973830461502, + -0.059137266129255295, + 0.6806221604347229, + -0.023452404886484146, + 0.06150065362453461, + -0.20643532276153564, + 2.4778075218200684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/120.png", + [ + 0.20791535079479218, + 0.00393070001155138, + -0.060857586562633514, + 0.6982680559158325, + -0.010195971466600895, + -0.2109401673078537, + -0.04845808073878288, + 0.5362613797187805, + -0.06012601777911186, + 0.04936286807060242, + -0.20222774147987366, + 2.383955955505371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/46.png", + [ + 0.2160341739654541, + -0.0162972342222929, + -0.0033957227133214474, + 0.037566639482975006, + -0.016594156622886658, + -0.20729072391986847, + -0.060853034257888794, + 0.6772423982620239, + 0.0013284162851050496, + 0.06093322113156319, + -0.20792612433433533, + 2.4149417877197266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/265.png", + [ + 0.20866814255714417, + -0.01629946008324623, + -0.05603422597050667, + 0.6538447737693787, + -0.030076079070568085, + -0.20832949876785278, + -0.05140180513262749, + 0.5871061682701111, + -0.05000936985015869, + 0.05728039890527725, + -0.20289385318756104, + 2.428421974182129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/127.png", + [ + 0.2087351232767105, + -0.0025641247630119324, + -0.05806007608771324, + 0.6662111282348633, + -0.01647324487566948, + -0.21019616723060608, + -0.04994095116853714, + 0.5568547248840332, + -0.05573311820626259, + 0.052525147795677185, + -0.20268897712230682, + 2.405332088470459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/236.png", + [ + 0.19519826769828796, + -0.01642588898539543, + -0.09260517358779907, + 1.059087872505188, + -0.034897834062576294, + -0.2107638269662857, + -0.03617523983120918, + 0.3988204300403595, + -0.08733652532100677, + 0.04750470444560051, + -0.19251888990402222, + 2.253394603729248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/226.png", + [ + 0.1926213502883911, + -0.016758689656853676, + -0.09779594838619232, + 1.1219087839126587, + -0.03110070899128914, + -0.21299704909324646, + -0.02475675381720066, + 0.270420640707016, + -0.09422126412391663, + 0.03604576736688614, + -0.19175752997398376, + 2.2538795471191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/133.png", + [ + 0.20232638716697693, + 0.005642394069582224, + -0.07733103632926941, + 0.9004565477371216, + -0.015245618298649788, + -0.20898662507534027, + -0.05513667315244675, + 0.6279013752937317, + -0.07602299749851227, + 0.0569266639649868, + -0.19475048780441284, + 2.321230888366699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/57.png", + [ + 0.2158334106206894, + -0.01620245911180973, + -0.010065341368317604, + 0.11525436490774155, + -0.018245622515678406, + -0.20870743691921234, + -0.055282846093177795, + 0.6210331916809082, + -0.005561305675655603, + 0.05591579154133797, + -0.20926153659820557, + 2.428678512573242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/44.png", + [ + 0.21613237261772156, + -0.014828947372734547, + -0.003846783423796296, + 0.04146302491426468, + -0.01531894225627184, + -0.20862972736358643, + -0.05645241215825081, + 0.634183406829834, + 0.00015957781579345465, + 0.05658309534192085, + -0.20915599167346954, + 2.4458017349243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/264.png", + [ + 0.20788885653018951, + -0.01614203117787838, + -0.05890295282006264, + 0.6889033913612366, + -0.03091055154800415, + -0.20803813636302948, + -0.05208228901028633, + 0.5956172943115234, + -0.05267505720257759, + 0.05837346985936165, + -0.20190535485744476, + 2.4206066131591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/113.png", + [ + 0.21147167682647705, + 0.0012176454765722156, + -0.04718201234936714, + 0.5443598031997681, + -0.010272105224430561, + -0.210222989320755, + -0.05146530643105507, + 0.574556291103363, + -0.04606635123491287, + 0.05246628448367119, + -0.20511721074581146, + 2.423274517059326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/126.png", + [ + 0.2080046534538269, + -0.0019291521748527884, + -0.06064848601818085, + 0.6958852410316467, + -0.016224944964051247, + -0.21044793725013733, + -0.048952214419841766, + 0.5425631403923035, + -0.058469757437705994, + 0.05153490975499153, + -0.20217154920101166, + 2.3946533203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/29.png", + [ + 0.21459878981113434, + -0.01639338582754135, + -0.02503020130097866, + 0.29582956433296204, + -0.020689990371465683, + -0.21224215626716614, + -0.03838082775473595, + 0.45149722695350647, + -0.021614309400320053, + 0.040403224527835846, + -0.21177417039871216, + 2.5602951049804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/4.png", + [ + 0.2058112919330597, + -0.008046792820096016, + -0.06726700067520142, + 0.7778037786483765, + -0.02379906363785267, + -0.2100163996219635, + -0.04769288748502731, + 0.5405877828598022, + -0.06342874467372894, + 0.05269019305706024, + -0.20037074387073517, + 2.3779749870300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/55.png", + [ + 0.21578733623027802, + -0.01814703643321991, + -0.0073756626807153225, + 0.08418700844049454, + -0.01944195106625557, + -0.2083754539489746, + -0.056121084839105606, + 0.6256645321846008, + -0.002392875961959362, + 0.05655307695269585, + -0.20915044844150543, + 2.4138264656066895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/9.png", + [ + 0.20770378410816193, + -0.010332761332392693, + -0.060829758644104004, + 0.7073536515235901, + -0.02449321746826172, + -0.20987047255039215, + -0.04798297956585884, + 0.5433884859085083, + -0.05663133040070534, + 0.052872661501169205, + -0.20234936475753784, + 2.415256977081299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/25.png", + [ + 0.2135070562362671, + -0.016593212261795998, + -0.03297416493296623, + 0.3897823393344879, + -0.02233135513961315, + -0.21217569708824158, + -0.037824325263500214, + 0.4409271776676178, + -0.029392870143055916, + 0.040669817477464676, + -0.21078406274318695, + 2.535170555114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/99.png", + [ + 0.20765192806720734, + -0.010180768556892872, + -0.061032142490148544, + 0.7156370878219604, + -0.02358466200530529, + -0.21061019599437714, + -0.04511110484600067, + 0.5168126821517944, + -0.05720432475209236, + 0.04987584799528122, + -0.2029481679201126, + 2.4274487495422363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/208.png", + [ + 0.1863272488117218, + -0.012583992443978786, + -0.10987125337123871, + 1.2902920246124268, + -0.04318246245384216, + -0.20645689964294434, + -0.04958547279238701, + 0.5645904541015625, + -0.10181023180484772, + 0.06453749537467957, + -0.18004855513572693, + 2.1751084327697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/224.png", + [ + 0.18990474939346313, + -0.01962803117930889, + -0.1024637445807457, + 1.1798081398010254, + -0.03525356948375702, + -0.21236063539981842, + -0.02465847134590149, + 0.2716744840145111, + -0.09818993508815765, + 0.0382830873131752, + -0.18931728601455688, + 2.2352681159973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/34.png", + [ + 0.21565856039524078, + -0.01670270971953869, + -0.012661263346672058, + 0.14784248173236847, + -0.01881491206586361, + -0.21195250749588013, + -0.040866054594516754, + 0.47184744477272034, + -0.00923510268330574, + 0.041773851960897446, + -0.21240893006324768, + 2.5436816215515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/72.png", + [ + 0.21433360874652863, + -0.014868590980768204, + -0.028069810941815376, + 0.3303782045841217, + -0.022261491045355797, + -0.20689433813095093, + -0.06039080023765564, + 0.6927158832550049, + -0.022658666595816612, + 0.06262226402759552, + -0.20618663728237152, + 2.4729928970336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/102.png", + [ + 0.20800553262233734, + -0.009651907719671726, + -0.05990350618958473, + 0.7014424800872803, + -0.022047633305191994, + -0.21131685376167297, + -0.04250868037343025, + 0.4839470088481903, + -0.05652867630124092, + 0.04690338298678398, + -0.20384424924850464, + 2.4335179328918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/262.png", + [ + 0.2053123563528061, + -0.013928652741014957, + -0.06782860308885574, + 0.7961335182189941, + -0.030679764226078987, + -0.20857417583465576, + -0.05003460496664047, + 0.5736634135246277, + -0.0620763935148716, + 0.05701493099331856, + -0.19960889220237732, + 2.398404121398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/134.png", + [ + 0.20060434937477112, + 0.006613618228584528, + -0.08162137120962143, + 0.9549877047538757, + -0.01608443260192871, + -0.20857760310173035, + -0.056432031095027924, + 0.6420341730117798, + -0.08029370754957199, + 0.05830560624599457, + -0.19261689484119415, + 2.2950310707092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/70.png", + [ + 0.2149137407541275, + -0.01437649130821228, + -0.023522254079580307, + 0.2739277184009552, + -0.020718585699796677, + -0.20619098842144012, + -0.06327648460865021, + 0.7226009368896484, + -0.01818571612238884, + 0.06501146405935287, + -0.2058899849653244, + 2.4632821083068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/135.png", + [ + 0.20015683770179749, + 0.0053919097408652306, + -0.08280132710933685, + 0.9680719375610352, + -0.018147392198443413, + -0.20813775062561035, + -0.057421598583459854, + 0.6542172431945801, + -0.08096791803836823, + 0.059979118406772614, + -0.19181916117668152, + 2.2868032455444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/229.png", + [ + 0.19319556653499603, + -0.017047930508852005, + -0.09660613536834717, + 1.1070079803466797, + -0.03282411769032478, + -0.21231244504451752, + -0.028176113963127136, + 0.30833128094673157, + -0.09244432300329208, + 0.03975781798362732, + -0.19188866019248962, + 2.2488341331481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/130.png", + [ + 0.2068251520395279, + 0.0031194707844406366, + -0.0645098015666008, + 0.7458912134170532, + -0.013701488263905048, + -0.2093762904405594, + -0.054053112864494324, + 0.6170884966850281, + -0.06311510503292084, + 0.05567529425024986, + -0.19966131448745728, + 2.38153076171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/90.png", + [ + 0.20854291319847107, + -0.011612401343882084, + -0.05764460563659668, + 0.6723548769950867, + -0.026809290051460266, + -0.20782344043254852, + -0.055123258382081985, + 0.635299026966095, + -0.052335552871227264, + 0.06018691137433052, + -0.20146071910858154, + 2.40592098236084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/122.png", + [ + 0.20513957738876343, + 0.0049199010245501995, + -0.06958042085170746, + 0.806624174118042, + -0.011890375055372715, + -0.21050535142421722, + -0.0499400831758976, + 0.5554754734039307, + -0.06873325258493423, + 0.051099780946969986, + -0.19902876019477844, + 2.3635916709899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/238.png", + [ + 0.19559718668460846, + -0.017404211685061455, + -0.09157909452915192, + 1.046940565109253, + -0.034424129873514175, + -0.2113044112920761, + -0.033366523683071136, + 0.36702004075050354, + -0.08662919700145721, + 0.044670335948467255, + -0.19351443648338318, + 2.2678604125976562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/15.png", + [ + 0.21174967288970947, + -0.01262552198022604, + -0.044165242463350296, + 0.5151957869529724, + -0.021871009841561317, + -0.21091067790985107, + -0.04456721618771553, + 0.5114505290985107, + -0.04039345681667328, + 0.048012226819992065, + -0.207391157746315, + 2.4771838188171387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/269.png", + [ + 0.21064697206020355, + -0.014576565474271774, + -0.04861345514655113, + 0.568682849407196, + -0.02572241984307766, + -0.20957735180854797, + -0.04861683398485184, + 0.5534056425094604, + -0.043750446289777756, + 0.05303548648953438, + -0.20547756552696228, + 2.431084156036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/162.png", + [ + 0.16280189156532288, + -0.0019000411266461015, + -0.14296793937683105, + 1.6450062990188599, + -0.035136546939611435, + -0.21054337918758392, + -0.037212930619716644, + 0.41195109486579895, + -0.1385960578918457, + 0.05114458501338959, + -0.1585032045841217, + 1.8879059553146362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/22.png", + [ + 0.213189035654068, + -0.014296125620603561, + -0.03597157821059227, + 0.4247458577156067, + -0.021055422723293304, + -0.2117898315191269, + -0.04061572253704071, + 0.46957680583000183, + -0.03248080238699913, + 0.04345789551734924, + -0.2097720354795456, + 2.5099549293518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/171.png", + [ + 0.17678683996200562, + -0.01323350053280592, + -0.12457600980997086, + 1.4100171327590942, + -0.04118466377258301, + -0.20962567627429962, + -0.03617731109261513, + 0.39914149045944214, + -0.11831369996070862, + 0.05319632589817047, + -0.17355088889598846, + 2.0314974784851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/138.png", + [ + 0.20297202467918396, + 0.002430104184895754, + -0.07579145580530167, + 0.8770778179168701, + -0.01854877732694149, + -0.20839348435401917, + -0.05635596439242363, + 0.6442203521728516, + -0.07352681457996368, + 0.059280235320329666, + -0.19500653445720673, + 2.3274707794189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/109.png", + [ + 0.21059544384479523, + 0.003595472779124975, + -0.05083821341395378, + 0.5883523225784302, + -0.00996986124664545, + -0.20905262231826782, + -0.05608478561043739, + 0.6375659704208374, + -0.0499805323779583, + 0.056850455701351166, + -0.203021839261055, + 2.4160733222961426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/26.png", + [ + 0.21367108821868896, + -0.016050757840275764, + -0.03217035531997681, + 0.38061708211898804, + -0.02175585925579071, + -0.21208003163337708, + -0.03868633881211281, + 0.4529687464237213, + -0.02862238883972168, + 0.04138023033738136, + -0.21075181663036346, + 2.5389156341552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/43.png", + [ + 0.2161589413881302, + -0.014083252288401127, + -0.004987701773643494, + 0.05513127148151398, + -0.014873234555125237, + -0.20969249308109283, + -0.05249514430761337, + 0.5900008678436279, + -0.0014149390626698732, + 0.052712567150592804, + -0.21016013622283936, + 2.4600353240966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/205.png", + [ + 0.1877683401107788, + -0.014623250812292099, + -0.1071312204003334, + 1.2560259103775024, + -0.04353383556008339, + -0.20673851668834686, + -0.04808204621076584, + 0.5471194386482239, + -0.09897343814373016, + 0.06319206953048706, + -0.18209588527679443, + 2.1955509185791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/246.png", + [ + 0.19552366435527802, + -0.026620736345648766, + -0.08949706703424454, + 1.0249626636505127, + -0.043712303042411804, + -0.20961466431617737, + -0.03314850479364395, + 0.36591389775276184, + -0.08250831812620163, + 0.04796796292066574, + -0.1945233941078186, + 2.2911877632141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/244.png", + [ + 0.19557872414588928, + -0.026795240119099617, + -0.08932451158761978, + 1.0259729623794556, + -0.04341384395956993, + -0.20983831584453583, + -0.03210940584540367, + 0.35686925053596497, + -0.08253538608551025, + 0.04688060283660889, + -0.19477681815624237, + 2.2968292236328125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/84.png", + [ + 0.21108786761760712, + -0.012380992993712425, + -0.04729188233613968, + 0.5577567219734192, + -0.025294477120041847, + -0.2070319801568985, + -0.058701321482658386, + 0.681380569934845, + -0.04183300957083702, + 0.06270858645439148, + -0.20313918590545654, + 2.431488513946533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/216.png", + [ + 0.1876649707555771, + -0.016963418573141098, + -0.10696723312139511, + 1.2458597421646118, + -0.04052559658885002, + -0.2094528079032898, + -0.03788262605667114, + 0.4262913465499878, + -0.10043616592884064, + 0.05281723290681839, + -0.18458279967308044, + 2.2002663612365723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/136.png", + [ + 0.20211882889270782, + 0.0032143276184797287, + -0.07800983637571335, + 0.90859055519104, + -0.01923721842467785, + -0.20776639878749847, + -0.05840333178639412, + 0.6654049754142761, + -0.07566898316144943, + 0.06140592694282532, + -0.19352369010448456, + 2.3051581382751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/89.png", + [ + 0.20870812237262726, + -0.011863947845995426, + -0.05699167400598526, + 0.665058434009552, + -0.026978375390172005, + -0.20768429338932037, + -0.05556339770555496, + 0.6395778656005859, + -0.051584601402282715, + 0.060616590082645416, + -0.20152556896209717, + 2.4083409309387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/63.png", + [ + 0.21585723757743835, + -0.014777064323425293, + -0.011627035215497017, + 0.13336102664470673, + -0.017405107617378235, + -0.20772302150726318, + -0.05912791192531586, + 0.6703543663024902, + -0.007114197127521038, + 0.05983883515000343, + -0.20812641084194183, + 2.4264626502990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/88.png", + [ + 0.20962420105934143, + -0.011462642811238766, + -0.05361153185367584, + 0.6269930005073547, + -0.02576877549290657, + -0.20762163400650024, + -0.05636598914861679, + 0.6476969122886658, + -0.048389650881290436, + 0.06090782582759857, + -0.20222900807857513, + 2.4145078659057617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/62.png", + [ + 0.21587641537189484, + -0.015156150795519352, + -0.010749961249530315, + 0.1221553385257721, + -0.017528576776385307, + -0.20770114660263062, + -0.05916822329163551, + 0.6717297434806824, + -0.006166005507111549, + 0.05981989949941635, + -0.2081620991230011, + 2.4246692657470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/65.png", + [ + 0.21556927263736725, + -0.015299862250685692, + -0.015610930509865284, + 0.17978116869926453, + -0.019027065485715866, + -0.20751339197158813, + -0.05936380848288536, + 0.6718828678131104, + -0.010759074240922928, + 0.0604318343102932, + -0.2077982872724533, + 2.433955669403076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/248.png", + [ + 0.19778189063072205, + -0.02738633193075657, + -0.08414396643638611, + 0.9635438919067383, + -0.043837036937475204, + -0.20930100977420807, + -0.03491855040192604, + 0.38520315289497375, + -0.0768669918179512, + 0.048897650092840195, + -0.19659192860126495, + 2.314028739929199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/80.png", + [ + 0.21239259839057922, + -0.012036717496812344, + -0.04113878682255745, + 0.48368918895721436, + -0.02288675121963024, + -0.2076769471168518, + -0.05739663541316986, + 0.6590351462364197, + -0.03624194487929344, + 0.06060770899057388, + -0.2048441469669342, + 2.4475274085998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/146.png", + [ + 0.18452034890651703, + -8.595863619120792e-05, + -0.11357871443033218, + 1.3240219354629517, + -0.03124685026705265, + -0.2083519995212555, + -0.05060604587197304, + 0.5784099102020264, + -0.1091960072517395, + 0.05947546288371086, + -0.177445188164711, + 2.116227149963379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/119.png", + [ + 0.20906418561935425, + 0.00356263667345047, + -0.05680990591645241, + 0.6487385034561157, + -0.009631412103772163, + -0.2109176218509674, + -0.04867119714617729, + 0.5376538634300232, + -0.056100744754076004, + 0.04948694258928299, + -0.20335103571414948, + 2.385749340057373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/180.png", + [ + 0.18307135999202728, + -0.021448055282235146, + -0.11389800161123276, + 1.2967499494552612, + -0.04674291983246803, + -0.2085103839635849, + -0.035866715013980865, + 0.39683759212493896, + -0.10605598241090775, + 0.05487533286213875, + -0.18080021440982819, + 2.1282949447631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/145.png", + [ + 0.18853062391281128, + 0.0013224943540990353, + -0.10678176581859589, + 1.2459094524383545, + -0.026229100301861763, + -0.20944783091545105, + -0.048903316259384155, + 0.5605811476707458, + -0.10351874679327011, + 0.05547747761011124, + -0.1820824295282364, + 2.1769919395446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/204.png", + [ + 0.18710027635097504, + -0.015096807852387428, + -0.10822877287864685, + 1.268956184387207, + -0.04354945197701454, + -0.2071203887462616, + -0.046394847333431244, + 0.5270974636077881, + -0.10022387653589249, + 0.061815232038497925, + -0.18188443779945374, + 2.1928882598876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/207.png", + [ + 0.1869829297065735, + -0.012452731840312481, + -0.10876677930355072, + 1.2765552997589111, + -0.04239998385310173, + -0.2067052125930786, + -0.0492248460650444, + 0.5602735280990601, + -0.1009332686662674, + 0.06376341730356216, + -0.18081647157669067, + 2.1821985244750977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/250.png", + [ + 0.19825902581214905, + -0.025794988498091698, + -0.08352162688970566, + 0.9601352214813232, + -0.04348396137356758, + -0.20869660377502441, + -0.038765545934438705, + 0.43225014209747314, + -0.07583131641149521, + 0.052232563495635986, + -0.19613583385944366, + 2.3166747093200684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/167.png", + [ + 0.17130634188652039, + -0.006706669926643372, + -0.13250303268432617, + 1.5111817121505737, + -0.037846457213163376, + -0.20987646281719208, + -0.038306791335344315, + 0.42401209473609924, + -0.12716005742549896, + 0.05343019217252731, + -0.16710305213928223, + 1.9683891534805298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/243.png", + [ + 0.19592000544071198, + -0.025440771132707596, + -0.08897195011377335, + 1.0219464302062988, + -0.041627708822488785, + -0.2102866768836975, + -0.031536299735307693, + 0.35031163692474365, + -0.08264607936143875, + 0.045608893036842346, + -0.19503165781497955, + 2.297356128692627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/189.png", + [ + 0.18500374257564545, + -0.0167707372456789, + -0.11153586953878403, + 1.298180341720581, + -0.045484136790037155, + -0.20716436207294464, + -0.04429461434483528, + 0.5011163353919983, + -0.1032119169831276, + 0.06123366579413414, + -0.18040406703948975, + 2.1632699966430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/230.png", + [ + 0.19311276078224182, + -0.01708790473639965, + -0.096764475107193, + 1.1087167263031006, + -0.033915672451257706, + -0.21185162663459778, + -0.03027399815618992, + 0.33380186557769775, + -0.09222302585840225, + 0.042128272354602814, + -0.19148893654346466, + 2.244029998779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/79.png", + [ + 0.2127673327922821, + -0.01143442653119564, + -0.03933455049991608, + 0.4619991183280945, + -0.021513812243938446, + -0.20824873447418213, + -0.055834654718637466, + 0.6410051584243774, + -0.03485841304063797, + 0.05873335152864456, + -0.20562873780727386, + 2.4562063217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/176.png", + [ + 0.1816890835762024, + -0.016756977885961533, + -0.11685964465141296, + 1.3251038789749146, + -0.04130144417285919, + -0.20994926989078522, + -0.034108493477106094, + 0.37082967162132263, + -0.11059459298849106, + 0.05087634176015854, + -0.1792437732219696, + 2.098112106323242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/225.png", + [ + 0.1926165372133255, + -0.018000761047005653, + -0.09758449345827103, + 1.1196271181106567, + -0.032286468893289566, + -0.2128543108701706, + -0.024464622139930725, + 0.26705673336982727, + -0.09383146464824677, + 0.03628920391201973, + -0.19190268218517303, + 2.256564140319824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/185.png", + [ + 0.1845906525850296, + -0.018206438049674034, + -0.11199425905942917, + 1.2876532077789307, + -0.04593030735850334, + -0.20755112171173096, + -0.041962314397096634, + 0.46796914935112, + -0.10375256091356277, + 0.05948910862207413, + -0.18067745864391327, + 2.1433253288269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/165.png", + [ + 0.16392354667186737, + -0.004376506898552179, + -0.14162559807300568, + 1.6259524822235107, + -0.03720959648489952, + -0.21029984951019287, + -0.03656931221485138, + 0.40226224064826965, + -0.1367201954126358, + 0.051987648010253906, + -0.15985234081745148, + 1.896755337715149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/116.png", + [ + 0.2105526179075241, + 0.0017352931899949908, + -0.051112402230501175, + 0.5836569666862488, + -0.010502864606678486, + -0.2104669064283371, + -0.05041100084781647, + 0.5563799142837524, + -0.05005175992846489, + 0.05146424099802971, + -0.20443616807460785, + 2.389491558074951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/19.png", + [ + 0.21306005120277405, + -0.014285501092672348, + -0.03673197701573372, + 0.4298391342163086, + -0.021588673815131187, + -0.21125167608261108, + -0.04306459426879883, + 0.49681082367897034, + -0.03297336772084236, + 0.04600602760910988, + -0.20915089547634125, + 2.495211601257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/77.png", + [ + 0.2133311629295349, + -0.011462278664112091, + -0.03614315018057823, + 0.4255886971950531, + -0.021043846383690834, + -0.20760008692741394, + -0.05837171897292137, + 0.6772341728210449, + -0.031541526317596436, + 0.060981281101703644, + -0.20550987124443054, + 2.460254669189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/254.png", + [ + 0.19879914820194244, + -0.026282308623194695, + -0.08207335323095322, + 0.9570959806442261, + -0.04484237730503082, + -0.2077639400959015, + -0.042085640132427216, + 0.4742784798145294, + -0.07359318435192108, + 0.055599283427000046, + -0.19606289267539978, + 2.339416027069092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/247.png", + [ + 0.19641223549842834, + -0.026966525241732597, + -0.0874239057302475, + 1.0004249811172485, + -0.043981634080410004, + -0.20938509702682495, + -0.034225672483444214, + 0.3771984279155731, + -0.08022312074899673, + 0.04877076297998428, + -0.19527816772460938, + 2.2970352172851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/68.png", + [ + 0.21533183753490448, + -0.015185008756816387, + -0.018695147708058357, + 0.21366339921951294, + -0.020124083384871483, + -0.205839604139328, + -0.06459854543209076, + 0.734691321849823, + -0.013233079575002193, + 0.06593456864356995, + -0.20597431063652039, + 2.443451404571533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/143.png", + [ + 0.19606061279773712, + 0.003991167526692152, + -0.0921531394124031, + 1.0688889026641846, + -0.01981152594089508, + -0.20959751307964325, + -0.05122775211930275, + 0.5919846296310425, + -0.09008681774139404, + 0.054780013859272, + -0.189291849732399, + 2.26646089553833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/218.png", + [ + 0.1879401057958603, + -0.01738565042614937, + -0.10641498863697052, + 1.2378361225128174, + -0.041175924241542816, + -0.2092055380344391, + -0.03854186832904816, + 0.43570849299430847, + -0.0996541678905487, + 0.053653255105018616, + -0.18476544320583344, + 2.1989989280700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/183.png", + [ + 0.18474121391773224, + -0.019920310005545616, + -0.11145292222499847, + 1.2741059064865112, + -0.04581649601459503, + -0.20820333063602448, + -0.03873133286833763, + 0.42857256531715393, + -0.10353463888168335, + 0.05659017711877823, + -0.18173062801361084, + 2.1432852745056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/86.png", + [ + 0.21033519506454468, + -0.011948802508413792, + -0.05063821002840996, + 0.596314549446106, + -0.02544485218822956, + -0.2075675129890442, + -0.05671141669154167, + 0.6558763980865479, + -0.04538239538669586, + 0.060998786240816116, + -0.20289771258831024, + 2.4285635948181152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/239.png", + [ + 0.19541600346565247, + -0.01810435950756073, + -0.09182976186275482, + 1.0507577657699585, + -0.03468931466341019, + -0.21145237982273102, + -0.0321316160261631, + 0.35442236065864563, + -0.0869317278265953, + 0.043680910021066666, + -0.19360461831092834, + 2.2709593772888184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/1.png", + [ + 0.20222999155521393, + -0.006501085124909878, + -0.07751552760601044, + 0.8995968103408813, + -0.025443727150559425, + -0.2095678448677063, + -0.04880397766828537, + 0.5549608469009399, + -0.07350876927375793, + 0.054652970284223557, + -0.19636040925979614, + 2.329282760620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/81.png", + [ + 0.21211549639701843, + -0.012664350681006908, + -0.042361848056316376, + 0.49893710017204285, + -0.023983163759112358, + -0.20735789835453033, + -0.058098215609788895, + 0.6684963703155518, + -0.03714457526803017, + 0.061564672738313675, + -0.204396590590477, + 2.442462921142578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/95.png", + [ + 0.20781104266643524, + -0.010020039044320583, + -0.06051504611968994, + 0.7058185935020447, + -0.023727158084511757, + -0.21025507152080536, + -0.046666089445352554, + 0.534016489982605, + -0.056564074009656906, + 0.0513838529586792, + -0.20275132358074188, + 2.422194004058838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/200.png", + [ + 0.18808701634407043, + -0.0157056525349617, + -0.10641662031412125, + 1.2483184337615967, + -0.043082211166620255, + -0.20740866661071777, + -0.04553533345460892, + 0.5185200572013855, + -0.09856514632701874, + 0.060686707496643066, + -0.18316638469696045, + 2.208527088165283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/199.png", + [ + 0.18838198482990265, + -0.01602334715425968, + -0.10584601014852524, + 1.2415436506271362, + -0.04262007027864456, + -0.20774908363819122, + -0.0444042794406414, + 0.503357470035553, + -0.09820212423801422, + 0.05942611023783684, + -0.1837737113237381, + 2.2135090827941895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/103.png", + [ + 0.208299458026886, + -0.009431175887584686, + -0.05890912190079689, + 0.6883954405784607, + -0.0219761673361063, + -0.21103540062904358, + -0.04392039030790329, + 0.4987773001194, + -0.05546422675251961, + 0.048197563737630844, + -0.20383475720882416, + 2.429241180419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/196.png", + [ + 0.18771012127399445, + -0.016036013141274452, + -0.10703104734420776, + 1.2529892921447754, + -0.042971886694431305, + -0.20771096646785736, + -0.044243261218070984, + 0.49769333004951477, + -0.09932884573936462, + 0.05955582112073898, + -0.18312503397464752, + 2.204479217529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/150.png", + [ + 0.1706857979297638, + -0.0037650649901479483, + -0.13341692090034485, + 1.5472115278244019, + -0.03749602288007736, + -0.20921853184700012, + -0.042066000401973724, + 0.4705117642879486, + -0.128094881772995, + 0.05622565746307373, + -0.16546380519866943, + 1.9739409685134888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/83.png", + [ + 0.21153166890144348, + -0.012653840705752373, + -0.04518986865878105, + 0.5333799123764038, + -0.02512563392519951, + -0.2067623734474182, + -0.05971536040306091, + 0.6921361088752747, + -0.03963516652584076, + 0.06353819370269775, + -0.20332202315330505, + 2.430541515350342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/142.png", + [ + 0.1981758177280426, + 0.004632300231605768, + -0.08748014271259308, + 1.0132383108139038, + -0.018212048336863518, + -0.20946551859378815, + -0.052348967641592026, + 0.6007623672485352, + -0.08568870276212692, + 0.05523255094885826, + -0.1911928504705429, + 2.28570556640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/186.png", + [ + 0.1847735345363617, + -0.017207175493240356, + -0.11185052245855331, + 1.2900463342666626, + -0.04482472315430641, + -0.20776769518852234, + -0.04208587482571602, + 0.4703647196292877, + -0.1039104014635086, + 0.05902871862053871, + -0.18073773384094238, + 2.1498894691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/195.png", + [ + 0.18743914365768433, + -0.01626214012503624, + -0.10747095197439194, + 1.2578797340393066, + -0.04351155832409859, + -0.2075474113225937, + -0.044482748955488205, + 0.5010113716125488, + -0.0996052622795105, + 0.060062579810619354, + -0.18280911445617676, + 2.201777935028076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/51.png", + [ + 0.21587476134300232, + -0.017008518800139427, + -0.0075292931869626045, + 0.0856422707438469, + -0.018414761871099472, + -0.20779158174991608, + -0.05857859179377556, + 0.6371948719024658, + -0.0026223130989819765, + 0.05900224670767784, + -0.20847003161907196, + 2.3637142181396484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/233.png", + [ + 0.19354093074798584, + -0.016540704295039177, + -0.09600111097097397, + 1.1013734340667725, + -0.03517025336623192, + -0.21099092066287994, + -0.03455110266804695, + 0.38377588987350464, + -0.0908452644944191, + 0.04644491896033287, + -0.19114890694618225, + 2.2415671348571777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/128.png", + [ + 0.208944633603096, + -0.001180061837658286, + -0.05734669789671898, + 0.6587063670158386, + -0.014694890938699245, + -0.21050025522708893, + -0.04920973256230354, + 0.552947998046875, + -0.05544452741742134, + 0.0513434000313282, + -0.20307058095932007, + 2.413301944732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/168.png", + [ + 0.17315907776355743, + -0.009303987957537174, + -0.12991251051425934, + 1.4776102304458618, + -0.039886049926280975, + -0.20952555537223816, + -0.038158051669597626, + 0.4233202040195465, + -0.12398761510848999, + 0.05440928041934967, + -0.16915848851203918, + 1.9899054765701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/215.png", + [ + 0.18694017827510834, + -0.017945358529686928, + -0.10807046294212341, + 1.259777545928955, + -0.04159102961421013, + -0.20937025547027588, + -0.03717769682407379, + 0.4170066714286804, + -0.1013481467962265, + 0.05282006412744522, + -0.18408283591270447, + 2.198556900024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/93.png", + [ + 0.20777375996112823, + -0.009337173774838448, + -0.06075180321931839, + 0.7100525498390198, + -0.02407921850681305, + -0.20940707623958588, + -0.050167378038167953, + 0.5767751932144165, + -0.05655224993824959, + 0.054857924580574036, + -0.20184238255023956, + 2.4118423461914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/242.png", + [ + 0.19559112191200256, + -0.023736799135804176, + -0.09015859663486481, + 1.0354183912277222, + -0.03978123143315315, + -0.21075040102005005, + -0.030815862119197845, + 0.341005802154541, + -0.0843176320195198, + 0.044370345771312714, + -0.1946014016866684, + 2.2903895378112793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/76.png", + [ + 0.21664027869701385, + -0.0038480942603200674, + -0.00027852083439938724, + 0.01346508227288723, + -0.003853258676826954, + -0.21658875048160553, + -0.004729259293526411, + 0.0610542856156826, + -0.00019441985932644457, + 0.004733463283628225, + -0.21662284433841705, + 2.5835189819335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/48.png", + [ + 0.215219646692276, + -0.006102704908698797, + 0.024313807487487793, + -0.28354907035827637, + -0.009488110430538654, + -0.21435196697711945, + 0.030184533447027206, + -0.3658875823020935, + 0.023203017190098763, + -0.031046533957123756, + -0.213179811835289, + 2.5379390716552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/35.png", + [ + 0.21508635580539703, + -0.010007891803979874, + 0.024199284613132477, + -0.27963313460350037, + -0.011283491738140583, + -0.21610510349273682, + 0.010916377417743206, + -0.1387632042169571, + 0.023631462827324867, + -0.012096552178263664, + -0.21504215896129608, + 2.5805654525756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/97.png", + [ + 0.2151237577199936, + 0.002758203074336052, + 0.025730427354574203, + -0.2943227291107178, + -1.279204479942564e-05, + -0.21542899310588837, + 0.023200111463665962, + -0.27535414695739746, + 0.025877835229039192, + -0.023035576567053795, + -0.21388687193393707, + 2.513375759124756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/13.png", + [ + 0.2068873792886734, + 0.0008104243315756321, + 0.06438049674034119, + -0.7523044943809509, + -0.0037944514770060778, + -0.2161274403333664, + 0.014914129860699177, + -0.18227672576904297, + 0.06427367776632309, + -0.0153679009526968, + -0.20635071396827698, + 2.4635238647460938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/32.png", + [ + 0.2148749679327011, + -0.012387041002511978, + 0.02496386133134365, + -0.2900870144367218, + -0.012920568697154522, + -0.21625374257564545, + 0.003908184822648764, + -0.054257459938526154, + 0.02469194121658802, + -0.005364348646253347, + -0.21519626677036285, + 2.579594612121582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/38.png", + [ + 0.2154207080602646, + -0.010948624461889267, + 0.020541435107588768, + -0.23583979904651642, + -0.012374659068882465, + -0.21581797301769257, + 0.014743256382644176, + -0.1811249852180481, + 0.019715242087841034, + -0.01583109050989151, + -0.21519429981708527, + 2.5815353393554688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/11.png", + [ + 0.20654402673244476, + -0.006404875312000513, + 0.06516470015048981, + -0.7675407528877258, + -0.010722826234996319, + -0.21603302657604218, + 0.012753392569720745, + -0.15644696354866028, + 0.06459474563598633, + -0.015381989069283009, + -0.2062493860721588, + 2.4842281341552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/59.png", + [ + 0.21343165636062622, + -0.02395814284682274, + 0.028650231659412384, + -0.34064173698425293, + -0.024911824613809586, + -0.215163454413414, + 0.005656340625137091, + -0.07934525609016418, + 0.027824977412819862, + -0.008865696378052235, + -0.21469761431217194, + 2.608945846557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/105.png", + [ + 0.21560800075531006, + 0.0012897648848593235, + 0.021434029564261436, + -0.24654707312583923, + -0.00045824749395251274, + -0.21595779061317444, + 0.017604557797312737, + -0.2128998339176178, + 0.021467911079525948, + -0.0175632294267416, + -0.2148919552564621, + 2.569885730743408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/24.png", + [ + 0.21359673142433167, + -0.007816094905138016, + 0.035542022436857224, + -0.39029890298843384, + -0.011408365331590176, + -0.21533235907554626, + 0.02120678685605526, + -0.2781733274459839, + 0.03455685079097748, + -0.022776903584599495, + -0.21268504858016968, + 2.5003013610839844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/74.png", + [ + 0.2165582925081253, + -0.005797258112579584, + 0.004098028410226107, + -0.03910176455974579, + -0.00580007117241621, + -0.21659696102142334, + 9.392485662829131e-05, + -0.0019678957760334015, + 0.004094046074897051, + -0.00020357333414722234, + -0.21663586795330048, + 2.5823588371276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/98.png", + [ + 0.215052530169487, + 0.001971692778170109, + 0.02638958767056465, + -0.30435770750045776, + -0.0009227180853486061, + -0.21538230776786804, + 0.023611608892679214, + -0.2804199457168579, + 0.026447052136063576, + -0.023547222837805748, + -0.21376149356365204, + 2.5167651176452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/0.png", + [ + 0.20356327295303345, + -0.014632203616201878, + 0.07277215272188187, + -0.8758963346481323, + -0.013696151785552502, + -0.21617987751960754, + -0.00515519455075264, + 0.05781472101807594, + 0.07295411825180054, + 0.00024326748098246753, + -0.2040233612060547, + 2.4889450073242188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/96.png", + [ + 0.2150404304265976, + 0.004318669904023409, + 0.0262079406529665, + -0.2997119724750519, + 0.0014400766231119633, + -0.21537260711193085, + 0.02367405965924263, + -0.2800435721874237, + 0.026522314175963402, + -0.02332131564617157, + -0.21377694606781006, + 2.515627861022949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/100.png", + [ + 0.21516355872154236, + 0.0024841022677719593, + 0.02542361430823803, + -0.29417455196380615, + -6.197553011588752e-05, + -0.2155962735414505, + 0.021590083837509155, + -0.25685441493988037, + 0.025544611737132072, + -0.021446792408823967, + -0.21409203112125397, + 2.5258116722106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/40.png", + [ + 0.21555083990097046, + -0.008376740850508213, + 0.020385269075632095, + -0.2339218705892563, + -0.010104812681674957, + -0.21567034721374512, + 0.018223285675048828, + -0.22278711199760437, + 0.019586263224482536, + -0.019079456105828285, + -0.21494241058826447, + 2.5795512199401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/52.png", + [ + 0.2132505178451538, + -0.021990541368722916, + 0.03144075721502304, + -0.37470579147338867, + -0.02417963370680809, + -0.2148846685886383, + 0.01370480190962553, + -0.1687088906764984, + 0.029790109023451805, + -0.016996830701828003, + -0.21394287049770355, + 2.5829014778137207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/3.png", + [ + 0.20536857843399048, + -0.014554955996572971, + 0.06752623617649078, + -0.8099634647369385, + -0.016277071088552475, + -0.2160424292087555, + 0.0029368028044700623, + -0.044232457876205444, + 0.06713193655014038, + -0.007856277748942375, + -0.20586276054382324, + 2.503204822540283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/47.png", + [ + 0.21547754108905792, + -0.006140141747891903, + 0.021900271996855736, + -0.25293171405792236, + -0.00881939847022295, + -0.21486292779445648, + 0.026533616706728935, + -0.3195047974586487, + 0.020965242758393288, + -0.027278438210487366, + -0.2139257937669754, + 2.531313419342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/104.png", + [ + 0.2154429852962494, + 2.346242945350241e-05, + 0.023069703951478004, + -0.2674751877784729, + -0.0019289006013423204, + -0.21589750051498413, + 0.0182331632822752, + -0.21921074390411377, + 0.022988934069871902, + -0.018334893509745598, + -0.21467004716396332, + 2.5564732551574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/21.png", + [ + 0.2043607234954834, + 0.008455951698124409, + 0.07150589674711227, + -0.8331215977668762, + 0.004029179457575083, + -0.21618112921714783, + 0.014049346558749676, + -0.1357625126838684, + 0.07189132273197174, + -0.011921211145818233, + -0.20405249297618866, + 2.41685152053833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/82.png", + [ + 0.2159350961446762, + 0.0005983651499263942, + 0.017876487225294113, + -0.20832248032093048, + -0.0017823133384808898, + -0.21475575864315033, + 0.028717411682009697, + -0.34904658794403076, + 0.017797477543354034, + -0.028766442090272903, + -0.2140178382396698, + 2.544731616973877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/106.png", + [ + 0.2160319685935974, + 0.0032908779103308916, + 0.016347745433449745, + -0.18529634177684784, + 0.002109588822349906, + -0.2161002904176712, + 0.01562423724681139, + -0.1903696060180664, + 0.01654171571135521, + -0.015418730676174164, + -0.2154913693666458, + 2.5864439010620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/14.png", + [ + 0.2058017998933792, + 0.00016594899352639914, + 0.0677751749753952, + -0.7903542518615723, + -0.004530919250100851, + -0.21615555882453918, + 0.01428756583482027, + -0.17389264702796936, + 0.06762376427650452, + -0.014987871050834656, + -0.2053053379058838, + 2.446226119995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/67.png", + [ + 0.2149718850851059, + -0.01835862174630165, + 0.019948653876781464, + -0.2312340885400772, + -0.01893986389040947, + -0.2157745361328125, + 0.005524929147213697, + -0.06871360540390015, + 0.019397661089897156, + -0.007225255016237497, + -0.21568362414836884, + 2.572573184967041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/78.png", + [ + 0.2166229635477066, + -0.004195450339466333, + 0.0021886832546442747, + -0.024990404024720192, + -0.004252850543707609, + -0.2165549248456955, + 0.005811511073261499, + -0.06798562407493591, + 0.002074946416541934, + -0.0058530839160084724, + -0.21658563613891602, + 2.5876526832580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/31.png", + [ + 0.21469826996326447, + -0.011382759548723698, + 0.0268885288387537, + -0.31336960196495056, + -0.01189537812024355, + -0.21632106602191925, + 0.0034061423502862453, + -0.04951171576976776, + 0.026665711775422096, + -0.004851245786994696, + -0.21497279405593872, + 2.5833568572998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/39.png", + [ + 0.21548783779144287, + -0.009919743984937668, + 0.02035888098180294, + -0.2334960550069809, + -0.011473267339169979, + -0.21575482189655304, + 0.01631312258541584, + -0.19933639466762543, + 0.01952560991048813, + -0.017301807180047035, + -0.2150983363389969, + 2.579228401184082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/92.png", + [ + 0.21526019275188446, + 0.0005591892986558378, + 0.024710994213819504, + -0.28063732385635376, + -0.0023749740794301033, + -0.2151489555835724, + 0.025557301938533783, + -0.30446863174438477, + 0.02460295520722866, + -0.025661323219537735, + -0.2137383669614792, + 2.5218758583068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/53.png", + [ + 0.2126397043466568, + -0.026736747473478317, + 0.03189660236239433, + -0.3805903196334839, + -0.02789643220603466, + -0.2147895246744156, + 0.0059290495701134205, + -0.06683726608753204, + 0.03088747151196003, + -0.009925262071192265, + -0.21423199772834778, + 2.5857996940612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/75.png", + [ + 0.21664464473724365, + -0.003382358467206359, + -0.0012442367151379585, + 0.027637461200356483, + -0.003418487962335348, + -0.21654856204986572, + -0.006551982834935188, + 0.0844905823469162, + -0.001141234184615314, + 0.006570706609636545, + -0.21657197177410126, + 2.581374168395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/87.png", + [ + 0.21514584124088287, + -0.0010907480027526617, + 0.025670422241091728, + -0.2898940443992615, + -0.004467446822673082, + -0.21476992964744568, + 0.028316352516412735, + -0.3393767774105072, + 0.025302216410636902, + -0.028645841404795647, + -0.21327707171440125, + 2.5211315155029297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/107.png", + [ + 0.21623268723487854, + 0.0026530360337346792, + 0.013574887067079544, + -0.15147867798805237, + 0.0018525562481954694, + -0.21629051864147186, + 0.012762041762471199, + -0.15352077782154083, + 0.013707086443901062, + -0.012619946151971817, + -0.21587206423282623, + 2.594409465789795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/69.png", + [ + 0.21499103307724, + -0.016514692455530167, + 0.021307574585080147, + -0.24723844230175018, + -0.01766882836818695, + -0.21566644310951233, + 0.011121612042188644, + -0.1389583945274353, + 0.020360756665468216, + -0.01277273241430521, + -0.21533739566802979, + 2.5655293464660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/45.png", + [ + 0.21550245583057404, + -0.00617304677143693, + 0.021644489839673042, + -0.24789586663246155, + -0.008243778720498085, + -0.21553479135036469, + 0.020607927814126015, + -0.24856886267662048, + 0.02094350941479206, + -0.021319948136806488, + -0.21460364758968353, + 2.5412607192993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/50.png", + [ + 0.21484676003456116, + -0.008183342404663563, + 0.02686638943850994, + -0.3166494071483612, + -0.011825510300695896, + -0.21436211466789246, + 0.02927352301776409, + -0.3604736030101776, + 0.025474052876234055, + -0.030492864549160004, + -0.2130003571510315, + 2.5533576011657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/101.png", + [ + 0.21523801982402802, + 0.0011299175675958395, + 0.024883942678570747, + -0.2881458103656769, + -0.0012757950462400913, + -0.2156674563884735, + 0.020828135311603546, + -0.24783110618591309, + 0.02487689070403576, + -0.02083655819296837, + -0.21423088014125824, + 2.531247138977051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/85.png", + [ + 0.2153289020061493, + 0.0004975551273673773, + 0.024106215685606003, + -0.2733570635318756, + -0.002755243331193924, + -0.21470172703266144, + 0.029042694717645645, + -0.3507341742515564, + 0.023953409865498543, + -0.029168853536248207, + -0.213361918926239, + 2.5278100967407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/71.png", + [ + 0.2152450680732727, + -0.01394696906208992, + 0.020565355196595192, + -0.24017146229743958, + -0.015427638776600361, + -0.21558479964733124, + 0.015266872942447662, + -0.1943822056055069, + 0.019479215145111084, + -0.01663043722510338, + -0.2151554822921753, + 2.560204029083252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/54.png", + [ + 0.2129182070493698, + -0.026504237204790115, + 0.03018704243004322, + -0.3596724569797516, + -0.02695014700293541, + -0.21498796343803406, + 0.0013279037084430456, + -0.006063178181648254, + 0.029789621010422707, + -0.005059567745774984, + -0.21455739438533783, + 2.586197853088379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/33.png", + [ + 0.21504271030426025, + -0.010915861465036869, + 0.024194249883294106, + -0.27992168068885803, + -0.011767550371587276, + -0.21624061465263367, + 0.00702949333935976, + -0.09246882051229477, + 0.023791644722223282, + -0.008290532976388931, + -0.21520482003688812, + 2.578275680541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/49.png", + [ + 0.21504712104797363, + -0.007148431148380041, + 0.025525134056806564, + -0.29925546050071716, + -0.010690567083656788, + -0.21431463956832886, + 0.030047332867980003, + -0.36822783946990967, + 0.02425581030547619, + -0.031081030145287514, + -0.21305756270885468, + 2.5498132705688477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/18.png", + [ + 0.20506836473941803, + 0.0066015953198075294, + 0.06965115666389465, + -0.8050880432128906, + 0.0016546352999284863, + -0.21610520780086517, + 0.015611017122864723, + -0.1766444891691208, + 0.06994374841451645, + -0.014242914505302906, + -0.20457984507083893, + 2.4117956161499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/66.png", + [ + 0.21456694602966309, + -0.019722193479537964, + 0.02280248887836933, + -0.2681923806667328, + -0.020355623215436935, + -0.21565799415111542, + 0.0050167967565357685, + -0.06238720566034317, + 0.02223886176943779, + -0.007110188249498606, + -0.21541303396224976, + 2.582526683807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/16.png", + [ + 0.20540213584899902, + 0.0023666084744036198, + 0.06893662363290787, + -0.7985499501228333, + -0.0017439735820516944, + -0.2162996530532837, + 0.012621917761862278, + -0.14889216423034668, + 0.0689551904797554, + -0.012520120479166508, + -0.20502762496471405, + 2.4289040565490723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/94.png", + [ + 0.2151564657688141, + 0.002916930243372917, + 0.02543777786195278, + -0.290778249502182, + 8.32740988698788e-05, + -0.21534258127212524, + 0.023988822475075722, + -0.28504860401153564, + 0.025604337453842163, + -0.023810964077711105, + -0.21383488178253174, + 2.520106792449951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/28.png", + [ + 0.214207723736763, + -0.015486417338252068, + 0.028689872473478317, + -0.33053284883499146, + -0.016092004254460335, + -0.21604742109775543, + 0.0035284715704619884, + -0.04738006368279457, + 0.02835463546216488, + -0.005619039759039879, + -0.21473781764507294, + 2.562241554260254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/61.png", + [ + 0.21225865185260773, + -0.03350517526268959, + 0.027776960283517838, + -0.3286688029766083, + -0.03368207812309265, + -0.21403919160366058, + -0.0007959420327097178, + 0.005584944039583206, + 0.027562187984585762, + -0.0035382092464715242, + -0.21488532423973083, + 2.6097006797790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/58.png", + [ + 0.2137383073568344, + -0.021965190768241882, + 0.027952926233410835, + -0.3327706456184387, + -0.022692907601594925, + -0.21544156968593597, + 0.004225974902510643, + -0.059642255306243896, + 0.02736544795334339, + -0.007096289191395044, + -0.2148224115371704, + 2.602566719055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/64.png", + [ + 0.2137952595949173, + -0.025038957595825195, + 0.0247492715716362, + -0.2918161153793335, + -0.02515660785138607, + -0.21520891785621643, + -0.0004138470103498548, + 0.007618322968482971, + 0.02462967485189438, + -0.0024651209823787212, + -0.21525610983371735, + 2.594372272491455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/10.png", + [ + 0.20604602992534637, + -0.01032943557947874, + 0.06622862815856934, + -0.7833003401756287, + -0.014454363845288754, + -0.2158966362476349, + 0.01129684317857027, + -0.13677552342414856, + 0.06545227020978928, + -0.01516080740839243, + -0.20599527657032013, + 2.4901938438415527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/41.png", + [ + 0.21566100418567657, + -0.007381699979305267, + 0.01958896405994892, + -0.22323840856552124, + -0.009148183278739452, + -0.21560415625572205, + 0.01946919411420822, + -0.23751652240753174, + 0.01882890611886978, + -0.0202051792293787, + -0.2149072289466858, + 2.5750746726989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/91.png", + [ + 0.21505172550678253, + 0.0006492538959719241, + 0.026461785659193993, + -0.30076128244400024, + -0.002511667786166072, + -0.21513158082962036, + 0.025690391659736633, + -0.30721575021743774, + 0.026350315660238266, + -0.02580471709370613, + -0.21351270377635956, + 2.5215816497802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/23.png", + [ + 0.213724285364151, + 0.0004852477286476642, + 0.035631272941827774, + -0.3812074065208435, + -0.004462522454559803, + -0.21458449959754944, + 0.029689541086554527, + -0.38214272260665894, + 0.03535405173897743, + -0.030019115656614304, + -0.21165263652801514, + 2.478538990020752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/37.png", + [ + 0.2152407169342041, + -0.011519082821905613, + 0.022059861570596695, + -0.25459688901901245, + -0.01312961708754301, + -0.21572302281856537, + 0.01546233519911766, + -0.19055484235286713, + 0.02114095166325569, + -0.01669674925506115, + -0.2149934321641922, + 2.5810232162475586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/36.png", + [ + 0.21523790061473846, + -0.010687323287129402, + 0.02250153385102749, + -0.2595718204975128, + -0.012294420041143894, + -0.21579742431640625, + 0.01510690152645111, + -0.18732242286205292, + 0.0216652974486351, + -0.01628349907696247, + -0.21497292816638947, + 2.5802626609802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/8.png", + [ + 0.20768527686595917, + -0.009680597111582756, + 0.061000071465969086, + -0.7274458408355713, + -0.013238159939646721, + -0.21600039303302765, + 0.010792741551995277, + -0.13118690252304077, + 0.060328055173158646, + -0.014071892015635967, + -0.2076304405927658, + 2.5211539268493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/6.png", + [ + 0.20710358023643494, + -0.010891517624258995, + 0.0627485066652298, + -0.7489168643951416, + -0.013925905339419842, + -0.216061070561409, + 0.00846030842512846, + -0.1059260219335556, + 0.062145549803972244, + -0.012119509279727936, + -0.20721714198589325, + 2.5210819244384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/20.png", + [ + 0.20424135029315948, + 0.007068384904414415, + 0.07199588418006897, + -0.8357263803482056, + 0.0018422389402985573, + -0.21607613563537598, + 0.015987690538167953, + -0.16856464743614197, + 0.07231857627630234, + -0.01445814874023199, + -0.203737273812294, + 2.410341739654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/2.png", + [ + 0.20470407605171204, + -0.015990450978279114, + 0.0691986009478569, + -0.8338570594787598, + -0.017614243552088737, + -0.21594621241092682, + 0.002205675933510065, + -0.03618493303656578, + 0.06880318373441696, + -0.007709213998168707, + -0.20531581342220306, + 2.4986181259155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/5.png", + [ + 0.20633895695209503, + -0.01143753994256258, + 0.06512537598609924, + -0.7776445746421814, + -0.014580029994249344, + -0.21602585911750793, + 0.00825521256774664, + -0.10650277137756348, + 0.06449459493160248, + -0.012243714183568954, + -0.20649075508117676, + 2.5156760215759277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/108.png", + [ + 0.21645140647888184, + 0.0025696177035570145, + 0.009491408243775368, + -0.09918945282697678, + 0.0020157478284090757, + -0.2162991762161255, + 0.012589773163199425, + -0.1452523171901703, + 0.009624269790947437, + -0.012488502077758312, + -0.21610023081302643, + 2.6037678718566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/60.png", + [ + 0.2129189670085907, + -0.0286403801292181, + 0.028162691742181778, + -0.3352757692337036, + -0.029106110334396362, + -0.21470403671264648, + 0.0017057169461622834, + -0.0309468861669302, + 0.027681095525622368, + -0.005459272768348455, + -0.21482980251312256, + 2.608497142791748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/56.png", + [ + 0.21340976655483246, + -0.021793195977807045, + 0.03048327937722206, + -0.3623412549495697, + -0.022656043991446495, + -0.21543797850608826, + 0.0045906659215688705, + -0.054744116961956024, + 0.02984757162630558, + -0.007708901539444923, + -0.2144704908132553, + 2.603058338165283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/30.png", + [ + 0.21449539065361023, + -0.011472751386463642, + 0.02842523530125618, + -0.33093056082725525, + -0.011920584365725517, + -0.2163303941488266, + 0.002638712292537093, + -0.038771551102399826, + 0.02824035845696926, + -0.004176017828285694, + -0.21478579938411713, + 2.5739636421203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/17.png", + [ + 0.20539183914661407, + 0.004308707546442747, + 0.06887321919202805, + -0.797450840473175, + 0.00025322125293314457, + -0.216297447681427, + 0.012776413932442665, + -0.14717452228069305, + 0.06900739669799805, + -0.01203062478452921, + -0.2050393521785736, + 2.421536922454834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/12.png", + [ + 0.20639924705028534, + 0.0009947398211807013, + 0.06592610478401184, + -0.7727519273757935, + -0.004016077145934105, + -0.21605801582336426, + 0.015833433717489243, + -0.19578778743743896, + 0.06581119447946548, + -0.016304507851600647, + -0.20579344034194946, + 2.4716787338256836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/27.png", + [ + 0.21342696249485016, + -0.021372919902205467, + 0.03065986931324005, + -0.35131606459617615, + -0.021817319095134735, + -0.215567484498024, + 0.0016013630665838718, + -0.023955781012773514, + 0.0303452480584383, + -0.0046645523980259895, + -0.2144884616136551, + 2.5527405738830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/42.png", + [ + 0.21569949388504028, + -0.007852750830352306, + 0.018972579389810562, + -0.21603275835514069, + -0.009492989629507065, + -0.2156604826450348, + 0.018664062023162842, + -0.22675102949142456, + 0.01820734702050686, + -0.019411293789744377, + -0.21503393352031708, + 2.5682454109191895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/7.png", + [ + 0.2068766951560974, + -0.011703496798872948, + 0.06334788352251053, + -0.7570652961730957, + -0.014555532485246658, + -0.2160508781671524, + 0.00761903403326869, + -0.09245949238538742, + 0.06275399029254913, + -0.011530022136867046, + -0.2070673555135727, + 2.5164575576782227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/73.png", + [ + 0.21604633331298828, + -0.010601872578263283, + 0.012628470547497272, + -0.1429869383573532, + -0.01108589768409729, + -0.21623846888542175, + 0.008119351230561733, + -0.1072574108839035, + 0.01220577023923397, + -0.008741926401853561, + -0.21615386009216309, + 2.5753302574157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/46.png", + [ + 0.21565811336040497, + -0.005126098170876503, + 0.020327409729361534, + -0.23234449326992035, + -0.0074050514958798885, + -0.21518050134181976, + 0.024298368021845818, + -0.29142892360687256, + 0.0196123868227005, + -0.024879079312086105, + -0.21434617042541504, + 2.529916763305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/57.png", + [ + 0.21384501457214355, + -0.019975129514932632, + 0.02862177975475788, + -0.3404913544654846, + -0.020887266844511032, + -0.21559293568134308, + 0.005595078691840172, + -0.07108084857463837, + 0.02796308696269989, + -0.00828112754970789, + -0.2147030234336853, + 2.6056604385375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/44.png", + [ + 0.2155468910932541, + -0.006077256519347429, + 0.021225109696388245, + -0.2436305731534958, + -0.00800389051437378, + -0.2156434804201126, + 0.019537853077054024, + -0.23578129708766937, + 0.020576102659106255, + -0.020220210775732994, + -0.21474558115005493, + 2.549652099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/29.png", + [ + 0.21459969878196716, + -0.011246718466281891, + 0.027719765901565552, + -0.3203944265842438, + -0.011892844922840595, + -0.21630506217479706, + 0.004310243763029575, + -0.058710675686597824, + 0.027448758482933044, + -0.00579045107588172, + -0.21485096216201782, + 2.568326473236084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/4.png", + [ + 0.20574787259101868, + -0.012543504126369953, + 0.0667709931731224, + -0.7995926141738892, + -0.014444171451032162, + -0.2161574512720108, + 0.003901180112734437, + -0.05384451895952225, + 0.06638576835393906, + -0.008155596442520618, + -0.206092968583107, + 2.507871150970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/55.png", + [ + 0.21310019493103027, + -0.023554090410470963, + 0.03132747486233711, + -0.3720795214176178, + -0.02401515655219555, + -0.2153347283601761, + 0.0014562372816726565, + -0.01129394955933094, + 0.030975444242358208, + -0.004904397763311863, + -0.2143930196762085, + 2.5947699546813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/9.png", + [ + 0.2074778974056244, + -0.009395206347107887, + 0.06174582988023758, + -0.7314015030860901, + -0.013411492109298706, + -0.21591410040855408, + 0.012211846187710762, + -0.147627055644989, + 0.06099958345293999, + -0.01551539171487093, + -0.20733118057250977, + 2.507533073425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/25.png", + [ + 0.2133791446685791, + -0.015115399844944477, + 0.03447836637496948, + -0.3854098916053772, + -0.01716037653386593, + -0.21567976474761963, + 0.011647318489849567, + -0.1546272486448288, + 0.03350752964615822, + -0.014200816862285137, + -0.21359653770923615, + 2.5288429260253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/99.png", + [ + 0.21504241228103638, + 0.0022793610114604235, + 0.0264472384005785, + -0.30563557147979736, + -0.0005114034283906221, + -0.2154785692691803, + 0.022729283198714256, + -0.2705784738063812, + 0.026540353894233704, + -0.022620487958192825, + -0.2138500064611435, + 2.522228240966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/34.png", + [ + 0.21501566469669342, + -0.010877950116991997, + 0.02445049211382866, + -0.2818507254123688, + -0.011924593709409237, + -0.21617166697978973, + 0.008689813315868378, + -0.11222979426383972, + 0.023957468569278717, + -0.009968902915716171, + -0.21511521935462952, + 2.577347755432129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/72.png", + [ + 0.21564289927482605, + -0.012667025439441204, + 0.01689915731549263, + -0.19736546277999878, + -0.013941468670964241, + -0.21561141312122345, + 0.016286203637719154, + -0.2050849050283432, + 0.01586412824690342, + -0.017295995727181435, + -0.21539980173110962, + 2.5632853507995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/102.png", + [ + 0.21521781384944916, + 0.0003706452844198793, + 0.025080937892198563, + -0.29209864139556885, + -0.002050803042948246, + -0.21566566824913025, + 0.020784905180335045, + -0.24819624423980713, + 0.024999700486660004, + -0.02088254503905773, + -0.21421213448047638, + 2.5383973121643066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/70.png", + [ + 0.21510247886180878, + -0.015313765965402126, + 0.02107870578765869, + -0.24504366517066956, + -0.016614647582173347, + -0.2156526893377304, + 0.01287541352212429, + -0.16369424760341644, + 0.020069299265742302, + -0.014398309402167797, + -0.21526220440864563, + 2.5634098052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/90.png", + [ + 0.21499760448932648, + 0.0009527648217044771, + 0.02688896283507347, + -0.30550000071525574, + -0.0022780809085816145, + -0.21511659026145935, + 0.02583727240562439, + -0.30897873640060425, + 0.026809224858880043, + -0.02592000551521778, + -0.21344159543514252, + 2.5222249031066895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/15.png", + [ + 0.20515838265419006, + 0.0018337719375267625, + 0.06967469304800034, + -0.8086456060409546, + -0.002558894921094179, + -0.21625544130802155, + 0.013226350769400597, + -0.1581476628780365, + 0.06965184211730957, + -0.01334622036665678, + -0.20473980903625488, + 2.4361534118652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/22.png", + [ + 0.2119659036397934, + -0.0032174945808947086, + 0.04481068626046181, + -0.48057228326797485, + -0.011128144338726997, + -0.21314354240894318, + 0.03733481839299202, + -0.47273802757263184, + 0.043526023626327515, + -0.038824889808893204, + -0.20867681503295898, + 2.4330620765686035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/26.png", + [ + 0.21273307502269745, + -0.023667966946959496, + 0.033650532364845276, + -0.38253194093704224, + -0.024589447304606438, + -0.21523647010326385, + 0.004064709413796663, + -0.059047602117061615, + 0.03298318013548851, + -0.007809617090970278, + -0.21400706470012665, + 2.5413637161254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/43.png", + [ + 0.2156025767326355, + -0.0077721853740513325, + 0.020075423642992973, + -0.23039589822292328, + -0.009552359580993652, + -0.2156185805797577, + 0.019112205132842064, + -0.2295849323272705, + 0.019292017444968224, + -0.01990268938243389, + -0.2148943990468979, + 2.5589728355407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/84.png", + [ + 0.21539193391799927, + -0.001023288001306355, + 0.023519476875662804, + -0.26995614171028137, + -0.00426004733890295, + -0.21459032595157623, + 0.029677189886569977, + -0.3591269552707672, + 0.023153074085712433, + -0.029963918030261993, + -0.21334008872509003, + 2.530716896057129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/89.png", + [ + 0.2150249481201172, + 0.0001501005026511848, + 0.02668597921729088, + -0.30204638838768005, + -0.0032538429368287325, + -0.21490712463855743, + 0.027426956221461296, + -0.3284396231174469, + 0.026487288996577263, + -0.027618885040283203, + -0.21326863765716553, + 2.521341323852539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/63.png", + [ + 0.21314382553100586, + -0.029664622619748116, + 0.025250956416130066, + -0.29608163237571716, + -0.029528498649597168, + -0.21463355422019958, + -0.0028991082217544317, + 0.039494242519140244, + 0.02541000209748745, + -0.0005893434281460941, + -0.2151787132024765, + 2.6005382537841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/88.png", + [ + 0.2151772379875183, + -0.0008733979775570333, + 0.025414224714040756, + -0.2860633134841919, + -0.004189483355730772, + -0.21480534970760345, + 0.028089428320527077, + -0.33560436964035034, + 0.02508174628019333, + -0.02838669903576374, + -0.2133377492427826, + 2.5192437171936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/62.png", + [ + 0.21230323612689972, + -0.03398072347044945, + 0.026842888444662094, + -0.3161986768245697, + -0.0337541401386261, + -0.21399322152137756, + -0.003931470215320587, + 0.05072690173983574, + 0.02712726593017578, + -0.0003295016649644822, + -0.21496951580047607, + 2.605468273162842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/65.png", + [ + 0.21414212882518768, + -0.021603301167488098, + 0.024987049400806427, + -0.295342355966568, + -0.022065669298171997, + -0.21553045511245728, + 0.0027622380293905735, + -0.03275615721940994, + 0.024579696357250214, + -0.005274578463286161, + -0.21521131694316864, + 2.5917248725891113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/80.png", + [ + 0.21649761497974396, + -0.0028262382838875055, + 0.008287528529763222, + -0.09675538539886475, + -0.00352942175231874, + -0.2158466875553131, + 0.01859145425260067, + -0.2243042290210724, + 0.00801336020231247, + -0.018711263313889503, + -0.2157164067029953, + 2.583238124847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/79.png", + [ + 0.21660317480564117, + -0.003773359814658761, + 0.0040894122794270515, + -0.0485243946313858, + -0.003979946486651897, + -0.21634958684444427, + 0.011176208965480328, + -0.13302883505821228, + 0.0038886459078639746, + -0.011247637681663036, + -0.21634754538536072, + 2.5874218940734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/19.png", + [ + 0.2046864926815033, + 0.007512127980589867, + 0.07067462801933289, + -0.8179519176483154, + 0.002214872045442462, + -0.21603049337863922, + 0.016547583043575287, + -0.18249152600765228, + 0.07103823125362396, + -0.014909598976373672, + -0.20415477454662323, + 2.4090328216552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/77.png", + [ + 0.21661889553070068, + -0.004676044452935457, + -0.0015102174365893006, + 0.022681698203086853, + -0.004678021650761366, + -0.2166239619255066, + -0.00026791440905071795, + 0.005145221948623657, + -0.001504082465544343, + 0.00030045173480175436, + -0.2166692018508911, + 2.584956169128418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/68.png", + [ + 0.21490275859832764, + -0.01810038648545742, + 0.020906314253807068, + -0.24221350252628326, + -0.018859395757317543, + -0.21573613584041595, + 0.007080574985593557, + -0.08866266906261444, + 0.020224273204803467, + -0.00884236115962267, + -0.21554741263389587, + 2.567777156829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/86.png", + [ + 0.21538621187210083, + -3.9630798710277304e-05, + 0.023593852296471596, + -0.26570072770118713, + -0.003294294001534581, + -0.21460239589214325, + 0.029712853953242302, + -0.35705989599227905, + 0.023362774401903152, + -0.029894892126321793, + -0.21332690119743347, + 2.522831916809082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/1.png", + [ + 0.20372742414474487, + -0.016773726791143417, + 0.07184477150440216, + -0.8661646246910095, + -0.016968443989753723, + -0.21599680185317993, + -0.002312400611117482, + 0.021761834621429443, + 0.07179903984069824, + -0.0034521559718996286, + -0.20440371334552765, + 2.4905786514282227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/81.png", + [ + 0.2162712663412094, + 9.892891102936119e-05, + 0.013214288279414177, + -0.15581311285495758, + -0.0014734112191945314, + -0.2151370346546173, + 0.025725170969963074, + -0.311592698097229, + 0.01313226018100977, + -0.025767138227820396, + -0.21473585069179535, + 2.563223361968994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/95.png", + [ + 0.21507778763771057, + 0.0018547902582213283, + 0.026191771030426025, + -0.3001290559768677, + -0.0009457214619033039, + -0.21544592082500458, + 0.023022910580039024, + -0.27377188205718994, + 0.026240326464176178, + -0.02296755649149418, + -0.21385003626346588, + 2.517446994781494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/103.png", + [ + 0.21531087160110474, + 0.0002411801542621106, + 0.024270666763186455, + -0.28277111053466797, + -0.0019375755218788981, + -0.2158016860485077, + 0.019333135336637497, + -0.23097458481788635, + 0.02419440634548664, + -0.019428487867116928, + -0.21444126963615417, + 2.547351837158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/83.png", + [ + 0.21573448181152344, + 0.00133328337687999, + 0.02011847496032715, + -0.23230449855327606, + -0.0015004597371444106, + -0.21453925967216492, + 0.030307600274682045, + -0.3669629693031311, + 0.020106695592403412, + -0.03031541220843792, + -0.21359913051128387, + 2.5345797538757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/51.png", + [ + 0.21411508321762085, + -0.013132046908140182, + 0.03049873746931553, + -0.36312901973724365, + -0.016398586332798004, + -0.2148669809103012, + 0.022608855739235878, + -0.2824801802635193, + 0.02887403592467308, + -0.02465001679956913, + -0.21332266926765442, + 2.5685787200927734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/93.png", + [ + 0.21519556641578674, + 0.0006651832954958081, + 0.025265056639909744, + -0.2879391014575958, + -0.0022360978182405233, + -0.21524907648563385, + 0.024713119491934776, + -0.2945464849472046, + 0.0251746978610754, + -0.024805162101984024, + -0.21377286314964294, + 2.5208802223205566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/76.png", + [ + 0.1982051134109497, + -0.08751033246517181, + 0.002138589508831501, + -0.02152770571410656, + -0.08748620003461838, + -0.19821153581142426, + -0.0025000260211527348, + 0.01939978078007698, + 0.002966065891087055, + 0.0014234288828447461, + -0.21664966642856598, + 2.6040029525756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/48.png", + [ + 0.20496773719787598, + -0.061575304716825485, + 0.033832062035799026, + -0.3957924544811249, + -0.06220391020178795, + -0.20755185186862946, + -0.0008948423201218247, + 0.0009944364428520203, + 0.032661907374858856, + -0.008866163901984692, + -0.2140151709318161, + 2.5558509826660156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/35.png", + [ + 0.20344586670398712, + -0.0651417076587677, + 0.036252301186323166, + -0.42783012986183167, + -0.066325843334198, + -0.20626752078533173, + 0.0015750122256577015, + -0.030141526833176613, + 0.034037552773952484, + -0.012575973756611347, + -0.2136145681142807, + 2.5911922454833984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/97.png", + [ + 0.20414425432682037, + -0.07116519659757614, + 0.014440723694860935, + -0.16174206137657166, + -0.06725527346134186, + -0.20154625177383423, + -0.04247036576271057, + 0.48582080006599426, + 0.027381543070077896, + 0.03553192317485809, + -0.21198026835918427, + 2.521399974822998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/13.png", + [ + 0.21170473098754883, + -0.02335071563720703, + -0.039796244353055954, + 0.45695510506629944, + -0.022748049348592758, + -0.2154099941253662, + 0.005380114074796438, + -0.07526766508817673, + -0.04014378413558006, + -0.0010786156635731459, + -0.2129206508398056, + 2.543336868286133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/32.png", + [ + 0.2030143439769745, + -0.06678330898284912, + 0.03567996248602867, + -0.42138728499412537, + -0.06780025362968445, + -0.20579279959201813, + 0.0005858000949956477, + -0.018342558294534683, + 0.03370748460292816, + -0.011713582091033459, + -0.21371591091156006, + 2.5949225425720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/38.png", + [ + 0.20366281270980835, + -0.06449367851018906, + 0.03619272634387016, + -0.4264726936817169, + -0.06571856886148453, + -0.20645900070667267, + 0.0019100629724562168, + -0.03342325985431671, + 0.03391779959201813, + -0.012772805988788605, + -0.21362194418907166, + 2.578709602355957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/111.png", + [ + 0.2068241536617279, + -0.06381309032440186, + 0.009977415204048157, + -0.11121544986963272, + -0.06135391443967819, + -0.2045678198337555, + -0.03654584661126137, + 0.41637104749679565, + 0.020183078944683075, + 0.03205917403101921, + -0.21333716809749603, + 2.548275947570801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/11.png", + [ + 0.20135244727134705, + -0.010890629142522812, + -0.0792873203754425, + 0.9700672626495361, + -0.012151546776294708, + -0.21633058786392212, + -0.0011447910219430923, + 0.003849182277917862, + -0.07910389453172684, + 0.005510428920388222, + -0.20164351165294647, + 2.461859703063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/59.png", + [ + 0.20506954193115234, + -0.06863979995250702, + 0.013526096940040588, + -0.15644767880439758, + -0.06835848093032837, + -0.20550665259361267, + -0.006483097095042467, + 0.06480145454406738, + 0.014882688410580158, + 0.0018685268005356193, + -0.21615484356880188, + 2.5523276329040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/105.png", + [ + 0.20611660182476044, + -0.06601467728614807, + 0.010291025973856449, + -0.11329200863838196, + -0.06352057307958603, + -0.20397000014781952, + -0.03618386387825012, + 0.41033342480659485, + 0.02071182243525982, + 0.031403783708810806, + -0.2133839726448059, + 2.5416455268859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/121.png", + [ + 0.21384653449058533, + -0.03378545865416527, + -0.008723268285393715, + 0.1118893250823021, + -0.03445439785718918, + -0.21301677823066711, + -0.019612489268183708, + 0.2221376597881317, + -0.005517883691936731, + 0.020743627101182938, + -0.21560880541801453, + 2.609438419342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/24.png", + [ + 0.2026234120130539, + -0.0683879479765892, + 0.03485306352376938, + -0.40559256076812744, + -0.06956808269023895, + -0.20519472658634186, + 0.0018154518911615014, + -0.032304298132658005, + 0.03243346884846687, + -0.012888051569461823, + -0.2138454169034958, + 2.5659494400024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/74.png", + [ + 0.19743824005126953, + -0.08920635282993317, + -0.002873820485547185, + 0.038650479167699814, + -0.08921904116868973, + -0.19745302200317383, + -0.0004132241301704198, + -0.005257638171315193, + -0.002448751125484705, + 0.0015598766040056944, + -0.2166551947593689, + 2.6095147132873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/98.png", + [ + 0.20448988676071167, + -0.07015320658683777, + 0.01450172159820795, + -0.16087357699871063, + -0.06627514958381653, + -0.20191818475723267, + -0.042243849486112595, + 0.48144081234931946, + 0.02719147503376007, + 0.03543256223201752, + -0.2120213508605957, + 2.515674114227295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/0.png", + [ + 0.2162744551897049, + -0.012965880334377289, + -0.0022674615029245615, + 0.024195829406380653, + -0.013011067174375057, + -0.2162362039089203, + -0.004528798628598452, + 0.0426102839410305, + -0.0019918689504265785, + 0.004656592849642038, + -0.2166154384613037, + 2.66127872467041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/96.png", + [ + 0.2039490044116974, + -0.07181350886821747, + 0.01398280169814825, + -0.15911148488521576, + -0.0680580586194992, + -0.20141977071762085, + -0.041786015033721924, + 0.4808047115802765, + 0.026847686618566513, + 0.03493982553482056, + -0.21214689314365387, + 2.529797077178955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/100.png", + [ + 0.20531870424747467, + -0.06808226555585861, + 0.01252709235996008, + -0.13829602301120758, + -0.06466415524482727, + -0.20262151956558228, + -0.041363801807165146, + 0.4708925187587738, + 0.02471170201897621, + 0.03545735403895378, + -0.21232052147388458, + 2.5128698348999023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/40.png", + [ + 0.2035343050956726, + -0.06416422873735428, + 0.037478528916835785, + -0.4414416253566742, + -0.06540567427873611, + -0.20656126737594604, + 0.0015596809098497033, + -0.02810407429933548, + 0.03526734188199043, + -0.012778409756720066, + -0.21340295672416687, + 2.5656323432922363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/52.png", + [ + 0.2058371901512146, + -0.06220336630940437, + 0.026639873161911964, + -0.3096480071544647, + -0.062162429094314575, + -0.2075226604938507, + -0.004251882899552584, + 0.04062208905816078, + 0.02673528902232647, + -0.0036035755183547735, + -0.21498866379261017, + 2.5668797492980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/3.png", + [ + 0.21627894043922424, + -0.012483109720051289, + -0.003935685846954584, + 0.03996819630265236, + -0.012565001845359802, + -0.2162620723247528, + -0.004553717095404863, + 0.04283260181546211, + -0.003665842581540346, + 0.0047736321575939655, + -0.2165910303592682, + 2.649247646331787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/47.png", + [ + 0.20423872768878937, + -0.0632832944393158, + 0.035066671669483185, + -0.412445068359375, + -0.06393997371196747, + -0.2070220708847046, + -0.0011983070289716125, + 0.004194226115942001, + 0.03385448455810547, + -0.009218529798090458, + -0.2138148546218872, + 2.559260368347168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/104.png", + [ + 0.20631149411201477, + -0.06528748571872711, + 0.010999882593750954, + -0.12231660634279251, + -0.06259306520223618, + -0.2040690928697586, + -0.037226513028144836, + 0.42418739199638367, + 0.02157687395811081, + 0.03226839378476143, + -0.2131691426038742, + 2.5401740074157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/21.png", + [ + 0.2034553438425064, + -0.06759053468704224, + 0.03139019384980202, + -0.36034685373306274, + -0.0685899630188942, + -0.20552177727222443, + 0.0020282422192394733, + -0.035026635974645615, + 0.029141748324036598, + -0.011841295287013054, + -0.2143792062997818, + 2.546851634979248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/82.png", + [ + 0.20325569808483124, + -0.07456690818071365, + 0.008648358285427094, + -0.10086899995803833, + -0.07417763769626617, + -0.203341543674469, + -0.009888914413750172, + 0.10599347949028015, + 0.011519373394548893, + 0.006315752398222685, + -0.21627600491046906, + 2.5917816162109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/106.png", + [ + 0.2061222940683365, + -0.066013865172863, + 0.010181786492466927, + -0.11224003881216049, + -0.06362481415271759, + -0.20410023629665375, + -0.035254426300525665, + 0.3985004425048828, + 0.02033180370926857, + 0.03054768778383732, + -0.21354474127292633, + 2.546631336212158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/14.png", + [ + 0.21325068175792694, + -0.034373294562101364, + -0.017044629901647568, + 0.1795995533466339, + -0.03367491438984871, + -0.21381396055221558, + 0.009873618371784687, + -0.1288396716117859, + -0.01838594861328602, + -0.00706856744363904, + -0.21577739715576172, + 2.5620651245117188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/67.png", + [ + 0.18902142345905304, + -0.10571913421154022, + -0.006500866264104843, + 0.08691301941871643, + -0.10555858165025711, + -0.18911927938461304, + 0.006259532645344734, + -0.08655036985874176, + -0.00872825551778078, + -0.0022935925517231226, + -0.2164866030216217, + 2.6070146560668945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/78.png", + [ + 0.2002311646938324, + -0.0827135518193245, + 0.0037199421785771847, + -0.04075552895665169, + -0.08267217129468918, + -0.20026172697544098, + -0.0029069245792925358, + 0.023628730326890945, + 0.004547852091491222, + 0.0012669750722125173, + -0.2166231870651245, + 2.590066432952881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/31.png", + [ + 0.20269426703453064, + -0.06733008474111557, + 0.03646354004740715, + -0.43141573667526245, + -0.06832901388406754, + -0.20561861991882324, + 0.00015303361578844488, + -0.013171030208468437, + 0.03455539792776108, + -0.011642049066722393, + -0.21358434855937958, + 2.594658851623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/39.png", + [ + 0.20378679037094116, + -0.06395696103572845, + 0.03644641861319542, + -0.42913761734962463, + -0.0652255192399025, + -0.20661310851573944, + 0.00213341461494565, + -0.03590043634176254, + 0.034124258905649185, + -0.012977980077266693, + -0.21357668936252594, + 2.5721631050109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/92.png", + [ + 0.20455148816108704, + -0.07145801186561584, + 0.0005818936042487621, + 0.00013398518785834312, + -0.0704701691865921, + -0.20200306177139282, + -0.03430187702178955, + 0.405788391828537, + 0.011855049058794975, + 0.03219339996576309, + -0.21394145488739014, + 2.584634780883789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/53.png", + [ + 0.20612511038780212, + -0.0621706061065197, + 0.024395640939474106, + -0.28429466485977173, + -0.06211395189166069, + -0.20754049718379974, + -0.004085713066160679, + 0.03793451562523842, + 0.024539535865187645, + -0.0031066930387169123, + -0.21525810658931732, + 2.574232578277588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/75.png", + [ + 0.1975327879190445, + -0.08904319256544113, + 5.929947292315774e-06, + 0.0037889748346060514, + -0.08904051035642624, + -0.19752700626850128, + -0.0016641983529552817, + 0.00880105048418045, + 0.0006893136305734515, + 0.0015147405210882425, + -0.2166682481765747, + 2.606090545654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/87.png", + [ + 0.20609939098358154, + -0.06679762899875641, + -0.003003132762387395, + 0.041811179369688034, + -0.06680917739868164, + -0.20611712336540222, + -0.0003983359201811254, + -0.016924038529396057, + -0.0027340033557265997, + 0.0013048764085397124, + -0.21665345132350922, + 2.6250815391540527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/107.png", + [ + 0.20646730065345764, + -0.06483138352632523, + 0.010772332549095154, + -0.11886508762836456, + -0.062343258410692215, + -0.20444732904434204, + -0.035531751811504364, + 0.40243107080459595, + 0.02079591527581215, + 0.030758390203118324, + -0.21346978843212128, + 2.5482497215270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/112.png", + [ + 0.2073591947555542, + -0.06181209906935692, + 0.01137192640453577, + -0.1276683509349823, + -0.05924101918935776, + -0.20532077550888062, + -0.03580188378691673, + 0.40822312235832214, + 0.02098945528268814, + 0.031153466552495956, + -0.21339352428913116, + 2.5494608879089355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/69.png", + [ + 0.1903289258480072, + -0.10328178852796555, + -0.007460927125066519, + 0.09723425656557083, + -0.10319049656391144, + -0.19047491252422333, + 0.004349803552031517, + -0.06149423122406006, + -0.008632182143628597, + -0.0002676668227650225, + -0.21650244295597076, + 2.621603488922119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/45.png", + [ + 0.20437806844711304, + -0.06260604411363602, + 0.03546808660030365, + -0.4185957610607147, + -0.06340434402227402, + -0.2071898877620697, + -0.00036324906977824867, + -0.004142899066209793, + 0.03402046114206314, + -0.01003620307892561, + -0.2137516736984253, + 2.5670480728149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/50.png", + [ + 0.20544207096099854, + -0.06136135011911392, + 0.031244784593582153, + -0.3648826777935028, + -0.061841268092393875, + -0.20765866339206696, + -0.0011975360102951527, + 0.004639271646738052, + 0.03028380684554577, + -0.007782143075019121, + -0.21440668404102325, + 2.557755947113037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/101.png", + [ + 0.20542262494564056, + -0.06781935691833496, + 0.01224658265709877, + -0.13511665165424347, + -0.06441177427768707, + -0.20263205468654633, + -0.041704561561346054, + 0.47568485140800476, + 0.024506449699401855, + 0.035898227244615555, + -0.21227021515369415, + 2.513601779937744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/85.png", + [ + 0.20602379739284515, + -0.06699179112911224, + 0.003767171176150441, + -0.04214911535382271, + -0.06692111492156982, + -0.20603950321674347, + -0.004144479054957628, + 0.030508529394865036, + 0.004863662179559469, + 0.002777242800220847, + -0.21660222113132477, + 2.621511459350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/71.png", + [ + 0.1930716186761856, + -0.09821897745132446, + -0.0049264030531048775, + 0.06476762890815735, + -0.09821073710918427, + -0.19313254952430725, + 0.001537300762720406, + -0.026523778215050697, + -0.005088001489639282, + 0.0008631222881376743, + -0.21661317348480225, + 2.6250381469726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/115.png", + [ + 0.2099108248949051, + -0.05267823114991188, + 0.01050455030053854, + -0.11765336990356445, + -0.05059176683425903, + -0.2081257700920105, + -0.032741792500019073, + 0.37227436900138855, + 0.01805032417178154, + 0.029266981407999992, + -0.21392878890037537, + 2.5510377883911133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/54.png", + [ + 0.20593209564685822, + -0.06327102333307266, + 0.023165399208664894, + -0.27016139030456543, + -0.0631110817193985, + -0.20722080767154694, + -0.00494161294773221, + 0.04735102877020836, + 0.023597657680511475, + -0.0020508021116256714, + -0.21537604928016663, + 2.5732197761535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/33.png", + [ + 0.20303110778331757, + -0.06639495491981506, + 0.03630394861102104, + -0.4289284944534302, + -0.06754814088344574, + -0.20587271451950073, + 0.0012522756587713957, + -0.026639236137270927, + 0.034110356122255325, + -0.012491147965192795, + -0.21360792219638824, + 2.592078685760498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/49.png", + [ + 0.2052599936723709, + -0.061502855271101, + 0.032150138169527054, + -0.3751280903816223, + -0.06202322617173195, + -0.20760458707809448, + -0.0011628876673057675, + 0.004466842859983444, + 0.031134409829974174, + -0.008101367391645908, + -0.21427299082279205, + 2.5555739402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/118.png", + [ + 0.21245168149471283, + -0.04233510419726372, + 0.00446294667199254, + -0.04749109968543053, + -0.0414021760225296, + -0.2107698768377304, + -0.028457248583436012, + 0.3269045948982239, + 0.009901460260152817, + 0.027049843221902847, + -0.21475139260292053, + 2.582136631011963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/110.png", + [ + 0.20667265355587006, + -0.06441577523946762, + 0.009215251542627811, + -0.1012183427810669, + -0.06199030578136444, + -0.20423246920108795, + -0.037339016795158386, + 0.4254932999610901, + 0.019786695018410683, + 0.03297892585396767, + -0.213234081864357, + 2.547330379486084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/18.png", + [ + 0.20689985156059265, + -0.059258803725242615, + 0.025074677541851997, + -0.29476481676101685, + -0.060044676065444946, + -0.20815913379192352, + 0.003508388763293624, + -0.05435222387313843, + 0.023129703477025032, + -0.01029878668487072, + -0.21519024670124054, + 2.5455102920532227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/66.png", + [ + 0.18905417621135712, + -0.10571812093257904, + -0.005485812202095985, + 0.07489708811044693, + -0.1055346205830574, + -0.18909937143325806, + 0.007195286452770233, + -0.09824469685554504, + -0.008298322558403015, + -0.0036061243154108524, + -0.2164856195449829, + 2.5962843894958496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/16.png", + [ + 0.21039262413978577, + -0.048184216022491455, + 0.019003184512257576, + -0.23747004568576813, + -0.04900508373975754, + -0.21091757714748383, + 0.007757073268294334, + -0.10548292100429535, + 0.016773248091340065, + -0.011830105446279049, + -0.21570025384426117, + 2.5418004989624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/94.png", + [ + 0.2039724737405777, + -0.07231329381465912, + 0.01067284494638443, + -0.1221093088388443, + -0.06923122704029083, + -0.20126749575138092, + -0.04057491198182106, + 0.4755581319332123, + 0.023455454036593437, + 0.034786127507686615, + -0.21257390081882477, + 2.5529046058654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/28.png", + [ + 0.2017926424741745, + -0.06928800046443939, + 0.03777297958731651, + -0.4459432363510132, + -0.07035688310861588, + -0.20493365824222565, + -5.141580550116487e-05, + -0.0098199974745512, + 0.03574260696768761, + -0.01221745926886797, + -0.21335673332214355, + 2.5839409828186035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/61.png", + [ + 0.20248018205165863, + -0.07662838697433472, + 0.008818543516099453, + -0.10147291421890259, + -0.07661308348178864, + -0.2026681751012802, + -0.0019850749522447586, + 0.011556386947631836, + 0.008950521238148212, + -0.0012630806304514408, + -0.21648600697517395, + 2.553976535797119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/58.png", + [ + 0.20539797842502594, + -0.06693778187036514, + 0.01670026034116745, + -0.19213005900382996, + -0.06644565612077713, + -0.20605240762233734, + -0.00867590680718422, + 0.0894666314125061, + 0.018561819568276405, + 0.0031030578538775444, + -0.21585579216480255, + 2.555927276611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/64.png", + [ + 0.19278354942798615, + -0.09889388829469681, + -0.0015467992052435875, + 0.0276512261480093, + -0.09876607358455658, + -0.19266746938228607, + 0.008509271778166294, + -0.11331866681575775, + -0.005259189289063215, + -0.006865945179015398, + -0.21650195121765137, + 2.573028564453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/10.png", + [ + 0.1971045881509781, + -0.004639906343072653, + -0.08986738324165344, + 1.111006498336792, + -0.007796921767294407, + -0.21645322442054749, + -0.005925248377025127, + 0.06261618435382843, + -0.08964866399765015, + 0.008623911067843437, + -0.19707012176513672, + 2.420412540435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/41.png", + [ + 0.2035745084285736, + -0.0642697736620903, + 0.03707706183195114, + -0.4357722997665405, + -0.06535450369119644, + -0.20658202469348907, + 0.0007425812655128539, + -0.017491823062300682, + 0.035129766911268234, + -0.011881057173013687, + -0.2134774774312973, + 2.5630197525024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/91.png", + [ + 0.20498207211494446, + -0.07007965445518494, + -0.004367825575172901, + 0.05975612252950668, + -0.07006081193685532, + -0.20323939621448517, + -0.02707631327211857, + 0.3159009516239166, + 0.004660373087972403, + 0.027027498930692673, + -0.21493181586265564, + 2.6013660430908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/23.png", + [ + 0.20302891731262207, + -0.06792867183685303, + 0.03335929289460182, + -0.38599303364753723, + -0.06903079152107239, + -0.205375075340271, + 0.001930256257764995, + -0.0335855633020401, + 0.03101446107029915, + -0.012436695396900177, + -0.2140825241804123, + 2.5595312118530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/37.png", + [ + 0.20321346819400787, + -0.06575863808393478, + 0.03644142299890518, + -0.4291417896747589, + -0.06700564920902252, + -0.2060454934835434, + 0.0018435155507177114, + -0.03337043896317482, + 0.03409427031874657, + -0.012998327612876892, + -0.21358023583889008, + 2.5849246978759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/36.png", + [ + 0.20323963463306427, + -0.06600268930196762, + 0.03584963455796242, + -0.4227938652038574, + -0.06726289540529251, + -0.2059587985277176, + 0.0021381364203989506, + -0.037029482424259186, + 0.03342534601688385, + -0.013134460896253586, + -0.21367764472961426, + 2.588944435119629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/8.png", + [ + 0.20469781756401062, + -0.006139845121651888, + -0.07077429443597794, + 0.8803902268409729, + -0.007200482301414013, + -0.21654535830020905, + -0.0020398402120918036, + 0.01599534973502159, + -0.07067426294088364, + 0.004279042594134808, + -0.2047797292470932, + 2.530026435852051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/6.png", + [ + 0.2141193151473999, + -0.011739691719412804, + -0.031032226979732513, + 0.3791813552379608, + -0.011343872174620628, + -0.21634796261787415, + 0.0035742351319640875, + -0.0512525774538517, + -0.031179098412394524, + -0.0019074087031185627, + -0.21441112458705902, + 2.613025188446045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/20.png", + [ + 0.2052372843027115, + -0.06302496045827866, + 0.029213057830929756, + -0.336133748292923, + -0.0640777051448822, + -0.2069498598575592, + 0.0037013825494796038, + -0.05403634160757065, + 0.02682528644800186, + -0.012145250104367733, + -0.21466435492038727, + 2.5410561561584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/2.png", + [ + 0.21628974378108978, + -0.012655767612159252, + -0.002541901310905814, + 0.02436906099319458, + -0.012708977796137333, + -0.2162499576807022, + -0.004725978244096041, + 0.04341631755232811, + -0.0022608796134591103, + 0.004866678733378649, + -0.2166081666946411, + 2.6540064811706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/117.png", + [ + 0.21149949729442596, + -0.04670381173491478, + 0.005882971454411745, + -0.0637865960597992, + -0.04540671408176422, + -0.20955467224121094, + -0.031192393973469734, + 0.35787561535835266, + 0.012413118034601212, + 0.029214540496468544, + -0.21433693170547485, + 2.5679383277893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/5.png", + [ + 0.21548517048358917, + -0.013781784102320671, + -0.018002552911639214, + 0.2100287675857544, + -0.013613861985504627, + -0.21623112261295319, + 0.002581003587692976, + -0.03903747349977493, + -0.018129870295524597, + -0.0014357182662934065, + -0.21591004729270935, + 2.6135120391845703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/108.png", + [ + 0.2063084989786148, + -0.06539098173379898, + 0.010426917113363743, + -0.1149028092622757, + -0.06292523443698883, + -0.2042302042245865, + -0.03575387969613075, + 0.40530163049697876, + 0.020618345588445663, + 0.031015224754810333, + -0.21344983577728271, + 2.5461015701293945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/60.png", + [ + 0.20437803864479065, + -0.07109086215496063, + 0.011117372661828995, + -0.12890402972698212, + -0.0709487572312355, + -0.2046792060136795, + -0.004538312088698149, + 0.041444916278123856, + 0.011990918777883053, + 0.0006404421292245388, + -0.21634164452552795, + 2.550149917602539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/56.png", + [ + 0.20534548163414001, + -0.06614299863576889, + 0.02015511505305767, + -0.23247267305850983, + -0.06573743373155594, + -0.20633044838905334, + -0.007364376913756132, + 0.07396060228347778, + 0.021440977230668068, + 0.0008644114714115858, + -0.21560944616794586, + 2.5670166015625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/30.png", + [ + 0.20250551402568817, + -0.06780393421649933, + 0.03663380816578865, + -0.4332287311553955, + -0.06870976090431213, + -0.2054910957813263, + -0.0005186597700230777, + -0.0044610705226659775, + 0.03490528091788292, + -0.011132216081023216, + -0.21355465054512024, + 2.5935792922973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/17.png", + [ + 0.207797572016716, + -0.05583416670560837, + 0.02550693042576313, + -0.30814892053604126, + -0.05684297904372215, + -0.20901159942150116, + 0.005560989025980234, + -0.07994069159030914, + 0.02317184768617153, + -0.012024711817502975, + -0.21509617567062378, + 2.54416561126709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/12.png", + [ + 0.20756345987319946, + -0.017978932708501816, + -0.059515297412872314, + 0.7134566903114319, + -0.01837780885398388, + -0.21589091420173645, + 0.0011245294008404016, + -0.02537655457854271, + -0.05939333885908127, + 0.003970698453485966, + -0.20833761990070343, + 2.5201892852783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/114.png", + [ + 0.2092762440443039, + -0.055102888494729996, + 0.010724971070885658, + -0.12018884718418121, + -0.05287745222449303, + -0.2073943018913269, + -0.033756107091903687, + 0.38406774401664734, + 0.018850188702344894, + 0.029986171051859856, + -0.2137601375579834, + 2.548186779022217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/27.png", + [ + 0.20174147188663483, + -0.06975550949573517, + 0.037181247025728226, + -0.4368130564689636, + -0.07089099287986755, + -0.20474885404109955, + 0.0005189105868339539, + -0.01641724444925785, + 0.03496773913502693, + -0.012648004107177258, + -0.2134600132703781, + 2.579014301300049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/42.png", + [ + 0.2035064548254013, + -0.06380491703748703, + 0.038235392421483994, + -0.45002278685569763, + -0.06490933150053024, + -0.20672303438186646, + 0.0005106047610752285, + -0.014522463083267212, + 0.03632893040776253, + -0.011933770030736923, + -0.21327373385429382, + 2.561306953430176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/7.png", + [ + 0.21048656105995178, + -0.009276596829295158, + -0.050569307059049606, + 0.6297674179077148, + -0.009358634240925312, + -0.2164711058139801, + 0.0007563609979115427, + -0.017935607582330704, + -0.050554193556308746, + 0.0014494357164949179, + -0.2106894999742508, + 2.5974531173706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/73.png", + [ + 0.19628216326236725, + -0.09170998632907867, + -0.0032370025292038918, + 0.0434698611497879, + -0.09170995652675629, + -0.19630755484104156, + 0.0007208567694760859, + -0.017431072890758514, + -0.003237840486690402, + 0.000717085029464215, + -0.21664924919605255, + 2.6188693046569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/120.png", + [ + 0.21364957094192505, + -0.035792555660009384, + -0.004543985705822706, + 0.06160441040992737, + -0.036069441586732864, + -0.2125423103570938, + -0.02174060046672821, + 0.24772685766220093, + -0.0008659877930767834, + 0.022193502634763718, + -0.2155332714319229, + 2.607916831970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/46.png", + [ + 0.20387183129787445, + -0.06417305022478104, + 0.03558070585131645, + -0.4190998375415802, + -0.06500207632780075, + -0.20669423043727875, + -0.00034024487831629813, + -0.006208162754774094, + 0.034042567014694214, + -0.010354019701480865, + -0.2137330025434494, + 2.5638480186462402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/57.png", + [ + 0.20508968830108643, + -0.06742929667234421, + 0.01842285320162773, + -0.21245715022087097, + -0.06685381382703781, + -0.20589129626750946, + -0.009340324439108372, + 0.09665219485759735, + 0.020412711426615715, + 0.0031566519755870104, + -0.21568787097930908, + 2.5619263648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/44.png", + [ + 0.20408087968826294, + -0.06353236734867096, + 0.03553205728530884, + -0.41931357979774475, + -0.06430750340223312, + -0.20691077411174774, + -0.0006078938022255898, + -0.00043085962533950806, + 0.034109149128198624, + -0.009973104111850262, + -0.2137404978275299, + 2.5643396377563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/113.png", + [ + 0.2084292769432068, + -0.05796314775943756, + 0.012058405205607414, + -0.13551029562950134, + -0.05545639246702194, + -0.20659486949443817, + -0.034511499106884, + 0.3941681683063507, + 0.020729700103402138, + 0.030111931264400482, + -0.21356835961341858, + 2.550665855407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/29.png", + [ + 0.20221735537052155, + -0.06841015070676804, + 0.037095677107572556, + -0.4383975565433502, + -0.06933854520320892, + -0.2052796185016632, + -0.000586453068535775, + -0.0036820992827415466, + 0.03532995656132698, + -0.011323746293783188, + -0.21347473561763763, + 2.588998794555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/4.png", + [ + 0.21617825329303741, + -0.011978581547737122, + -0.00844844151288271, + 0.0933954268693924, + -0.011938520707190037, + -0.2163418084383011, + 0.0012570247054100037, + -0.02532130852341652, + -0.008504957892000675, + -0.0007886462262831628, + -0.2165062129497528, + 2.6332015991210938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/55.png", + [ + 0.20540417730808258, + -0.06578458100557327, + 0.020722242072224617, + -0.23990292847156525, + -0.06552997976541519, + -0.20644548535346985, + -0.005829385947436094, + 0.05715406313538551, + 0.021513812243938446, + -0.0007409629761241376, + -0.21560265123844147, + 2.568378448486328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/9.png", + [ + 0.19917479157447815, + -0.0033071229699999094, + -0.08524294197559357, + 1.057944655418396, + -0.00602627731859684, + -0.21651630103588104, + -0.005680662579834461, + 0.05971195921301842, + -0.08509395271539688, + 0.007592685986310244, + -0.19912122189998627, + 2.455955982208252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/25.png", + [ + 0.2023444026708603, + -0.0689607635140419, + 0.03534191474318504, + -0.4122978746891022, + -0.07011641561985016, + -0.20501118898391724, + 0.0014129063347354531, + -0.026760932058095932, + 0.03298979997634888, + -0.012756185606122017, + -0.21376821398735046, + 2.57010555267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/99.png", + [ + 0.20457831025123596, + -0.07009058445692062, + 0.013524611480534077, + -0.1486048400402069, + -0.06644779443740845, + -0.20198366045951843, + -0.04165555164217949, + 0.4732249677181244, + 0.026082482188940048, + 0.03518243879079819, + -0.212202250957489, + 2.511056900024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/34.png", + [ + 0.20327800512313843, + -0.06571803987026215, + 0.03615365922451019, + -0.42694586515426636, + -0.06684871762990952, + -0.20610105991363525, + 0.0012257377384230494, + -0.026293247938156128, + 0.034017615020275116, + -0.012304120697081089, + -0.21363359689712524, + 2.595634937286377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/72.png", + [ + 0.19447393715381622, + -0.09541334956884384, + -0.004906908608973026, + 0.06477274000644684, + -0.09540098905563354, + -0.19453470408916473, + 0.0016714987577870488, + -0.02791987545788288, + -0.005141567438840866, + 0.0006602577050216496, + -0.21661262214183807, + 2.6255083084106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/102.png", + [ + 0.20570597052574158, + -0.06702359020709991, + 0.011865271255373955, + -0.1319310963153839, + -0.06381599605083466, + -0.2030467689037323, + -0.04058848321437836, + 0.46308717131614685, + 0.023674167692661285, + 0.03503917157649994, + -0.21250808238983154, + 2.520260810852051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/70.png", + [ + 0.19132596254348755, + -0.10152894258499146, + -0.005843165330588818, + 0.07702499628067017, + -0.10147726535797119, + -0.19141513109207153, + 0.003241045167669654, + -0.047611646354198456, + -0.006680662278085947, + -0.00012529159721452743, + -0.21657156944274902, + 2.6261677742004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/90.png", + [ + 0.20486409962177277, + -0.07001730054616928, + -0.008727490901947021, + 0.1117430254817009, + -0.07052893191576004, + -0.20398811995983124, + -0.01903708092868328, + 0.2130430042743683, + -0.002064752159640193, + 0.02084025740623474, + -0.2156601846218109, + 2.6136817932128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/122.png", + [ + 0.21386854350566864, + -0.03277605399489403, + -0.011570284143090248, + 0.14640963077545166, + -0.033546969294548035, + -0.21351861953735352, + -0.015241011045873165, + 0.16896967589855194, + -0.009096269495785236, + 0.016835015267133713, + -0.21582801640033722, + 2.609663963317871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/15.png", + [ + 0.21251259744167328, + -0.041744813323020935, + 0.006607675924897194, + -0.09790657460689545, + -0.04197726026177406, + -0.21241559088230133, + 0.008088644593954086, + -0.10788720846176147, + 0.004919423256069422, + -0.009213403798639774, + -0.21642275154590607, + 2.555370330810547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/22.png", + [ + 0.2033131867647171, + -0.0673365443944931, + 0.03282419964671135, + -0.37783974409103394, + -0.06842471659183502, + -0.20557613670825958, + 0.002097801072522998, + -0.03526824340224266, + 0.030490944162011147, + -0.01233415026217699, + -0.2141636312007904, + 2.551755428314209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/109.png", + [ + 0.2063174694776535, + -0.06536564230918884, + 0.010408259928226471, + -0.1154460683465004, + -0.06280345469713211, + -0.20408610999584198, + -0.036775946617126465, + 0.4178025722503662, + 0.020897991955280304, + 0.032001178711652756, + -0.21327702701091766, + 2.545529842376709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/26.png", + [ + 0.20210659503936768, + -0.06914319843053818, + 0.03633230924606323, + -0.42571964859962463, + -0.07041557878255844, + -0.20490603148937225, + 0.0017504029674455523, + -0.031138436868786812, + 0.03380035609006882, + -0.01344009954482317, + -0.21359960734844208, + 2.5720930099487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/43.png", + [ + 0.20381449162960052, + -0.06339824199676514, + 0.03725862130522728, + -0.4390031695365906, + -0.0643470361828804, + -0.20689938962459564, + -5.8924255426973104e-05, + -0.007490308955311775, + 0.03559494391083717, + -0.011009467765688896, + -0.21344716846942902, + 2.5605874061584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/84.png", + [ + 0.20490193367004395, + -0.06984321773052216, + 0.009220226667821407, + -0.10838422179222107, + -0.06933566927909851, + -0.20495064556598663, + -0.011648579500615597, + 0.122745081782341, + 0.012476153671741486, + 0.008065206930041313, + -0.2161647379398346, + 2.6099720001220703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/89.png", + [ + 0.20494571328163147, + -0.069894939661026, + -0.0077358209528028965, + 0.0991252139210701, + -0.07023631781339645, + -0.20462891459465027, + -0.011906358413398266, + 0.1229577362537384, + -0.0034650033339858055, + 0.013769460842013359, + -0.21620890498161316, + 2.621072292327881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/63.png", + [ + 0.19616703689098358, + -0.09199073910713196, + 0.0020229769870638847, + -0.016461310908198357, + -0.09200684726238251, + -0.19605156779289246, + 0.006812743842601776, + -0.09229084849357605, + -0.0010619675740599632, + -0.007026958279311657, + -0.2165580540895462, + 2.5641140937805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/88.png", + [ + 0.2058383822441101, + -0.06743519008159637, + -0.005563545972108841, + 0.07265639305114746, + -0.06755898147821426, + -0.20581574738025665, + -0.004854522179812193, + 0.03619001433253288, + -0.003773859702050686, + 0.006346449255943298, + -0.21654878556728363, + 2.626131057739258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/62.png", + [ + 0.20003214478492737, + -0.08313345164060593, + 0.004885133821517229, + -0.05386756733059883, + -0.0832308679819107, + -0.19999977946281433, + 0.004539881367236376, + -0.06580973416566849, + 0.00276732724159956, + -0.006067696027457714, + -0.21657197177410126, + 2.5570549964904785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/65.png", + [ + 0.19010601937770844, + -0.1039186492562294, + -0.0029163628350943327, + 0.04547658562660217, + -0.10377105325460434, + -0.19005249440670013, + 0.0077139888890087605, + -0.10467354953289032, + -0.006257721688598394, + -0.005371380131691694, + -0.2165176123380661, + 2.584016799926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/80.png", + [ + 0.2014119029045105, + -0.07949066162109375, + 0.007898236624896526, + -0.0920228436589241, + -0.07932902127504349, + -0.20155394077301025, + -0.005551449488848448, + 0.05415090546011925, + 0.009383696131408215, + 0.002268694806843996, + -0.2164594531059265, + 2.592526435852051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/119.png", + [ + 0.21307119727134705, + -0.03933632746338844, + 0.0011035754578188062, + -0.006555401720106602, + -0.03895752504467964, + -0.21171143651008606, + -0.024667467921972275, + 0.28213146328926086, + 0.0055565666407346725, + 0.024058811366558075, + -0.21526308357715607, + 2.597296714782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/79.png", + [ + 0.20075038075447083, + -0.08133391290903091, + 0.0056545315310359, + -0.06377333402633667, + -0.08126205950975418, + -0.20082609355449677, + -0.0036398593802005053, + 0.03203484043478966, + 0.006607240531593561, + 0.0012516662245616317, + -0.21657024323940277, + 2.5914835929870605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/116.png", + [ + 0.21059824526309967, + -0.050498705357313156, + 0.006793438456952572, + -0.07376758754253387, + -0.04891509935259819, + -0.20845730602741241, + -0.03317760303616524, + 0.3801044821739197, + 0.01426825113594532, + 0.030713532119989395, + -0.21401166915893555, + 2.556079864501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/19.png", + [ + 0.20581108331680298, + -0.06177308037877083, + 0.027816835790872574, + -0.3219447731971741, + -0.0627179741859436, + -0.20736895501613617, + 0.0035314802080392838, + -0.05290266126394272, + 0.025615358725190163, + -0.011406193487346172, + -0.21485261619091034, + 2.5382776260375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/77.png", + [ + 0.1991162747144699, + -0.0854070782661438, + 0.0024976858403533697, + -0.025917556136846542, + -0.08538816124200821, + -0.19913017749786377, + -0.001984198810532689, + 0.013445347547531128, + 0.003077560570091009, + 0.0008391087176278234, + -0.21665114164352417, + 2.59975004196167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/68.png", + [ + 0.189528226852417, + -0.1048206314444542, + -0.006291103549301624, + 0.08314063400030136, + -0.10468993335962296, + -0.18962407112121582, + 0.005533969961106777, + -0.07725492119789124, + -0.00818286370486021, + -0.0018009885679930449, + -0.2165125608444214, + 2.6165943145751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/86.png", + [ + 0.20636187493801117, + -0.06601379066705704, + -0.002201729454100132, + 0.03176658973097801, + -0.06601404398679733, + -0.20637330412864685, + 0.00031885382486507297, + -0.02435789629817009, + -0.002194197615608573, + 0.0003671217418741435, + -0.2166632115840912, + 2.622732639312744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/1.png", + [ + 0.21635526418685913, + -0.011663643643260002, + -0.0015040225116536021, + 0.013484708033502102, + -0.011690003797411919, + -0.21632102131843567, + -0.004057625774294138, + 0.03603566810488701, + -0.0012831451604142785, + 0.004132790025323629, + -0.21663141250610352, + 2.6611976623535156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/81.png", + [ + 0.2021484076976776, + -0.07766278088092804, + 0.007239119149744511, + -0.08336279541254044, + -0.07744783163070679, + -0.20223985612392426, + -0.00698326388373971, + 0.07173515856266022, + 0.009259865619242191, + 0.003927555400878191, + -0.2164410501718521, + 2.589367389678955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/95.png", + [ + 0.2034928798675537, + -0.07326392829418182, + 0.013074459508061409, + -0.15059685707092285, + -0.06962087750434875, + -0.20085598528385162, + -0.041924960911273956, + 0.48702624440193176, + 0.026295974850654602, + 0.035173363983631134, + -0.21217741072177887, + 2.5352115631103516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/103.png", + [ + 0.20602825284004211, + -0.06606493145227432, + 0.011647986248135567, + -0.12933963537216187, + -0.06316649168729782, + -0.20371845364570618, + -0.038166552782058716, + 0.43505120277404785, + 0.022588616237044334, + 0.032895527780056, + -0.2129683792591095, + 2.530404567718506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/83.png", + [ + 0.20385588705539703, + -0.07266552001237869, + 0.010506466962397099, + -0.12406213581562042, + -0.07209952920675278, + -0.2039826512336731, + -0.01185861136764288, + 0.12876859307289124, + 0.013868025504052639, + 0.00766096543520689, + -0.21609461307525635, + 2.603015422821045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/51.png", + [ + 0.20585526525974274, + -0.06156816706061363, + 0.027943946421146393, + -0.32564613223075867, + -0.06171455606818199, + -0.20767900347709656, + -0.0029397443868219852, + 0.025239035487174988, + 0.0276191309094429, + -0.005166209302842617, + -0.21484503149986267, + 2.5621509552001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/93.png", + [ + 0.20433612167835236, + -0.07194194942712784, + 0.00435875216498971, + -0.04598463699221611, + -0.07010436803102493, + -0.20143094658851624, + -0.03819483146071434, + 0.45131444931030273, + 0.016733838245272636, + 0.03460957109928131, + -0.21323707699775696, + 2.57161808013916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/76.png", + [ + 0.1666831374168396, + -0.04089764878153801, + -0.1322573721408844, + 1.4865005016326904, + -0.0770735964179039, + -0.19937001168727875, + -0.03548463433980942, + 0.3957172632217407, + -0.11499688774347305, + 0.0743429884314537, + -0.16791880130767822, + 1.9435163736343384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/48.png", + [ + 0.1736980825662613, + -0.036403242498636246, + -0.12430478632450104, + 1.4160642623901367, + -0.0617312528192997, + -0.20607221126556396, + -0.02591133862733841, + 0.29012683033943176, + -0.11386892199516296, + 0.0561867356300354, + -0.17556996643543243, + 2.0568718910217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/137.png", + [ + 0.1708127111196518, + -0.04606494680047035, + -0.1250956803560257, + 1.4766219854354858, + -0.0763666182756424, + -0.20047086477279663, + -0.03045436181128025, + 0.3636679947376251, + -0.10926595330238342, + 0.06809808313846588, + -0.17427419126033783, + 2.1007399559020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/173.png", + [ + 0.16888396441936493, + -0.04577887803316116, + -0.1277904510498047, + 1.5073046684265137, + -0.07470894604921341, + -0.2016545534133911, + -0.026493558660149574, + 0.3185685873031616, + -0.11333436518907547, + 0.06471189856529236, + -0.17296123504638672, + 2.0859475135803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/35.png", + [ + 0.17864544689655304, + -0.027389714494347572, + -0.11951357871294022, + 1.351810336112976, + -0.04542457312345505, + -0.210955411195755, + -0.019553301855921745, + 0.21719393134117126, + -0.1138872355222702, + 0.041176773607730865, + -0.17967210710048676, + 2.0933403968811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/124.png", + [ + 0.16814175248146057, + -0.04761243239045143, + -0.12809878587722778, + 1.5031863451004028, + -0.07765015959739685, + -0.20041410624980927, + -0.027432208880782127, + 0.32706281542778015, + -0.11245748400688171, + 0.06719472259283066, + -0.17258641123771667, + 2.074284553527832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/97.png", + [ + 0.16788411140441895, + -0.045573920011520386, + -0.1291736513376236, + 1.4423179626464844, + -0.07754667848348618, + -0.2000553160905838, + -0.030203910544514656, + 0.3360699415206909, + -0.11291293054819107, + 0.06963318586349487, + -0.17131778597831726, + 1.9389547109603882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/277.png", + [ + 0.20625561475753784, + -0.004830221179872751, + -0.06620564311742783, + 0.7680268883705139, + -0.009854882024228573, + -0.2159336656332016, + -0.01494763046503067, + 0.1737140268087387, + -0.06564602255821228, + 0.017240051180124283, + -0.20576995611190796, + 2.3955445289611816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/155.png", + [ + 0.16384229063987732, + -0.04303700104355812, + -0.13509777188301086, + 1.5205250978469849, + -0.07718982547521591, + -0.20025065541267395, + -0.029821159318089485, + 0.3427089750766754, + -0.11893410235643387, + 0.07067806273698807, + -0.16675487160682678, + 1.9221774339675903, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/192.png", + [ + 0.1711057424545288, + -0.04493855684995651, + -0.12510494887828827, + 1.4675344228744507, + -0.07224730402231216, + -0.20260915160179138, + -0.026033857837319374, + 0.3086433708667755, + -0.11158428341150284, + 0.062273263931274414, + -0.17498254776000977, + 2.0987982749938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/271.png", + [ + 0.20878593623638153, + -0.019285425543785095, + -0.05462971702218056, + 0.6277433037757874, + -0.022687973454594612, + -0.2152160108089447, + -0.010734021663665771, + 0.125458762049675, + -0.053306564688682556, + 0.01606348715722561, + -0.20939978957176208, + 2.406907558441162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/13.png", + [ + 0.18455438315868378, + -0.03267483785748482, + -0.10871951282024384, + 1.0198180675506592, + -0.037919558584690094, + -0.21333058178424835, + -0.00025457932497374713, + -0.0025771893560886383, + -0.10700318962335587, + 0.019243504852056503, + -0.18742437660694122, + 1.7017126083374023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/274.png", + [ + 0.20721718668937683, + -0.028520924970507622, + -0.05652861297130585, + 0.6427862644195557, + -0.03189327195286751, + -0.2141307145357132, + -0.008873865939676762, + 0.10361723601818085, + -0.05469685420393944, + 0.016807228326797485, + -0.208982452750206, + 2.4310784339904785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/32.png", + [ + 0.1793469786643982, + -0.025144340470433235, + -0.1189551055431366, + 1.34506094455719, + -0.04183925688266754, + -0.21180683374404907, + -0.018309440463781357, + 0.2027250975370407, + -0.11415792256593704, + 0.03812507167458534, + -0.1801730841398239, + 2.0949368476867676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/158.png", + [ + 0.1669633388519287, + -0.04375024512410164, + -0.13098493218421936, + 1.4994704723358154, + -0.07733506709337234, + -0.19988781213760376, + -0.03181267902255058, + 0.3704769015312195, + -0.11441338062286377, + 0.07126481831073761, + -0.16964314877986908, + 1.990763783454895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/256.png", + [ + 0.20459260046482086, + 0.0072407713159918785, + -0.07097414135932922, + 0.8133003115653992, + -0.0010924485977739096, + -0.21521255373954773, + -0.025105083361268044, + 0.2792646884918213, + -0.07133417576551437, + 0.02406303957104683, + -0.20317554473876953, + 2.464264392852783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/38.png", + [ + 0.17896689474582672, + -0.029901335015892982, + -0.11842573434114456, + 1.3358584642410278, + -0.04909919202327728, + -0.20997242629528046, + -0.021183518692851067, + 0.23609140515327454, + -0.11183922737836838, + 0.04433262720704079, + -0.18020682036876678, + 2.0928826332092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/148.png", + [ + 0.17665058374404907, + -0.04470536857843399, + -0.11723435670137405, + 1.229936122894287, + -0.07685989141464233, + -0.19857819378376007, + -0.040089212357997894, + 0.3909913897514343, + -0.09917167574167252, + 0.07426989078521729, + -0.17775504291057587, + 1.8357056379318237, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/222.png", + [ + 0.191123828291893, + -0.022366374731063843, + -0.09959577769041061, + 1.1664773225784302, + -0.034537751227617264, + -0.21310974657535553, + -0.018419399857521057, + 0.22167080640792847, + -0.09605581313371658, + 0.03212282061576843, + -0.19154450297355652, + 2.281360626220703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/111.png", + [ + 0.1666165292263031, + -0.046888601034879684, + -0.1303391307592392, + 1.508400559425354, + -0.07791458815336227, + -0.20029592514038086, + -0.027545545250177383, + 0.3252580761909485, + -0.11452574282884598, + 0.06805070489645004, + -0.17088256776332855, + 2.03009033203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/164.png", + [ + 0.16861839592456818, + -0.04621083289384842, + -0.12798547744750977, + 1.4956022500991821, + -0.07584265619516373, + -0.20112265646457672, + -0.027303272858262062, + 0.3260982930660248, + -0.11297616362571716, + 0.06604646146297455, + -0.17269086837768555, + 2.0614542961120605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/11.png", + [ + 0.18730074167251587, + -0.02919558808207512, + -0.10494734346866608, + 0.9629971385002136, + -0.029573427513241768, + -0.2145359218120575, + 0.006902295630425215, + -0.06946331262588501, + -0.10484149307012558, + 0.008357451297342777, + -0.18943680822849274, + 1.6037485599517822, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/125.png", + [ + 0.16790127754211426, + -0.04840358719229698, + -0.12811769545078278, + 1.5035825967788696, + -0.07757529616355896, + -0.20065245032310486, + -0.025856630876660347, + 0.3088758885860443, + -0.11286775022745132, + 0.06590587645769119, + -0.1728154569864273, + 2.077389717102051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/59.png", + [ + 0.16704410314559937, + -0.04136595502495766, + -0.13165493309497833, + 1.496612548828125, + -0.07278867810964584, + -0.2020293027162552, + -0.02887686900794506, + 0.3240630328655243, + -0.11724323034286499, + 0.06649000942707062, + -0.1696496307849884, + 1.980415940284729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/105.png", + [ + 0.1663912832736969, + -0.04506354406476021, + -0.13126732409000397, + 1.5017021894454956, + -0.07682459056377411, + -0.20057997107505798, + -0.028522692620754242, + 0.3310905396938324, + -0.11558467149734497, + 0.06844589114189148, + -0.17000949382781982, + 2.0005288124084473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/121.png", + [ + 0.16802489757537842, + -0.04653047025203705, + -0.1286485344171524, + 1.5089471340179443, + -0.0770854651927948, + -0.20053261518478394, + -0.028149563819169998, + 0.3353033661842346, + -0.11301929503679276, + 0.06759794056415558, + -0.17206119000911713, + 2.0680136680603027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/255.png", + [ + 0.21253147721290588, + 0.004361929837614298, + -0.04194323718547821, + 0.452020525932312, + 0.0040153623558580875, + -0.21662643551826477, + -0.0021819579415023327, + 0.015126049518585205, + -0.041977837681770325, + 0.0013629543827846646, + -0.21256503462791443, + 2.5769691467285156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/175.png", + [ + 0.1698625534772873, + -0.04468979686498642, + -0.12687565386295319, + 1.4978519678115845, + -0.073477603495121, + -0.20201019942760468, + -0.027217961847782135, + 0.32657095789909363, + -0.11267498135566711, + 0.06436300277709961, + -0.17352132499217987, + 2.0954346656799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/198.png", + [ + 0.17160800099372864, + -0.046924326568841934, + -0.12367983162403107, + 1.464517593383789, + -0.07339610904455185, + -0.20231643319129944, + -0.02507924661040306, + 0.30046144127845764, + -0.11005273461341858, + 0.061758123338222504, + -0.1761312633752823, + 2.129056930541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/24.png", + [ + 0.17684775590896606, + -0.026342647150158882, + -0.12238800525665283, + 1.357858657836914, + -0.04044611379504204, + -0.21248649060726166, + -0.012708337977528572, + 0.13890956342220306, + -0.11847729235887527, + 0.03321828693151474, + -0.17834676802158356, + 2.0342254638671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/275.png", + [ + 0.20726902782917023, + -0.023500803858041763, + -0.05861014127731323, + 0.6722983717918396, + -0.02694794163107872, + -0.21479658782482147, + -0.009172162972390652, + 0.10538932681083679, + -0.057107310742139816, + 0.01606338657438755, + -0.2083953320980072, + 2.422248363494873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/214.png", + [ + 0.18342271447181702, + -0.039660949259996414, + -0.1083097830414772, + 1.2737085819244385, + -0.05793525278568268, + -0.2076137363910675, + -0.02208927646279335, + 0.26603463292121887, + -0.09973717480897903, + 0.04765961319208145, + -0.1863570511341095, + 2.2338671684265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/74.png", + [ + 0.1658155620098114, + -0.039251189678907394, + -0.13383732736110687, + 1.5038261413574219, + -0.07597147673368454, + -0.19978418946266174, + -0.035531848669052124, + 0.39562636613845825, + -0.11696760356426239, + 0.07411828637123108, + -0.16665220260620117, + 1.9257534742355347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/193.png", + [ + 0.17073506116867065, + -0.04585408791899681, + -0.1252790093421936, + 1.4712163209915161, + -0.07295190542936325, + -0.20244669914245605, + -0.02532299980521202, + 0.3003743588924408, + -0.11169354617595673, + 0.0621340237557888, + -0.17496231198310852, + 2.100559711456299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/129.png", + [ + 0.16764408349990845, + -0.045630935579538345, + -0.12946496903896332, + 1.5198392868041992, + -0.07678018510341644, + -0.20056724548339844, + -0.02873111702501774, + 0.34198465943336487, + -0.11378998309373856, + 0.06810647249221802, + -0.17135123908519745, + 2.062006950378418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/249.png", + [ + 0.18984271585941315, + -0.0055800434201955795, + -0.10429049283266068, + 1.1252981424331665, + 0.001124960952438414, + -0.21624334156513214, + 0.013617857359349728, + -0.14092326164245605, + -0.10443361103534698, + -0.012472957372665405, + -0.18943585455417633, + 1.7361217737197876, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/172.png", + [ + 0.16985906660556793, + -0.04590514674782753, + -0.12644566595554352, + 1.4906368255615234, + -0.07450083643198013, + -0.20168305933475494, + -0.026860184967517853, + 0.3224911689758301, + -0.11200631409883499, + 0.06453341990709305, + -0.17389053106307983, + 2.094020366668701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/232.png", + [ + 0.19616398215293884, + -0.005234057549387217, + -0.09187052398920059, + 1.0643490552902222, + -0.007425427902489901, + -0.21651874482631683, + -0.003519409103319049, + 0.041923534125089645, + -0.09171940386295319, + 0.0063346559181809425, + -0.19620223343372345, + 2.3184595108032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/153.png", + [ + 0.164238840341568, + -0.04306367039680481, + -0.13460689783096313, + 1.4878243207931519, + -0.07819439470767975, + -0.1995943933725357, + -0.03155328333377838, + 0.35479721426963806, + -0.11772482097148895, + 0.07249477505683899, + -0.1668330579996109, + 1.89055335521698, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/144.png", + [ + 0.18602396547794342, + -0.049520183354616165, + -0.0994521751999855, + 1.0858557224273682, + -0.07250354439020157, + -0.20107509195804596, + -0.035495687276124954, + 0.3174434006214142, + -0.08417968451976776, + 0.06375312060117722, + -0.18920153379440308, + 1.9068766832351685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/188.png", + [ + 0.17168083786964417, + -0.04542664438486099, + -0.1241370365023613, + 1.453974723815918, + -0.0732768103480339, + -0.20205847918987274, + -0.027400247752666473, + 0.32428407669067383, + -0.11001858860254288, + 0.06369210034608841, + -0.17546258866786957, + 2.1034798622131348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/98.png", + [ + 0.16710561513900757, + -0.04425671696662903, + -0.13063287734985352, + 1.4606447219848633, + -0.07659311592578888, + -0.200442373752594, + -0.03007069043815136, + 0.33716362714767456, + -0.11470440030097961, + 0.06936927139759064, + -0.17023132741451263, + 1.943055272102356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/0.png", + [ + 0.18929266929626465, + -0.05784560739994049, + -0.08814799040555954, + 0.9047620892524719, + -0.0642036646604538, + -0.20693349838256836, + -0.002077064011245966, + -0.006906177848577499, + -0.08363056927919388, + 0.027934033423662186, + -0.1979229897260666, + 1.8384073972702026, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/163.png", + [ + 0.16822293400764465, + -0.04454062506556511, + -0.1290932595729828, + 1.505160927772522, + -0.07480278611183167, + -0.20141863822937012, + -0.027981575578451157, + 0.33265161514282227, + -0.11425182968378067, + 0.06629146635532379, + -0.17175520956516266, + 2.0454559326171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/96.png", + [ + 0.1694001853466034, + -0.046117447316646576, + -0.12698286771774292, + 1.4197369813919067, + -0.0770355612039566, + -0.20027858018875122, + -0.03003161959350109, + 0.3316596448421478, + -0.11098192632198334, + 0.06862621009349823, + -0.17297787964344025, + 1.939365029335022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/100.png", + [ + 0.16571228206157684, + -0.04623963683843613, + -0.13171647489070892, + 1.4799726009368896, + -0.0787280797958374, + -0.1997845321893692, + -0.028912441805005074, + 0.3272455036640167, + -0.11527889966964722, + 0.06997095793485641, + -0.16959579288959503, + 1.9594987630844116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/40.png", + [ + 0.17699623107910156, + -0.029733728617429733, + -0.12139246612787247, + 1.3703445196151733, + -0.049571357667446136, + -0.20989324152469635, + -0.02086649276316166, + 0.23160281777381897, + -0.11472971737384796, + 0.04481780156493187, + -0.1782592236995697, + 2.0723443031311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/141.png", + [ + 0.17884720861911774, + -0.04917798563838005, + -0.11199593544006348, + 1.3029993772506714, + -0.07381010800600052, + -0.20159021019935608, + -0.02934868633747101, + 0.3156106173992157, + -0.09753783792257309, + 0.06237630546092987, + -0.18314874172210693, + 2.080434799194336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/52.png", + [ + 0.17091940343379974, + -0.03802841156721115, + -0.12762555480003357, + 1.453374981880188, + -0.06539561599493027, + -0.20485857129096985, + -0.026538057252764702, + 0.2996331453323364, + -0.11600800603628159, + 0.05945330113172531, + -0.1730761080980301, + 2.028013229370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/184.png", + [ + 0.1726720780134201, + -0.04476356506347656, + -0.12299783527851105, + 1.4457634687423706, + -0.07236410677433014, + -0.2023104578256607, + -0.027960853651165962, + 0.3300040662288666, + -0.10906732827425003, + 0.06336084008216858, + -0.17617495357990265, + 2.1180577278137207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/227.png", + [ + 0.19447492063045502, + -0.014822748489677906, + -0.09438057988882065, + 1.1036148071289062, + -0.021911220625042915, + -0.21526537835597992, + -0.011340870521962643, + 0.1398847997188568, + -0.09299089759588242, + 0.019723160192370415, + -0.19470898807048798, + 2.317289352416992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/3.png", + [ + 0.18597888946533203, + -0.02912208065390587, + -0.10729236155748367, + 1.0484075546264648, + -0.03898307681083679, + -0.2129143625497818, + -0.009781874716281891, + 0.05183994397521019, + -0.10411562770605087, + 0.027699636295437813, + -0.18799084424972534, + 1.5888569355010986, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/231.png", + [ + 0.19718460738658905, + -0.007200049236416817, + -0.08952254056930542, + 1.0387204885482788, + -0.010997596196830273, + -0.21628759801387787, + -0.006828172132372856, + 0.08133809268474579, + -0.08913573622703552, + 0.010757804848253727, + -0.197197824716568, + 2.329606533050537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/289.png", + [ + 0.21094465255737305, + -0.015049978159368038, + -0.0471566803753376, + 0.5457561016082764, + -0.015085948631167412, + -0.2161436229944229, + 0.0014983394648879766, + -0.02560078538954258, + -0.047145187854766846, + 0.0018245639512315392, + -0.21147552132606506, + 2.190990447998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/282.png", + [ + 0.21110111474990845, + -0.008449332788586617, + -0.04809185490012169, + 0.5569248199462891, + -0.014022398740053177, + -0.21490716934204102, + -0.0237945057451725, + 0.27477991580963135, + -0.04677168279886246, + 0.02629476971924305, + -0.20992591977119446, + 2.4384045600891113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/47.png", + [ + 0.1730736643075943, + -0.03579898178577423, + -0.1253468543291092, + 1.4267427921295166, + -0.060124218463897705, + -0.20678222179412842, + -0.023960119113326073, + 0.26801058650016785, + -0.11566538363695145, + 0.05392070114612579, + -0.17510560154914856, + 2.0518274307250977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/104.png", + [ + 0.16581209003925323, + -0.04573990777134895, + -0.13176532089710236, + 1.5033434629440308, + -0.07792490720748901, + -0.20014652609825134, + -0.028582684695720673, + 0.3308482766151428, + -0.11568039655685425, + 0.06926124542951584, + -0.16961373388767242, + 1.9916294813156128, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/21.png", + [ + 0.17554248869419098, + -0.032776977866888046, + -0.12271267175674438, + 1.3299992084503174, + -0.04417038336396217, + -0.21202339231967926, + -0.006554282270371914, + 0.06779864430427551, + -0.11908696591854095, + 0.03032575361430645, + -0.17845597863197327, + 1.9961432218551636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/268.png", + [ + 0.21013592183589935, + -0.030063137412071228, + -0.04343962296843529, + 0.5861186385154724, + -0.03548067808151245, + -0.21231839060783386, + -0.024696527048945427, + 0.2821251153945923, + -0.03913968428969383, + 0.031064528971910477, + -0.21083399653434753, + 2.4471373558044434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/82.png", + [ + 0.16622494161128998, + -0.043683744966983795, + -0.1319427639245987, + 1.49054753780365, + -0.07788680493831635, + -0.1996391862630844, + -0.03202707692980766, + 0.35917726159095764, + -0.11511216312646866, + 0.071998730301857, + -0.16885872185230255, + 1.9639514684677124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/106.png", + [ + 0.16769663989543915, + -0.04475028067827225, + -0.1297040730714798, + 1.487128734588623, + -0.07644252479076385, + -0.2005646675825119, + -0.029635371640324593, + 0.344008207321167, + -0.1139397919178009, + 0.06869590282440186, + -0.17101605236530304, + 2.015573501586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/14.png", + [ + 0.18046589195728302, + -0.030064642429351807, + -0.11608649790287018, + 1.1062822341918945, + -0.039987459778785706, + -0.21283632516860962, + -0.007042365148663521, + 0.06359602510929108, + -0.11305291205644608, + 0.02728935331106186, + -0.1828174591064453, + 1.726656436920166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/67.png", + [ + 0.16558000445365906, + -0.04240218549966812, + -0.1331660896539688, + 1.499078392982483, + -0.07494061440229416, + -0.2012067288160324, + -0.0291144959628582, + 0.3249047100543976, + -0.11796209961175919, + 0.06830669194459915, + -0.16842514276504517, + 1.9418593645095825, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/272.png", + [ + 0.2086297869682312, + -0.023573366925120354, + -0.05353320389986038, + 0.6068776845932007, + -0.026736821979284286, + -0.21480384469032288, + -0.009609883651137352, + 0.11358937621116638, + -0.05202547460794449, + 0.015858875587582588, + -0.20973730087280273, + 2.422973155975342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/241.png", + [ + 0.19415241479873657, + -0.0044302367605268955, + -0.09608903527259827, + 1.1246298551559448, + 0.0002773360174614936, + -0.21641801297664642, + 0.010538439266383648, + -0.13065792620182037, + -0.09619070589542389, + -0.009566014632582664, + -0.19391681253910065, + 2.313480854034424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/78.png", + [ + 0.16647736728191376, + -0.041397448629140854, + -0.13236097991466522, + 1.4903173446655273, + -0.07808533310890198, + -0.1988816112279892, + -0.03600947558879852, + 0.40267452597618103, + -0.11461175978183746, + 0.07536744326353073, + -0.1677253097295761, + 1.945823073387146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/191.png", + [ + 0.17183536291122437, + -0.04438280686736107, + -0.12430072575807571, + 1.4568232297897339, + -0.07138356566429138, + -0.20288872718811035, + -0.026238378137350082, + 0.3103189170360565, + -0.11101753264665604, + 0.061759475618600845, + -0.1755242794752121, + 2.10331392288208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/31.png", + [ + 0.17850381135940552, + -0.024942683055996895, + -0.12025866657495499, + 1.360196590423584, + -0.04120253026485443, + -0.21202600002288818, + -0.01718222349882126, + 0.1905493587255478, + -0.1157006323337555, + 0.037023503333330154, + -0.17941716313362122, + 2.085083484649658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/194.png", + [ + 0.17172132432460785, + -0.04557069018483162, + -0.12402819097042084, + 1.4583429098129272, + -0.07217390090227127, + -0.20270979404449463, + -0.025447219610214233, + 0.30161020159721375, + -0.11068248748779297, + 0.061481259763240814, + -0.17583326995372772, + 2.111934185028076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/152.png", + [ + 0.16395004093647003, + -0.04162261262536049, + -0.135409876704216, + 1.4813601970672607, + -0.07852127403020859, + -0.19908471405506134, + -0.033875949680805206, + 0.3750622272491455, + -0.11790965497493744, + 0.07470426708459854, + -0.16572409868240356, + 1.8566867113113403, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/270.png", + [ + 0.20917604863643646, + -0.0171651728451252, + -0.053838908672332764, + 0.6308650970458984, + -0.021184522658586502, + -0.21520118415355682, + -0.013695101253688335, + 0.15980546176433563, + -0.05238785222172737, + 0.018485037609934807, + -0.20943187177181244, + 2.3900318145751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/39.png", + [ + 0.17879028618335724, + -0.030109485611319542, + -0.11863958835601807, + 1.3385041952133179, + -0.04973526671528816, + -0.20976842939853668, + -0.02171420305967331, + 0.24152496457099915, + -0.11184066534042358, + 0.04515000432729721, + -0.18000288307666779, + 2.090487003326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/92.png", + [ + 0.1728811413049698, + -0.045777492225170135, + -0.12232916802167892, + 1.3844873905181885, + -0.07461170852184296, + -0.20117466151714325, + -0.030161943286657333, + 0.32339322566986084, + -0.10720586776733398, + 0.06618965417146683, + -0.17627739906311035, + 1.9250057935714722, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/203.png", + [ + 0.17303679883480072, + -0.046081431210041046, + -0.12199454009532928, + 1.4489691257476807, + -0.07093507051467896, + -0.20334576070308685, + -0.02380364201962948, + 0.2866175174713135, + -0.10942751169204712, + 0.058948274701833725, + -0.17747849225997925, + 2.1504907608032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/53.png", + [ + 0.1702772080898285, + -0.03810257464647293, + -0.128459170460701, + 1.4631539583206177, + -0.06613927334547043, + -0.20455993711948395, + -0.026994967833161354, + 0.3044819235801697, + -0.11652965843677521, + 0.060426197946071625, + -0.17238737642765045, + 2.0210957527160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/245.png", + [ + 0.19448062777519226, + -0.011957702226936817, + -0.09477446228265762, + 1.1072224378585815, + -0.005037977825850248, + -0.21595510840415955, + 0.016908962279558182, + -0.1998496651649475, + -0.09539289772510529, + -0.012973340228199959, + -0.19411280751228333, + 2.2603273391723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/75.png", + [ + 0.16485711932182312, + -0.03867680951952934, + -0.13518182933330536, + 1.5198649168014526, + -0.07636065781116486, + -0.1995462030172348, + -0.036031369119882584, + 0.4019470512866974, + -0.11806386709213257, + 0.07505539804697037, + -0.1654554307460785, + 1.9155384302139282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/151.png", + [ + 0.16663669049739838, + -0.040474917739629745, + -0.1324458122253418, + 1.431128740310669, + -0.0766758844256401, + -0.19952112436294556, + -0.035496897995471954, + 0.38410115242004395, + -0.11532961577177048, + 0.07416874170303345, + -0.16776761412620544, + 1.849092721939087, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/87.png", + [ + 0.167284294962883, + -0.04383396357297897, + -0.1305466890335083, + 1.4806827306747437, + -0.07611396163702011, + -0.2006092220544815, + -0.030174441635608673, + 0.33752864599227905, + -0.11476287245750427, + 0.0691550076007843, + -0.17027907073497772, + 1.9598549604415894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/139.png", + [ + 0.17326654493808746, + -0.047947052866220474, + -0.12094493210315704, + 1.4242191314697266, + -0.07620827853679657, + -0.20065465569496155, + -0.02962956391274929, + 0.34448134899139404, + -0.10544617474079132, + 0.0662321150302887, + -0.17731976509094238, + 2.1048970222473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/107.png", + [ + 0.1674066036939621, + -0.04621904715895653, + -0.12956355512142181, + 1.4895780086517334, + -0.07799076288938522, + -0.19999875128269196, + -0.029425084590911865, + 0.343076229095459, + -0.11331530660390854, + 0.06936998665332794, + -0.1711588203907013, + 2.0214462280273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/112.png", + [ + 0.16761790215969086, + -0.045927226543426514, + -0.1293940395116806, + 1.5014365911483765, + -0.07689284533262253, + -0.2005687803030014, + -0.02841745875775814, + 0.3358433246612549, + -0.11375243961811066, + 0.06790251284837723, + -0.17145705223083496, + 2.040924072265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/267.png", + [ + 0.17786607146263123, + -0.049209196120500565, + -0.11353418976068497, + 1.4913842678070068, + -0.07125736027956009, + -0.20326457917690277, + -0.02353283390402794, + 0.24356809258460999, + -0.10116296261548996, + 0.0566556379199028, + -0.18304121494293213, + 2.2146739959716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/69.png", + [ + 0.16517364978790283, + -0.040857914835214615, + -0.13414986431598663, + 1.5066570043563843, + -0.07484635710716248, + -0.2009681910276413, + -0.030946776270866394, + 0.34574106335639954, + -0.11858996748924255, + 0.06993075460195541, + -0.1673140823841095, + 1.9284225702285767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/157.png", + [ + 0.16629847884178162, + -0.044256266206502914, + -0.13165898621082306, + 1.4989075660705566, + -0.07786492258310318, + -0.19977913796901703, + -0.03119680844247341, + 0.36204180121421814, + -0.11502068489789963, + 0.0712570771574974, + -0.1692352294921875, + 1.97659432888031, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/45.png", + [ + 0.17652705311775208, + -0.036349017173051834, + -0.12026987969875336, + 1.3638848066329956, + -0.05727630481123924, + -0.20788514614105225, + -0.02123888209462166, + 0.23628485202789307, + -0.11182808876037598, + 0.04909597337245941, + -0.17897476255893707, + 2.088860034942627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/259.png", + [ + 0.19763438403606415, + 0.009744357317686081, + -0.08828131854534149, + 1.007596731185913, + -0.0062291622161865234, + -0.21331560611724854, + -0.0374906100332737, + 0.4186578691005707, + -0.08859876543283463, + 0.036734119057655334, + -0.1942904144525528, + 2.3479228019714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/50.png", + [ + 0.17306746542453766, + -0.03741386905312538, + -0.12488292157649994, + 1.4237483739852905, + -0.06338571757078171, + -0.20552395284175873, + -0.026269061490893364, + 0.2953982949256897, + -0.11392013728618622, + 0.057515330612659454, + -0.17510592937469482, + 2.052016258239746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/101.png", + [ + 0.1652180254459381, + -0.04616731032729149, + -0.13236117362976074, + 1.4937801361083984, + -0.07818298041820526, + -0.20015950500965118, + -0.0277755968272686, + 0.31681108474731445, + -0.11635430157184601, + 0.06893940269947052, + -0.16928355395793915, + 1.9659839868545532, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/85.png", + [ + 0.16577862203121185, + -0.04292697831988335, + -0.13275021314620972, + 1.5013052225112915, + -0.07596723735332489, + -0.20069551467895508, + -0.029969755560159683, + 0.3364792764186859, + -0.11702274531126022, + 0.06947288662195206, + -0.1686033457517624, + 1.9562171697616577, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/276.png", + [ + 0.20717400312423706, + -0.013672689907252789, + -0.06196686252951622, + 0.7149640321731567, + -0.017665890976786613, + -0.2156478613615036, + -0.011480760760605335, + 0.13200803101062775, + -0.06094875559210777, + 0.016029633581638336, + -0.20730701088905334, + 2.4073309898376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/156.png", + [ + 0.1645725518465042, + -0.04326141998171806, + -0.13413506746292114, + 1.520627737045288, + -0.07727721333503723, + -0.20015114545822144, + -0.03025970794260502, + 0.3502187132835388, + -0.11786432564258575, + 0.07082279771566391, + -0.16745156049728394, + 1.9442867040634155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/181.png", + [ + 0.17253953218460083, + -0.047241415828466415, + -0.1222548708319664, + 1.4435514211654663, + -0.07429513335227966, + -0.20175468921661377, + -0.026891952380537987, + 0.31938937306404114, + -0.10797332972288132, + 0.06333398073911667, + -0.17685718834400177, + 2.1326208114624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/131.png", + [ + 0.17011477053165436, + -0.047610435634851456, + -0.12546755373477936, + 1.473816990852356, + -0.07771670073270798, + -0.20010323822498322, + -0.02943994104862213, + 0.3498784899711609, + -0.10940280556678772, + 0.06811638921499252, + -0.17418116331100464, + 2.0955352783203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/71.png", + [ + 0.16627851128578186, + -0.04027750715613365, + -0.1329551339149475, + 1.493457555770874, + -0.07490719109773636, + -0.20063476264476776, + -0.03290123865008354, + 0.36619865894317627, + -0.11699681729078293, + 0.07121306657791138, + -0.16789381206035614, + 1.9375466108322144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/160.png", + [ + 0.16709457337856293, + -0.04457937180995941, + -0.1305372565984726, + 1.5083582401275635, + -0.076958566904068, + -0.20029668509960175, + -0.03010833077132702, + 0.355559766292572, + -0.11447566002607346, + 0.06958313286304474, + -0.1702979952096939, + 2.014786720275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/115.png", + [ + 0.1666879802942276, + -0.045624956488609314, + -0.13069570064544678, + 1.525532603263855, + -0.0773395374417305, + -0.20035743713378906, + -0.028694692999124527, + 0.34236666560173035, + -0.11481115967035294, + 0.06872519105672836, + -0.17042046785354614, + 2.0421924591064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/54.png", + [ + 0.16961988806724548, + -0.038695208728313446, + -0.12914980947971344, + 1.4709978103637695, + -0.06693147867918015, + -0.20434337854385376, + -0.026680635288357735, + 0.30038854479789734, + -0.1170349046587944, + 0.06078124791383743, + -0.17191964387893677, + 2.015514373779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/33.png", + [ + 0.1799333244562149, + -0.026446877047419548, + -0.11778142303228378, + 1.332759141921997, + -0.04318118095397949, + -0.21152324974536896, + -0.018471529707312584, + 0.20422868430614471, + -0.1127266064286232, + 0.03881204128265381, + -0.18092603981494904, + 2.105391025543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/252.png", + [ + 0.19679968059062958, + 0.046882513910532, + 0.07758743315935135, + -0.9421370029449463, + -0.02656613476574421, + -0.14747898280620575, + 0.1564994603395462, + -1.5990641117095947, + 0.08667191118001938, + -0.1516571044921875, + -0.12820294499397278, + 1.3470919132232666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/221.png", + [ + 0.18998867273330688, + -0.024599123746156693, + -0.10122784227132797, + 1.1868354082107544, + -0.03736186400055885, + -0.2126300036907196, + -0.018451638519763947, + 0.2230924665927887, + -0.09724342077970505, + 0.033634137362241745, + -0.19068391621112823, + 2.2713637351989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/266.png", + [ + 0.03644069284200668, + -0.015228708274662495, + -0.21304473280906677, + 2.946352005004883, + -0.08279868960380554, + -0.20023050904273987, + 0.00015025089669506997, + -0.019894208759069443, + -0.19688664376735687, + 0.08138631284236908, + -0.03949449583888054, + 0.5877146124839783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/159.png", + [ + 0.1672121286392212, + -0.04316302016377449, + -0.1308623105287552, + 1.504475474357605, + -0.07612790912389755, + -0.20045362412929535, + -0.03115738183259964, + 0.36382535099983215, + -0.11485873907804489, + 0.070022813975811, + -0.16985924541950226, + 2.0006752014160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/177.png", + [ + 0.17107002437114716, + -0.046982571482658386, + -0.12440087646245956, + 1.4685996770858765, + -0.07483266294002533, + -0.2015710026025772, + -0.02677876502275467, + 0.3194928467273712, + -0.10992275923490524, + 0.06410668790340424, + -0.17537164688110352, + 2.115936279296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/49.png", + [ + 0.17326755821704865, + -0.038029126822948456, + -0.12441876530647278, + 1.4178560972213745, + -0.06318385899066925, + -0.20573104918003082, + -0.025108281522989273, + 0.2820729613304138, + -0.11372793465852737, + 0.056359656155109406, + -0.1756059229373932, + 2.057305335998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/118.png", + [ + 0.16737015545368195, + -0.04709124192595482, + -0.12929631769657135, + 1.5150917768478394, + -0.07741942256689072, + -0.20053787529468536, + -0.027178848162293434, + 0.3242509067058563, + -0.11376006156206131, + 0.06719280034303665, + -0.1717313826084137, + 2.0638198852539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/210.png", + [ + 0.1785207837820053, + -0.042124368250370026, + -0.11534195393323898, + 1.3615676164627075, + -0.06400162726640701, + -0.20561453700065613, + -0.02396559715270996, + 0.2871758043766022, + -0.10479511320590973, + 0.05381539463996887, + -0.18185096979141235, + 2.1877546310424805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/179.png", + [ + 0.17202982306480408, + -0.04640427976846695, + -0.12328939139842987, + 1.4562159776687622, + -0.0737648606300354, + -0.20194579660892487, + -0.026917215436697006, + 0.32083266973495483, + -0.10914382338523865, + 0.06334378570318222, + -0.17613369226455688, + 2.1251606941223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/110.png", + [ + 0.1664251983165741, + -0.04704071581363678, + -0.13052862882614136, + 1.5075297355651855, + -0.07817737013101578, + -0.200195774435997, + -0.027529064565896988, + 0.3241053819656372, + -0.11462484300136566, + 0.06824018061161041, + -0.1707405149936676, + 2.024251937866211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/258.png", + [ + 0.19898107647895813, + 0.010688581503927708, + -0.08508926630020142, + 0.9758661985397339, + -0.004578656516969204, + -0.21335436403751373, + -0.03750792518258095, + 0.41540664434432983, + -0.08563564717769623, + 0.03624310716986656, + -0.1957060694694519, + 2.344381332397461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/281.png", + [ + 0.21020753681659698, + -0.004926431458443403, + -0.05231078341603279, + 0.6020019054412842, + -0.010931849479675293, + -0.21510007977485657, + -0.023671625182032585, + 0.2760072946548462, + -0.051392439752817154, + 0.025604328140616417, + -0.20892852544784546, + 2.439620018005371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/18.png", + [ + 0.17358024418354034, + -0.028879309073090553, + -0.12642696499824524, + 1.3132795095443726, + -0.03922464698553085, + -0.2130313664674759, + -0.005192124750465155, + 0.04679953679442406, + -0.12360913306474686, + 0.027046557515859604, + -0.17588962614536285, + 1.8837946653366089, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/66.png", + [ + 0.16454243659973145, + -0.04172057285904884, + -0.13465911149978638, + 1.5194826126098633, + -0.07483208179473877, + -0.20125120878219604, + -0.02908630110323429, + 0.3253767192363739, + -0.11947320401668549, + 0.0685947984457016, + -0.1672387570142746, + 1.934219241142273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/234.png", + [ + 0.19741283357143402, + -0.006811351049691439, + -0.08904873579740524, + 1.0355783700942993, + -0.0076606119982898235, + -0.21653874218463898, + -0.0004197871021460742, + 0.004076678305864334, + -0.08897969871759415, + 0.0035308203659951687, + -0.1975298523902893, + 2.341505527496338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/202.png", + [ + 0.1724643111228943, + -0.04601076617836952, + -0.12282899022102356, + 1.4585886001586914, + -0.0712413638830185, + -0.2032269984483719, + -0.02390284836292267, + 0.28746259212493896, + -0.11013001203536987, + 0.059411175549030304, + -0.17688864469528198, + 2.1429004669189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/273.png", + [ + 0.20786234736442566, + -0.02698574587702751, + -0.05488991364836693, + 0.6208423376083374, + -0.030352158471941948, + -0.21432459354400635, + -0.009571193717420101, + 0.11295068264007568, + -0.053102537989616394, + 0.016871003434062004, + -0.2093881219625473, + 2.4282116889953613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/206.png", + [ + 0.17522336542606354, + -0.046078167855739594, + -0.11883378773927689, + 1.4077023267745972, + -0.06962143629789352, + -0.20381984114646912, + -0.023626776412129402, + 0.28378766775131226, + -0.10675918310880661, + 0.05729024484753609, + -0.17963352799415588, + 2.1697139739990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/16.png", + [ + 0.174234539270401, + -0.02887629345059395, + -0.12552441656589508, + 1.2519770860671997, + -0.04305669665336609, + -0.21206949651241302, + -0.010979398153722286, + 0.11109545826911926, + -0.1213933452963829, + 0.033772557973861694, + -0.17626959085464478, + 1.78767728805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/286.png", + [ + 0.2117731273174286, + -0.0162253025919199, + -0.04285766929388046, + 0.5088410377502441, + -0.01980629377067089, + -0.21514181792736053, + -0.016419457271695137, + 0.17562343180179596, + -0.04132493585348129, + 0.019965657964348793, + -0.21175815165042877, + 2.3182592391967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/279.png", + [ + 0.20756427943706512, + 0.0026154182851314545, + -0.06211381033062935, + 0.717079222202301, + -0.0037465449422597885, + -0.215563103556633, + -0.021596428006887436, + 0.2530226409435272, + -0.06205585598945618, + 0.02176239714026451, + -0.20645426213741302, + 2.4034767150878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/190.png", + [ + 0.17156563699245453, + -0.04569350928068161, + -0.124198317527771, + 1.4555362462997437, + -0.07268014550209045, + -0.2024703174829483, + -0.02590886317193508, + 0.30689162015914917, + -0.1105925515294075, + 0.06217535585165024, + -0.17564567923545837, + 2.1052017211914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/211.png", + [ + 0.18060870468616486, + -0.0427870899438858, + -0.1117928996682167, + 1.3163872957229614, + -0.06356362253427505, + -0.20575308799743652, + -0.02394220046699047, + 0.28595495223999023, + -0.10143004357814789, + 0.05275251716375351, + -0.1840571016073227, + 2.2103376388549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/94.png", + [ + 0.17218628525733948, + -0.045926570892333984, + -0.1232498437166214, + 1.3819332122802734, + -0.07561424374580383, + -0.20069514214992523, + -0.030851934105157852, + 0.3329271376132965, + -0.10762091726064682, + 0.06752856075763702, + -0.1755150407552719, + 1.9228912591934204, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/209.png", + [ + 0.1775522083044052, + -0.04461222514510155, + -0.1159001886844635, + 1.3684558868408203, + -0.0671488419175148, + -0.2045905441045761, + -0.02411717176437378, + 0.2885042130947113, + -0.10447075963020325, + 0.05568081513047218, + -0.18147562444210052, + 2.183608055114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/228.png", + [ + 0.19594089686870575, + -0.01439201645553112, + -0.09136699140071869, + 1.0672870874404907, + -0.020928502082824707, + -0.21538308262825012, + -0.01095530204474926, + 0.1355751007795334, + -0.09009469300508499, + 0.01873207651078701, + -0.19616307318210602, + 2.331192970275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/285.png", + [ + 0.2118239402770996, + -0.014264526776969433, + -0.04330174997448921, + 0.5133134722709656, + -0.019121965393424034, + -0.21461714804172516, + -0.022841516882181168, + 0.254074364900589, + -0.041386816650629044, + 0.0261516310274601, + -0.21107137203216553, + 2.3629684448242188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/28.png", + [ + 0.17944417893886566, + -0.026376090943813324, + -0.11854106187820435, + 1.3304718732833862, + -0.04136613383889198, + -0.21212966740131378, + -0.015418791212141514, + 0.16948257386684418, + -0.11417760699987411, + 0.03540053218603134, + -0.18071572482585907, + 2.0874500274658203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/61.png", + [ + 0.1656292974948883, + -0.039609991014003754, + -0.1339622139930725, + 1.522815227508545, + -0.07210233062505722, + -0.20220595598220825, + -0.0293581560254097, + 0.3308182954788208, + -0.11964981257915497, + 0.06702011823654175, + -0.16775016486644745, + 1.956065058708191, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/132.png", + [ + 0.1700703650712967, + -0.047534238547086716, + -0.12555661797523499, + 1.4765914678573608, + -0.07817606627941132, + -0.1998034566640854, + -0.03024871088564396, + 0.35960355401039124, + -0.10914426296949387, + 0.06904330849647522, + -0.1739782840013504, + 2.0965189933776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/58.png", + [ + 0.1666155755519867, + -0.039995625615119934, + -0.13261781632900238, + 1.5104364156723022, + -0.07159040868282318, + -0.20245575904846191, + -0.028885506093502045, + 0.3257691562175751, + -0.118583083152771, + 0.06602960079908371, + -0.16889651119709015, + 1.97655189037323, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/263.png", + [ + 0.1412448137998581, + 0.011825711466372013, + -0.16388395428657532, + 2.0470950603485107, + -0.008166058920323849, + -0.21534043550491333, + -0.022576751187443733, + 0.28918132185935974, + -0.16410700976848602, + 0.020893700420856476, + -0.13992939889431, + 2.1209959983825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/253.png", + [ + 0.17331911623477936, + 0.023500358685851097, + 0.12789101898670197, + -1.5055701732635498, + -0.0330965593457222, + -0.19811560213565826, + 0.08125709742307663, + -0.8728722929954529, + 0.12574973702430725, + -0.08453302830457687, + -0.15488402545452118, + 1.714076042175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/123.png", + [ + 0.1681865006685257, + -0.04618769884109497, + -0.12856082618236542, + 1.5079896450042725, + -0.07700375467538834, + -0.20048443973064423, + -0.028710728511214256, + 0.34250932931900024, + -0.11283446103334427, + 0.06797485053539276, + -0.17203399538993835, + 2.068838596343994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/64.png", + [ + 0.1647101193666458, + -0.040512360632419586, + -0.13482291996479034, + 1.5255141258239746, + -0.07390986382961273, + -0.20149517059326172, + -0.029747603461146355, + 0.33407050371170044, + -0.11981568485498428, + 0.06860274821519852, + -0.16699029505252838, + 1.9361273050308228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/10.png", + [ + 0.19626636803150177, + -0.026127712801098824, + -0.08800425380468369, + 0.8172689080238342, + -0.029637476429343224, + -0.21462492644786835, + -0.0023769482504576445, + 0.004617050290107727, + -0.08688512444496155, + 0.014190581627190113, + -0.19798357784748077, + 1.6263854503631592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/170.png", + [ + 0.16968335211277008, + -0.04716094583272934, + -0.1262192279100418, + 1.4871033430099487, + -0.07594694197177887, + -0.2011311650276184, + -0.02694832533597946, + 0.3239723742008209, + -0.11129920184612274, + 0.06534520536661148, + -0.17404131591320038, + 2.093388557434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/41.png", + [ + 0.17786888778209686, + -0.031044039875268936, + -0.11977817863225937, + 1.352306842803955, + -0.051660891622304916, + -0.20922055840492249, + -0.02249002829194069, + 0.2491183578968048, + -0.11243529617786407, + 0.04702038690447807, + -0.17915154993534088, + 2.083789825439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/166.png", + [ + 0.16917316615581512, + -0.04675094410777092, + -0.1270538717508316, + 1.491084098815918, + -0.07568091154098511, + -0.20126283168792725, + -0.026712702587246895, + 0.3211780786514282, + -0.11225299537181854, + 0.06523433327674866, + -0.1734694242477417, + 2.0782384872436523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/91.png", + [ + 0.17188160121440887, + -0.0457809641957283, + -0.12372837960720062, + 1.4036979675292969, + -0.07504076510667801, + -0.20106151700019836, + -0.029850363731384277, + 0.32143911719322205, + -0.10850571095943451, + 0.06653016805648804, + -0.17535147070884705, + 1.9283982515335083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/140.png", + [ + 0.17472019791603088, + -0.04877499118447304, + -0.11849785596132278, + 1.3883795738220215, + -0.07537629455327988, + -0.20115427672863007, + -0.028341995552182198, + 0.3199308514595032, + -0.10362988710403442, + 0.06407694518566132, + -0.17917278409004211, + 2.0891847610473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/217.png", + [ + 0.18536429107189178, + -0.03139737620949745, + -0.10771341621875763, + 1.266329050064087, + -0.04800931364297867, + -0.21020789444446564, + -0.021345868706703186, + 0.25714007019996643, + -0.10140552371740341, + 0.04212772101163864, + -0.18678884208202362, + 2.234572410583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/240.png", + [ + 0.19364793598651886, + -0.0033370887394994497, + -0.0971454605460167, + 1.1350014209747314, + 0.00036884768633171916, + -0.21652011573314667, + 0.008173037320375443, + -0.10394516587257385, + -0.09720205515623093, + -0.0074698347598314285, + -0.19350415468215942, + 2.308227062225342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/23.png", + [ + 0.17690594494342804, + -0.030200021341443062, + -0.12140898406505585, + 1.3409665822982788, + -0.04348401352763176, + -0.2120002657175064, + -0.010626626200973988, + 0.11852215230464935, + -0.11730865389108658, + 0.033041536808013916, + -0.1791502833366394, + 2.032400131225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/220.png", + [ + 0.18847335875034332, + -0.026538372039794922, + -0.1035442128777504, + 1.2144966125488281, + -0.040241409093141556, + -0.21206475794315338, + -0.018896082416176796, + 0.22775313258171082, + -0.09902685880661011, + 0.03566718101501465, + -0.18939226865768433, + 2.2601284980773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/201.png", + [ + 0.1735595464706421, + -0.04617023095488548, + -0.12121586501598358, + 1.4389480352401733, + -0.07062507420778275, + -0.2034749835729599, + -0.02362041547894478, + 0.2832574248313904, + -0.1087983176112175, + 0.05843059718608856, + -0.17803561687469482, + 2.1543126106262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/37.png", + [ + 0.17969505488872528, + -0.028576023876667023, + -0.11764773726463318, + 1.326449990272522, + -0.047166094183921814, + -0.21044081449508667, + -0.020926473662257195, + 0.23236709833145142, + -0.11150308698415756, + 0.042964737862348557, + -0.18074564635753632, + 2.0983824729919434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/178.png", + [ + 0.17130082845687866, + -0.04657981917262077, + -0.12423460930585861, + 1.4673888683319092, + -0.07402831315994263, + -0.20192205905914307, + -0.026366373524069786, + 0.3144773840904236, + -0.11010780185461044, + 0.06329057365655899, + -0.1755518913269043, + 2.1187801361083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/36.png", + [ + 0.180314302444458, + -0.029048169031739235, + -0.11657977104187012, + 1.3170500993728638, + -0.04691365361213684, + -0.2105785459280014, + -0.020091664046049118, + 0.22325700521469116, + -0.11060628294944763, + 0.04196152463555336, + -0.1815306395292282, + 2.1102747917175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/213.png", + [ + 0.18222463130950928, + -0.03760143369436264, + -0.11103244125843048, + 1.3068803548812866, + -0.05715401470661163, + -0.2076788693666458, + -0.023469235748052597, + 0.2809044420719147, + -0.10234984755516052, + 0.04902569204568863, + -0.1845775842666626, + 2.214458465576172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/212.png", + [ + 0.18163453042507172, + -0.040486373007297516, + -0.11098489165306091, + 1.3062000274658203, + -0.06028566509485245, + -0.20682014524936676, + -0.023215411230921745, + 0.277567058801651, + -0.10159936547279358, + 0.05034054070711136, + -0.18463826179504395, + 2.2164807319641113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/182.png", + [ + 0.17183828353881836, + -0.045500632375478745, + -0.12389186769723892, + 1.46164870262146, + -0.073160819709301, + -0.2021217942237854, + -0.02724277973175049, + 0.3224411904811859, + -0.10984987020492554, + 0.06343790143728256, + -0.17566026747226715, + 2.118039608001709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/235.png", + [ + 0.19795946776866913, + -0.006173992063850164, + -0.08787387609481812, + 1.0223678350448608, + -0.005913260858505964, + -0.21658562123775482, + 0.0018960349261760712, + -0.02392864227294922, + -0.08789180219173431, + 0.0006658973288722336, + -0.19804668426513672, + 2.353208065032959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/8.png", + [ + 0.19540748000144958, + -0.027239695191383362, + -0.08956451714038849, + 0.8202094435691833, + -0.035082489252090454, + -0.2135002464056015, + -0.011608385480940342, + 0.07753877341747284, + -0.08679299056529999, + 0.024970676749944687, + -0.19695515930652618, + 1.5575218200683594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/6.png", + [ + 0.19124877452850342, + -0.02280140481889248, + -0.0992567166686058, + 0.9011656641960144, + -0.030918609350919724, + -0.21420660614967346, + -0.010366394184529781, + 0.06275422871112823, + -0.097035251557827, + 0.023313479498028755, + -0.19232404232025146, + 1.474044919013977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/257.png", + [ + 0.2023044377565384, + 0.010323045775294304, + -0.07690410315990448, + 0.8834328651428223, + -0.002355636563152075, + -0.21383249759674072, + -0.03490006923675537, + 0.38691726326942444, + -0.07755809277296066, + 0.03342152386903763, + -0.19953855872154236, + 2.39517879486084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/197.png", + [ + 0.17201347649097443, + -0.046617377549409866, + -0.12323181331157684, + 1.4568331241607666, + -0.07313860952854156, + -0.2023516446352005, + -0.02554311417043209, + 0.3053201138973236, + -0.10959015041589737, + 0.06187509745359421, + -0.17637845873832703, + 2.1281962394714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/219.png", + [ + 0.18770292401313782, + -0.029059434309601784, + -0.10426434129476547, + 1.2245932817459106, + -0.04349958151578903, + -0.21137498319149017, + -0.0193984042853117, + 0.2340620458126068, + -0.09911250323057175, + 0.03773673251271248, + -0.18894587457180023, + 2.2575888633728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/169.png", + [ + 0.1699029952287674, + -0.04726603254675865, + -0.1258840262889862, + 1.4817333221435547, + -0.07592235505580902, + -0.20114047825336456, + -0.026948003098368645, + 0.32350826263427734, + -0.11098045110702515, + 0.06524048000574112, + -0.17428399622440338, + 2.0943918228149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/154.png", + [ + 0.1653902679681778, + -0.043144676834344864, + -0.13316339254379272, + 1.4828194379806519, + -0.07669948786497116, + -0.20036029815673828, + -0.030345190316438675, + 0.34434449672698975, + -0.11709458380937576, + 0.0703006312251091, + -0.16820989549160004, + 1.922235369682312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/20.png", + [ + 0.17576315999031067, + -0.03136088699102402, + -0.12276683747768402, + 1.3134561777114868, + -0.04094019904732704, + -0.2127288281917572, + -0.004271634388715029, + 0.03837792947888374, + -0.11991290748119354, + 0.02666161209344864, + -0.17848795652389526, + 1.9746335744857788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/237.png", + [ + 0.19710339605808258, + -0.002493447158485651, + -0.08995513617992401, + 1.0489625930786133, + -0.0017522390699014068, + -0.21665671467781067, + 0.002166077494621277, + -0.03231476619839668, + -0.08997263014316559, + -0.0012429626658558846, + -0.19710727035999298, + 2.3450469970703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/2.png", + [ + 0.19720040261745453, + -0.04454745352268219, + -0.07794497162103653, + 0.8062393665313721, + -0.053865790367126465, + -0.20920567214488983, + -0.016714056953787804, + 0.10930700600147247, + -0.07182179391384125, + 0.03458913415670395, + -0.2014773190021515, + 1.7651880979537964, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/117.png", + [ + 0.16717490553855896, + -0.04661666974425316, + -0.12972019612789154, + 1.5191493034362793, + -0.07725854218006134, + -0.20055711269378662, + -0.027492905035614967, + 0.32747095823287964, + -0.11415586620569229, + 0.06746574491262436, + -0.17136134207248688, + 2.0576114654541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/149.png", + [ + 0.17458583414554596, + -0.043481022119522095, + -0.12073556333780289, + 1.2758617401123047, + -0.07733019441366196, + -0.19833366572856903, + -0.04039411619305611, + 0.40978890657424927, + -0.10240954905748367, + 0.07563759386539459, + -0.17532578110694885, + 1.8536251783370972, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/161.png", + [ + 0.1674155741930008, + -0.045084912329912186, + -0.12995103001594543, + 1.507423758506775, + -0.07566497474908829, + -0.20113568007946014, + -0.027697443962097168, + 0.32841014862060547, + -0.11486832052469254, + 0.06678089499473572, + -0.17115336656570435, + 2.0314106941223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/5.png", + [ + 0.18657347559928894, + -0.02752813883125782, + -0.10667911916971207, + 0.9856736063957214, + -0.03293159604072571, + -0.21414470672607422, + -0.002335574943572283, + -0.003815067932009697, + -0.10513678193092346, + 0.01822488382458687, + -0.18857890367507935, + 1.4712374210357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/187.png", + [ + 0.17105485498905182, + -0.0452251099050045, + -0.12507125735282898, + 1.4654881954193115, + -0.07364533096551895, + -0.20188045501708984, + -0.027722790837287903, + 0.32812386751174927, + -0.11074519902467728, + 0.06439623981714249, + -0.1747470200061798, + 2.09537410736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/108.png", + [ + 0.16772539913654327, + -0.045600105077028275, + -0.12937045097351074, + 1.4906045198440552, + -0.0770421251654625, + -0.2003917694091797, + -0.029249591752886772, + 0.3421413004398346, + -0.11349273473024368, + 0.06864150613546371, + -0.1713348776102066, + 2.027390480041504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/60.png", + [ + 0.1665765792131424, + -0.04113473743200302, + -0.13231809437274933, + 1.504412055015564, + -0.07362465560436249, + -0.2015581578016281, + -0.030026867985725403, + 0.33866575360298157, + -0.11738637089729309, + 0.06804510205984116, + -0.16893254220485687, + 1.972556471824646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/260.png", + [ + 0.19719108939170837, + 0.009123362600803375, + -0.08933272212743759, + 1.0227587223052979, + -0.007353959139436483, + -0.21318864822387695, + -0.03800547495484352, + 0.4348568916320801, + -0.08949576318264008, + 0.037619952112436295, + -0.19370891153812408, + 2.407534599304199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/56.png", + [ + 0.16785527765750885, + -0.038846902549266815, + -0.13139033317565918, + 1.4970202445983887, + -0.06908777356147766, + -0.20343133807182312, + -0.028115222230553627, + 0.31771743297576904, + -0.11831898242235184, + 0.06367499381303787, + -0.16998237371444702, + 1.99178946018219, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/147.png", + [ + 0.18006247282028198, + -0.045670341700315475, + -0.111533023416996, + 1.1659539937973022, + -0.07448291778564453, + -0.19980812072753906, + -0.03843052685260773, + 0.3571637272834778, + -0.09475068002939224, + 0.07027680426836014, + -0.18174536526203156, + 1.8318254947662354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/261.png", + [ + 0.18265731632709503, + 0.010985846631228924, + -0.11603236943483353, + 1.3479036092758179, + -0.010295048356056213, + -0.21334603428840637, + -0.036405812948942184, + 0.43089133501052856, + -0.11609569936990738, + 0.036203350871801376, + -0.1793293058872223, + 2.3342742919921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/30.png", + [ + 0.1786603480577469, + -0.025839757174253464, + -0.11983606219291687, + 1.3534042835235596, + -0.04199352115392685, + -0.2118920385837555, + -0.016917599365115166, + 0.1878770887851715, + -0.11517344415187836, + 0.037174828350543976, + -0.1797247976064682, + 2.0848302841186523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/17.png", + [ + 0.17285989224910736, + -0.02833513729274273, + -0.1275322586297989, + 1.3000749349594116, + -0.040916405618190765, + -0.21261747181415558, + -0.008219564333558083, + 0.07984094321727753, + -0.12406934797763824, + 0.030640384182333946, + -0.17497389018535614, + 1.8302905559539795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/12.png", + [ + 0.18736007809638977, + -0.0302264541387558, + -0.10454881191253662, + 0.9696953296661377, + -0.03242560476064682, + -0.21420058608055115, + 0.0038188917096704245, + -0.041952796280384064, + -0.10388778895139694, + 0.012343627400696278, + -0.18974417448043823, + 1.6580191850662231, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/114.png", + [ + 0.1666199266910553, + -0.04682968929409981, + -0.13035593926906586, + 1.5187777280807495, + -0.07847167551517487, + -0.19994868338108063, + -0.02847134880721569, + 0.33887943625450134, + -0.11413977295160294, + 0.06910427659749985, + -0.17071790993213654, + 2.041224479675293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/27.png", + [ + 0.1785801351070404, + -0.026843460276722908, + -0.11973494291305542, + 1.3397231101989746, + -0.04068952053785324, + -0.21241839230060577, + -0.01306464709341526, + 0.14233405888080597, + -0.11576437950134277, + 0.03325282782316208, + -0.18011315166950226, + 2.0753235816955566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/42.png", + [ + 0.17844535410404205, + -0.032502323389053345, + -0.11852741986513138, + 1.3384908437728882, + -0.05315433070063591, + -0.2088164985179901, + -0.022763686254620552, + 0.2528080940246582, + -0.11081410944461823, + 0.04782433435320854, + -0.17994709312915802, + 2.090808868408203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/223.png", + [ + 0.19119535386562347, + -0.021519580855965614, + -0.09964505583047867, + 1.1669315099716187, + -0.03225474804639816, + -0.21368134021759033, + -0.01574213244020939, + 0.19203008711338043, + -0.09670501947402954, + 0.02872440032660961, + -0.19175750017166138, + 2.2856335639953613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/174.png", + [ + 0.17014166712760925, + -0.045514870434999466, + -0.12620657682418823, + 1.4888923168182373, + -0.07403604686260223, + -0.20183266699314117, + -0.02702098898589611, + 0.3245745003223419, + -0.11188552528619766, + 0.06434178352355957, + -0.17403922975063324, + 2.0997838973999023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/7.png", + [ + 0.19196081161499023, + -0.03139323368668556, + -0.09546413272619247, + 0.8659535646438599, + -0.04036673158407211, + -0.21258307993412018, + -0.011262452229857445, + 0.07148899137973785, + -0.09202967584133148, + 0.027762938290834427, + -0.1941845715045929, + 1.5132641792297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/73.png", + [ + 0.16680899262428284, + -0.04160302132368088, + -0.13187815248966217, + 1.480883240699768, + -0.07730165123939514, + -0.19938907027244568, + -0.03487628698348999, + 0.3885665535926819, + -0.11466087400913239, + 0.07389917969703674, + -0.16834396123886108, + 1.942604422569275, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/120.png", + [ + 0.1661863774061203, + -0.045208267867565155, + -0.13147695362567902, + 1.5432249307632446, + -0.0773966908454895, + -0.20029763877391815, + -0.028956925496459007, + 0.34667468070983887, + -0.11549774557352066, + 0.0691734328866005, + -0.16977396607398987, + 2.0437278747558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/46.png", + [ + 0.1741817742586136, + -0.0364496186375618, + -0.1236124113202095, + 1.4046849012374878, + -0.05921275168657303, + -0.20722705125808716, + -0.022331353276968002, + 0.24904000759124756, + -0.11446596682071686, + 0.0517326183617115, + -0.17654792964458466, + 2.064976692199707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/127.png", + [ + 0.16834205389022827, + -0.045938123017549515, + -0.12844660878181458, + 1.5070791244506836, + -0.0760299563407898, + -0.2009890377521515, + -0.027762342244386673, + 0.3295079171657562, + -0.11326204240322113, + 0.06664075702428818, + -0.17227481305599213, + 2.070901393890381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/283.png", + [ + 0.21162520349025726, + -0.01038758922368288, + -0.04532953351736069, + 0.5285763144493103, + -0.015847520902752876, + -0.21466730535030365, + -0.02479308657348156, + 0.2827567756175995, + -0.04372098669409752, + 0.027530690655112267, + -0.21042442321777344, + 2.4241228103637695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/236.png", + [ + 0.1967509537935257, + -0.004487479105591774, + -0.0906466543674469, + 1.056831955909729, + -0.003773005912080407, + -0.21662695705890656, + 0.0025347473565489054, + -0.03440488129854202, + -0.09067919850349426, + -0.0007232201169244945, + -0.1967858076095581, + 2.3436594009399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/226.png", + [ + 0.19352373480796814, + -0.01612132415175438, + -0.09610705077648163, + 1.123154878616333, + -0.024472957476973534, + -0.21488094329833984, + -0.013234542682766914, + 0.16284681856632233, + -0.09432675689458847, + 0.02267557568848133, + -0.1937425434589386, + 2.305973529815674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/133.png", + [ + 0.16991426050662994, + -0.04670500382781029, + -0.1260780692100525, + 1.4840755462646484, + -0.07777051627635956, + -0.1998828649520874, + -0.030764982104301453, + 0.36694812774658203, + -0.1096758171916008, + 0.06937852501869202, + -0.17351001501083374, + 2.092581272125244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/57.png", + [ + 0.16707226634025574, + -0.03963347524404526, + -0.13215121626853943, + 1.5052192211151123, + -0.07054587453603745, + -0.20289960503578186, + -0.02833603322505951, + 0.3194239139556885, + -0.11856657266616821, + 0.06487556546926498, + -0.16935470700263977, + 1.9838536977767944, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/44.png", + [ + 0.1768321841955185, + -0.035304103046655655, + -0.12013281881809235, + 1.3601726293563843, + -0.05594910308718681, + -0.2082548439502716, + -0.021154513582587242, + 0.23701545596122742, + -0.11201772093772888, + 0.048284947872161865, + -0.17907674610614777, + 2.0871615409851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/113.png", + [ + 0.1676924228668213, + -0.04555118456482887, + -0.12943042814731598, + 1.5055257081985474, + -0.07665318995714188, + -0.20061908662319183, + -0.02870824933052063, + 0.3402329683303833, + -0.11380437761545181, + 0.06800709664821625, + -0.1713811308145523, + 2.044337272644043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/126.png", + [ + 0.16859769821166992, + -0.04790257290005684, + -0.12738938629627228, + 1.4943898916244507, + -0.07665377855300903, + -0.20100513100624084, + -0.02586546167731285, + 0.30802851915359497, + -0.1124584749341011, + 0.0651932954788208, + -0.1733517348766327, + 2.0826425552368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/29.png", + [ + 0.17886888980865479, + -0.025722963735461235, + -0.11954978108406067, + 1.3458949327468872, + -0.04179888218641281, + -0.21192879974842072, + -0.01693923957645893, + 0.1869868040084839, + -0.11492029577493668, + 0.037046100944280624, + -0.17991334199905396, + 2.083409309387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/4.png", + [ + 0.17991019785404205, + -0.032921019941568375, + -0.1161741092801094, + 1.0905781984329224, + -0.0368800163269043, + -0.21348609030246735, + 0.0033836239017546177, + -0.05368256941437721, + -0.11497863382101059, + 0.016964398324489594, + -0.18286612629890442, + 1.476055383682251, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/55.png", + [ + 0.16833753883838654, + -0.03962016850709915, + -0.130539670586586, + 1.4860279560089111, + -0.06879796087741852, + -0.20369437336921692, + -0.026895076036453247, + 0.304013729095459, + -0.11780156195163727, + 0.062343779951334, + -0.17083308100700378, + 2.0033164024353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/9.png", + [ + 0.1984443962574005, + -0.026933273300528526, + -0.08271825313568115, + 0.7679480910301208, + -0.033200912177562714, + -0.2138817459344864, + -0.010009869933128357, + 0.06438620388507843, + -0.08040778338909149, + 0.02184254117310047, + -0.20001347362995148, + 1.599087119102478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/25.png", + [ + 0.1783057451248169, + -0.02685522846877575, + -0.12014056742191315, + 1.3373726606369019, + -0.04105110466480255, + -0.21232381463050842, + -0.013464581221342087, + 0.14554806053638458, + -0.1160593181848526, + 0.0338420569896698, + -0.17981335520744324, + 2.0570826530456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/99.png", + [ + 0.165194571018219, + -0.04521704837679863, + -0.13271798193454742, + 1.4883698225021362, + -0.07834102213382721, + -0.19986283779144287, + -0.029418041929602623, + 0.3315967917442322, + -0.11628125607967377, + 0.07041416317224503, + -0.16872583329677582, + 1.9417098760604858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/208.png", + [ + 0.17637324333190918, + -0.04534899815917015, + -0.11740456521511078, + 1.388864517211914, + -0.06799327582120895, + -0.2044193595647812, + -0.023184627294540405, + 0.2780607044696808, + -0.10591165721416473, + 0.05571427941322327, + -0.18062815070152283, + 2.1776671409606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/224.png", + [ + 0.19238074123859406, + -0.02002139575779438, + -0.09765598922967911, + 1.1423900127410889, + -0.03000210039317608, + -0.21404702961444855, + -0.015219810418784618, + 0.18593068420886993, + -0.09506535530090332, + 0.027035389095544815, + -0.19282002747058868, + 2.295621395111084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/34.png", + [ + 0.18001176416873932, + -0.027402764186263084, + -0.1174425557255745, + 1.3286685943603516, + -0.04463418573141098, + -0.2111615687608719, + -0.019143547862768173, + 0.2115713357925415, + -0.11203327775001526, + 0.040097061544656754, + -0.18107640743255615, + 2.1076178550720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/72.png", + [ + 0.1688799262046814, + -0.0426977202296257, + -0.12885797023773193, + 1.4450364112854004, + -0.07665976136922836, + -0.19973911345005035, + -0.03428495302796364, + 0.38103175163269043, + -0.11203011870384216, + 0.0723123848438263, + -0.17078660428524017, + 1.9660874605178833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/102.png", + [ + 0.16643965244293213, + -0.04634176939725876, + -0.13075998425483704, + 1.4804227352142334, + -0.07832726091146469, + -0.19995304942131042, + -0.028835924342274666, + 0.33042997121810913, + -0.11450143158435822, + 0.06941982358694077, + -0.17034731805324554, + 1.9846519231796265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/262.png", + [ + 0.16282568871974945, + 0.009389408864080906, + -0.1426447629928589, + 1.7072105407714844, + -0.009865079075098038, + -0.21495330333709717, + -0.02540978416800499, + 0.3113609850406647, + -0.14261266589164734, + 0.025589369237422943, + -0.16110464930534363, + 2.2418770790100098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/134.png", + [ + 0.16945978999137878, + -0.04614244028925896, + -0.1268942505121231, + 1.4959553480148315, + -0.07754922658205032, + -0.1999552696943283, + -0.03085285983979702, + 0.36827367544174194, + -0.11053232848644257, + 0.06954607367515564, + -0.17289836704730988, + 2.0878148078918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/70.png", + [ + 0.1660211980342865, + -0.03912150114774704, + -0.1336202174425125, + 1.5003349781036377, + -0.07221567630767822, + -0.2019827514886856, + -0.03059016540646553, + 0.3411106765270233, + -0.11903675645589828, + 0.0679733082652092, + -0.16780278086662292, + 1.9327822923660278, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/135.png", + [ + 0.16999201476573944, + -0.04695914685726166, + -0.1258786916732788, + 1.484069585800171, + -0.07788854092359543, + -0.19985812902450562, + -0.030626805499196053, + 0.36600974202156067, + -0.10947137326002121, + 0.06927815824747086, + -0.1736791580915451, + 2.096745491027832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/229.png", + [ + 0.19638194143772125, + -0.011770060285925865, + -0.09079369157552719, + 1.0602307319641113, + -0.017711933702230453, + -0.21570144593715668, + -0.010347466915845871, + 0.1268198937177658, + -0.08982381224632263, + 0.016800248995423317, + -0.19646203517913818, + 2.332658290863037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/130.png", + [ + 0.16874881088733673, + -0.045054685324430466, + -0.128225639462471, + 1.5057978630065918, + -0.07623966783285141, + -0.20061078667640686, + -0.02984502725303173, + 0.3547196090221405, + -0.11251334846019745, + 0.06836145371198654, + -0.17209114134311676, + 2.070621967315674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/90.png", + [ + 0.17089247703552246, + -0.04483186826109886, + -0.12543423473834991, + 1.4258363246917725, + -0.0751957818865776, + -0.20088337361812592, + -0.030648868530988693, + 0.33379578590393066, + -0.10995110124349594, + 0.0677042230963707, + -0.17399650812149048, + 1.9369550943374634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/288.png", + [ + 0.2109769731760025, + -0.01645434834063053, + -0.046538837254047394, + 0.5438197255134583, + -0.017513928934931755, + -0.21594412624835968, + -0.003047248348593712, + 0.01976214349269867, + -0.046150531619787216, + 0.006728878244757652, + -0.21159571409225464, + 2.2210326194763184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/122.png", + [ + 0.16763843595981598, + -0.0463496670126915, + -0.12921668589115143, + 1.5154057741165161, + -0.0771654024720192, + -0.20049579441547394, + -0.028192749246954918, + 0.33571216464042664, + -0.11353743821382523, + 0.06783095002174377, + -0.17162781953811646, + 2.063375473022461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/238.png", + [ + 0.19495131075382233, + -0.001369061996228993, + -0.09455162286758423, + 1.1023259162902832, + -0.000541076937224716, + -0.21666453778743744, + 0.0020215786062180996, + -0.03195931017398834, + -0.09455998986959457, + -0.0015827867900952697, + -0.19494563341140747, + 2.3228321075439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/15.png", + [ + 0.17526981234550476, + -0.0298909991979599, + -0.12383422255516052, + 1.2071908712387085, + -0.04394352436065674, + -0.2118837535381317, + -0.011051514185965061, + 0.10962022840976715, + -0.11957154422998428, + 0.03405432775616646, + -0.1774565875530243, + 1.7423152923583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/269.png", + [ + 0.20862098038196564, + -0.015603777952492237, + -0.056406594812870026, + 0.6783202886581421, + -0.020971985533833504, + -0.21489481627941132, + -0.01811889372766018, + 0.20902550220489502, + -0.05463843047618866, + 0.022905034944415092, + -0.2084175944328308, + 2.3598480224609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/162.png", + [ + 0.1680736541748047, + -0.04550206661224365, + -0.12895232439041138, + 1.4997787475585938, + -0.07543329149484634, + -0.20127759873867035, + -0.027295373380184174, + 0.3250691890716553, + -0.11405683308839798, + 0.06606649607419968, + -0.1719713658094406, + 2.0453438758850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/22.png", + [ + 0.17628447711467743, + -0.03141322359442711, + -0.12200364470481873, + 1.3365398645401, + -0.044311340898275375, + -0.21188370883464813, + -0.009470629505813122, + 0.10483238101005554, + -0.11793296039104462, + 0.0326557382941246, + -0.17881084978580475, + 2.0171165466308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/278.png", + [ + 0.20647072792053223, + 0.001695135491900146, + -0.06568758189678192, + 0.7614936232566833, + -0.004102264065295458, + -0.2158474624156952, + -0.018464498221874237, + 0.2161668837070465, + -0.06558126956224442, + 0.01883859746158123, + -0.2056504189968109, + 2.3943071365356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/171.png", + [ + 0.16983060538768768, + -0.045606572180986404, + -0.12659183144569397, + 1.4917771816253662, + -0.07436718046665192, + -0.20169992744922638, + -0.027102714404463768, + 0.32487910985946655, + -0.11213818192481995, + 0.06469215452671051, + -0.1737464964389801, + 2.091459274291992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/138.png", + [ + 0.17174023389816284, + -0.04713872820138931, + -0.12341444939374924, + 1.4555872678756714, + -0.07635988295078278, + -0.20059514045715332, + -0.029642105102539062, + 0.3509313464164734, + -0.10780703276395798, + 0.06698824465274811, + -0.1756078451871872, + 2.1054930686950684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/109.png", + [ + 0.16684944927692413, + -0.04704698920249939, + -0.1299835741519928, + 1.4984163045883179, + -0.07829832285642624, + -0.20007045567035675, + -0.028090624138712883, + 0.33043432235717773, + -0.1139233335852623, + 0.06860240548849106, + -0.171064555644989, + 2.025439739227295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/26.png", + [ + 0.17809529602527618, + -0.027590226382017136, + -0.12028606981039047, + 1.3413805961608887, + -0.040971770882606506, + -0.21243049204349518, + -0.011937160044908524, + 0.1267753690481186, + -0.11640994995832443, + 0.03255704417824745, + -0.17982397973537445, + 2.0656075477600098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/43.png", + [ + 0.17623239755630493, + -0.03346264362335205, + -0.12153306603431702, + 1.373836874961853, + -0.054315175861120224, + -0.20867154002189636, + -0.021306080743670464, + 0.2380170226097107, + -0.11375366896390915, + 0.047794755548238754, + -0.17811137437820435, + 2.0743918418884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/205.png", + [ + 0.1750047504901886, + -0.04565298184752464, + -0.11931902170181274, + 1.4150335788726807, + -0.06927678734064102, + -0.20394302904605865, + -0.02357679419219494, + 0.282168447971344, + -0.10734036564826965, + 0.05719216167926788, + -0.1793181449174881, + 2.1684083938598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/246.png", + [ + 0.19518017768859863, + -0.013981950469315052, + -0.09304353594779968, + 1.081363320350647, + -0.007050269283354282, + -0.21583981812000275, + 0.01764538697898388, + -0.20489493012428284, + -0.09382371604442596, + -0.012867441400885582, + -0.19488313794136047, + 2.2099595069885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/244.png", + [ + 0.1933973878622055, + -0.008403072133660316, + -0.0973382517695427, + 1.1418839693069458, + -0.001151795731857419, + -0.2160528004169464, + 0.016363075003027916, + -0.19546155631542206, + -0.09769348800182343, + -0.014087768271565437, + -0.19288703799247742, + 2.2783102989196777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/84.png", + [ + 0.16540253162384033, + -0.04350946098566055, + -0.13302937150001526, + 1.5046945810317993, + -0.07677595317363739, + -0.20039542019367218, + -0.029917003586888313, + 0.3364229202270508, + -0.11702710390090942, + 0.06997499614953995, + -0.16839253902435303, + 1.9589835405349731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/216.png", + [ + 0.1838294118642807, + -0.03366495668888092, + -0.10964173823595047, + 1.288360595703125, + -0.05123727768659592, + -0.20941784977912903, + -0.021605610847473145, + 0.2607262432575226, + -0.10261275619268417, + 0.04425756260752678, + -0.18563345074653625, + 2.2235517501831055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/136.png", + [ + 0.1705084890127182, + -0.0451480969786644, + -0.12584275007247925, + 1.4840425252914429, + -0.0763913244009018, + -0.20027567446231842, + -0.0316530279815197, + 0.37842875719070435, + -0.10972286760807037, + 0.06927624344825745, + -0.17352113127708435, + 2.093905448913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/89.png", + [ + 0.1697024554014206, + -0.042213425040245056, + -0.1279335469007492, + 1.454736351966858, + -0.07428590953350067, + -0.20097525417804718, + -0.03222492337226868, + 0.3545796275138855, + -0.11238579452037811, + 0.06910042464733124, + -0.17187918722629547, + 1.9389065504074097, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/63.png", + [ + 0.1652122437953949, + -0.04089314490556717, + -0.1340916007757187, + 1.519690752029419, + -0.07392550259828568, + -0.20150674879550934, + -0.029630135744810104, + 0.3330991268157959, + -0.11911267787218094, + 0.06834233552217484, + -0.1675989180803299, + 1.9454344511032104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/88.png", + [ + 0.1684337854385376, + -0.04361193999648094, + -0.12913541495800018, + 1.4657416343688965, + -0.07625929266214371, + -0.20029939711093903, + -0.031820815056562424, + 0.35284897685050964, + -0.11297113448381424, + 0.07018577307462692, + -0.1710537075996399, + 1.9527751207351685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/62.png", + [ + 0.1651727855205536, + -0.041822563856840134, + -0.13385333120822906, + 1.5196053981781006, + -0.07456190884113312, + -0.20135000348091125, + -0.029096214100718498, + 0.3284672200679779, + -0.11877022683620453, + 0.06824178993701935, + -0.16788266599178314, + 1.954205870628357, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/65.png", + [ + 0.16537873446941376, + -0.04340502247214317, + -0.13309311866760254, + 1.502529501914978, + -0.07611334323883057, + -0.20076793432235718, + -0.02910136617720127, + 0.32599905133247375, + -0.1174926832318306, + 0.06896473467350006, + -0.16848509013652802, + 1.9474884271621704, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/248.png", + [ + 0.2065708339214325, + -0.013035213574767113, + -0.06408169120550156, + 0.7535271048545837, + -0.009067864157259464, + -0.21598488092422485, + 0.014703921973705292, + -0.1589832305908203, + -0.06476228684186935, + -0.011336435563862324, + -0.20645877718925476, + 2.0591063499450684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/80.png", + [ + 0.1662868857383728, + -0.040629178285598755, + -0.13283762335777283, + 1.498850703239441, + -0.0770576074719429, + -0.1993769258260727, + -0.03548051416873932, + 0.3967721462249756, + -0.11557982861995697, + 0.07447154074907303, + -0.16746100783348083, + 1.9473165273666382, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/146.png", + [ + 0.18145473301410675, + -0.04778178408741951, + -0.10834656655788422, + 1.1357862949371338, + -0.07425973564386368, + -0.2003403753042221, + -0.036015529185533524, + 0.32045653462409973, + -0.0922364816069603, + 0.06729433685541153, + -0.1841515749692917, + 1.8223826885223389, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/119.png", + [ + 0.16699184477329254, + -0.04601829871535301, + -0.1301688402891159, + 1.5266733169555664, + -0.07686668634414673, + -0.20068413019180298, + -0.027663828805088997, + 0.3296665847301483, + -0.11468707770109177, + 0.0674988254904747, + -0.17099317908287048, + 2.055954933166504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/287.png", + [ + 0.21093258261680603, + -0.014677410013973713, + -0.047327689826488495, + 0.5580601692199707, + -0.0171655360609293, + -0.2157808095216751, + -0.009585672058165073, + 0.09494027495384216, + -0.046483125537633896, + 0.013081069104373455, + -0.211225226521492, + 2.2633466720581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/180.png", + [ + 0.1721181720495224, + -0.046342551708221436, + -0.123189277946949, + 1.4542129039764404, + -0.07358208298683167, + -0.2020270824432373, + -0.026807229965925217, + 0.31923726201057434, + -0.10912793129682541, + 0.06312938779592514, + -0.17622050642967224, + 2.1265201568603516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/145.png", + [ + 0.1839325726032257, + -0.0496772900223732, + -0.10319337248802185, + 1.0898523330688477, + -0.0746043473482132, + -0.20009745657444, + -0.03664836660027504, + 0.3179582953453064, + -0.0868959128856659, + 0.06664140522480011, + -0.18696501851081848, + 1.8310072422027588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/204.png", + [ + 0.17390961945056915, + -0.04636367782950401, + -0.12063891440629959, + 1.431785225868225, + -0.07080130279064178, + -0.20338080823421478, + -0.02390228398144245, + 0.2869521677494049, + -0.10812268406152725, + 0.05860505625605583, + -0.1783895343542099, + 2.1590089797973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/207.png", + [ + 0.17599917948246002, + -0.04470282420516014, + -0.11821100860834122, + 1.399176001548767, + -0.06778352707624435, + -0.20444054901599884, + -0.023608429357409477, + 0.28311270475387573, + -0.1066657081246376, + 0.05615712329745293, + -0.18004634976387024, + 2.172426700592041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/167.png", + [ + 0.16880084574222565, + -0.0465008020401001, + -0.127639502286911, + 1.5009700059890747, + -0.07534448802471161, + -0.20144972205162048, + -0.02625080570578575, + 0.31622764468193054, + -0.11303704231977463, + 0.06483495980501175, + -0.17310963571071625, + 2.0787248611450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/243.png", + [ + 0.19322296977043152, + -0.006804568227380514, + -0.09780837595462799, + 1.1475210189819336, + -0.0004490767896641046, + -0.21621131896972656, + 0.014154747128486633, + -0.1707613170146942, + -0.0980437621474266, + -0.01241999864578247, + -0.19282390177249908, + 2.2918453216552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/189.png", + [ + 0.1716201901435852, + -0.04589754715561867, + -0.1240476593375206, + 1.453003168106079, + -0.07325275242328644, + -0.20218224823474884, + -0.02653804048895836, + 0.3143462538719177, + -0.11012919992208481, + 0.0629575178027153, + -0.1756581962108612, + 2.105367660522461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/230.png", + [ + 0.19614316523075104, + -0.009474288672208786, + -0.09157506376504898, + 1.065584659576416, + -0.014028106816112995, + -0.21608321368694305, + -0.007690765894949436, + 0.09428039193153381, + -0.09098882973194122, + 0.012890830636024475, + -0.19622117280960083, + 2.3257226943969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/79.png", + [ + 0.16588781774044037, + -0.04125741496682167, + -0.13314257562160492, + 1.5020428895950317, + -0.07799471914768219, + -0.19900700449943542, + -0.03550973907113075, + 0.3979979455471039, + -0.11552467197179794, + 0.07511287182569504, + -0.16721244156360626, + 1.9438170194625854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/176.png", + [ + 0.17030362784862518, + -0.045228440314531326, + -0.12609106302261353, + 1.4885509014129639, + -0.07391466945409775, + -0.20182067155838013, + -0.027439717203378677, + 0.3277371823787689, + -0.11171924322843552, + 0.064580999314785, + -0.17405745387077332, + 2.1014437675476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/225.png", + [ + 0.19328677654266357, + -0.017982741817831993, + -0.09625351428985596, + 1.125065803527832, + -0.027090728282928467, + -0.2144964188337326, + -0.014327225275337696, + 0.17546720802783966, + -0.09409680962562561, + 0.0248152744024992, + -0.19359207153320312, + 2.3033089637756348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/284.png", + [ + 0.21200092136859894, + -0.011949007399380207, + -0.04313613846898079, + 0.5061658024787903, + -0.017292674630880356, + -0.21446329355239868, + -0.02558038756251335, + 0.2878049314022064, + -0.04128521680831909, + 0.02847128175199032, + -0.21079093217849731, + 2.3948607444763184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/185.png", + [ + 0.17165423929691315, + -0.044636476784944534, + -0.12446004152297974, + 1.4601982831954956, + -0.07269874215126038, + -0.20222076773643494, + -0.027740828692913055, + 0.32705625891685486, + -0.11044278740882874, + 0.06373574584722519, + -0.17518001794815063, + 2.1036338806152344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/165.png", + [ + 0.1689368188381195, + -0.046036165207624435, + -0.12762805819511414, + 1.495384931564331, + -0.07515940815210342, + -0.20144334435462952, + -0.026824122294783592, + 0.3212011754512787, + -0.11295711994171143, + 0.06518543511629105, + -0.17303016781806946, + 2.069350242614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/116.png", + [ + 0.16716748476028442, + -0.04589163884520531, + -0.12998799979686737, + 1.519831895828247, + -0.07711322605609894, + -0.20048834383487701, + -0.02838789112865925, + 0.3380550146102905, + -0.11426494270563126, + 0.06816362589597702, + -0.17101210355758667, + 2.0512804985046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/19.png", + [ + 0.17357240617275238, + -0.028646105900406837, + -0.1264907717704773, + 1.3365845680236816, + -0.03759562224149704, + -0.21336300671100616, + -0.003269352251663804, + 0.02573702484369278, + -0.12412526458501816, + 0.024566641077399254, + -0.1758899986743927, + 1.9209414720535278, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/77.png", + [ + 0.16572102904319763, + -0.04009164124727249, + -0.1337052583694458, + 1.5052069425582886, + -0.07709679752588272, + -0.1993054300546646, + -0.03579574450850487, + 0.400142103433609, + -0.11636373400688171, + 0.07495272904634476, + -0.16670171916484833, + 1.9325777292251587, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/280.png", + [ + 0.20926454663276672, + -0.00282775005325675, + -0.0561092272400856, + 0.6453081965446472, + -0.008975387550890446, + -0.21530328691005707, + -0.02262384630739689, + 0.26687219738960266, + -0.055458854883909225, + 0.024174360558390617, + -0.2080572247505188, + 2.4278078079223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/254.png", + [ + 0.20525820553302765, + 0.005328367464244366, + 0.06919953227043152, + -0.8636228442192078, + -0.008783179335296154, + -0.212304025888443, + 0.04239990562200546, + -0.4869641959667206, + 0.06884635984897614, + -0.04297097399830818, + -0.20090188086032867, + 2.349734306335449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/247.png", + [ + 0.200215682387352, + -0.015161068178713322, + -0.08143534511327744, + 0.9476062655448914, + -0.008475078269839287, + -0.2156459391117096, + 0.019310764968395233, + -0.21804989874362946, + -0.08239991217851639, + -0.014658602885901928, + -0.19985812902450562, + 2.1668882369995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/68.png", + [ + 0.1650148183107376, + -0.04082290828227997, + -0.1343558430671692, + 1.5102455615997314, + -0.07445267587900162, + -0.20121198892593384, + -0.030305609107017517, + 0.3386121094226837, + -0.11905797570943832, + 0.0692468136548996, + -0.16726616024971008, + 1.929392695426941, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/143.png", + [ + 0.18422739207744598, + -0.048966407775878906, + -0.10300707817077637, + 1.156721591949463, + -0.0723506510257721, + -0.20144954323768616, + -0.03363565728068352, + 0.3191356062889099, + -0.08816773444414139, + 0.06299415975809097, + -0.18763285875320435, + 1.9742053747177124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/218.png", + [ + 0.18634329736232758, + -0.03103075549006462, + -0.10611867159605026, + 1.2462559938430786, + -0.046591341495513916, + -0.21063782274723053, + -0.020220134407281876, + 0.24355486035346985, + -0.10026627033948898, + 0.040208201855421066, + -0.1878240406513214, + 2.247018337249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/183.png", + [ + 0.17204657196998596, + -0.04545659199357033, + -0.12361864000558853, + 1.4559348821640015, + -0.0733625590801239, + -0.20196783542633057, + -0.027835659682750702, + 0.3290752172470093, + -0.1093883290886879, + 0.06395769119262695, + -0.17575979232788086, + 2.1168417930603027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/86.png", + [ + 0.16655734181404114, + -0.04348292201757431, + -0.13158941268920898, + 1.489296793937683, + -0.0758020356297493, + -0.20081467926502228, + -0.029587313532829285, + 0.33119943737983704, + -0.11601978540420532, + 0.06877930462360382, + -0.16957801580429077, + 1.9597269296646118, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/239.png", + [ + 0.19457054138183594, + -0.002746822778135538, + -0.09530292451381683, + 1.1119184494018555, + -0.0005158984567970037, + -0.216611847281456, + 0.005189931485801935, + -0.06908343732357025, + -0.09534109383821487, + -0.004433566238731146, + -0.1945207267999649, + 2.3192801475524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/1.png", + [ + 0.19072578847408295, + -0.05354441702365875, + -0.08777561783790588, + 0.896691620349884, + -0.062249165028333664, + -0.20735478401184082, + -0.008770409971475601, + 0.046266261488199234, + -0.08183278143405914, + 0.03293741121888161, + -0.1979050636291504, + 1.8016252517700195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/81.png", + [ + 0.1649278700351715, + -0.04143964871764183, + -0.13427375257015228, + 1.516834020614624, + -0.07770871371030807, + -0.19939729571342468, + -0.03391116112470627, + 0.3802150785923004, + -0.11708135902881622, + 0.07396868616342545, + -0.1666387915611267, + 1.9399877786636353, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/95.png", + [ + 0.17110924422740936, + -0.04532187432050705, + -0.12496178597211838, + 1.3988926410675049, + -0.07504603266716003, + -0.20106141269207, + -0.029837846755981445, + 0.3266005516052246, + -0.10971605777740479, + 0.06684408336877823, + -0.1744767725467682, + 1.933331847190857, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/200.png", + [ + 0.1725500375032425, + -0.04731982573866844, + -0.12220966070890427, + 1.4503346681594849, + -0.07309593260288239, + -0.20245784521102905, + -0.024813411757349968, + 0.2977878451347351, + -0.10877201706171036, + 0.0609881617128849, + -0.17719192802906036, + 2.1453075408935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/199.png", + [ + 0.17171186208724976, + -0.046839699149131775, + -0.12356769293546677, + 1.4657225608825684, + -0.07335453480482101, + -0.20231066644191742, + -0.025246670469641685, + 0.30344995856285095, + -0.10991836339235306, + 0.06184113025665283, + -0.17618604004383087, + 2.1322388648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/103.png", + [ + 0.16608448326587677, + -0.04676518216729164, + -0.13106049597263336, + 1.4897781610488892, + -0.07870456576347351, + -0.1998642235994339, + -0.028421394526958466, + 0.3269893229007721, + -0.11475813388824463, + 0.06939166784286499, + -0.17018596827983856, + 1.9894415140151978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/196.png", + [ + 0.17343035340309143, + -0.046867139637470245, + -0.12113328278064728, + 1.4284480810165405, + -0.07283993065357208, + -0.20240429043769836, + -0.02597588673233986, + 0.30969762802124023, + -0.10753673315048218, + 0.06151318922638893, + -0.17776352167129517, + 2.139556407928467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/150.png", + [ + 0.17083777487277985, + -0.04294116050004959, + -0.1261681616306305, + 1.3472280502319336, + -0.07777108997106552, + -0.1986951380968094, + -0.037680190056562424, + 0.39634016156196594, + -0.10823126882314682, + 0.07499464601278305, + -0.17207466065883636, + 1.8612643480300903, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/83.png", + [ + 0.16559137403964996, + -0.04338889196515083, + -0.13283370435237885, + 1.5014015436172485, + -0.07705058157444, + -0.20017670094966888, + -0.030665922909975052, + 0.3447313606739044, + -0.11657873541116714, + 0.07067245244979858, + -0.16841229796409607, + 1.9602094888687134, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/142.png", + [ + 0.18363577127456665, + -0.04918135702610016, + -0.1039566695690155, + 1.1963059902191162, + -0.07212945073843002, + -0.2018042951822281, + -0.031941574066877365, + 0.32273438572883606, + -0.08957196772098541, + 0.061677515506744385, + -0.18740501999855042, + 2.0541601181030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/186.png", + [ + 0.17178969085216522, + -0.04473362863063812, + -0.1242380440235138, + 1.4553251266479492, + -0.07288292795419693, + -0.20211827754974365, + -0.02800309658050537, + 0.33030393719673157, + -0.11011025309562683, + 0.06399214267730713, + -0.17529581487178802, + 2.1019959449768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/195.png", + [ + 0.17200471460819244, + -0.047131042927503586, + -0.12304852157831192, + 1.449253797531128, + -0.07368731498718262, + -0.20214831829071045, + -0.02557612769305706, + 0.30487287044525146, + -0.10923578590154648, + 0.0621500127017498, + -0.17650160193443298, + 2.1234922409057617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/51.png", + [ + 0.17220577597618103, + -0.038131386041641235, + -0.12585334479808807, + 1.433457612991333, + -0.06474727392196655, + -0.2050745189189911, + -0.026459980756044388, + 0.29781657457351685, + -0.11445899307727814, + 0.058637332171201706, + -0.17438089847564697, + 2.043612003326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/233.png", + [ + 0.19650211930274963, + -0.004699476528912783, + -0.09117420017719269, + 1.0568442344665527, + -0.006670513655990362, + -0.21654805541038513, + -0.003214804455637932, + 0.036484915763139725, + -0.09105122089385986, + 0.005722380243241787, + -0.1965319961309433, + 2.3232288360595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/128.png", + [ + 0.16753928363323212, + -0.045078154653310776, + -0.12979382276535034, + 1.5229978561401367, + -0.0760907456278801, + -0.20086900889873505, + -0.02845577895641327, + 0.3384229838848114, + -0.11440575122833252, + 0.06758321821689606, + -0.17114824056625366, + 2.0587077140808105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/168.png", + [ + 0.16982606053352356, + -0.04684159904718399, + -0.12614622712135315, + 1.4832686185836792, + -0.07533985376358032, + -0.20140014588832855, + -0.026641810312867165, + 0.32016804814338684, + -0.1114940196275711, + 0.06474367529153824, + -0.17414143681526184, + 2.090707302093506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/215.png", + [ + 0.18527016043663025, + -0.03627432510256767, + -0.10633455216884613, + 1.248715877532959, + -0.0537102110683918, + -0.20871560275554657, + -0.022381076589226723, + 0.2684434652328491, + -0.09868169575929642, + 0.04549585282802582, + -0.18745651841163635, + 2.242675304412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/93.png", + [ + 0.17252691090106964, + -0.04661340266466141, + -0.12251347303390503, + 1.3806846141815186, + -0.07528354972600937, + -0.20101745426654816, + -0.02953413315117359, + 0.31725823879241943, + -0.10730679333209991, + 0.06608378887176514, + -0.1762557178735733, + 1.9224721193313599, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/242.png", + [ + 0.1934039443731308, + -0.005294022615998983, + -0.09754374623298645, + 1.1431797742843628, + 0.000352939561707899, + -0.21631693840026855, + 0.012440023943781853, + -0.15205606818199158, + -0.09768667072057724, + -0.011262863874435425, + -0.19307604432106018, + 2.30169677734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/76.png", + [ + 0.16232191026210785, + -0.04398048296570778, + -0.1366206854581833, + 1.6511459350585938, + -0.010430638678371906, + -0.2093205600976944, + 0.05499093234539032, + -0.6753949522972107, + -0.14314571022987366, + -0.034619610756635666, + -0.15892980992794037, + 1.9812339544296265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/48.png", + [ + 0.18341343104839325, + -0.05219177529215813, + -0.10287576168775558, + 1.1659787893295288, + -0.01529124565422535, + -0.2025245875120163, + 0.07548422366380692, + -0.8630174994468689, + -0.11433976143598557, + -0.05663663521409035, + -0.1751188188791275, + 2.0510096549987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/137.png", + [ + 0.164768248796463, + -0.040860965847969055, + -0.13464657962322235, + 1.6226967573165894, + -0.012328020296990871, + -0.21073241531848907, + 0.0488646924495697, + -0.5965043902397156, + -0.1401689648628235, + -0.029497794806957245, + -0.1625744104385376, + 2.018113613128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/35.png", + [ + 0.1659114956855774, + -0.026719704270362854, + -0.13677473366260529, + 1.5916842222213745, + 0.002730456180870533, + -0.21199066936969757, + 0.044725678861141205, + -0.5279678702354431, + -0.13933347165584564, + -0.03597080335021019, + -0.16198821365833282, + 1.945865273475647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/124.png", + [ + 0.16524040699005127, + -0.03634790703654289, + -0.1353600025177002, + 1.6343238353729248, + -0.0022877014707773924, + -0.20993292331695557, + 0.05358009785413742, + -0.659321129322052, + -0.14013659954071045, + -0.039432093501091, + -0.16048280894756317, + 1.9964507818222046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/97.png", + [ + 0.15973156690597534, + -0.03416813164949417, + -0.1423596292734146, + 1.7017465829849243, + 0.0024395380169153214, + -0.2100405991077423, + 0.053149666637182236, + -0.6492114663124084, + -0.14638227224349976, + -0.040784526616334915, + -0.15445630252361298, + 1.902300238609314, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/13.png", + [ + 0.15013527870178223, + 0.00663920259103179, + -0.15608720481395721, + 1.816788911819458, + 0.024123772978782654, + -0.2148677110671997, + 0.014064443297684193, + -0.17881983518600464, + -0.15435457229614258, + -0.027123533189296722, + -0.14962244033813477, + 1.8002411127090454, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/32.png", + [ + 0.15982644259929657, + -0.01682843640446663, + -0.14532795548439026, + 1.6723436117172241, + 0.008631674572825432, + -0.21377678215503693, + 0.03424735367298126, + -0.3995848596096039, + -0.14604419469833374, + -0.031051425263285637, + -0.1570184826850891, + 1.8655797243118286, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/38.png", + [ + 0.1746768057346344, + -0.034563496708869934, + -0.12345554679632187, + 1.4326672554016113, + -0.005380519200116396, + -0.21044425666332245, + 0.05130459740757942, + -0.6044641137123108, + -0.12808965146541595, + -0.038294605910778046, + -0.1705123484134674, + 2.04288387298584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/111.png", + [ + 0.1611473262310028, + -0.039308298379182816, + -0.13940691947937012, + 1.711069941520691, + -0.005434399005025625, + -0.21003694832324982, + 0.05294182151556015, + -0.6615203022956848, + -0.14474080502986908, + -0.03587793931365013, + -0.15719658136367798, + 1.9889451265335083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/11.png", + [ + 0.14783862233161926, + 0.010202495381236076, + -0.1580744981765747, + 1.8622175455093384, + 0.02772761695086956, + -0.2145531177520752, + 0.012084394693374634, + -0.16108760237693787, + -0.15595774352550507, + -0.028473887592554092, + -0.14769668877124786, + 1.7985641956329346, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/125.png", + [ + 0.1647791713476181, + -0.036054085940122604, + -0.13599933683872223, + 1.6400375366210938, + -0.0016167376888915896, + -0.20991118252277374, + 0.05368960648775101, + -0.6590415835380554, + -0.140687957406044, + -0.039815712720155716, + -0.15990467369556427, + 1.9875563383102417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/59.png", + [ + 0.1672806441783905, + -0.05795546993613243, + -0.12492493540048599, + 1.4885458946228027, + -0.017084039747714996, + -0.2037680596113205, + 0.07165617495775223, + -0.8613502979278564, + -0.1366499662399292, + -0.045471277087926865, + -0.16188588738441467, + 1.9744774103164673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/105.png", + [ + 0.16381366550922394, + -0.02918311394751072, + -0.13878515362739563, + 1.6929056644439697, + 0.004190879873931408, + -0.21094892919063568, + 0.049304038286209106, + -0.61814284324646, + -0.14175830781459808, + -0.03995995596051216, + -0.15892034769058228, + 1.9979346990585327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/121.png", + [ + 0.1630135029554367, + -0.038611020892858505, + -0.13741792738437653, + 1.673293948173523, + -0.005746223032474518, + -0.21020300686359406, + 0.052245303988456726, + -0.6485419869422913, + -0.14262352883815765, + -0.03566202148795128, + -0.15916858613491058, + 1.9954184293746948, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/24.png", + [ + 0.14149552583694458, + 0.005814728327095509, + -0.16399116814136505, + 1.8276679515838623, + 0.025467650964856148, + -0.2146928906440735, + 0.014361610636115074, + -0.17070862650871277, + -0.16210585832595825, + -0.02865390107035637, + -0.14088483154773712, + 1.6329609155654907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/74.png", + [ + 0.16659575700759888, + -0.042540084570646286, + -0.13184872269630432, + 1.605026125907898, + -0.0002769625571090728, + -0.20630918443202972, + 0.06621430069208145, + -0.8141993284225464, + -0.13854120671749115, + -0.050742007791996, + -0.15868040919303894, + 1.9854072332382202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/129.png", + [ + 0.16301341354846954, + -0.03636312112212181, + -0.13802984356880188, + 1.664400577545166, + -0.0011625232873484492, + -0.2098570317029953, + 0.05391261726617813, + -0.6623932123184204, + -0.1427346020936966, + -0.03982015699148178, + -0.1580793559551239, + 1.9646228551864624, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/98.png", + [ + 0.15803232789039612, + -0.03328564763069153, + -0.14444977045059204, + 1.7309415340423584, + 0.0033531750086694956, + -0.2102847844362259, + 0.052124518901109695, + -0.6393962502479553, + -0.14819727838039398, + -0.04025263711810112, + -0.1528567671775818, + 1.8897985219955444, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/0.png", + [ + 0.13867108523845673, + 0.018345912918448448, + -0.1654740422964096, + 2.0204174518585205, + 0.02945994958281517, + -0.21466070413589478, + 0.0008889385499060154, + -0.023060835897922516, + -0.1638607233762741, + -0.023067429661750793, + -0.13987654447555542, + 1.7579811811447144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/96.png", + [ + 0.16032496094703674, + -0.032045621424913406, + -0.14218607544898987, + 1.6924397945404053, + 0.003014692571014166, + -0.2105984389781952, + 0.05086355656385422, + -0.617730438709259, + -0.14572136104106903, + -0.039613988250494, + -0.15538311004638672, + 1.9065574407577515, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/100.png", + [ + 0.15577812492847443, + -0.028300853446125984, + -0.14791935682296753, + 1.7833625078201294, + 0.005106670316308737, + -0.21169954538345337, + 0.04588165506720543, + -0.5676790475845337, + -0.15051576495170593, + -0.03647281602025032, + -0.15153425931930542, + 1.8847392797470093, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/40.png", + [ + 0.17570532858371735, + -0.04165252670645714, + -0.1197521984577179, + 1.3854572772979736, + -0.011537337675690651, + -0.2090522050857544, + 0.05578502640128136, + -0.6534982919692993, + -0.12626327574253082, + -0.03886060044169426, + -0.17174206674098969, + 2.0537543296813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/52.png", + [ + 0.17939522862434387, + -0.058499570935964584, + -0.10650375485420227, + 1.2265610694885254, + -0.020421911031007767, + -0.20172584056854248, + 0.07640371471643448, + -0.8873204588890076, + -0.11978394538164139, + -0.053220126777887344, + -0.1725320816040039, + 2.0506062507629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/3.png", + [ + 0.14055602252483368, + 0.011810635216534138, + -0.1644761562347412, + 2.001154899597168, + 0.025261787697672844, + -0.21510931849479675, + 0.006141429767012596, + -0.0862962156534195, + -0.1629531979560852, + -0.023159967735409737, + -0.1409175992012024, + 1.7643953561782837, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/47.png", + [ + 0.1839689463376999, + -0.054129403084516525, + -0.10086292773485184, + 1.1406115293502808, + -0.01628982461988926, + -0.20135562121868134, + 0.07834827899932861, + -0.8944549560546875, + -0.1133047342300415, + -0.05893910676240921, + -0.17503173649311066, + 2.0493016242980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/104.png", + [ + 0.16380907595157623, + -0.02462349832057953, + -0.13967159390449524, + 1.6975929737091064, + 0.007548222783952951, + -0.2115679383277893, + 0.04615117982029915, + -0.5804584622383118, + -0.14162451028823853, + -0.039756644517183304, + -0.1590905487537384, + 1.9946619272232056, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/21.png", + [ + 0.143859401345253, + 0.005544309038668871, + -0.16193093359470367, + 1.8037410974502563, + 0.022191287949681282, + -0.21518130600452423, + 0.012347200885415077, + -0.14946575462818146, + -0.16049893200397491, + -0.024782396852970123, + -0.1434357464313507, + 1.6652512550354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/82.png", + [ + 0.16297468543052673, + -0.03426659479737282, + -0.13861078023910522, + 1.6411609649658203, + -0.0015754281776025891, + -0.210761159658432, + 0.05025086551904678, + -0.6108944416046143, + -0.14277487993240356, + -0.036789022386074066, + -0.1587759405374527, + 1.94611394405365, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/106.png", + [ + 0.1632610559463501, + -0.032143399119377136, + -0.13878227770328522, + 1.6940984725952148, + 0.0017965184524655342, + -0.21060554683208466, + 0.05089179798960686, + -0.6368248462677002, + -0.1424446851015091, + -0.03949689492583275, + -0.1584215760231018, + 1.995120882987976, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/14.png", + [ + 0.14728370308876038, + 0.007673596031963825, + -0.15873409807682037, + 1.8342820405960083, + 0.024531912058591843, + -0.2149255871772766, + 0.012372256256639957, + -0.15702252089977264, + -0.15701457858085632, + -0.026381874457001686, + -0.14696362614631653, + 1.7595531940460205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/67.png", + [ + 0.17369717359542847, + -0.06152135878801346, + -0.11398381739854813, + 1.3608115911483765, + -0.021429410204291344, + -0.20169572532176971, + 0.07620701938867569, + -0.917209804058075, + -0.12774181365966797, + -0.049818187952041626, + -0.16777388751506805, + 2.0642690658569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/78.png", + [ + 0.15961170196533203, + -0.041350699961185455, + -0.14057780802249908, + 1.6882612705230713, + -0.008119754493236542, + -0.21004490554332733, + 0.05256517231464386, + -0.6413280963897705, + -0.14630812406539917, + -0.03345366194844246, + -0.15627756714820862, + 1.9413789510726929, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/31.png", + [ + 0.15509195625782013, + -0.013280780054628849, + -0.15072493255138397, + 1.7281033992767334, + 0.013305647298693657, + -0.21380515396595, + 0.032530106604099274, + -0.3785878121852875, + -0.15072272717952728, + -0.03254026547074318, + -0.15222248435020447, + 1.804963231086731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/39.png", + [ + 0.17348046600818634, + -0.03589866682887077, + -0.12475458532571793, + 1.4501398801803589, + -0.005743750836700201, + -0.21014393866062164, + 0.05248270183801651, + -0.61783367395401, + -0.12968973815441132, + -0.038713179528713226, + -0.1692032814025879, + 2.0314178466796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/92.png", + [ + 0.16483686864376068, + -0.03144054114818573, + -0.13707000017166138, + 1.6174581050872803, + 0.0027201378252357244, + -0.2104378044605255, + 0.05154050514101982, + -0.6190083622932434, + -0.14060333371162415, + -0.0409306138753891, + -0.15969745814800262, + 1.9445620775222778, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/53.png", + [ + 0.17680701613426208, + -0.05819062143564224, + -0.11090999841690063, + 1.2841442823410034, + -0.02024855464696884, + -0.2026258260011673, + 0.0740315169095993, + -0.8649150729179382, + -0.12360086292028427, + -0.0500451922416687, + -0.17078115046024323, + 2.036984920501709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/75.png", + [ + 0.16374711692333221, + -0.0428248830139637, + -0.13528047502040863, + 1.6414709091186523, + -0.006075876299291849, + -0.20849783718585968, + 0.058648429811000824, + -0.7224337458610535, + -0.14176693558692932, + -0.040528804063797, + -0.15876854956150055, + 1.9837144613265991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/87.png", + [ + 0.16157399117946625, + -0.0330650769174099, + -0.14052914083003998, + 1.6573961973190308, + 0.0011295574950054288, + -0.2106190025806427, + 0.05085522681474686, + -0.6117649078369141, + -0.14436225593090057, + -0.03865528106689453, + -0.15688595175743103, + 1.9132171869277954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/139.png", + [ + 0.1642475724220276, + -0.04164217412471771, + -0.13504280149936676, + 1.6240670680999756, + -0.014191580936312675, + -0.21086770296096802, + 0.04776305705308914, + -0.5792897939682007, + -0.14060308039188385, + -0.02736128307878971, + -0.16257314383983612, + 2.014706611633301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/107.png", + [ + 0.16145022213459015, + -0.032481420785188675, + -0.14080722630023956, + 1.7227420806884766, + 0.0011007144348695874, + -0.2108474224805832, + 0.04990037903189659, + -0.6248134970664978, + -0.14450088143348694, + -0.03789745271205902, + -0.1569432020187378, + 1.9813259840011597, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/112.png", + [ + 0.16010040044784546, + -0.039009660482406616, + -0.14069116115570068, + 1.7283419370651245, + -0.005576535128057003, + -0.21027866005897522, + 0.05195844545960426, + -0.6493540406227112, + -0.14589262008666992, + -0.03477103263139725, + -0.15637841820716858, + 1.98064386844635, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/69.png", + [ + 0.16760724782943726, + -0.05722269415855408, + -0.12482495605945587, + 1.5052635669708252, + -0.009004004299640656, + -0.2011205404996872, + 0.08010837435722351, + -0.9715272784233093, + -0.13702057301998138, + -0.05678015947341919, + -0.1579533815383911, + 1.9638272523880005, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/45.png", + [ + 0.18637578189373016, + -0.051773931831121445, + -0.09762898832559586, + 1.108681082725525, + -0.018796168267726898, + -0.20348572731018066, + 0.07202885299921036, + -0.8248128294944763, + -0.10889748483896255, + -0.05348750576376915, + -0.17952246963977814, + 2.1133971214294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/50.png", + [ + 0.18336103856563568, + -0.05399248003959656, + -0.10203642398118973, + 1.1607385873794556, + -0.016467440873384476, + -0.20179006457328796, + 0.0771847739815712, + -0.8863505125045776, + -0.11426042020320892, + -0.05756282061338425, + -0.17486843466758728, + 2.054640769958496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/101.png", + [ + 0.15627463161945343, + -0.026977108791470528, + -0.14764271676540375, + 1.784919023513794, + 0.0071703349240124226, + -0.21156045794487, + 0.04624563455581665, + -0.5759117603302002, + -0.14991572499275208, + -0.03824013099074364, + -0.15169332921504974, + 1.8946861028671265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/85.png", + [ + 0.1616067737340927, + -0.033915214240550995, + -0.14028865098953247, + 1.6564228534698486, + -0.0007579024531878531, + -0.21080408990383148, + 0.05008946731686592, + -0.6045424938201904, + -0.14432799816131592, + -0.036868516355752945, + -0.15734685957431793, + 1.9220587015151978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/131.png", + [ + 0.16019098460674286, + -0.0363459549844265, + -0.14130008220672607, + 1.706107497215271, + -0.0046309735625982285, + -0.2110045999288559, + 0.04902562126517296, + -0.6029947400093079, + -0.14582623541355133, + -0.033225420862436295, + -0.1567758470773697, + 1.9531487226486206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/71.png", + [ + 0.1708945631980896, + -0.04624266177415848, + -0.12491821497678757, + 1.5074903964996338, + -0.004562951624393463, + -0.2051117867231369, + 0.0696866437792778, + -0.8532228469848633, + -0.1331244558095932, + -0.05233226343989372, + -0.16274859011173248, + 2.0169119834899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/115.png", + [ + 0.16055472195148468, + -0.03983059898018837, + -0.13994140923023224, + 1.7208948135375977, + -0.00801365077495575, + -0.21050220727920532, + 0.050719793885946274, + -0.6329306960105896, + -0.14527855813503265, + -0.032407402992248535, + -0.15745411813259125, + 1.9943586587905884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/54.png", + [ + 0.1739618331193924, + -0.05793755501508713, + -0.11544875055551529, + 1.3412038087844849, + -0.021900326013565063, + -0.2040819525718689, + 0.06941772997379303, + -0.8157186508178711, + -0.12730102241039276, + -0.044064559042453766, + -0.16970756649971008, + 2.033877372741699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/33.png", + [ + 0.1604125201702118, + -0.021218808367848396, + -0.1441023051738739, + 1.666953444480896, + 0.007669349666684866, + -0.2128353863954544, + 0.0398770309984684, + -0.4676344692707062, + -0.14545410871505737, + -0.034623101353645325, + -0.15681912004947662, + 1.8732410669326782, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/49.png", + [ + 0.18293726444244385, + -0.05492240935564041, + -0.10230047255754471, + 1.1606650352478027, + -0.01905890181660652, + -0.20251651108264923, + 0.07464394718408585, + -0.8533617854118347, + -0.11453650891780853, + -0.05402304232120514, + -0.1758146584033966, + 2.057466983795166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/118.png", + [ + 0.16346582770347595, + -0.041911493986845016, + -0.13590526580810547, + 1.6649304628372192, + -0.008735621348023415, + -0.20962047576904297, + 0.0541372150182724, + -0.6726881861686707, + -0.14195245504379272, + -0.03536348044872284, + -0.15983369946479797, + 2.013871669769287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/110.png", + [ + 0.16136425733566284, + -0.03781087324023247, + -0.13957010209560394, + 1.7110892534255981, + -0.003190109971910715, + -0.21001601219177246, + 0.05320708453655243, + -0.6657246351242065, + -0.1445658951997757, + -0.037570055574178696, + -0.1569620668888092, + 1.9845248460769653, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/18.png", + [ + 0.1391332447528839, + 0.008037765510380268, + -0.16590730845928192, + 1.8757777214050293, + 0.024209393188357353, + -0.21509100496768951, + 0.009881907142698765, + -0.1254141926765442, + -0.16432812809944153, + -0.024882549419999123, + -0.13901442289352417, + 1.6397253274917603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/66.png", + [ + 0.17380237579345703, + -0.063816599547863, + -0.11255252361297607, + 1.34418523311615, + -0.026210838928818703, + -0.20194312930107117, + 0.07402606308460236, + -0.8917769193649292, + -0.12670287489891052, + -0.045763593167066574, + -0.16970552504062653, + 2.084991931915283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/16.png", + [ + 0.1454722136259079, + 0.011048203334212303, + -0.16019882261753082, + 1.8267383575439453, + 0.02672470174729824, + -0.2148122936487198, + 0.009453325532376766, + -0.12173290550708771, + -0.15833985805511475, + -0.026105787605047226, + -0.1455845832824707, + 1.7235054969787598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/94.png", + [ + 0.16217274963855743, + -0.03288083150982857, + -0.1398811787366867, + 1.6548967361450195, + 0.0027096818666905165, + -0.21018840372562408, + 0.052548933774232864, + -0.6344920992851257, + -0.14366818964481354, + -0.04108021408319473, + -0.1569068431854248, + 1.9152108430862427, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/28.png", + [ + 0.14977285265922546, + -0.005258623976260424, + -0.15648747980594635, + 1.7702668905258179, + 0.01841074414551258, + -0.21445868909358978, + 0.024827461689710617, + -0.28794538974761963, + -0.15548965334892273, + -0.030458254739642143, + -0.14779429137706757, + 1.7346749305725098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/61.png", + [ + 0.16771866381168365, + -0.0626281127333641, + -0.12204942852258682, + 1.4582359790802002, + -0.021681299433112144, + -0.20245499908924103, + 0.07409306615591049, + -0.8887763023376465, + -0.13545575737953186, + -0.045139577239751816, + -0.1629786640405655, + 1.9940105676651, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/132.png", + [ + 0.16181614995002747, + -0.037479039281606674, + -0.1391357183456421, + 1.6838093996047974, + -0.0049507999792695045, + -0.21053963899612427, + 0.050955310463905334, + -0.6272662281990051, + -0.14401011168956757, + -0.03487515449523926, + -0.15809078514575958, + 1.9722830057144165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/58.png", + [ + 0.16780321300029755, + -0.05670836940407753, + -0.12479638308286667, + 1.4788254499435425, + -0.016793733462691307, + -0.2042824625968933, + 0.07024630904197693, + -0.8401228189468384, + -0.13604390621185303, + -0.04472954943776131, + -0.16260141134262085, + 1.9765065908432007, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/123.png", + [ + 0.16606874763965607, + -0.03659198060631752, + -0.13427616655826569, + 1.625949740409851, + -0.003645571181550622, + -0.2101232409477234, + 0.052752550691366196, + -0.6506600379943848, + -0.1391250193119049, + -0.03817261755466461, + -0.16166314482688904, + 2.0154356956481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/64.png", + [ + 0.16733697056770325, + -0.065614715218544, + -0.1209997609257698, + 1.4550727605819702, + -0.025177830830216408, + -0.20184950530529022, + 0.07463746517896652, + -0.8985967040061951, + -0.13532298803329468, + -0.043581921607255936, + -0.16351206600666046, + 2.020812511444092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/10.png", + [ + 0.1499740481376648, + 0.011474010534584522, + -0.15596163272857666, + 1.8488762378692627, + 0.027811439707875252, + -0.21460288763046265, + 0.010955500416457653, + -0.14738257229328156, + -0.1538902372121811, + -0.027601560577750206, + -0.15001280605793, + 1.8356207609176636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/41.png", + [ + 0.17877203226089478, + -0.043236006051301956, + -0.11453865468502045, + 1.321898341178894, + -0.011517338454723358, + -0.20775341987609863, + 0.06044641137123108, + -0.7037796378135681, + -0.12188440561294556, + -0.04378429800271988, + -0.17370958626270294, + 2.072284698486328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/91.png", + [ + 0.1653979867696762, + -0.032624490559101105, + -0.13611407577991486, + 1.603576898574829, + 0.0009873948292806745, + -0.21042950451374054, + 0.05163660645484924, + -0.6187865138053894, + -0.13996578752994537, + -0.040036946535110474, + -0.16048212349414825, + 1.9519647359848022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/23.png", + [ + 0.14393600821495056, + 0.005015297792851925, + -0.16188007593154907, + 1.8008503913879395, + 0.023462316021323204, + -0.21493186056613922, + 0.014202641323208809, + -0.16929611563682556, + -0.1602492779493332, + -0.026963716372847557, + -0.14332136511802673, + 1.6592974662780762, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/37.png", + [ + 0.17064915597438812, + -0.029037900269031525, + -0.1303209662437439, + 1.5163544416427612, + 0.0006395814125426114, + -0.2113080471754074, + 0.04792080447077751, + -0.5679395198822021, + -0.1335153430700302, + -0.038126278668642044, + -0.166336789727211, + 1.9985796213150024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/36.png", + [ + 0.1666935533285141, + -0.030921632423996925, + -0.13492588698863983, + 1.5716508626937866, + -0.0012715421617031097, + -0.21153251826763153, + 0.046907030045986176, + -0.5546966195106506, + -0.13841794431209564, + -0.0352950282394886, + -0.1629190742969513, + 1.9598685503005981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/8.png", + [ + 0.14920803904533386, + 0.010693993419408798, + -0.15674978494644165, + 1.8816227912902832, + 0.02743070386350155, + -0.21462509036064148, + 0.011468476615846157, + -0.14965707063674927, + -0.15470103919506073, + -0.027741802856326103, + -0.14915050566196442, + 1.8414459228515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/6.png", + [ + 0.1415582150220871, + 0.009377958253026009, + -0.163771852850914, + 1.9801243543624878, + 0.02557262033224106, + -0.21493712067604065, + 0.009796208702027798, + -0.13153763115406036, + -0.16203458607196808, + -0.025728940963745117, + -0.1415298879146576, + 1.7636703252792358, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/20.png", + [ + 0.14665353298187256, + 0.0060270740650594234, + -0.1593872755765915, + 1.7806098461151123, + 0.02246733009815216, + -0.2151416689157486, + 0.012537003494799137, + -0.15386682748794556, + -0.15791089832782745, + -0.025012632831931114, + -0.14624091982841492, + 1.7023149728775024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/2.png", + [ + 0.14288988709449768, + 0.012518806383013725, + -0.16239964962005615, + 1.9785656929016113, + 0.025860045105218887, + -0.21503721177577972, + 0.006176918279379606, + -0.0843946635723114, + -0.1608155071735382, + -0.023455822840332985, + -0.14330418407917023, + 1.793827772140503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/117.png", + [ + 0.1617981344461441, + -0.041144195944070816, + -0.13811741769313812, + 1.6947991847991943, + -0.008163134567439556, + -0.20993979275226593, + 0.05297684296965599, + -0.6592842936515808, + -0.1438840925693512, + -0.03435604274272919, + -0.15831907093524933, + 1.999045968055725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/5.png", + [ + 0.1401953250169754, + 0.010814925655722618, + -0.1648520529270172, + 1.9981789588928223, + 0.02668135054409504, + -0.21485371887683868, + 0.008595424704253674, + -0.11598774790763855, + -0.16303764283657074, + -0.025861423462629318, + -0.140348881483078, + 1.7518603801727295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/108.png", + [ + 0.1627504527568817, + -0.03588155657052994, + -0.1384655237197876, + 1.6934313774108887, + -0.0008255848661065102, + -0.20997872948646545, + 0.05344291403889656, + -0.6684713959693909, + -0.14303672313690186, + -0.03961489722132683, + -0.15785768628120422, + 1.9920302629470825, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/60.png", + [ + 0.1675216108560562, + -0.05877615511417389, + -0.12421659380197525, + 1.4832165241241455, + -0.017943965271115303, + -0.20353469252586365, + 0.07210779190063477, + -0.8669530153274536, + -0.13624395430088043, + -0.04546298831701279, + -0.16223005950450897, + 1.9806278944015503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/56.png", + [ + 0.16965153813362122, + -0.057403068989515305, + -0.1219472885131836, + 1.4300799369812012, + -0.01880788989365101, + -0.2042057067155838, + 0.06995847821235657, + -0.8287338018417358, + -0.1334635466337204, + -0.044190648943185806, + -0.16487134993076324, + 1.9874337911605835, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/30.png", + [ + 0.15097694098949432, + -0.0115121528506279, + -0.1549881398677826, + 1.7692773342132568, + 0.0163804292678833, + -0.213697150349617, + 0.031829409301280975, + -0.3711302876472473, + -0.1545494645833969, + -0.033895429223775864, + -0.14803194999694824, + 1.7508721351623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/17.png", + [ + 0.14306695759296417, + 0.008974415250122547, + -0.1624782830476761, + 1.8442115783691406, + 0.02499626763164997, + -0.21498920023441315, + 0.010135120712220669, + -0.13077855110168457, + -0.16079466044902802, + -0.025436071678996086, + -0.14298942685127258, + 1.6889172792434692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/12.png", + [ + 0.152118980884552, + 0.004899610765278339, + -0.15421967208385468, + 1.8039255142211914, + 0.02243073470890522, + -0.21496698260307312, + 0.015295624732971191, + -0.19392099976539612, + -0.1526583433151245, + -0.02670370042324066, + -0.15142731368541718, + 1.8331444263458252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/114.png", + [ + 0.16064989566802979, + -0.040586430579423904, + -0.13961465656757355, + 1.715678334236145, + -0.008985655382275581, + -0.21043522655963898, + 0.05083470791578293, + -0.63402259349823, + -0.14511638879776, + -0.03190065175294876, + -0.15770694613456726, + 1.9966000318527222, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/27.png", + [ + 0.1502193808555603, + -0.0010589748853817582, + -0.15614387392997742, + 1.755718469619751, + 0.021516114473342896, + -0.21446244418621063, + 0.02215423434972763, + -0.25840243697166443, + -0.15465795993804932, + -0.030864736065268517, + -0.14858052134513855, + 1.7345497608184814, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/42.png", + [ + 0.1824137270450592, + -0.0458296574652195, + -0.10757680237293243, + 1.235850214958191, + -0.014705900102853775, + -0.20674791932106018, + 0.06314212828874588, + -0.7306861877441406, + -0.11600372195243835, + -0.04585668072104454, + -0.1771671622991562, + 2.1036643981933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/7.png", + [ + 0.14870838820934296, + 0.009999506175518036, + -0.15726959705352783, + 1.8943639993667603, + 0.02562740258872509, + -0.21489398181438446, + 0.010568957775831223, + -0.13979369401931763, + -0.15548938512802124, + -0.025854911655187607, + -0.14866898953914642, + 1.8418262004852295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/73.png", + [ + 0.16743987798690796, + -0.048917584121227264, + -0.12852570414543152, + 1.5615938901901245, + -0.004083553794771433, + -0.2041824609041214, + 0.0723930150270462, + -0.882891058921814, + -0.13745948672294617, + -0.05352097004652023, + -0.15870819985866547, + 1.9812973737716675, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/120.png", + [ + 0.16247062385082245, + -0.03840747848153114, + -0.13811609148979187, + 1.6873712539672852, + -0.00528100086376071, + -0.21021535992622375, + 0.05224471166729927, + -0.6510953307151794, + -0.14325955510139465, + -0.035808712244033813, + -0.15856334567070007, + 1.9949852228164673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/46.png", + [ + 0.18366242945194244, + -0.054390862584114075, + -0.10128000378608704, + 1.144945740699768, + -0.01915132999420166, + -0.20269779860973358, + 0.07412644475698471, + -0.8456373810768127, + -0.11335445940494537, + -0.05388078838586807, + -0.17662253975868225, + 2.066196918487549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/127.png", + [ + 0.16443166136741638, + -0.03642232343554497, + -0.13632144033908844, + 1.642580509185791, + -0.0007868458051234484, + -0.20956526696681976, + 0.05504247918725014, + -0.6749482750892639, + -0.14110103249549866, + -0.041276007890701294, + -0.15916872024536133, + 1.9761377573013306, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/133.png", + [ + 0.16101327538490295, + -0.038782235234975815, + -0.13970880210399628, + 1.6924301385879517, + -0.007345542311668396, + -0.2106935828924179, + 0.0500214658677578, + -0.6163450479507446, + -0.14480556547641754, + -0.03243520110845566, + -0.15788349509239197, + 1.9714099168777466, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/57.png", + [ + 0.16905507445335388, + -0.056283943355083466, + -0.12328984588384628, + 1.4535088539123535, + -0.01764257624745369, + -0.20456862449645996, + 0.06919759511947632, + -0.823154091835022, + -0.13437636196613312, + -0.04395094886422157, + -0.1641925573348999, + 1.9852501153945923, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/44.png", + [ + 0.18352775275707245, + -0.048128753900527954, + -0.10463783144950867, + 1.1919257640838623, + -0.017397291958332062, + -0.20617572963237762, + 0.0643179789185524, + -0.7381159663200378, + -0.11385423690080643, + -0.04607702046632767, + -0.17849934101104736, + 2.101637840270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/113.png", + [ + 0.16222426295280457, + -0.04179701581597328, + -0.13741976022720337, + 1.6870194673538208, + -0.009634297341108322, + -0.2099975347518921, + 0.05249865725636482, + -0.6541436910629272, + -0.14331209659576416, + -0.03319546580314636, + -0.15908360481262207, + 2.0117101669311523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/126.png", + [ + 0.16460788249969482, + -0.036174263805150986, + -0.1361747533082962, + 1.6388846635818481, + -0.0015493120299652219, + -0.20986376702785492, + 0.053876642137765884, + -0.6604415774345398, + -0.14088910818099976, + -0.03995642438530922, + -0.15969231724739075, + 1.981706976890564, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/29.png", + [ + 0.14805494248867035, + -0.008281774818897247, + -0.15798430144786835, + 1.7975208759307861, + 0.01827714405953884, + -0.21403321623802185, + 0.02834836207330227, + -0.32932937145233154, + -0.15714187920093536, + -0.032697033137083054, + -0.14555145800113678, + 1.7171169519424438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/4.png", + [ + 0.14347580075263977, + 0.01220488641411066, + -0.16190624237060547, + 1.9634480476379395, + 0.02603173814713955, + -0.21499572694301605, + 0.006861538160592318, + -0.09506142139434814, + -0.16026520729064941, + -0.023995263502001762, + -0.14383040368556976, + 1.7932209968566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/55.png", + [ + 0.17336538434028625, + -0.05729634687304497, + -0.11665961146354675, + 1.3619567155838013, + -0.0203049685806036, + -0.20403581857681274, + 0.07003561407327652, + -0.8260462284088135, + -0.1283746212720871, + -0.045104414224624634, + -0.1686221808195114, + 2.023153305053711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/9.png", + [ + 0.14429301023483276, + 0.011974412947893143, + -0.16119563579559326, + 1.9256497621536255, + 0.02947463095188141, + -0.21440568566322327, + 0.01045686099678278, + -0.140243798494339, + -0.1589297652244568, + -0.02889140322804451, + -0.14441092312335968, + 1.778359055519104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/25.png", + [ + 0.15042506158351898, + 0.0007625268190167844, + -0.1559474617242813, + 1.7363972663879395, + 0.020857591181993484, + -0.21482375264167786, + 0.019068574532866478, + -0.22225195169448853, + -0.15454822778701782, + -0.02825010195374489, + -0.149213507771492, + 1.7246476411819458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/99.png", + [ + 0.16126036643981934, + -0.028280725702643394, + -0.14192672073841095, + 1.7030278444290161, + 0.004947252571582794, + -0.211295485496521, + 0.04772453382611275, + -0.5872628688812256, + -0.14463233947753906, + -0.03875960782170296, + -0.15661121904850006, + 1.937942624092102, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/34.png", + [ + 0.16077010333538055, + -0.020783087238669395, + -0.14376690983772278, + 1.6707708835601807, + 0.009012548252940178, + -0.21260520815849304, + 0.04081286862492561, + -0.4823758006095886, + -0.1449815183877945, + -0.03626265004277229, + -0.15688617527484894, + 1.8827167749404907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/72.png", + [ + 0.17090213298797607, + -0.04491308331489563, + -0.12539207935333252, + 1.518414855003357, + -0.001906145946122706, + -0.20478825271129608, + 0.07075334340333939, + -0.8661016821861267, + -0.13317927718162537, + -0.05470360070466995, + -0.16192185878753662, + 2.0126590728759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/102.png", + [ + 0.15920285880565643, + -0.025314753875136375, + -0.14478090405464172, + 1.754197359085083, + 0.008042793720960617, + -0.21161630749702454, + 0.04584478959441185, + -0.5726374983787537, + -0.14675714075565338, + -0.0390588641166687, + -0.1545465588569641, + 1.9353188276290894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/134.png", + [ + 0.16063542664051056, + -0.0404585525393486, + -0.13966839015483856, + 1.6931785345077515, + -0.009470908902585506, + -0.21058782935142517, + 0.050109509378671646, + -0.6183884739875793, + -0.14510154724121094, + -0.031044593080878258, + -0.15789131820201874, + 1.9737812280654907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/70.png", + [ + 0.17310340702533722, + -0.054295483976602554, + -0.11846984922885895, + 1.4275177717208862, + -0.007706383243203163, + -0.20089343190193176, + 0.08081047981977463, + -0.9855058789253235, + -0.13009119033813477, + -0.060346681624650955, + -0.16242676973342896, + 2.012561321258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/135.png", + [ + 0.16290134191513062, + -0.040919676423072815, + -0.13688182830810547, + 1.6566722393035889, + -0.01056599710136652, + -0.21047918498516083, + 0.050346530973911285, + -0.6195981502532959, + -0.14247600734233856, + -0.031176811084151268, + -0.1602388322353363, + 1.9978820085525513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/130.png", + [ + 0.15850940346717834, + -0.03416968137025833, + -0.14371882379055023, + 1.7352370023727417, + -0.00029127910966053605, + -0.21087051928043365, + 0.04981398954987526, + -0.6135519742965698, + -0.1477246731519699, + -0.03624847158789635, + -0.15430928766727448, + 1.9234377145767212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/90.png", + [ + 0.16352549195289612, + -0.03144371137022972, + -0.13863113522529602, + 1.631717324256897, + 0.0024962688330560923, + -0.21063962578773499, + 0.05072090029716492, + -0.6090549230575562, + -0.14213047921657562, + -0.039876487106084824, + -0.1586086004972458, + 1.9294041395187378, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/122.png", + [ + 0.16384725272655487, + -0.036327335983514786, + -0.13704852759838104, + 1.665686845779419, + -0.002695620758458972, + -0.21020197868347168, + 0.052495326846838, + -0.6509836912155151, + -0.14175580441951752, + -0.03799145668745041, + -0.15940462052822113, + 1.9961169958114624, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/15.png", + [ + 0.14358311891555786, + 0.010304335504770279, + -0.1619432270526886, + 1.8611743450164795, + 0.026811914518475533, + -0.21477167308330536, + 0.010106372646987438, + -0.13273975253105164, + -0.16004031896591187, + -0.026736455038189888, + -0.14359717071056366, + 1.7119839191436768, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/22.png", + [ + 0.14331547915935516, + 0.005268764216452837, + -0.16242170333862305, + 1.807173728942871, + 0.02353188581764698, + -0.2149510532617569, + 0.013790992088615894, + -0.16551828384399414, + -0.16079434752464294, + -0.02676156349480152, + -0.1427476406097412, + 1.6545722484588623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/138.png", + [ + 0.16677625477313995, + -0.03866751119494438, + -0.1328096240758896, + 1.5968011617660522, + -0.011735188774764538, + -0.21124175190925598, + 0.0467665009200573, + -0.5698893666267395, + -0.13782545924186707, + -0.028803542256355286, + -0.16468878090381622, + 2.038001537322998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/109.png", + [ + 0.1630459576845169, + -0.03650243952870369, + -0.13795462250709534, + 1.687911033630371, + -0.0025513069704174995, + -0.21017828583717346, + 0.0525972880423069, + -0.6569614410400391, + -0.1426793485879898, + -0.0379546582698822, + -0.15858732163906097, + 2.0017409324645996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/26.png", + [ + 0.14427325129508972, + 0.0011669936357066035, + -0.16165322065353394, + 1.8127541542053223, + 0.021661078557372093, + -0.2148546576499939, + 0.017781149595975876, + -0.20978687703609467, + -0.1601996123790741, + -0.02800017222762108, + -0.1431780755519867, + 1.6668318510055542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/43.png", + [ + 0.18115289509296417, + -0.047062672674655914, + -0.10916329175233841, + 1.2489391565322876, + -0.01709658093750477, + -0.20721709728240967, + 0.06096459552645683, + -0.7024703621864319, + -0.11764024198055267, + -0.042356569319963455, + -0.17695927619934082, + 2.0952701568603516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/84.png", + [ + 0.16315680742263794, + -0.032407909631729126, + -0.13884337246418, + 1.6413191556930542, + 0.0015387915773317218, + -0.21059037744998932, + 0.05096288397908211, + -0.6178813576698303, + -0.14256712794303894, + -0.03936128690838814, + -0.15834517776966095, + 1.9367080926895142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/136.png", + [ + 0.16023312509059906, + -0.040022481232881546, + -0.1402549296617508, + 1.6950088739395142, + -0.010738871991634369, + -0.21102935075759888, + 0.04794979467988014, + -0.5893802046775818, + -0.14545762538909912, + -0.028508026152849197, + -0.15804196894168854, + 1.9695533514022827, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/89.png", + [ + 0.16299186646938324, + -0.0316772498190403, + -0.1392052173614502, + 1.63901948928833, + 0.002335477387532592, + -0.2106536328792572, + 0.05067044124007225, + -0.6079869270324707, + -0.14274482429027557, + -0.03961692377924919, + -0.15812116861343384, + 1.9254661798477173, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/63.png", + [ + 0.1639384627342224, + -0.06692485511302948, + -0.12487249821424484, + 1.5017411708831787, + -0.025842567905783653, + -0.2018977701663971, + 0.07427886128425598, + -0.8923744559288025, + -0.13929909467697144, + -0.04130679741501808, + -0.1607401818037033, + 1.982991337776184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/88.png", + [ + 0.163075789809227, + -0.03356645628809929, + -0.1386631727218628, + 1.6316769123077393, + 0.0001222385180881247, + -0.21055930852890015, + 0.05111423879861832, + -0.6142197251319885, + -0.14266803860664368, + -0.03854832798242569, + -0.15845425426959991, + 1.9281264543533325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/62.png", + [ + 0.165873721241951, + -0.06695447117090225, + -0.12227385491132736, + 1.4672441482543945, + -0.026055101305246353, + -0.20158879458904266, + 0.07503987848758698, + -0.8998605012893677, + -0.13694866001605988, + -0.04274282231926918, + -0.16237613558769226, + 1.9970124959945679, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/65.png", + [ + 0.16873960196971893, + -0.06351681798696518, + -0.12016842514276505, + 1.4433778524398804, + -0.02532077208161354, + -0.20289750397205353, + 0.07168928533792496, + -0.8659034967422485, + -0.13354286551475525, + -0.04178646206855774, + -0.16543303430080414, + 2.0441646575927734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/80.png", + [ + 0.16123801469802856, + -0.03440126031637192, + -0.1405942738056183, + 1.6791050434112549, + -0.0004665034939534962, + -0.210588276386261, + 0.05099271610379219, + -0.6245260238647461, + -0.14474108815193176, + -0.0376434251666069, + -0.15678291022777557, + 1.9381636381149292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/119.png", + [ + 0.16315534710884094, + -0.03895905613899231, + -0.1371510922908783, + 1.6787735223770142, + -0.005829596891999245, + -0.21007724106311798, + 0.052739519625902176, + -0.656516969203949, + -0.14245785772800446, + -0.03602266684174538, + -0.15923573076725006, + 2.006221294403076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/79.png", + [ + 0.16185444593429565, + -0.037809133529663086, + -0.13900180160999298, + 1.6658990383148193, + -0.004113271366804838, + -0.21020592749118805, + 0.05238746851682663, + -0.64089435338974, + -0.14399345219135284, + -0.03649432212114334, + -0.15774011611938477, + 1.9544919729232788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/116.png", + [ + 0.16177508234977722, + -0.041287049651145935, + -0.1381017565727234, + 1.6962465047836304, + -0.00929496344178915, + -0.21015195548534393, + 0.051938947290182114, + -0.6465176343917847, + -0.14384129643440247, + -0.03285469114780426, + -0.15867622196674347, + 2.005598545074463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/19.png", + [ + 0.1425972878932953, + 0.0073624481447041035, + -0.16297146677970886, + 1.8311644792556763, + 0.023006483912467957, + -0.21519818902015686, + 0.010408429428935051, + -0.12977363169193268, + -0.1615072786808014, + -0.02415425330400467, + -0.1424073576927185, + 1.667215347290039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/77.png", + [ + 0.16234619915485382, + -0.044306058436632156, + -0.13648654520511627, + 1.6420972347259521, + -0.012859362177550793, + -0.20975081622600555, + 0.05279320850968361, + -0.6462841033935547, + -0.14292041957378387, + -0.03145567700266838, + -0.15978795289993286, + 1.9843415021896362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/68.png", + [ + 0.17217640578746796, + -0.05956843122839928, + -0.11728078871965408, + 1.403852939605713, + -0.015387586317956448, + -0.20097887516021729, + 0.07948970794677734, + -0.9599409699440002, + -0.13063845038414001, + -0.05483606085181236, + -0.16393442451953888, + 2.0211849212646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/86.png", + [ + 0.1629023551940918, + -0.03331737965345383, + -0.13892681896686554, + 1.6388957500457764, + 0.00015132533735595644, + -0.210659921169281, + 0.050697825849056244, + -0.6104826927185059, + -0.14286595582962036, + -0.03821314871311188, + -0.15835706889629364, + 1.932052493095398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/1.png", + [ + 0.1373768299818039, + 0.014275860972702503, + -0.16694818437099457, + 2.037890911102295, + 0.026523403823375702, + -0.21501760184764862, + 0.0034390322398394346, + -0.0534820631146431, + -0.16544486582279205, + -0.022616755217313766, + -0.13807378709316254, + 1.73555588722229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/81.png", + [ + 0.1607721745967865, + -0.03334169089794159, + -0.14138078689575195, + 1.6806379556655884, + -0.0011896020732820034, + -0.21118475496768951, + 0.04845072329044342, + -0.5913786888122559, + -0.1452541947364807, + -0.035174138844013214, + -0.15688177943229675, + 1.9318851232528687, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/95.png", + [ + 0.162751704454422, + -0.03173330798745155, + -0.13947317004203796, + 1.6539887189865112, + 0.003566981991752982, + -0.2103089988231659, + 0.05201239138841629, + -0.6298269033432007, + -0.14299315214157104, + -0.04136435315012932, + -0.15744788944721222, + 1.9231735467910767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/103.png", + [ + 0.16322314739227295, + -0.022112958133220673, + -0.1407732516527176, + 1.7075791358947754, + 0.010247504338622093, + -0.21167424321174622, + 0.04513196647167206, + -0.568354606628418, + -0.14213049411773682, + -0.040656156837940216, + -0.15841050446033478, + 1.9828823804855347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/83.png", + [ + 0.16378195583820343, + -0.03382495045661926, + -0.13776515424251556, + 1.6297454833984375, + -0.0011958616087213159, + -0.2107466608285904, + 0.05032212287187576, + -0.6100897192955017, + -0.14185181260108948, + -0.037277594208717346, + -0.1594877541065216, + 1.9528783559799194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/51.png", + [ + 0.18094336986541748, + -0.05400236323475838, + -0.10625974833965302, + 1.2178740501403809, + -0.015439649112522602, + -0.20215262472629547, + 0.07644493132829666, + -0.883834719657898, + -0.11819055676460266, + -0.05626680701971054, + -0.17266422510147095, + 2.0407299995422363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/128.png", + [ + 0.16269296407699585, + -0.03596899285912514, + -0.1385103464126587, + 1.6702797412872314, + 4.0211467421613634e-05, + -0.20970720052719116, + 0.054504938423633575, + -0.6691070199012756, + -0.1431044638156891, + -0.040951453149318695, + -0.157454714179039, + 1.957563042640686, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/93.png", + [ + 0.16191890835762024, + -0.033358488231897354, + -0.14006203413009644, + 1.6552318334579468, + 0.0015112397959455848, + -0.21037353575229645, + 0.05185159668326378, + -0.6248284578323364, + -0.14397180080413818, + -0.03972510248422623, + -0.15697748959064484, + 1.9146066904067993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/76.png", + [ + 0.1501534879207611, + -0.05914861336350441, + -0.14457961916923523, + 1.6284675598144531, + -0.05792364478111267, + -0.20732709765434265, + 0.024662336334586143, + -0.28847500681877136, + -0.145074725151062, + 0.021559711545705795, + -0.15948791801929474, + 1.8429268598556519, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/48.png", + [ + 0.1837480217218399, + -0.07006379961967468, + -0.09097042679786682, + 1.0708050727844238, + -0.061800528317689896, + -0.20502324402332306, + 0.033076487481594086, + -0.37319308519363403, + -0.09677420556545258, + -0.00210323603823781, + -0.193851038813591, + 2.3112330436706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/137.png", + [ + 0.17518356442451477, + -0.06269565224647522, + -0.1110309436917305, + 1.263661503791809, + -0.047004930675029755, + -0.20713889598846436, + 0.042800817638635635, + -0.500276505947113, + -0.11852911114692688, + -0.010518062859773636, + -0.18107490241527557, + 2.1146907806396484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/35.png", + [ + 0.19426316022872925, + -0.02823733352124691, + -0.09171895682811737, + 1.0799896717071533, + 0.008283902890980244, + -0.20137585699558258, + 0.07954270392656326, + -0.9430812001228333, + -0.09560905396938324, + -0.07482190430164337, + -0.17946721613407135, + 2.1516332626342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/124.png", + [ + 0.18126854300498962, + -0.0625687688589096, + -0.10086999833583832, + 1.1740658283233643, + -0.04831569269299507, + -0.20707739889621735, + 0.04162251204252243, + -0.49977627396583557, + -0.10842140763998032, + -0.012328394688665867, + -0.18719162046909332, + 2.2410383224487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/97.png", + [ + 0.16842752695083618, + -0.05696379393339157, + -0.12383532524108887, + 1.3679264783859253, + -0.049840331077575684, + -0.20895272493362427, + 0.028330011293292046, + -0.3239608108997345, + -0.1268700212240219, + 0.006463328842073679, + -0.17552810907363892, + 1.9907909631729126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/13.png", + [ + 0.18535809218883514, + -0.035334665328264236, + -0.10649758577346802, + 1.252853274345398, + -0.00807429663836956, + -0.2093178927898407, + 0.05539602041244507, + -0.6620522141456604, + -0.11191549897193909, + -0.043420903384685516, + -0.18038135766983032, + 2.165377616882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/32.png", + [ + 0.19331814348697662, + -0.02259957417845726, + -0.09521157294511795, + 1.1270133256912231, + 0.013656905852258205, + -0.202523335814476, + 0.0758003294467926, + -0.9041097164154053, + -0.09689929336309433, + -0.07363057136535645, + -0.17926783859729767, + 2.1568799018859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/38.png", + [ + 0.19421003758907318, + -0.041340820491313934, + -0.08672533184289932, + 1.0142079591751099, + -0.006067892070859671, + -0.20047679543495178, + 0.08197639882564545, + -0.9731376767158508, + -0.09588288515806198, + -0.07104846835136414, + -0.18084931373596191, + 2.169893264770508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/148.png", + [ + 0.18448416888713837, + -0.055650126188993454, + -0.09907852858304977, + 1.1442115306854248, + -0.042239777743816376, + -0.20896080136299133, + 0.03871801123023033, + -0.46185994148254395, + -0.10549546778202057, + -0.013650898821651936, + -0.18876509368419647, + 2.2338523864746094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/111.png", + [ + 0.1744987964630127, + -0.06999555975198746, + -0.10769720375537872, + 1.2023729085922241, + -0.060557663440704346, + -0.20504949986934662, + 0.035147763788700104, + -0.4054926931858063, + -0.11327329277992249, + 0.0017936977092176676, + -0.18469931185245514, + 2.132601737976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/11.png", + [ + 0.18231342732906342, + -0.045656777918338776, + -0.1078200563788414, + 1.272908329963684, + -0.018298903480172157, + -0.20818178355693817, + 0.05721358582377434, + -0.684990644454956, + -0.11564970761537552, + -0.0390346460044384, + -0.17902326583862305, + 2.1542601585388184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/125.png", + [ + 0.17951443791389465, + -0.06211269646883011, + -0.10423282533884048, + 1.2191252708435059, + -0.04772469401359558, + -0.20727455615997314, + 0.0413220152258873, + -0.4975587725639343, + -0.11155636608600616, + -0.011276897974312305, + -0.18540741503238678, + 2.2260613441467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/59.png", + [ + 0.19109715521335602, + -0.05710671469569206, + -0.08466756343841553, + 1.0033228397369385, + -0.040911365300416946, + -0.20739677548408508, + 0.04754715412855148, + -0.5790399312973022, + -0.0935736745595932, + -0.025947939604520798, + -0.19369709491729736, + 2.356748104095459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/105.png", + [ + 0.15837515890598297, + -0.06348177790641785, + -0.13354872167110443, + 1.4956125020980835, + -0.0584050752222538, + -0.2066350132226944, + 0.02896055392920971, + -0.3358193039894104, + -0.13584566116333008, + 0.014830023981630802, + -0.1681484878063202, + 1.9221302270889282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/121.png", + [ + 0.17255134880542755, + -0.06454697251319885, + -0.11405090987682343, + 1.311472773551941, + -0.05307205393910408, + -0.20683276653289795, + 0.0367622971534729, + -0.43662479519844055, + -0.11982187628746033, + -0.0013405680656433105, + -0.18052372336387634, + 2.128939151763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/24.png", + [ + 0.19383975863456726, + -0.00374962599016726, + -0.09674695879220963, + 1.1516534090042114, + 0.028802990913391113, + -0.20447613298892975, + 0.06563382595777512, + -0.7919697165489197, + -0.0924360454082489, + -0.07157759368419647, + -0.18242838978767395, + 2.216578960418701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/74.png", + [ + 0.1477494090795517, + -0.05470415949821472, + -0.1487462818622589, + 1.6999794244766235, + -0.05581476166844368, + -0.20829015970230103, + 0.02116180770099163, + -0.25014862418174744, + -0.1483331173658371, + 0.02388647198677063, + -0.15612372756004333, + 1.8216893672943115, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/129.png", + [ + 0.16920709609985352, + -0.0616360604763031, + -0.12049005925655365, + 1.4110826253890991, + -0.04795445501804352, + -0.20768997073173523, + 0.03889913111925125, + -0.46539321541786194, + -0.12655919790267944, + -0.0037105099763721228, + -0.17583201825618744, + 2.094013214111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/144.png", + [ + 0.17336049675941467, + -0.05808005481958389, + -0.11627870798110962, + 1.331620693206787, + -0.04821660742163658, + -0.2087453007698059, + 0.03237980976700783, + -0.37733495235443115, + -0.12070289254188538, + -3.145585287711583e-05, + -0.1799408346414566, + 2.0981407165527344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/98.png", + [ + 0.1699942797422409, + -0.05491924285888672, + -0.12261205166578293, + 1.358500599861145, + -0.048918187618255615, + -0.20947256684303284, + 0.026002852246165276, + -0.2992522418498993, + -0.12512733042240143, + 0.007281067315489054, + -0.17674283683300018, + 2.0146398544311523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/0.png", + [ + 0.179578959941864, + -0.045525819063186646, + -0.11236852407455444, + 1.3100560903549194, + -0.020247220993041992, + -0.20925992727279663, + 0.052423540502786636, + -0.6222715377807617, + -0.11953800171613693, + -0.0329480916261673, + -0.1776878833770752, + 2.112464427947998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/96.png", + [ + 0.16368840634822845, + -0.05731170251965523, + -0.12988217175006866, + 1.438461184501648, + -0.05033647641539574, + -0.20878463983535767, + 0.028689907863736153, + -0.3288688063621521, + -0.13274125754833221, + 0.008499404415488243, + -0.17104212939739227, + 1.943231225013733, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/100.png", + [ + 0.17289549112319946, + -0.05856233462691307, + -0.1167282983660698, + 1.2959532737731934, + -0.05204034596681595, + -0.20852236449718475, + 0.027534157037734985, + -0.31658831238746643, + -0.1197783425450325, + 0.0060646263882517815, + -0.18045571446418762, + 2.065976142883301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/40.png", + [ + 0.19241192936897278, + -0.05262992903590202, + -0.08459097146987915, + 0.9875099062919617, + -0.019097214564681053, + -0.2000458985567093, + 0.08102366328239441, + -0.9640636444091797, + -0.0977795347571373, + -0.06449517607688904, + -0.1822839230298996, + 2.1796345710754395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/141.png", + [ + 0.1676967442035675, + -0.06005512550473213, + -0.12336564064025879, + 1.4223737716674805, + -0.04730363190174103, + -0.20817844569683075, + 0.03704046085476875, + -0.43392613530158997, + -0.12879465520381927, + -0.001734960125759244, + -0.17423208057880402, + 2.039250373840332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/52.png", + [ + 0.18098480999469757, + -0.05371998995542526, + -0.10633228719234467, + 1.2601699829101562, + -0.04250270873308182, + -0.20978465676307678, + 0.03364250063896179, + -0.40825018286705017, + -0.11129201948642731, + -0.007242986466735601, + -0.18576738238334656, + 2.225724220275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/3.png", + [ + 0.17815664410591125, + -0.052717454731464386, + -0.11148529499769211, + 1.2978280782699585, + -0.028833311051130295, + -0.20825636386871338, + 0.0524006262421608, + -0.6192388534545898, + -0.11990305036306381, + -0.028249872848391533, + -0.17825010418891907, + 2.119969367980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/47.png", + [ + 0.18331271409988403, + -0.06825713813304901, + -0.09319496899843216, + 1.094700574874878, + -0.05820402875542641, + -0.20556935667991638, + 0.03607530519366264, + -0.40468284487724304, + -0.09978292137384415, + -0.005486291367560625, + -0.19225285947322845, + 2.283433437347412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/104.png", + [ + 0.15837398171424866, + -0.059346236288547516, + -0.13543854653835297, + 1.5197674036026, + -0.05460371822118759, + -0.20790347456932068, + 0.027248375117778778, + -0.31714552640914917, + -0.13741908967494965, + 0.014214925467967987, + -0.16691860556602478, + 1.9103933572769165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/21.png", + [ + 0.19126735627651215, + 0.00673700449988246, + -0.10158398002386093, + 1.2097599506378174, + 0.038684237748384476, + -0.2047933042049408, + 0.05925479158759117, + -0.7174893617630005, + -0.09417124092578888, + -0.07044298201799393, + -0.18198204040527344, + 2.2104554176330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/82.png", + [ + 0.14288568496704102, + -0.05073010176420212, + -0.15478381514549255, + 1.741011381149292, + -0.05077650398015976, + -0.20951059460639954, + 0.021793346852064133, + -0.25940167903900146, + -0.15476860105991364, + 0.02190116047859192, + -0.15004970133304596, + 1.7256748676300049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/106.png", + [ + 0.16343946754932404, + -0.06435205787420273, + -0.12686309218406677, + 1.414008617401123, + -0.05883129686117172, + -0.20651383697986603, + 0.02896219491958618, + -0.3351708948612213, + -0.1295156627893448, + 0.012599322013556957, + -0.17324791848659515, + 1.9711376428604126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/14.png", + [ + 0.18596066534519196, + -0.02787177450954914, + -0.10765538364648819, + 1.2664128541946411, + 7.734134851489216e-05, + -0.20972628891468048, + 0.05443132668733597, + -0.6487632989883423, + -0.1112048327922821, + -0.04675403982400894, + -0.1799873262643814, + 2.1627025604248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/67.png", + [ + 0.16122251749038696, + -0.052072808146476746, + -0.13506890833377838, + 1.590048909187317, + -0.03621085360646248, + -0.21025030314922333, + 0.03783489018678665, + -0.45808833837509155, + -0.14015692472457886, + -0.005579219665378332, + -0.16514478623867035, + 1.9731858968734741, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/78.png", + [ + 0.15024501085281372, + -0.06008509546518326, + -0.14409758150577545, + 1.6150364875793457, + -0.05739767476916313, + -0.20723804831504822, + 0.026566753163933754, + -0.3095872700214386, + -0.14518898725509644, + 0.019750090315937996, + -0.15961825847625732, + 1.8345485925674438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/31.png", + [ + 0.19415250420570374, + -0.022285185754299164, + -0.09357386082410812, + 1.106988549232483, + 0.01236372347921133, + -0.20324967801570892, + 0.07405812293291092, + -0.8863525986671448, + -0.09539306163787842, + -0.07169962674379349, + -0.18085137009620667, + 2.175229549407959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/39.png", + [ + 0.19393108785152435, + -0.0480404794216156, + -0.08384954184293747, + 0.9780822396278381, + -0.014296512119472027, + -0.20019793510437012, + 0.08163511008024216, + -0.9690542817115784, + -0.09557323902845383, + -0.06753364950418472, + -0.1823536604642868, + 2.182852268218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/92.png", + [ + 0.15874172747135162, + -0.058996982872486115, + -0.13516032695770264, + 1.4918969869613647, + -0.05385660380125046, + -0.20805683732032776, + 0.02756308577954769, + -0.31583553552627563, + -0.13728958368301392, + 0.013401960954070091, + -0.16709235310554504, + 1.89303457736969, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/53.png", + [ + 0.1805819720029831, + -0.051174286752939224, + -0.10825542360544205, + 1.281802773475647, + -0.0388907715678215, + -0.21033617854118347, + 0.03455560281872749, + -0.42170998454093933, + -0.11324995011091232, + -0.009368802420794964, + -0.1844845861196518, + 2.212136745452881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/75.png", + [ + 0.14947707951068878, + -0.05638103187084198, + -0.14637510478496552, + 1.6597137451171875, + -0.05612741410732269, + -0.20803166925907135, + 0.02281314693391323, + -0.2682443857192993, + -0.14647255837917328, + 0.02217894047498703, + -0.15811952948570251, + 1.8356959819793701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/151.png", + [ + 0.18084117770195007, + -0.0540277473628521, + -0.10642073303461075, + 1.249364972114563, + -0.03908848017454147, + -0.20935820043087006, + 0.03986390680074692, + -0.4797002375125885, + -0.1127672791481018, + -0.014072760939598083, + -0.1844814121723175, + 2.2021045684814453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/87.png", + [ + 0.1518660932779312, + -0.057494405657052994, + -0.14345373213291168, + 1.5982251167297363, + -0.05715784430503845, + -0.20775708556175232, + 0.02275669388473034, + -0.2663111388683319, + -0.14358818531036377, + 0.021892433986067772, + -0.1607826203107834, + 1.8416279554367065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/139.png", + [ + 0.17501294612884521, + -0.06358349323272705, + -0.11079487204551697, + 1.2702174186706543, + -0.04754440486431122, + -0.20684783160686493, + 0.04360509291291237, + -0.5098533034324646, + -0.11856599152088165, + -0.010909350588917732, + -0.1810275912284851, + 2.1192545890808105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/107.png", + [ + 0.16783352196216583, + -0.06751426309347153, + -0.1192544624209404, + 1.321892261505127, + -0.06185143440961838, + -0.2055763304233551, + 0.02933717891573906, + -0.33497166633605957, + -0.12228737026453018, + 0.011317876167595387, + -0.17850936949253082, + 2.0275917053222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/112.png", + [ + 0.16967646777629852, + -0.06853978335857391, + -0.11601762473583221, + 1.305739402770996, + -0.05856082960963249, + -0.20552130043506622, + 0.03577036038041115, + -0.41592004895210266, + -0.12136071175336838, + 0.0033446450252085924, + -0.17946666479110718, + 2.073965549468994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/69.png", + [ + 0.1511368602514267, + -0.048783425241708755, + -0.1473964899778366, + 1.7287112474441528, + -0.03938279300928116, + -0.21101918816566467, + 0.02945828251540661, + -0.3563387393951416, + -0.15018169581890106, + 0.006242782808840275, + -0.1560588777065277, + 1.8561903238296509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/45.png", + [ + 0.18411163985729218, + -0.06425963342189789, + -0.09445371478796005, + 1.1068847179412842, + -0.04334967955946922, + -0.20504555106163025, + 0.0550001785159111, + -0.6480752825737, + -0.10569583624601364, + -0.027837298810482025, + -0.18708652257919312, + 2.216670513153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/50.png", + [ + 0.18327635526657104, + -0.06049815192818642, + -0.09847664088010788, + 1.167521357536316, + -0.05021727457642555, + -0.20796522498130798, + 0.034301288425922394, + -0.4053933620452881, + -0.10409563034772873, + -0.00619078753516078, + -0.18993069231510162, + 2.2707161903381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/101.png", + [ + 0.17133313417434692, + -0.059547264128923416, + -0.11851993203163147, + 1.318157434463501, + -0.053103458136320114, + -0.20821288228034973, + 0.027844473719596863, + -0.3209726810455322, + -0.12154370546340942, + 0.0070296102203428745, + -0.17923617362976074, + 2.050631046295166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/85.png", + [ + 0.14618341624736786, + -0.054371949285268784, + -0.1504061073064804, + 1.6900006532669067, + -0.05461818724870682, + -0.20849013328552246, + 0.022284621372818947, + -0.2638406753540039, + -0.15031683444976807, + 0.022878842428326607, + -0.15436740219593048, + 1.777862787246704, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/131.png", + [ + 0.16472013294696808, + -0.06085136905312538, + -0.12693415582180023, + 1.4753309488296509, + -0.048261575400829315, + -0.2079543024301529, + 0.03706370294094086, + -0.4442935585975647, + -0.132234588265419, + 9.646735998103395e-05, + -0.1716446727514267, + 2.03145170211792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/71.png", + [ + 0.14437071979045868, + -0.048527251929044724, + -0.1541106402873993, + 1.7935651540756226, + -0.043608177453279495, + -0.21070405840873718, + 0.025495611131191254, + -0.3042312562465668, + -0.15557412803173065, + 0.014028707519173622, + -0.15015918016433716, + 1.772716999053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/115.png", + [ + 0.14897696673870087, + -0.06944292783737183, + -0.14117871224880219, + 1.6167429685592651, + -0.062299951910972595, + -0.20457209646701813, + 0.03488364443182945, + -0.4107263684272766, + -0.14447306096553802, + 0.016608159989118576, + -0.1606225073337555, + 1.8655582666397095, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/54.png", + [ + 0.1804548054933548, + -0.04926745593547821, + -0.10934655368328094, + 1.2925353050231934, + -0.03552395850419998, + -0.21064089238643646, + 0.036281634122133255, + -0.4422304332256317, + -0.11455131322145462, + -0.012289268895983696, + -0.18350712954998016, + 2.2000975608825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/33.png", + [ + 0.19517774879932404, + -0.025987165048718452, + -0.09043346345424652, + 1.0687596797943115, + 0.009049966931343079, + -0.2020968645811081, + 0.07760707288980484, + -0.9208464026451111, + -0.09365704655647278, + -0.07368464022874832, + -0.18096084892749786, + 2.173224449157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/49.png", + [ + 0.1833856850862503, + -0.0666484385728836, + -0.09421024471521378, + 1.1119049787521362, + -0.058024462312459946, + -0.2061530202627182, + 0.032893676310777664, + -0.3801860809326172, + -0.09975343942642212, + -0.002610967494547367, + -0.19232870638370514, + 2.2975215911865234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/118.png", + [ + 0.15312547981739044, + -0.06878424435853958, + -0.13700075447559357, + 1.5754139423370361, + -0.06222756579518318, + -0.20485757291316986, + 0.03330162167549133, + -0.39543822407722473, + -0.14010071754455566, + 0.01581125147640705, + -0.16452866792678833, + 1.925254464149475, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/110.png", + [ + 0.17570728063583374, + -0.07104676961898804, + -0.10501045733690262, + 1.1633390188217163, + -0.06360812485218048, + -0.2046377807855606, + 0.032020047307014465, + -0.36777928471565247, + -0.10967609286308289, + 0.004861494991928339, + -0.18680314719676971, + 2.1525840759277344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/18.png", + [ + 0.1911170482635498, + -0.007778060156852007, + -0.10179227590560913, + 1.205332636833191, + 0.019728202372789383, + -0.20915865898132324, + 0.05302213504910469, + -0.6409822106361389, + -0.10016469657421112, + -0.05603615567088127, + -0.18377943336963654, + 2.222626209259033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/66.png", + [ + 0.16734233498573303, + -0.05608142539858818, + -0.12569530308246613, + 1.4802120923995972, + -0.040043462067842484, + -0.20915062725543976, + 0.040005460381507874, + -0.48491376638412476, + -0.1316850632429123, + -0.007667407859116793, + -0.17189574241638184, + 2.0565237998962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/16.png", + [ + 0.18842235207557678, + -0.01636098138988018, + -0.10572240501642227, + 1.2512296438217163, + 0.0124911367893219, + -0.2092965841293335, + 0.05465167760848999, + -0.6541216969490051, + -0.1062491312623024, + -0.05362045764923096, + -0.18106314539909363, + 2.1870689392089844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/94.png", + [ + 0.15893501043319702, + -0.05505465716123581, + -0.1365889310836792, + 1.5128673315048218, + -0.048791948705911636, + -0.2092992514371872, + 0.027587508782744408, + -0.31647899746894836, + -0.13894927501678467, + 0.01052185334265232, + -0.16592252254486084, + 1.8827241659164429, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/28.png", + [ + 0.19561615586280823, + -0.01845000684261322, + -0.09133351594209671, + 1.0840365886688232, + 0.0157464612275362, + -0.20278425514698029, + 0.07468926161527634, + -0.8962001204490662, + -0.09183824807405472, + -0.07406776398420334, + -0.18173496425151825, + 2.197927951812744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/61.png", + [ + 0.18846316635608673, + -0.05809266120195389, + -0.0897483378648758, + 1.0728341341018677, + -0.03992130607366562, + -0.20697803795337677, + 0.050142526626586914, + -0.6133041381835938, + -0.09917565435171127, + -0.02707815356552601, + -0.1907324194908142, + 2.3268179893493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/132.png", + [ + 0.1626223474740982, + -0.06087956205010414, + -0.12959766387939453, + 1.498341679573059, + -0.04949025809764862, + -0.20792582631111145, + 0.03557327762246132, + -0.42764735221862793, + -0.13435989618301392, + 0.002902100095525384, + -0.16996140778064728, + 2.001992702484131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/58.png", + [ + 0.18917535245418549, + -0.05519329383969307, + -0.09007929265499115, + 1.0648751258850098, + -0.04006931185722351, + -0.20843392610549927, + 0.04356194660067558, + -0.5281659364700317, + -0.09774982184171677, + -0.021375054493546486, + -0.1921873390674591, + 2.335801601409912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/123.png", + [ + 0.1801966428756714, + -0.062351178377866745, + -0.1029047742486, + 1.1923996210098267, + -0.048919662833213806, + -0.20726996660232544, + 0.03992398828268051, + -0.4769372045993805, + -0.10992694646120071, + -0.009969332255423069, + -0.18645262718200684, + 2.223198413848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/64.png", + [ + 0.1791115403175354, + -0.06012600287795067, + -0.10607456415891647, + 1.2558549642562866, + -0.04346484690904617, + -0.20760026574134827, + 0.04428127780556679, + -0.5356243252754211, + -0.1139199510216713, + -0.015326086431741714, + -0.18367157876491547, + 2.212258815765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/10.png", + [ + 0.17996372282505035, + -0.049662742763757706, + -0.10997527837753296, + 1.3039309978485107, + -0.02157244272530079, + -0.20753313601016998, + 0.05841682851314545, + -0.6989720463752747, + -0.11872480064630508, + -0.0375700443983078, + -0.17731556296348572, + 2.1403770446777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/41.png", + [ + 0.19089506566524506, + -0.0563991405069828, + -0.08559267967939377, + 0.9999334812164307, + -0.023420987650752068, + -0.20014096796512604, + 0.079642653465271, + -0.9500145316123962, + -0.09979192167520523, + -0.06091494858264923, + -0.1824248880147934, + 2.1777963638305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/91.png", + [ + 0.15934309363365173, + -0.05982871726155281, + -0.13408279418945312, + 1.4791373014450073, + -0.05528109148144722, + -0.20775596797466278, + 0.027006560936570168, + -0.3094756603240967, + -0.13602088391780853, + 0.014348405413329601, + -0.16804862022399902, + 1.903582215309143, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/140.png", + [ + 0.17015495896339417, + -0.06079592928290367, + -0.11957860738039017, + 1.3781487941741943, + -0.04608585312962532, + -0.20788203179836273, + 0.04011290892958641, + -0.4709348678588867, + -0.12598128616809845, + -0.006066831294447184, + -0.17618116736412048, + 2.0651516914367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/23.png", + [ + 0.19206537306308746, + 0.0020780880004167557, + -0.10027196258306503, + 1.195852279663086, + 0.03526182100176811, + -0.2041967809200287, + 0.0633101761341095, + -0.7651582956314087, + -0.09389031678438187, + -0.07243795692920685, + -0.18134291470050812, + 2.206209182739258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/37.png", + [ + 0.19576981663703918, + -0.035175781697034836, + -0.08593450486660004, + 1.0045233964920044, + -0.00021632523566950113, + -0.20069779455661774, + 0.08165930211544037, + -0.9649220108985901, + -0.09285487234592438, + -0.07369500398635864, + -0.18136954307556152, + 2.1704211235046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/36.png", + [ + 0.19507375359535217, + -0.03076120838522911, + -0.0891507938504219, + 1.0452641248703003, + 0.004896938800811768, + -0.2012442946434021, + 0.08015388250350952, + -0.9474020004272461, + -0.09418139606714249, + -0.07417798042297363, + -0.1804865151643753, + 2.161126136779785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/8.png", + [ + 0.1798320710659027, + -0.05821404606103897, + -0.1059219092130661, + 1.2574635744094849, + -0.03009396605193615, + -0.20547233521938324, + 0.06183343753218651, + -0.7407658100128174, + -0.11705843359231949, + -0.03660798817873001, + -0.17861992120742798, + 2.156722068786621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/6.png", + [ + 0.18223951756954193, + -0.06034232676029205, + -0.10047613084316254, + 1.1902750730514526, + -0.03166476637125015, + -0.2041921615600586, + 0.06519815325737, + -0.783663272857666, + -0.11284498125314713, + -0.040152959525585175, + -0.18055924773216248, + 2.175393581390381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/20.png", + [ + 0.1915712058544159, + 0.005351193714886904, + -0.10109269618988037, + 1.201812744140625, + 0.03709100931882858, + -0.20503586530685425, + 0.05943439155817032, + -0.720745325088501, + -0.09419461339712143, + -0.06985381990671158, + -0.18219691514968872, + 2.210202693939209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/2.png", + [ + 0.17867054045200348, + -0.04879745841026306, + -0.1124434694647789, + 1.303148627281189, + -0.02647695131599903, + -0.20943646132946014, + 0.0488184429705143, + -0.5737139582633972, + -0.11968164891004562, + -0.026515603065490723, + -0.17866481840610504, + 2.1152658462524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/117.png", + [ + 0.14774839580059052, + -0.07058722525835037, + -0.14190047979354858, + 1.633565068244934, + -0.06472116708755493, + -0.20395690202713013, + 0.03406824916601181, + -0.40367427468299866, + -0.14467021822929382, + 0.019155146554112434, + -0.1601608544588089, + 1.870829701423645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/149.png", + [ + 0.1834663450717926, + -0.05499981343746185, + -0.10130654275417328, + 1.1771347522735596, + -0.041791174560785294, + -0.2092020958662033, + 0.037892941385507584, + -0.4539940357208252, + -0.10743135213851929, + -0.012545814737677574, + -0.18774718046188354, + 2.230344772338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/5.png", + [ + 0.18275344371795654, + -0.0622984878718853, + -0.09832584112882614, + 1.1560661792755127, + -0.033942122012376785, + -0.20359666645526886, + 0.065910704433918, + -0.7901943922042847, + -0.11134183406829834, + -0.040189385414123535, + -0.1814819574356079, + 2.1775951385498047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/108.png", + [ + 0.17185404896736145, + -0.06974300742149353, + -0.11202676594257355, + 1.2323576211929321, + -0.06537602841854095, + -0.20477846264839172, + 0.027196474373340607, + -0.30829721689224243, + -0.1146300807595253, + 0.012230509892106056, + -0.18346184492111206, + 2.085695743560791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/60.png", + [ + 0.18972210586071014, + -0.05650728568434715, + -0.08809280395507812, + 1.048431634902954, + -0.03920753300189972, + -0.20747168362140656, + 0.048643309623003006, + -0.5941925048828125, + -0.09703703224658966, + -0.026651985943317413, + -0.1918889731168747, + 2.3390331268310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/56.png", + [ + 0.18413564562797546, + -0.05202435702085495, + -0.10166329890489578, + 1.2012403011322021, + -0.03665719926357269, + -0.20960453152656555, + 0.04086671769618988, + -0.4942508637905121, + -0.10815828293561935, + -0.01753009855747223, + -0.18692879378795624, + 2.2527341842651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/147.png", + [ + 0.18357352912425995, + -0.05647687241435051, + -0.10029467195272446, + 1.1516854763031006, + -0.043339066207408905, + -0.2088194638490677, + 0.03826291486620903, + -0.45414185523986816, + -0.10663200169801712, + -0.012356684543192387, + -0.18821482360363007, + 2.2188363075256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/30.png", + [ + 0.19470824301242828, + -0.021131986752152443, + -0.09268240630626678, + 1.0977940559387207, + 0.013513786718249321, + -0.20295442640781403, + 0.0746643990278244, + -0.8943276405334473, + -0.09409552067518234, + -0.07287546992301941, + -0.1810610294342041, + 2.1818790435791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/17.png", + [ + 0.19084377586841583, + -0.013585667125880718, + -0.10169550031423569, + 1.2031550407409668, + 0.013312431052327156, + -0.209672212600708, + 0.05299282446503639, + -0.6350327134132385, + -0.10173162817955017, + -0.052923429757356644, + -0.18384145200252533, + 2.2199010848999023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/12.png", + [ + 0.1840909868478775, + -0.040415190160274506, + -0.10688786208629608, + 1.2588263750076294, + -0.014039846137166023, + -0.20913468301296234, + 0.054895006120204926, + -0.6579579710960388, + -0.11340760439634323, + -0.03971385583281517, + -0.180303692817688, + 2.167588710784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/114.png", + [ + 0.15521405637264252, + -0.07222951948642731, + -0.13281337916851044, + 1.5117101669311523, + -0.0638514906167984, + -0.20385587215423584, + 0.03624456003308296, + -0.42280134558677673, + -0.13703826069831848, + 0.013174910098314285, + -0.16731655597686768, + 1.936545968055725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/27.png", + [ + 0.19462141394615173, + -0.013738459907472134, + -0.09424253553152084, + 1.1188349723815918, + 0.020456930622458458, + -0.2033734768629074, + 0.07189317792654037, + -0.8613318204879761, + -0.09301567077636719, + -0.07347359508275986, + -0.18137697875499725, + 2.194140911102295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/42.png", + [ + 0.1880027949810028, + -0.05801784247159958, + -0.09075664728879929, + 1.0630711317062378, + -0.026059439405798912, + -0.2016342580318451, + 0.07491613179445267, + -0.8981455564498901, + -0.10451671481132507, + -0.05408744141459465, + -0.18193046748638153, + 2.1752166748046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/7.png", + [ + 0.18040841817855835, + -0.05848134681582451, + -0.10478845983743668, + 1.2437719106674194, + -0.030289074406027794, + -0.20526880025863647, + 0.06241137161850929, + -0.7493433952331543, + -0.1161174327135086, + -0.03731675073504448, + -0.179086834192276, + 2.161052703857422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/73.png", + [ + 0.145170658826828, + -0.051319267600774765, + -0.15244576334953308, + 1.7538691759109497, + -0.04973011463880539, + -0.20960985124111176, + 0.023206094279885292, + -0.27527916431427, + -0.152971550822258, + 0.019440675154328346, + -0.1522158533334732, + 1.7834163904190063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/120.png", + [ + 0.16639845073223114, + -0.06388285756111145, + -0.12320076674222946, + 1.416486144065857, + -0.053431060165166855, + -0.20701581239700317, + 0.035177674144506454, + -0.4181322455406189, + -0.1280803382396698, + 0.003365585347637534, + -0.17473407089710236, + 2.0539379119873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/46.png", + [ + 0.18506482243537903, + -0.0675213634967804, + -0.0902206301689148, + 1.056457281112671, + -0.053391437977552414, + -0.20530392229557037, + 0.04413098096847534, + -0.5060560703277588, + -0.09923835843801498, + -0.01546135637909174, + -0.19199112057685852, + 2.2656984329223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/127.png", + [ + 0.17667599022388458, + -0.06245924532413483, + -0.1087765097618103, + 1.2754912376403809, + -0.04829078167676926, + -0.20728808641433716, + 0.040589991956949234, + -0.48657622933387756, + -0.1157647892832756, + -0.008853710256516933, + -0.18294267356395721, + 2.186610221862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/133.png", + [ + 0.1638161987066269, + -0.05800740793347359, + -0.12941129505634308, + 1.4885401725769043, + -0.046371906995773315, + -0.20876125991344452, + 0.034875087440013885, + -0.4166868031024933, + -0.1340215802192688, + 0.0013289162889122963, + -0.1702478975057602, + 1.991428017616272, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/57.png", + [ + 0.1871849149465561, + -0.05187593773007393, + -0.09601345658302307, + 1.1347649097442627, + -0.036825988441705704, + -0.20947352051734924, + 0.04138342663645744, + -0.5011633038520813, + -0.10273044556379318, + -0.019432656466960907, + -0.18978072702884674, + 2.299363613128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/44.png", + [ + 0.1845373958349228, + -0.06459281593561172, + -0.0933896154165268, + 1.0941615104675293, + -0.03821250796318054, + -0.20313525199890137, + 0.06499053537845612, + -0.7776821255683899, + -0.1069282591342926, + -0.03888102248311043, + -0.18439768254756927, + 2.19337797164917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/113.png", + [ + 0.16276198625564575, + -0.0701257660984993, + -0.12465474009513855, + 1.412510871887207, + -0.06065067648887634, + -0.20486414432525635, + 0.03605661913752556, + -0.4206836223602295, + -0.12952964007854462, + 0.007807777728885412, + -0.17351946234703064, + 2.007795810699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/126.png", + [ + 0.17948995530605316, + -0.06245703995227814, + -0.10406903922557831, + 1.2200337648391724, + -0.04855405539274216, + -0.20722045004367828, + 0.040621206164360046, + -0.4880388677120209, + -0.11123735457658768, + -0.010329428128898144, + -0.18565410375595093, + 2.2230587005615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/29.png", + [ + 0.19459007680416107, + -0.01949119381606579, + -0.09328822046518326, + 1.1066086292266846, + 0.015651684254407883, + -0.2026788592338562, + 0.07499462366104126, + -0.900007963180542, + -0.09400863200426102, + -0.07408955693244934, + -0.18061286211013794, + 2.1816353797912598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/4.png", + [ + 0.18189238011837006, + -0.05717625468969345, + -0.1029268130660057, + 1.2041903734207153, + -0.031023340299725533, + -0.2059919834136963, + 0.05960490182042122, + -0.7096469402313232, + -0.11358083039522171, + -0.035299673676490784, + -0.18111106753349304, + 2.162415027618408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/55.png", + [ + 0.18278257548809052, + -0.050740089267492294, + -0.1047084778547287, + 1.2359834909439087, + -0.036391641944646835, + -0.2101345807313919, + 0.038301482796669006, + -0.46484604477882385, + -0.11051729321479797, + -0.01472406554967165, + -0.18578758835792542, + 2.227783203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/9.png", + [ + 0.1809321492910385, + -0.05596482753753662, + -0.10525865107774734, + 1.2479552030563354, + -0.02861599065363407, + -0.2061096429824829, + 0.06039729714393616, + -0.7193511724472046, + -0.1157262846827507, + -0.03653280809521675, + -0.17950119078159332, + 2.1624317169189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/25.png", + [ + 0.19471733272075653, + -0.006178209092468023, + -0.09484134614467621, + 1.1273516416549683, + 0.026577208191156387, + -0.2040511816740036, + 0.06785769015550613, + -0.8148479461669922, + -0.09125076234340668, + -0.07261434197425842, + -0.18261529505252838, + 2.213346481323242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/99.png", + [ + 0.17266514897346497, + -0.05571848526597023, + -0.11844867467880249, + 1.3122401237487793, + -0.04973747581243515, + -0.20928668975830078, + 0.025945477187633514, + -0.29905739426612854, + -0.1210818737745285, + 0.006514180451631546, + -0.17956791818141937, + 2.051928997039795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/34.png", + [ + 0.195041224360466, + -0.027476830407977104, + -0.09028752148151398, + 1.0665030479431152, + 0.008227297104895115, + -0.20154881477355957, + 0.0791093185544014, + -0.9379925727844238, + -0.09401661157608032, + -0.07463911175727844, + -0.18038229644298553, + 2.1635584831237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/72.png", + [ + 0.1430675983428955, + -0.048812754452228546, + -0.15523166954517365, + 1.7956739664077759, + -0.046024322509765625, + -0.21039490401744843, + 0.02374107390642166, + -0.281913161277771, + -0.15608112514019012, + 0.01729714497923851, + -0.14928960800170898, + 1.7556408643722534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/102.png", + [ + 0.16593779623508453, + -0.05972415953874588, + -0.12587915360927582, + 1.407609462738037, + -0.053255707025527954, + -0.2080821543931961, + 0.028522562235593796, + -0.3303639888763428, + -0.12874925136566162, + 0.009095719084143639, + -0.17403675615787506, + 1.9938961267471313, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/134.png", + [ + 0.16749821603298187, + -0.06051305681467056, + -0.12341151386499405, + 1.4122222661972046, + -0.04735144227743149, + -0.20804132521152496, + 0.03774309903383255, + -0.44510746002197266, + -0.12903517484664917, + -0.002206947188824415, + -0.17404869198799133, + 2.0261149406433105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/70.png", + [ + 0.14616788923740387, + -0.04918249696493149, + -0.1521969884634018, + 1.7773675918579102, + -0.041805170476436615, + -0.21075725555419922, + 0.02795715071260929, + -0.3358898162841797, + -0.15438643097877502, + 0.010505069978535175, + -0.1516653299331665, + 1.798245906829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/135.png", + [ + 0.1708037555217743, + -0.05929561331868172, + -0.11940684914588928, + 1.360655426979065, + -0.04610929638147354, + -0.20836172997951508, + 0.037512894719839096, + -0.438738614320755, + -0.1250915378332138, + -0.004160977900028229, + -0.17686909437179565, + 2.0530953407287598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/130.png", + [ + 0.1647186428308487, + -0.06029025465250015, + -0.1272035837173462, + 1.4837151765823364, + -0.04713862016797066, + -0.20811574161052704, + 0.037599097937345505, + -0.449605256319046, + -0.13264092803001404, + -0.0009095260757021606, + -0.17132849991321564, + 2.034912109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/90.png", + [ + 0.1586783230304718, + -0.06044460088014603, + -0.1345939338207245, + 1.4840189218521118, + -0.05645819753408432, + -0.20748913288116455, + 0.026620106771588326, + -0.3050062358379364, + -0.13631418347358704, + 0.015575878322124481, + -0.16770130395889282, + 1.901474118232727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/122.png", + [ + 0.17741811275482178, + -0.06257069855928421, + -0.10749702155590057, + 1.239977240562439, + -0.04975277557969093, + -0.2073288857936859, + 0.03856541961431503, + -0.4599480926990509, + -0.1139972060918808, + -0.0068947989493608475, + -0.18413308262825012, + 2.183450222015381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/15.png", + [ + 0.18753491342067719, + -0.02243790775537491, + -0.1061842292547226, + 1.253770112991333, + 0.005900671239942312, + -0.2095717191696167, + 0.054706182330846786, + -0.6520656943321228, + -0.10836849361658096, + -0.050240661948919296, + -0.1807762235403061, + 2.17665958404541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/22.png", + [ + 0.1916741132736206, + 0.005418956279754639, + -0.10089381039142609, + 1.20273756980896, + 0.0378197580575943, + -0.2044820487499237, + 0.060865867882966995, + -0.735962986946106, + -0.09369414299726486, + -0.07145363837480545, + -0.18183420598506927, + 2.211793899536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/138.png", + [ + 0.1770583540201187, + -0.06538311392068863, + -0.1064109057188034, + 1.2142226696014404, + -0.04899170622229576, + -0.20617449283599854, + 0.04516398161649704, + -0.5279134511947632, + -0.11488273739814758, + -0.012846030294895172, + -0.18326163291931152, + 2.14202880859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/109.png", + [ + 0.17387373745441437, + -0.0702303871512413, + -0.10855186730623245, + 1.1950759887695312, + -0.06461877375841141, + -0.2047741413116455, + 0.028980251401662827, + -0.329550564289093, + -0.11198315769433975, + 0.00911774579435587, + -0.1852688044309616, + 2.122530460357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/26.png", + [ + 0.19535662233829498, + -0.010015973821282387, + -0.09318459779024124, + 1.1068205833435059, + 0.023066451773047447, + -0.20366863906383514, + 0.07024899125099182, + -0.8420282006263733, + -0.0908384770154953, + -0.07325750589370728, + -0.18256399035453796, + 2.2103796005249023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/43.png", + [ + 0.18576784431934357, + -0.06084369122982025, + -0.09346786886453629, + 1.0941146612167358, + -0.030320947989821434, + -0.2023032158613205, + 0.07142791152000427, + -0.8578608632087708, + -0.10732584446668625, + -0.048159655183553696, + -0.18196071684360504, + 2.1704540252685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/84.png", + [ + 0.14401233196258545, + -0.05206688120961189, + -0.1532885581254959, + 1.7247909307479858, + -0.05241060629487038, + -0.2091083824634552, + 0.0217879731208086, + -0.25899481773376465, + -0.1531713753938675, + 0.0225970596075058, + -0.15157769620418549, + 1.7461321353912354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/136.png", + [ + 0.17424389719963074, + -0.06052684038877487, + -0.1136813834309578, + 1.2923909425735474, + -0.046343158930540085, + -0.20791077613830566, + 0.039664991199970245, + -0.46287801861763, + -0.12016350775957108, + -0.007582930848002434, + -0.18014194071292877, + 2.095334053039551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/89.png", + [ + 0.15587101876735687, + -0.05794239044189453, + -0.13890571892261505, + 1.5365986824035645, + -0.05586327612400055, + -0.2079620361328125, + 0.024062011390924454, + -0.27766212821006775, + -0.13975483179092407, + 0.01850312575697899, + -0.16454215347766876, + 1.8737374544143677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/63.png", + [ + 0.18350885808467865, + -0.05785730481147766, + -0.09962393343448639, + 1.1859798431396484, + -0.04086257517337799, + -0.20787487924098969, + 0.045455314218997955, + -0.5538567900657654, + -0.10771558433771133, + -0.01970956102013588, + -0.18696731328964233, + 2.266068935394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/88.png", + [ + 0.1524338722229004, + -0.056891392916440964, + -0.14309147000312805, + 1.5884220600128174, + -0.05570323020219803, + -0.20808152854442596, + 0.023390553891658783, + -0.2719210684299469, + -0.14355818927288055, + 0.02033068798482418, + -0.16101428866386414, + 1.840912103652954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/62.png", + [ + 0.18529745936393738, + -0.056501004844903946, + -0.09705866873264313, + 1.161250352859497, + -0.0383775532245636, + -0.20784029364585876, + 0.04772292077541351, + -0.5847316384315491, + -0.10554578900337219, + -0.023620959371328354, + -0.1877499371767044, + 2.289799213409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/65.png", + [ + 0.17345212399959564, + -0.05858020856976509, + -0.1158905178308487, + 1.3666905164718628, + -0.04201909154653549, + -0.2082902044057846, + 0.042396776378154755, + -0.51220703125, + -0.12286842614412308, + -0.01146510150283575, + -0.17810052633285522, + 2.135891914367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/80.png", + [ + 0.14629077911376953, + -0.05639611557126045, + -0.14955393970012665, + 1.6784343719482422, + -0.05497346818447113, + -0.2081233114004135, + 0.024708377197384834, + -0.2888351082801819, + -0.15008270740509033, + 0.0212617889046669, + -0.15482574701309204, + 1.7774269580841064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/146.png", + [ + 0.18089263141155243, + -0.05749362334609032, + -0.1044999212026596, + 1.1962172985076904, + -0.04547375813126564, + -0.2087453007698059, + 0.03613070398569107, + -0.42616671323776245, + -0.11026279628276825, + -0.00823250412940979, + -0.18633902072906494, + 2.186847686767578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/119.png", + [ + 0.15879155695438385, + -0.06648033857345581, + -0.13158077001571655, + 1.5134750604629517, + -0.05764126777648926, + -0.20599515736103058, + 0.03451629355549812, + -0.410627156496048, + -0.1356857270002365, + 0.00970850046724081, + -0.16865059733390808, + 1.9785841703414917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/145.png", + [ + 0.1774146556854248, + -0.056665580719709396, + -0.11072912812232971, + 1.2661219835281372, + -0.046217575669288635, + -0.20910659432411194, + 0.032958537340164185, + -0.3870145380496979, + -0.11548100411891937, + -0.0033677031751722097, + -0.18330490589141846, + 2.1426539421081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/79.png", + [ + 0.14893902838230133, + -0.06121724098920822, + -0.14497417211532593, + 1.6244192123413086, + -0.05797547101974487, + -0.20691372454166412, + 0.02781100943684578, + -0.32378193736076355, + -0.14630074799060822, + 0.019673742353916168, + -0.15860934555530548, + 1.8203645944595337, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/116.png", + [ + 0.14516648650169373, + -0.0683644711971283, + -0.14560522139072418, + 1.6754050254821777, + -0.06230863183736801, + -0.2047184258699417, + 0.03399837762117386, + -0.4022834002971649, + -0.1482977271080017, + 0.019093317911028862, + -0.1568155586719513, + 1.8289990425109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/19.png", + [ + 0.19081653654575348, + -0.0005360143259167671, + -0.10264817625284195, + 1.2185136079788208, + 0.029765283688902855, + -0.2070736289024353, + 0.05641310289502144, + -0.6844965219497681, + -0.09823931753635406, + -0.06378184258937836, + -0.18228769302368164, + 2.2075586318969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/77.png", + [ + 0.15032774209976196, + -0.06102467700839043, + -0.14361561834812164, + 1.6116925477981567, + -0.059096284210681915, + -0.2068287432193756, + 0.026026736944913864, + -0.30309394001960754, + -0.1444198489189148, + 0.021112805232405663, + -0.160140722990036, + 1.8454904556274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/68.png", + [ + 0.1559908539056778, + -0.04997728392481804, + -0.14183445274829865, + 1.6667290925979614, + -0.03753102570772171, + -0.21083055436611176, + 0.033012013882398605, + -0.4001706540584564, + -0.1456233561038971, + 0.0008012874168343842, + -0.16044028103351593, + 1.9136987924575806, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/143.png", + [ + 0.17030730843544006, + -0.05790649726986885, + -0.12078966945409775, + 1.3857182264328003, + -0.04727853089570999, + -0.2087935209274292, + 0.033435143530368805, + -0.3898032307624817, + -0.12533177435398102, + 7.61873452574946e-05, + -0.17674794793128967, + 2.059734344482422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/86.png", + [ + 0.15014812350273132, + -0.05642986297607422, + -0.14566779136657715, + 1.6307636499404907, + -0.05651881918311119, + -0.20798006653785706, + 0.022311672568321228, + -0.26242581009864807, + -0.1456332802772522, + 0.022535696625709534, + -0.15884262323379517, + 1.8232539892196655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/1.png", + [ + 0.17811889946460724, + -0.04851823300123215, + -0.11343514174222946, + 1.3174641132354736, + -0.024436740204691887, + -0.20914404094219208, + 0.051083408296108246, + -0.6030245423316956, + -0.12093137204647064, + -0.029200172051787376, + -0.17740024626255035, + 2.102754592895508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/81.png", + [ + 0.1431492269039154, + -0.05261833593249321, + -0.15390746295452118, + 1.7290542125701904, + -0.05208220332860947, + -0.20905716717243195, + 0.023031456395983696, + -0.2711278796195984, + -0.15408970415592194, + 0.021778756752610207, + -0.15076451003551483, + 1.7326266765594482, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/95.png", + [ + 0.16207389533519745, + -0.05541958287358284, + -0.1326974630355835, + 1.468867540359497, + -0.04913071542978287, + -0.2092469483613968, + 0.0273823793977499, + -0.31377893686294556, + -0.13515222072601318, + 0.009606809355318546, + -0.16908425092697144, + 1.9181255102157593, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/103.png", + [ + 0.16024944186210632, + -0.05954086035490036, + -0.133127361536026, + 1.4932169914245605, + -0.05381842702627182, + -0.20797668397426605, + 0.028234152123332024, + -0.3284834921360016, + -0.13554182648658752, + 0.012185079045593739, + -0.16860555112361908, + 1.932801365852356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/150.png", + [ + 0.18287654221057892, + -0.054745979607105255, + -0.10250337421894073, + 1.1980364322662354, + -0.0408884659409523, + -0.20921590924263, + 0.038790810853242874, + -0.46631550788879395, + -0.10877591371536255, + -0.013396690599620342, + -0.18691234290599823, + 2.2259178161621094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/83.png", + [ + 0.1455143839120865, + -0.05100926011800766, + -0.1522219330072403, + 1.7110508680343628, + -0.05093926936388016, + -0.2095005065202713, + 0.02150854282081127, + -0.25509610772132874, + -0.15224535763263702, + 0.021341999992728233, + -0.15268845856189728, + 1.7541550397872925, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/142.png", + [ + 0.1677340567111969, + -0.05980487912893295, + -0.12343645840883255, + 1.4216508865356445, + -0.04809118062257767, + -0.20825767517089844, + 0.0355510450899601, + -0.41528385877609253, + -0.12845396995544434, + -0.00012422593135852367, + -0.1744920015335083, + 2.0384678840637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/51.png", + [ + 0.1814272403717041, + -0.05659855902194977, + -0.10406079143285751, + 1.235361933708191, + -0.04576508328318596, + -0.2090533822774887, + 0.03391369804739952, + -0.407092422246933, + -0.10925934463739395, + -0.006417540367692709, + -0.18700027465820312, + 2.2399039268493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/128.png", + [ + 0.1721174120903015, + -0.061640750616788864, + -0.1162923276424408, + 1.3647831678390503, + -0.04764920100569725, + -0.20763982832431793, + 0.039536722004413605, + -0.4747127890586853, + -0.1226908341050148, + -0.005832349415868521, + -0.17849603295326233, + 2.1327271461486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/93.png", + [ + 0.1584443897008896, + -0.05712965130805969, + -0.1363065093755722, + 1.5068155527114868, + -0.05163965001702309, + -0.20863713324069977, + 0.027418754994869232, + -0.31471332907676697, + -0.13847963511943817, + 0.01243557222187519, + -0.1661825329065323, + 1.8834794759750366, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/76.png", + [ + 0.18573012948036194, + 0.01524695660918951, + 0.11054296046495438, + -1.2253658771514893, + 0.004694752395153046, + -0.21552015841007233, + 0.021838296204805374, + -0.24644328653812408, + 0.11149070411920547, + -0.016324279829859734, + -0.18507088720798492, + 2.101304531097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/48.png", + [ + 0.18944108486175537, + 0.023263966664671898, + 0.10256100445985794, + -1.1323586702346802, + 0.006029900163412094, + -0.21336187422275543, + 0.03725912794470787, + -0.4192456603050232, + 0.10499338805675507, + -0.029721878468990326, + -0.18719211220741272, + 2.1262054443359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/137.png", + [ + 0.1783537119626999, + 0.024383697658777237, + 0.1205955296754837, + -1.2993100881576538, + 0.005916862282902002, + -0.21383097767829895, + 0.03448466211557388, + -0.3797360360622406, + 0.12289360165596008, + -0.025092560797929764, + -0.176678866147995, + 1.953344702720642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/173.png", + [ + 0.17903004586696625, + 0.018283583223819733, + 0.12067250162363052, + -1.363340973854065, + -0.0022880304604768753, + -0.2136891782283783, + 0.035771444439888, + -0.41402238607406616, + 0.12202830612659454, + -0.0308308657258749, + -0.17637018859386444, + 2.0411829948425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/35.png", + [ + 0.19298343360424042, + 0.0036275137681514025, + 0.09844861924648285, + -1.108978033065796, + -0.010018576867878437, + -0.214682474732399, + 0.027549218386411667, + -0.3204917013645172, + 0.09800468385219574, + -0.029089048504829407, + -0.19104136526584625, + 2.2091426849365234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/124.png", + [ + 0.1793106645345688, + 0.001279823132790625, + 0.12163034081459045, + -1.321675181388855, + 0.005745913367718458, + -0.2165098935365677, + -0.0061926101334393024, + 0.060349736362695694, + 0.12150127440690994, + 0.008350209333002567, + -0.17920829355716705, + 1.9992090463638306, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/97.png", + [ + 0.18618068099021912, + 0.053926628082990646, + 0.09683269262313843, + -1.0940793752670288, + 0.031135236844420433, + -0.20712314546108246, + 0.0554841086268425, + -0.6416074633598328, + 0.10637316107749939, + -0.03376103937625885, + -0.1857224702835083, + 2.1541433334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/155.png", + [ + 0.1691051423549652, + -0.02679886296391487, + 0.13278992474079132, + -1.4266446828842163, + -0.026484621688723564, + -0.21483421325683594, + -0.009628945030272007, + 0.09663669764995575, + 0.1328529417514801, + -0.00871623121201992, + -0.170944482088089, + 1.8938475847244263, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/192.png", + [ + 0.16558600962162018, + -0.007769647520035505, + 0.13953065872192383, + -1.5526028871536255, + -0.011127670295536518, + -0.2163856029510498, + 0.001156349666416645, + -0.02000153250992298, + 0.1393030732870102, + -0.00804951786994934, + -0.16576413810253143, + 1.897504448890686, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/13.png", + [ + 0.17748084664344788, + -0.07285574823617935, + 0.10069993883371353, + -1.1481432914733887, + -0.057041581720113754, + -0.20371335744857788, + -0.04685106500983238, + 0.5190030336380005, + 0.11042959988117218, + 0.011866102926433086, + -0.18604406714439392, + 2.179055690765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/32.png", + [ + 0.19341841340065002, + -0.00791919231414795, + 0.0973370224237442, + -1.0953669548034668, + -0.017140718176960945, + -0.21536146104335785, + 0.016538837924599648, + -0.1993771493434906, + 0.09614264219999313, + -0.022463830187916756, + -0.19287267327308655, + 2.232698440551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/158.png", + [ + 0.17328764498233795, + -0.022657275199890137, + 0.128085657954216, + -1.368155837059021, + -0.020865604281425476, + -0.21544116735458374, + -0.009880561381578445, + 0.09927600622177124, + 0.12838968634605408, + -0.004432474263012409, + -0.174483060836792, + 1.9232264757156372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/38.png", + [ + 0.1930086612701416, + 0.013436968438327312, + 0.0975448414683342, + -1.0887540578842163, + -0.001617236528545618, + -0.21418613195419312, + 0.03270447626709938, + -0.37372368574142456, + 0.09845270216464996, + -0.029860440641641617, + -0.19069166481494904, + 2.183563709259033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/148.png", + [ + 0.16320843994617462, + -0.003645270597189665, + 0.14246968924999237, + -1.556296706199646, + -0.012655841186642647, + -0.2161186784505844, + 0.008968428708612919, + -0.09837990999221802, + 0.141953244805336, + -0.015076971612870693, + -0.163002610206604, + 1.8371658325195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/222.png", + [ + 0.17471514642238617, + 0.011124193668365479, + 0.12766660749912262, + -1.4193719625473022, + 0.005289602093398571, + -0.21629878878593445, + 0.011608175002038479, + -0.1388259083032608, + 0.1280411332845688, + -0.006243548355996609, + -0.17468364536762238, + 1.9946049451828003, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/111.png", + [ + 0.18208926916122437, + 0.025647487491369247, + 0.11460188031196594, + -1.2649052143096924, + 0.0071163238026201725, + -0.21346545219421387, + 0.03646577149629593, + -0.4157554507255554, + 0.1172209158539772, + -0.02688123658299446, + -0.18023470044136047, + 2.036442279815674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/164.png", + [ + 0.18016162514686584, + -0.002182102994993329, + 0.1203533262014389, + -1.31611168384552, + -0.007365329656749964, + -0.21643294394016266, + 0.007101345341652632, + -0.08391842991113663, + 0.12014756351709366, + -0.009995779022574425, + -0.1800348311662674, + 2.0296835899353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/11.png", + [ + 0.17633068561553955, + -0.07350694388151169, + 0.10223555564880371, + -1.1643544435501099, + -0.05442756041884422, + -0.20313295722007751, + -0.052177879959344864, + 0.5882076621055603, + 0.1135474294424057, + 0.016781525686383247, + -0.18377500772476196, + 2.1482224464416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/125.png", + [ + 0.17884235084056854, + 0.000649319845251739, + 0.12232288718223572, + -1.326319932937622, + 0.004636718425899744, + -0.21655184030532837, + -0.005629609804600477, + 0.05405130609869957, + 0.1222366988658905, + 0.007264299783855677, + -0.17875489592552185, + 1.9903024435043335, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/59.png", + [ + 0.18598592281341553, + 0.005983327049762011, + 0.11100144684314728, + -1.259756088256836, + -0.0032603542786091566, + -0.2159738391637802, + 0.01710447669029236, + -0.2005508542060852, + 0.11111476272344589, + -0.016352152451872826, + -0.18529438972473145, + 2.1550745964050293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/105.png", + [ + 0.18870805203914642, + 0.03807089105248451, + 0.09943730384111404, + -1.0968509912490845, + 0.025424063205718994, + -0.21260878443717957, + 0.03315136209130287, + -0.37187814712524414, + 0.10339627414941788, + -0.017204729840159416, + -0.18963412940502167, + 2.150416374206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/121.png", + [ + 0.17702393233776093, + 0.0021444319281727076, + 0.12492327392101288, + -1.366415023803711, + 0.0035580366384238005, + -0.2166413813829422, + -0.001323091797530651, + 0.008499819785356522, + 0.12489099055528641, + 0.003132348647341132, + -0.1770319640636444, + 1.987653136253357, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/175.png", + [ + 0.18036840856075287, + 0.0173813309520483, + 0.11879825592041016, + -1.3340590000152588, + -0.002900660503655672, + -0.21369865536689758, + 0.03567017614841461, + -0.4111156165599823, + 0.12002799659967422, + -0.03128362074494362, + -0.17765840888023376, + 2.0477538108825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/198.png", + [ + 0.16052035987377167, + -0.01286227535456419, + 0.14496780931949615, + -1.5556495189666748, + -0.01291284617036581, + -0.21623429656028748, + -0.004887224640697241, + 0.047663938254117966, + 0.1449633091688156, + -0.005018805619329214, + -0.16096068918704987, + 1.783241868019104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/24.png", + [ + 0.18565860390663147, + -0.05333438888192177, + 0.09815409034490585, + -1.1090277433395386, + -0.03786248713731766, + -0.20915885269641876, + -0.04203455522656441, + 0.4711841642856598, + 0.10509620606899261, + 0.01886570081114769, + -0.18853850662708282, + 2.1933693885803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/214.png", + [ + 0.17632727324962616, + 0.013208606280386448, + 0.12522825598716736, + -1.379607081413269, + 0.0017404971877112985, + -0.21571436524391174, + 0.020302044227719307, + -0.23487991094589233, + 0.1259108930826187, + -0.015515641309320927, + -0.1756519377231598, + 1.9891027212142944, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/74.png", + [ + 0.18274909257888794, + 0.01142891589552164, + 0.11584488302469254, + -1.2918922901153564, + 0.0036322157829999924, + -0.2160826474428177, + 0.015588142909109592, + -0.17863772809505463, + 0.11635060608386993, + -0.011205490678548813, + -0.18244141340255737, + 2.086622714996338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/193.png", + [ + 0.16112935543060303, + -0.010516364127397537, + 0.14448054134845734, + -1.6108225584030151, + -0.01371841598302126, + -0.21623948216438293, + -0.0004402917402330786, + -0.00013745203614234924, + 0.14421173930168152, + -0.00882013887166977, + -0.16147157549858093, + 1.8449784517288208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/129.png", + [ + 0.1803230345249176, + 0.006033643148839474, + 0.11997954547405243, + -1.2912505865097046, + 0.0070950030349195, + -0.2165583372116089, + 0.0002270659024361521, + -0.007144080474972725, + 0.11992147564888, + 0.0037397558335214853, + -0.1804237961769104, + 2.002838134765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/172.png", + [ + 0.1780960112810135, + 0.017314346507191658, + 0.12218806147575378, + -1.3843992948532104, + -0.003478576894849539, + -0.21374192833900452, + 0.035357967019081116, + -0.41062843799591064, + 0.12335968017578125, + -0.031024184077978134, + -0.17540746927261353, + 2.031991481781006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/232.png", + [ + 0.17212659120559692, + 0.03021937981247902, + 0.1280902922153473, + -1.4214805364608765, + 0.03296801447868347, + -0.21406206488609314, + 0.006199929863214493, + -0.07246546447277069, + 0.12741054594516754, + 0.014564278535544872, + -0.1746491640806198, + 1.9905966520309448, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/153.png", + [ + 0.16427859663963318, + -0.02407602034509182, + 0.139214888215065, + -1.5061355829238892, + -0.02750234119594097, + -0.21487058699131012, + -0.004706262145191431, + 0.042674798518419266, + 0.13857872784137726, + -0.014102238230407238, + -0.16596674919128418, + 1.8456937074661255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/144.png", + [ + 0.17276105284690857, + 0.013478728011250496, + 0.13007627427577972, + -1.419494867324829, + -0.0014334801817312837, + -0.21531251072883606, + 0.024214930832386017, + -0.27319473028182983, + 0.1307648867368698, + -0.020167840644717216, + -0.171585813164711, + 1.9216762781143188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/188.png", + [ + 0.17738017439842224, + 0.0024108593352138996, + 0.12441202253103256, + -1.3837488889694214, + -0.006428757216781378, + -0.2161671221256256, + 0.013354675844311714, + -0.15626154839992523, + 0.12426922470331192, + -0.014624091796576977, + -0.1768931746482849, + 2.0307812690734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/98.png", + [ + 0.18878071010112762, + 0.0538538321852684, + 0.09170334041118622, + -1.0430406332015991, + 0.0290973000228405, + -0.20586547255516052, + 0.06099707633256912, + -0.7094265818595886, + 0.10228922218084335, + -0.04082966595888138, + -0.186595156788826, + 2.174320697784424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/0.png", + [ + 0.17359799146652222, + -0.07980550825595856, + 0.10218961536884308, + -1.190503478050232, + -0.06657499074935913, + -0.20140239596366882, + -0.04418978467583656, + 0.5156223773956299, + 0.11126279085874557, + 0.004005929920822382, + -0.18588288128376007, + 2.212963104248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/163.png", + [ + 0.17757412791252136, + -0.006514139007776976, + 0.12398745864629745, + -1.3499181270599365, + -0.010076021775603294, + -0.21641859412193298, + 0.0030604691710323095, + -0.03968879580497742, + 0.12374892830848694, + -0.008273974992334843, + -0.17766721546649933, + 1.9969772100448608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/96.png", + [ + 0.1866540014743805, + 0.04934527352452278, + 0.09835255146026611, + -1.1029448509216309, + 0.028724616393446922, + -0.20880168676376343, + 0.05024588853120804, + -0.5752051472663879, + 0.10622183233499527, + -0.03024560958147049, + -0.18641357123851776, + 2.1463828086853027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/100.png", + [ + 0.186757892370224, + 0.052116770297288895, + 0.09671201556921005, + -1.1030603647232056, + 0.0270837489515543, + -0.20669619739055634, + 0.059085048735141754, + -0.6877436637878418, + 0.10646992176771164, + -0.03883831948041916, + -0.18467168509960175, + 2.157447338104248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/40.png", + [ + 0.1931067854166031, + 0.017801450565457344, + 0.09664767980575562, + -1.069960117340088, + 0.0016581109957769513, + -0.21365003287792206, + 0.03603902831673622, + -0.40745875239372253, + 0.09825942665338516, + -0.03137943893671036, + -0.190547376871109, + 2.167527198791504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/141.png", + [ + 0.17132964730262756, + 0.0197175033390522, + 0.13116885721683502, + -1.4245984554290771, + -0.0008068582974374294, + -0.2141084223985672, + 0.03323900327086449, + -0.3697400987148285, + 0.13264010846614838, + -0.02677130326628685, + -0.16922704875469208, + 1.8807491064071655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/52.png", + [ + 0.18677276372909546, + 0.023508721962571144, + 0.1072901040315628, + -1.1952403783798218, + 0.008940582163631916, + -0.2142050564289093, + 0.03137129917740822, + -0.35290971398353577, + 0.10947096347808838, + -0.022614868357777596, + -0.18561403453350067, + 2.127777099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/184.png", + [ + 0.17655740678310394, + 0.0025112403091043234, + 0.1255749613046646, + -1.3946479558944702, + -0.013208379969000816, + -0.21505889296531677, + 0.022871609777212143, + -0.26551878452301025, + 0.12490362673997879, + -0.02629193104803562, + -0.17508773505687714, + 1.999022126197815, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/227.png", + [ + 0.17579424381256104, + 0.011424664407968521, + 0.1261497288942337, + -1.3957085609436035, + 0.01077466830611229, + -0.21635811030864716, + 0.004579431377351284, + -0.055798232555389404, + 0.1262069195508957, + 0.002557677449658513, + -0.1761055588722229, + 2.002549171447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/3.png", + [ + 0.17434176802635193, + -0.07799310237169266, + 0.10232258588075638, + -1.187036156654358, + -0.064942866563797, + -0.20210616290569305, + -0.04339834675192833, + 0.49248602986335754, + 0.11106421798467636, + 0.004250716418027878, + -0.1859961301088333, + 2.205453395843506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/231.png", + [ + 0.17165011167526245, + 0.027542008087038994, + 0.12932737171649933, + -1.4331272840499878, + 0.031038060784339905, + -0.21439360082149506, + 0.004462655633687973, + -0.05163826793432236, + 0.12853313982486725, + 0.014990474097430706, + -0.1737884134054184, + 1.980122447013855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/47.png", + [ + 0.19066689908504486, + 0.02095409296452999, + 0.10077179223299026, + -1.1110117435455322, + 0.0038913844618946314, + -0.21345289051532745, + 0.03702180087566376, + -0.41955041885375977, + 0.10285370796918869, + -0.03076821006834507, + -0.1882081776857376, + 2.128265857696533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/104.png", + [ + 0.18505513668060303, + 0.04277423396706581, + 0.10427296906709671, + -1.1596331596374512, + 0.025194765999913216, + -0.21109071373939514, + 0.04187875613570213, + -0.47226831316947937, + 0.10985314100980759, + -0.02364257164299488, + -0.1852598637342453, + 2.115006446838379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/21.png", + [ + 0.18209755420684814, + -0.06176585704088211, + 0.09986663609743118, + -1.1390843391418457, + -0.04421477019786835, + -0.20678141713142395, + -0.04726933687925339, + 0.5309773087501526, + 0.10878153890371323, + 0.019347216933965683, + -0.1863871067762375, + 2.186471462249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/82.png", + [ + 0.18856993317604065, + 0.021498989313840866, + 0.10453261435031891, + -1.1451239585876465, + 0.008538329042494297, + -0.21459141373634338, + 0.028731947764754295, + -0.32436129450798035, + 0.10637843608856201, + -0.02088591456413269, + -0.1876041144132614, + 2.112887382507324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/106.png", + [ + 0.18903976678848267, + 0.03449917212128639, + 0.1001083180308342, + -1.1010783910751343, + 0.02279343456029892, + -0.2133074700832367, + 0.030467664822936058, + -0.33910250663757324, + 0.10340370237827301, + -0.016050735488533974, + -0.18973124027252197, + 2.1454997062683105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/14.png", + [ + 0.17798425257205963, + -0.07441835850477219, + 0.09864787012338638, + -1.1250301599502563, + -0.058054421097040176, + -0.20305514335632324, + -0.048437491059303284, + 0.5384231209754944, + 0.10908336192369461, + 0.013357201591134071, + -0.18673591315746307, + 2.1879453659057617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/67.png", + [ + 0.18060457706451416, + 0.00012542455806396902, + 0.11970741301774979, + -1.3390192985534668, + -0.004858917091041803, + -0.21648825705051422, + 0.007557556498795748, + -0.08721570670604706, + 0.11960882693529129, + -0.008983875624835491, + -0.18044641613960266, + 2.0674872398376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/241.png", + [ + 0.16865038871765137, + 0.03285609558224678, + 0.13200534880161285, + -1.465807318687439, + 0.02237340249121189, + -0.21409587562084198, + 0.02470407821238041, + -0.2798299491405487, + 0.13418035209178925, + -0.005597996991127729, + -0.17003585398197174, + 1.9371508359909058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/78.png", + [ + 0.18546466529369354, + 0.0178199652582407, + 0.11060380190610886, + -1.2220138311386108, + 0.005950508173555136, + -0.21518096327781677, + 0.0246909037232399, + -0.27888429164886475, + 0.11187200248241425, + -0.018096910789608955, + -0.18467554450035095, + 2.090404987335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/191.png", + [ + 0.17166590690612793, + -0.004444542806595564, + 0.13213235139846802, + -1.4680423736572266, + -0.010445683263242245, + -0.21633115410804749, + 0.006294253282248974, + -0.0763746052980423, + 0.1317937821149826, + -0.011356758885085583, + -0.17160803079605103, + 1.9659477472305298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/31.png", + [ + 0.19242310523986816, + -0.013698937371373177, + 0.09865891933441162, + -1.110602617263794, + -0.021241363137960434, + -0.2153223752975464, + 0.011531054973602295, + -0.1429656594991684, + 0.09731417149305344, + -0.01991230435669422, + -0.1925651729106903, + 2.2305469512939453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/194.png", + [ + 0.1583855003118515, + -0.019347358494997025, + 0.14658653736114502, + -1.6252663135528564, + -0.019336333498358727, + -0.2156771719455719, + -0.0075736092403531075, + 0.07811251282691956, + 0.14658796787261963, + -0.007545398082584143, + -0.15938293933868408, + 1.8069980144500732, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/152.png", + [ + 0.16139797866344452, + -0.019935041666030884, + 0.14318233728408813, + -1.5529077053070068, + -0.025479799136519432, + -0.21516771614551544, + -0.001236112555488944, + 0.00910000130534172, + 0.14230026304721832, + -0.015916725620627403, + -0.16261975467205048, + 1.8138518333435059, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/39.png", + [ + 0.19264471530914307, + 0.014854046516120434, + 0.09805747866630554, + -1.0901387929916382, + -0.0010072487639263272, + -0.2139265090227127, + 0.03438509255647659, + -0.39206433296203613, + 0.09917105734348297, + -0.03102751262485981, + -0.19013230502605438, + 2.1715922355651855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/92.png", + [ + 0.1829732209444046, + 0.03719367831945419, + 0.1099332794547081, + -1.1977853775024414, + 0.024342479184269905, + -0.21297995746135712, + 0.03154173120856285, + -0.3480975329875946, + 0.1134730875492096, + -0.014285216107964516, + -0.18403176963329315, + 2.0544772148132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/203.png", + [ + 0.18284375965595245, + 0.004309498704969883, + 0.11617866158485413, + -1.2371726036071777, + -0.0045631565153598785, + -0.21609285473823547, + 0.015197254717350006, + -0.17410573363304138, + 0.11616897583007812, + -0.015271122567355633, + -0.18226206302642822, + 2.0137887001037598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/53.png", + [ + 0.18601350486278534, + 0.0171675868332386, + 0.10978227853775024, + -1.22649347782135, + 0.0040469691157341, + -0.21497762203216553, + 0.026760749518871307, + -0.30584827065467834, + 0.11104278266429901, + -0.020923418924212456, + -0.18487729132175446, + 2.1228160858154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/75.png", + [ + 0.18347860872745514, + 0.012359987013041973, + 0.1145893782377243, + -1.2746143341064453, + 0.002730092266574502, + -0.2158307135105133, + 0.01890883408486843, + -0.2144325226545334, + 0.11522171646356583, + -0.014568048529326916, + -0.1829197257757187, + 2.085019588470459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/151.png", + [ + 0.1577865183353424, + -0.016432296484708786, + 0.14758484065532684, + -1.6007412672042847, + -0.021910112351179123, + -0.21556325256824493, + -0.0005764742963947356, + 0.002973884344100952, + 0.14687155187129974, + -0.014503962360322475, + -0.15863880515098572, + 1.772904634475708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/87.png", + [ + 0.1892603635787964, + 0.035249561071395874, + 0.099427729845047, + -1.0762145519256592, + 0.024241626262664795, + -0.21328771114349365, + 0.029471835121512413, + -0.3282378315925598, + 0.1026681438088417, + -0.014618976041674614, + -0.19024570286273956, + 2.12021541595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/139.png", + [ + 0.17415620386600494, + 0.0219553392380476, + 0.12702547013759613, + -1.3722692728042603, + 0.0015809991164132953, + -0.21385659277439117, + 0.03479580953717232, + -0.38399526476860046, + 0.1288992017507553, + -0.027040913701057434, + -0.17205138504505157, + 1.9041308164596558, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/107.png", + [ + 0.1867043375968933, + 0.03443584591150284, + 0.10442009568214417, + -1.1474101543426514, + 0.02221684530377388, + -0.21334460377693176, + 0.030633192509412766, + -0.33994659781455994, + 0.10768378525972366, + -0.01568925753235817, + -0.1873658150434494, + 2.1140732765197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/112.png", + [ + 0.18188847601413727, + 0.022070525214076042, + 0.11566055566072464, + -1.2749197483062744, + 0.0046823900192976, + -0.2140217423439026, + 0.03347639739513397, + -0.37957513332366943, + 0.11765436828136444, + -0.02560245804488659, + -0.18013843894004822, + 2.0338048934936523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/69.png", + [ + 0.1799124926328659, + 0.003042861120775342, + 0.12070678919553757, + -1.3493969440460205, + -0.0025608406867831945, + -0.2164609432220459, + 0.009273611009120941, + -0.10769498348236084, + 0.12071797251701355, + -0.00912681594491005, + -0.17969907820224762, + 2.058903694152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/157.png", + [ + 0.172126904129982, + -0.024844316765666008, + 0.1292400062084198, + -1.381554126739502, + -0.023619750514626503, + -0.21515563130378723, + -0.00990250799804926, + 0.09934644401073456, + 0.1294693946838379, + -0.006221901625394821, + -0.17362849414348602, + 1.9157551527023315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/45.png", + [ + 0.19183054566383362, + 0.02167215384542942, + 0.09838321059942245, + -1.0839067697525024, + 0.0035988169256597757, + -0.21294064819812775, + 0.03989013284444809, + -0.44964396953582764, + 0.10067764669656754, + -0.03368222713470459, + -0.1888846606016159, + 2.134550094604492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/50.png", + [ + 0.18707610666751862, + 0.026980120688676834, + 0.10593628883361816, + -1.1787595748901367, + 0.009533318690955639, + -0.21319839358329773, + 0.03746272996068001, + -0.42276379466056824, + 0.10890152305364609, + -0.027684176340699196, + -0.1852618157863617, + 2.1269326210021973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/101.png", + [ + 0.18756426870822906, + 0.04903300851583481, + 0.09676417708396912, + -1.0960637331008911, + 0.027058443054556847, + -0.2083149254322052, + 0.05310963839292526, + -0.6124436855316162, + 0.10504943877458572, + -0.033890366554260254, + -0.18645095825195312, + 2.163400650024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/85.png", + [ + 0.18865710496902466, + 0.032018665224313736, + 0.10164251178503036, + -1.107103943824768, + 0.019563302397727966, + -0.21355684101581573, + 0.030961953103542328, + -0.3472370505332947, + 0.10475529730319977, + -0.017781170085072517, + -0.18883340060710907, + 2.1151833534240723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/156.png", + [ + 0.1713341325521469, + -0.02686930261552334, + 0.1298866719007492, + -1.392138957977295, + -0.025844482704997063, + -0.21487818658351898, + -0.010359685868024826, + 0.10460412502288818, + 0.13009445369243622, + -0.007300743833184242, + -0.17311853170394897, + 1.9135199785232544, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/181.png", + [ + 0.17932701110839844, + 0.005226658657193184, + 0.12150062620639801, + -1.349535584449768, + -0.013743825256824493, + -0.21421660482883453, + 0.029500063508749008, + -0.3418838083744049, + 0.1208338737487793, + -0.032122086733579636, + -0.17696112394332886, + 2.0200066566467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/131.png", + [ + 0.17796039581298828, + 0.014011865481734276, + 0.12280742824077606, + -1.3232532739639282, + 0.010843113996088505, + -0.21621771156787872, + 0.00895686261355877, + -0.1017933040857315, + 0.12312766164541245, + -0.001210810150951147, + -0.17828631401062012, + 1.9759165048599243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/71.png", + [ + 0.1808778941631317, + 0.006789193954318762, + 0.11910073459148407, + -1.3310710191726685, + 0.0017928173765540123, + -0.21645373106002808, + 0.009615936316549778, + -0.11073651909828186, + 0.1192806214094162, + -0.0070418245159089565, + -0.18074965476989746, + 2.072164535522461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/160.png", + [ + 0.17611485719680786, + -0.01561166625469923, + 0.1252506524324417, + -1.3440394401550293, + -0.015149877406656742, + -0.2160710245370865, + -0.00562959024682641, + 0.05392007902264595, + 0.1253073513507843, + -0.004181741736829281, + -0.17671582102775574, + 1.9579282999038696, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/115.png", + [ + 0.18068130314350128, + 0.015227001160383224, + 0.11861829459667206, + -1.3078663349151611, + 0.005647503305226564, + -0.21575775742530823, + 0.019094400107860565, + -0.214530348777771, + 0.11945822834968567, + -0.01283077523112297, + -0.1803136020898819, + 2.0362954139709473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/54.png", + [ + 0.1864328235387802, + 0.014904676005244255, + 0.10940085351467133, + -1.2239594459533691, + 0.0023853096645325422, + -0.21518494188785553, + 0.025251740589737892, + -0.2918812930583954, + 0.1103857159614563, + -0.02052292972803116, + -0.18531513214111328, + 2.1308178901672363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/33.png", + [ + 0.1931367665529251, + -0.004038502927869558, + 0.09813142567873001, + -1.1050796508789062, + -0.01480785757303238, + -0.21521401405334473, + 0.020287074148654938, + -0.2413170039653778, + 0.09709177911281586, + -0.024789683520793915, + -0.1921107918024063, + 2.2216849327087402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/221.png", + [ + 0.17531628906726837, + 0.009660080075263977, + 0.12695975601673126, + -1.4079097509384155, + 0.0036259694024920464, + -0.2163412868976593, + 0.011453886516392231, + -0.13645803928375244, + 0.12727507948875427, + -0.0071429722011089325, + -0.17520824074745178, + 1.9973751306533813, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/159.png", + [ + 0.17306838929653168, + -0.01899576000869274, + 0.12897437810897827, + -1.3805862665176392, + -0.018182354047894478, + -0.21578413248062134, + -0.007382810581475496, + 0.07221321761608124, + 0.1290915608406067, + -0.004925940651446581, + -0.1739511489868164, + 1.9219008684158325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/177.png", + [ + 0.1792471557855606, + 0.015133034437894821, + 0.12078636139631271, + -1.3552066087722778, + -0.006617802195250988, + -0.21346446871757507, + 0.03656528517603874, + -0.4207828938961029, + 0.12155063450336456, + -0.03393827751278877, + -0.1761292964220047, + 2.0276055335998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/49.png", + [ + 0.18878982961177826, + 0.023270107805728912, + 0.10375357419252396, + -1.1479817628860474, + 0.0058156815357506275, + -0.2133655846118927, + 0.037271954119205475, + -0.41944465041160583, + 0.10617193579673767, + -0.029690450057387352, + -0.186531201004982, + 2.125849723815918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/118.png", + [ + 0.1751059740781784, + 0.009264128282666206, + 0.12727907299995422, + -1.402058482170105, + 0.003717661602422595, + -0.21638154983520508, + 0.010634909383952618, + -0.11777500808238983, + 0.12756162881851196, + -0.006410793401300907, + -0.17502807080745697, + 1.9782212972640991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/210.png", + [ + 0.17679880559444427, + 0.009911950677633286, + 0.12486725300550461, + -1.371959924697876, + -0.0020384984090924263, + -0.215738907456398, + 0.020011629909276962, + -0.22728796303272247, + 0.12524347007274628, + -0.017503542825579643, + -0.17594203352928162, + 1.9843755960464478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/179.png", + [ + 0.1800193041563034, + 0.010690503753721714, + 0.12011100351810455, + -1.3386635780334473, + -0.008905868977308273, + -0.21405334770679474, + 0.03239975497126579, + -0.37392163276672363, + 0.12025648355484009, + -0.03185547888278961, + -0.177402064204216, + 2.0317764282226562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/110.png", + [ + 0.18275660276412964, + 0.027664609253406525, + 0.11306008696556091, + -1.2468525171279907, + 0.008897949010133743, + -0.2131703495979309, + 0.037777386605739594, + -0.43162330985069275, + 0.11605488508939743, + -0.027220837771892548, + -0.18093694746494293, + 2.0437283515930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/18.png", + [ + 0.17765194177627563, + -0.06997736543416977, + 0.10242481529712677, + -1.172498106956482, + -0.049759186804294586, + -0.2040824443101883, + -0.053125157952308655, + 0.6039695739746094, + 0.11362965404987335, + 0.020035631954669952, + -0.1833978295326233, + 2.156026840209961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/66.png", + [ + 0.1800757497549057, + -0.0018726737471297383, + 0.12048695981502533, + -1.3529531955718994, + -0.006825140677392483, + -0.21645916998386383, + 0.006836299318820238, + -0.07788646221160889, + 0.12030808627605438, + -0.00947684608399868, + -0.17995569109916687, + 2.0686235427856445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/234.png", + [ + 0.16947264969348907, + 0.03313431516289711, + 0.13087792694568634, + -1.4634596109390259, + 0.0317724272608757, + -0.21393662691116333, + 0.013020426034927368, + -0.15377479791641235, + 0.1312151998281479, + 0.009007529355585575, + -0.1721898317337036, + 1.9712928533554077, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/202.png", + [ + 0.18220844864845276, + 0.002142552984878421, + 0.11723218113183975, + -1.2450873851776123, + -0.005400167778134346, + -0.21625521779060364, + 0.01234553661197424, + -0.14421826601028442, + 0.11712735891342163, + -0.013303516432642937, + -0.18180236220359802, + 2.002774715423584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/206.png", + [ + 0.18285299837589264, + 0.009191841818392277, + 0.1158800721168518, + -1.2512311935424805, + -0.0006633182638324797, + -0.2159101516008377, + 0.01817311719059944, + -0.20349432528018951, + 0.1162421703338623, + -0.01569114811718464, + -0.18217970430850983, + 2.0301942825317383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/16.png", + [ + 0.175798699259758, + -0.07556147873401642, + 0.10165224224328995, + -1.1627415418624878, + -0.054066020995378494, + -0.202023446559906, + -0.0566682405769825, + 0.6431522965431213, + 0.11454073339700699, + 0.020612798631191254, + -0.18276605010032654, + 2.150014877319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/190.png", + [ + 0.17648613452911377, + -0.002127672079950571, + 0.12568219006061554, + -1.3950371742248535, + -0.009022832848131657, + -0.2162991762161255, + 0.009008366614580154, + -0.10723809897899628, + 0.12537594139575958, + -0.012571202591061592, + -0.17626892030239105, + 2.02089786529541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/211.png", + [ + 0.1759606897830963, + 0.010445650666952133, + 0.1260024756193161, + -1.3859772682189941, + -0.0008116659009829164, + -0.21583612263202667, + 0.019026370719075203, + -0.2178494781255722, + 0.12643207609653473, + -0.01592325232923031, + -0.17524060606956482, + 1.9789952039718628, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/94.png", + [ + 0.18479593098163605, + 0.04340555518865585, + 0.10447162389755249, + -1.1499284505844116, + 0.027054475620388985, + -0.21124184131622314, + 0.039910465478897095, + -0.4458324611186981, + 0.10984724760055542, + -0.020993994548916817, + -0.18558213114738464, + 2.096665859222412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/209.png", + [ + 0.17865373194217682, + 0.009570545516908169, + 0.1222258135676384, + -1.3382810354232788, + -0.002098230179399252, + -0.21574310958385468, + 0.0199600737541914, + -0.22562269866466522, + 0.12258196622133255, + -0.01764119230210781, + -0.1777929812669754, + 2.000710964202881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/228.png", + [ + 0.17498549818992615, + 0.01498499047011137, + 0.12689924240112305, + -1.4025709629058838, + 0.016247382387518883, + -0.21604228019714355, + 0.0031074618455022573, + -0.03848567232489586, + 0.12674380838871002, + 0.007005989085882902, + -0.17559844255447388, + 1.9935752153396606, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/28.png", + [ + 0.18986892700195312, + -0.03512876480817795, + 0.098303884267807, + -1.1063661575317383, + -0.03078843653202057, + -0.21380622684955597, + -0.016937073320150375, + 0.1843479722738266, + 0.09974846243858337, + 0.0008732039714232087, + -0.19234700500965118, + 2.226166248321533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/61.png", + [ + 0.1833287924528122, + 0.0007359071751125157, + 0.11548984795808792, + -1.3118491172790527, + -0.006738919764757156, + -0.21623291075229645, + 0.012075221166014671, + -0.14183104038238525, + 0.1152954027056694, + -0.0138087822124362, + -0.18293216824531555, + 2.125124454498291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/132.png", + [ + 0.1780634969472885, + 0.018220124766230583, + 0.12210368365049362, + -1.3190017938613892, + 0.010644355788826942, + -0.2157696932554245, + 0.016674188897013664, + -0.18749405443668365, + 0.12299584597349167, + -0.007704407908022404, + -0.1782149076461792, + 1.9763103723526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/58.png", + [ + 0.18785224854946136, + 0.007648699451237917, + 0.10770757496356964, + -1.2177058458328247, + -0.0018488503992557526, + -0.21587082743644714, + 0.0185543280094862, + -0.21655958890914917, + 0.10796298831701279, + -0.017005257308483124, + -0.18709012866020203, + 2.1696324348449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/123.png", + [ + 0.17864465713500977, + 0.001159158069640398, + 0.12260767072439194, + -1.3358789682388306, + 0.005477406550198793, + -0.21652407944202423, + -0.005933752283453941, + 0.058153185993433, + 0.12249075621366501, + 0.007991730235517025, + -0.1785498410463333, + 1.997616171836853, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/64.png", + [ + 0.18134929239749908, + -0.0026398024056106806, + 0.11854687333106995, + -1.3388673067092896, + -0.00798823032528162, + -0.21640078723430634, + 0.007401331793516874, + -0.08477454632520676, + 0.11830687522888184, + -0.010565178468823433, + -0.18121741712093353, + 2.093642234802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/10.png", + [ + 0.17539294064044952, + -0.07498522847890854, + 0.10277365893125534, + -1.169569492340088, + -0.05432208627462387, + -0.20242004096508026, + -0.0549829937517643, + 0.6261025071144104, + 0.11504051089286804, + 0.018741236999630928, + -0.18265360593795776, + 2.1327857971191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/170.png", + [ + 0.17998982965946198, + 0.01572945900261402, + 0.11959991604089737, + -1.3536468744277954, + -0.003910161554813385, + -0.21395105123519897, + 0.034022800624370575, + -0.3974737226963043, + 0.12056644260883331, + -0.030420787632465363, + -0.17744353413581848, + 2.053900718688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/41.png", + [ + 0.1924942582845688, + 0.01801418699324131, + 0.09782303869724274, + -1.0797866582870483, + 0.0010171534959226847, + -0.21343697607517242, + 0.037303049117326736, + -0.42054060101509094, + 0.09946266561746597, + -0.032680898904800415, + -0.18970248103141785, + 2.154184341430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/166.png", + [ + 0.1783849000930786, + 0.0029396938625723124, + 0.1229555681347847, + -1.3623144626617432, + -0.007523823995143175, + -0.21594619750976562, + 0.016078593209385872, + -0.18543696403503418, + 0.1227603480219841, + -0.017506780102849007, + -0.17768312990665436, + 2.024101734161377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/91.png", + [ + 0.1835435926914215, + 0.03726223483681679, + 0.10895486921072006, + -1.1847145557403564, + 0.026355596259236336, + -0.21316836774349213, + 0.028504732996225357, + -0.3133484721183777, + 0.11209380626678467, + -0.01089324988424778, + -0.18510593473911285, + 2.063154697418213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/140.png", + [ + 0.1717468500137329, + 0.02140093594789505, + 0.13035686314105988, + -1.4124696254730225, + 0.0005527053726837039, + -0.21392695605754852, + 0.03439260274171829, + -0.3816857933998108, + 0.13210076093673706, + -0.026928728446364403, + -0.1696234792470932, + 1.882656216621399, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/217.png", + [ + 0.1759190708398819, + 0.01222927588969469, + 0.1259000450372696, + -1.3894134759902954, + 0.0024699904024600983, + -0.2159506231546402, + 0.017525022849440575, + -0.20308707654476166, + 0.1264684796333313, + -0.01279343944042921, + -0.17547065019607544, + 1.9917231798171997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/240.png", + [ + 0.17154952883720398, + 0.03228871524333954, + 0.12835924327373505, + -1.4284417629241943, + 0.02297232672572136, + -0.21420279145240784, + 0.023180576041340828, + -0.26374760270118713, + 0.13034924864768982, + -0.004744014237076044, + -0.1730157732963562, + 1.9746023416519165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/23.png", + [ + 0.1845771074295044, + -0.054764751344919205, + 0.09939821064472198, + -1.1271840333938599, + -0.03835757449269295, + -0.20871317386627197, + -0.04376533627510071, + 0.4913904368877411, + 0.10680767148733139, + 0.019685765728354454, + -0.18748995661735535, + 2.188812255859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/220.png", + [ + 0.1767634004354477, + 0.009721407666802406, + 0.12493235617876053, + -1.3811233043670654, + 0.00345593155361712, + -0.21631765365600586, + 0.011942703276872635, + -0.14081966876983643, + 0.12526236474514008, + -0.007750215008854866, + -0.17662720382213593, + 2.0084400177001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/201.png", + [ + 0.17758554220199585, + -0.000661951897200197, + 0.12414036691188812, + -1.321140170097351, + -0.006730118300765753, + -0.2164042741060257, + 0.00847365241497755, + -0.10153773427009583, + 0.12395957857370377, + -0.01080088410526514, + -0.17738451063632965, + 1.9550539255142212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/37.png", + [ + 0.19332800805568695, + 0.010733958333730698, + 0.0972469225525856, + -1.0900672674179077, + -0.003610858228057623, + -0.2144371122121811, + 0.03084765374660492, + -0.3549315929412842, + 0.09777086973190308, + -0.02914443053305149, + -0.19115270674228668, + 2.1976656913757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/178.png", + [ + 0.17892560362815857, + 0.013168693520128727, + 0.12149117141962051, + -1.3595231771469116, + -0.008907665498554707, + -0.2134343832731247, + 0.03625335171818733, + -0.41790351271629333, + 0.12187770754098892, + -0.03493189439177513, + -0.17570851743221283, + 2.0183467864990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/36.png", + [ + 0.19302847981452942, + 0.0073561761528253555, + 0.09815181791782379, + -1.10371994972229, + -0.006676339544355869, + -0.21459245681762695, + 0.029212942346930504, + -0.3371720612049103, + 0.09820041060447693, + -0.029049206525087357, + -0.19094689190387726, + 2.202235698699951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/213.png", + [ + 0.17625685036182404, + 0.010931896977126598, + 0.1255464106798172, + -1.381905198097229, + -0.0006866466137580574, + -0.21577134728431702, + 0.01975219137966633, + -0.2287679761648178, + 0.12601958215236664, + -0.01646554470062256, + -0.1754874438047409, + 1.9850529432296753, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/212.png", + [ + 0.1752089262008667, + 0.01161951944231987, + 0.12694373726844788, + -1.3971049785614014, + 0.0002577989362180233, + -0.21580447256565094, + 0.019397377967834473, + -0.22411546111106873, + 0.12747415900230408, + -0.015534204430878162, + -0.1745191067457199, + 1.97476327419281, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/182.png", + [ + 0.1784306764602661, + 0.004236589185893536, + 0.12285128235816956, + -1.3644808530807495, + -0.01413530670106411, + -0.21440227329730988, + 0.027924062684178352, + -0.3227797746658325, + 0.12210888415575027, + -0.031009862199425697, + -0.17628303170204163, + 2.010044574737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/235.png", + [ + 0.1723656952381134, + 0.0343376062810421, + 0.12672367691993713, + -1.4161025285720825, + 0.030056292191147804, + -0.21389922499656677, + 0.01707741618156433, + -0.20020157098770142, + 0.12780681252479553, + 0.0039934683591127396, + -0.17492102086544037, + 2.001556396484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/8.png", + [ + 0.17573362588882446, + -0.07633595168590546, + 0.10118501633405685, + -1.1505484580993652, + -0.056108541786670685, + -0.20195206999778748, + -0.05490979179739952, + 0.630602240562439, + 0.11365482956171036, + 0.01833234541118145, + -0.1835603415966034, + 2.141894817352295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/6.png", + [ + 0.17559814453125, + -0.07703081518411636, + 0.10089319944381714, + -1.154895305633545, + -0.06080780178308487, + -0.2022184133529663, + -0.048559390008449554, + 0.5495204329490662, + 0.11142528802156448, + 0.011038878932595253, + -0.18550051748752594, + 2.177107810974121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/197.png", + [ + 0.15528491139411926, + -0.019545894116163254, + 0.14984139800071716, + -1.6198679208755493, + -0.017774516716599464, + -0.21572549641132355, + -0.009719832800328732, + 0.09781411290168762, + 0.15006183087825775, + -0.005326027050614357, + -0.1562081128358841, + 1.7379499673843384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/219.png", + [ + 0.17619775235652924, + 0.01013991329818964, + 0.12569577991962433, + -1.386657476425171, + 0.003899712348356843, + -0.2163078635931015, + 0.011983077973127365, + -0.1395154893398285, + 0.12604379653930664, + -0.007482251618057489, + -0.17608200013637543, + 1.9998613595962524, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/169.png", + [ + 0.17993883788585663, + 0.01285817101597786, + 0.12001904845237732, + -1.3530910015106201, + -0.004402375314384699, + -0.2145993411540985, + 0.02959124930202961, + -0.3462492525577545, + 0.1206255704164505, + -0.027012784034013748, + -0.17795416712760925, + 2.053476333618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/154.png", + [ + 0.16675794124603271, + -0.027117114514112473, + 0.13566261529922485, + -1.4616682529449463, + -0.02828258089721203, + -0.2146664261817932, + -0.008143649436533451, + 0.07965798676013947, + 0.1354244202375412, + -0.011440517380833626, + -0.16875198483467102, + 1.8712271451950073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/20.png", + [ + 0.18014714121818542, + -0.0666830912232399, + 0.1002410277724266, + -1.1458330154418945, + -0.047834690660238266, + -0.20519687235355377, + -0.05053698271512985, + 0.5696867108345032, + 0.11048412322998047, + 0.019887402653694153, + -0.1853257566690445, + 2.1769700050354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/237.png", + [ + 0.17244777083396912, + 0.032939374446868896, + 0.1269828826189041, + -1.4191691875457764, + 0.02605125494301319, + -0.21415479481220245, + 0.02017313987016678, + -0.2334592044353485, + 0.12857289612293243, + -0.0007880451739765704, + -0.17440265417099, + 1.9987624883651733, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/2.png", + [ + 0.17263159155845642, + -0.07882992923259735, + 0.10455654561519623, + -1.2153109312057495, + -0.06474632769823074, + -0.20176924765110016, + -0.04522142559289932, + 0.5187654495239258, + 0.1138162612915039, + 0.00478594982996583, + -0.18431182205677032, + 2.1907081604003906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/117.png", + [ + 0.17827601730823517, + 0.012972349300980568, + 0.12246333807706833, + -1.3443130254745483, + 0.0060368990525603294, + -0.21613065898418427, + 0.01410616748034954, + -0.15568387508392334, + 0.12300043553113937, + -0.008194278925657272, + -0.17818990349769592, + 2.0101656913757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/149.png", + [ + 0.16156785190105438, + -0.007062844466418028, + 0.14420068264007568, + -1.5729050636291504, + -0.01518925093114376, + -0.21604572236537933, + 0.006436847150325775, + -0.07130812108516693, + 0.14357230067253113, + -0.014908472076058388, + -0.16159400343894958, + 1.8202989101409912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/161.png", + [ + 0.17672592401504517, + -0.011673555709421635, + 0.12481813877820969, + -1.345345377922058, + -0.0122274374589324, + -0.21630966663360596, + -0.002917828969657421, + 0.025089547038078308, + 0.1247650757431984, + -0.00466390373185277, + -0.17708702385425568, + 1.9703034162521362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/5.png", + [ + 0.17613308131694794, + -0.07567942887544632, + 0.10098347067832947, + -1.1612147092819214, + -0.062183529138565063, + -0.20292507112026215, + -0.043617818504571915, + 0.4906710684299469, + 0.10981004685163498, + 0.006475294474512339, + -0.18667542934417725, + 2.1975975036621094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/187.png", + [ + 0.17713183164596558, + 0.003005604026839137, + 0.1247524619102478, + -1.3886704444885254, + -0.007634605746716261, + -0.21594497561454773, + 0.016042783856391907, + -0.1865094006061554, + 0.12455490231513977, + -0.01751069538295269, + -0.17642943561077118, + 2.024289608001709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/108.png", + [ + 0.18425171077251434, + 0.033835653215646744, + 0.10887764394283295, + -1.1976758241653442, + 0.019500795751810074, + -0.21321675181388855, + 0.033260032534599304, + -0.3736974895000458, + 0.11233393102884293, + -0.018484016880393028, + -0.18435651063919067, + 2.0812087059020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/60.png", + [ + 0.18547821044921875, + 0.002726947655901313, + 0.11197450011968613, + -1.272320032119751, + -0.005763413850218058, + -0.2160910964012146, + 0.014809238724410534, + -0.173774853348732, + 0.11185932904481888, + -0.015655485913157463, + -0.18490618467330933, + 2.1505908966064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/56.png", + [ + 0.18763531744480133, + 0.011047118343412876, + 0.10779071599245071, + -1.213378667831421, + 0.00024578406009823084, + -0.21558843553066254, + 0.021667107939720154, + -0.25236058235168457, + 0.1083550676703453, + -0.01864095777273178, + -0.18670722842216492, + 2.1578383445739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/147.png", + [ + 0.1648378223180771, + 0.002759527415037155, + 0.14060145616531372, + -1.5394355058670044, + -0.008195320144295692, + -0.21607623994350433, + 0.013848839327692986, + -0.15173426270484924, + 0.14038953185081482, + -0.01585366390645504, + -0.16427820920944214, + 1.8535059690475464, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/30.png", + [ + 0.19074596464633942, + -0.022232338786125183, + 0.10034734755754471, + -1.1287134885787964, + -0.024963995441794395, + -0.21523159742355347, + -0.00023239676374942064, + -0.01018294133245945, + 0.09970290213823318, + -0.011356853879988194, + -0.19203710556030273, + 2.221090316772461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/17.png", + [ + 0.17716994881629944, + -0.07440156489610672, + 0.10011547803878784, + -1.1452274322509766, + -0.05238386243581772, + -0.20221073925495148, + -0.05757300555706024, + 0.6548870801925659, + 0.11320174485445023, + 0.022871948778629303, + -0.18333066999912262, + 2.1544723510742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/12.png", + [ + 0.17661000788211823, + -0.07312706112861633, + 0.10202563554048538, + -1.1628239154815674, + -0.05648724362254143, + -0.20357012748718262, + -0.04812782257795334, + 0.5353511571884155, + 0.11209812015295029, + 0.012630495242774487, + -0.18499290943145752, + 2.1650609970092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/114.png", + [ + 0.1807895004749298, + 0.016996119171380997, + 0.11821243911981583, + -1.302234411239624, + 0.005270682275295258, + -0.21539577841758728, + 0.022907983511686325, + -0.2581140995025635, + 0.1193116307258606, + -0.016238462179899216, + -0.18013589084148407, + 2.0342817306518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/27.png", + [ + 0.1896597146987915, + -0.040599364787340164, + 0.09658563137054443, + -1.0873771905899048, + -0.033051617443561554, + -0.21273063123226166, + -0.024518843740224838, + 0.273050457239151, + 0.09942174702882767, + 0.0067286416888237, + -0.19240045547485352, + 2.2290964126586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/42.png", + [ + 0.19264578819274902, + 0.01981855370104313, + 0.09717364609241486, + -1.0703134536743164, + 0.002400981495156884, + -0.21317395567893982, + 0.0387168750166893, + -0.4351758062839508, + 0.09914499521255493, + -0.03334645554423332, + -0.18975293636322021, + 2.1470794677734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/223.png", + [ + 0.17626507580280304, + 0.01234699971973896, + 0.12540359795093536, + -1.3952701091766357, + 0.006948233116418123, + -0.2162562906742096, + 0.011525864712893963, + -0.1382327377796173, + 0.12581826746463776, + -0.005354914348572493, + -0.17632068693637848, + 2.014247417449951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/174.png", + [ + 0.18032655119895935, + 0.018956981599330902, + 0.11862065643072128, + -1.337540864944458, + -0.0010763673344627023, + -0.21369604766368866, + 0.035787444561719894, + -0.4134187698364258, + 0.1201210543513298, + -0.030373219400644302, + -0.17775346338748932, + 2.0529580116271973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/7.png", + [ + 0.1757148802280426, + -0.07592639327049255, + 0.10152517259120941, + -1.1581557989120483, + -0.057610590010881424, + -0.20238907635211945, + -0.05164860188961029, + 0.59088134765625, + 0.1129300519824028, + 0.014891009777784348, + -0.18431752920150757, + 2.1599173545837402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/73.png", + [ + 0.18137691915035248, + 0.009839056059718132, + 0.11812494695186615, + -1.3199752569198608, + 0.002662228886038065, + -0.21621057391166687, + 0.013921201229095459, + -0.16040512919425964, + 0.1185041069984436, + -0.010201972909271717, + -0.18110933899879456, + 2.0749378204345703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/120.png", + [ + 0.1761678010225296, + 0.004208207130432129, + 0.12607574462890625, + -1.3839921951293945, + 0.0034335427917540073, + -0.21663376688957214, + 0.002433140529319644, + -0.031066356226801872, + 0.12609919905662537, + 1.9593513570725918e-05, + -0.1762012541294098, + 1.9845339059829712, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/46.png", + [ + 0.19134140014648438, + 0.021054726094007492, + 0.09946385771036148, + -1.095348834991455, + 0.003998253960162401, + -0.21337173879146576, + 0.03747544810175896, + -0.42274972796440125, + 0.10158924013376236, + -0.03125849366188049, + -0.1888132095336914, + 2.1315712928771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/127.png", + [ + 0.17974631488323212, + 0.002165541984140873, + 0.12097299098968506, + -1.308039903640747, + 0.0046921479515731335, + -0.21660171449184418, + -0.003094378160312772, + 0.02579372376203537, + 0.12090136110782623, + 0.005186700262129307, + -0.17973272502422333, + 1.9986268281936646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/236.png", + [ + 0.17351175844669342, + 0.034104738384485245, + 0.12521351873874664, + -1.3987812995910645, + 0.028018802404403687, + -0.21397286653518677, + 0.019453946501016617, + -0.2264011800289154, + 0.12671425938606262, + 0.000613103446085006, + -0.17575837671756744, + 2.013047218322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/226.png", + [ + 0.17663027346134186, + 0.011198055930435658, + 0.12499698996543884, + -1.3840694427490234, + 0.010015667416155338, + -0.2163798063993454, + 0.005231831222772598, + -0.06335413455963135, + 0.12509728968143463, + 0.0015129976673051715, + -0.17690753936767578, + 2.014796257019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/133.png", + [ + 0.17677073180675507, + 0.0206481721252203, + 0.12358662486076355, + -1.3372595310211182, + 0.010021008551120758, + -0.21535755693912506, + 0.021647315472364426, + -0.24399763345718384, + 0.1248982697725296, + -0.011944866739213467, + -0.17665116488933563, + 1.9605077505111694, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/57.png", + [ + 0.18621675670146942, + 0.009335183538496494, + 0.11038145422935486, + -1.248218297958374, + -0.0010167196160182357, + -0.2157507687807083, + 0.01996171846985817, + -0.23318590223789215, + 0.11077083647251129, + -0.017673658207058907, + -0.18537895381450653, + 2.1521191596984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/44.png", + [ + 0.19222404062747955, + 0.022946923971176147, + 0.09732034057378769, + -1.071440577507019, + 0.00427173962816596, + -0.21258369088172913, + 0.041687171906232834, + -0.46904346346855164, + 0.09989775717258453, + -0.035064321011304855, + -0.18904715776443481, + 2.1379427909851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/113.png", + [ + 0.18050441145896912, + 0.01958565227687359, + 0.11824739724397659, + -1.3030726909637451, + 0.0046164896339178085, + -0.21473971009254456, + 0.028520889580249786, + -0.3216973543167114, + 0.11976949870586395, + -0.021240415051579475, + -0.17930980026721954, + 2.0255661010742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/126.png", + [ + 0.17905475199222565, + 0.001323516946285963, + 0.12200630456209183, + -1.320595145225525, + 0.004241438582539558, + -0.21659846603870392, + -0.0038750276435166597, + 0.03398537263274193, + 0.12193974107503891, + 0.00559052312746644, + -0.17901769280433655, + 1.9919177293777466, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/29.png", + [ + 0.19015389680862427, + -0.028603697195649147, + 0.09985596686601639, + -1.123132348060608, + -0.026939861476421356, + -0.21475057303905487, + -0.010214111767709255, + 0.10470612347126007, + 0.10031764209270477, + -0.003451501950621605, + -0.19202174246311188, + 2.220244884490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/4.png", + [ + 0.17517080903053284, + -0.0775144100189209, + 0.10126499831676483, + -1.1692538261413574, + -0.0647340640425682, + -0.20228706300258636, + -0.04286421835422516, + 0.4817632734775543, + 0.10987531393766403, + 0.004399527329951525, + -0.18669748306274414, + 2.2061638832092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/55.png", + [ + 0.18741357326507568, + 0.012959934771060944, + 0.10796333104372025, + -1.2112739086151123, + 0.0005057459929957986, + -0.2152317613363266, + 0.024958522990345955, + -0.29002752900123596, + 0.10873722285032272, + -0.02133597619831562, + -0.18619582056999207, + 2.145726203918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/9.png", + [ + 0.17519430816173553, + -0.0754816085100174, + 0.10274911671876907, + -1.1680195331573486, + -0.05408158525824547, + -0.2021290510892868, + -0.056275345385074615, + 0.6473129987716675, + 0.11545576900243759, + 0.019855966791510582, + -0.18227341771125793, + 2.1272716522216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/25.png", + [ + 0.1860267072916031, + -0.050904422998428345, + 0.09874565154314041, + -1.1129391193389893, + -0.03732246533036232, + -0.21003280580043793, + -0.037962429225444794, + 0.4262528419494629, + 0.10463744401931763, + 0.015583710744976997, + -0.1890926957130432, + 2.195244789123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/99.png", + [ + 0.1889035999774933, + 0.053712960332632065, + 0.09153272211551666, + -1.0445294380187988, + 0.027908260002732277, + -0.20543913543224335, + 0.06295861303806305, + -0.7335023880004883, + 0.10239361226558685, + -0.04309960454702377, + -0.18602652847766876, + 2.1741647720336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/208.png", + [ + 0.1803300380706787, + 0.009705101139843464, + 0.1197279766201973, + -1.306120753288269, + -0.001184553373605013, + -0.2158121019601822, + 0.019277771934866905, + -0.21627011895179749, + 0.12011483311653137, + -0.016698703169822693, + -0.179559126496315, + 2.0157604217529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/224.png", + [ + 0.17667336761951447, + 0.011961552314460278, + 0.12486526370048523, + -1.3889878988265991, + 0.0075740511529147625, + -0.21631096303462982, + 0.010005037300288677, + -0.11988960206508636, + 0.1252080202102661, + -0.0037931909319013357, + -0.17679497599601746, + 2.0194239616394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/34.png", + [ + 0.19324585795402527, + 0.0010144236730411649, + 0.09799440205097198, + -1.103133201599121, + -0.011531627736985683, + -0.2149224430322647, + 0.024965327233076096, + -0.2924008369445801, + 0.09731882810592651, + -0.027481209486722946, + -0.19162914156913757, + 2.2142205238342285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/72.png", + [ + 0.1838521659374237, + 0.00880963634699583, + 0.11431827396154404, + -1.2741998434066772, + 0.002220551483333111, + -0.2162671685218811, + 0.01309486385434866, + -0.1498013436794281, + 0.11463572084903717, + -0.0099396463483572, + -0.18359670042991638, + 2.0977325439453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/102.png", + [ + 0.18699829280376434, + 0.04772300273180008, + 0.09849895536899567, + -1.1108070611953735, + 0.026893891394138336, + -0.2090497463941574, + 0.05022762343287468, + -0.5766989588737488, + 0.10609546303749084, + -0.031122520565986633, + -0.18634118139743805, + 2.153789520263672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/134.png", + [ + 0.17493084073066711, + 0.02147105522453785, + 0.12604005634784698, + -1.3618650436401367, + 0.008291509933769703, + -0.2150530070066452, + 0.025126731023192406, + -0.28228312730789185, + 0.12758663296699524, + -0.015462713316082954, + -0.17444325983524323, + 1.9369505643844604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/70.png", + [ + 0.1804162561893463, + 0.005280838347971439, + 0.11987487226724625, + -1.3397657871246338, + -0.00013082647637929767, + -0.21645590662956238, + 0.009732413105666637, + -0.11273641884326935, + 0.11999105662107468, + -0.0081761684268713, + -0.18023094534873962, + 2.066798686981201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/135.png", + [ + 0.17705146968364716, + 0.023616351187229156, + 0.122649647295475, + -1.3207807540893555, + 0.008773371577262878, + -0.21459218859672546, + 0.028655169531702995, + -0.31866928935050964, + 0.12459412217140198, + -0.018448811024427414, + -0.1763060986995697, + 1.9530614614486694, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/229.png", + [ + 0.1739283800125122, + 0.020228099077939987, + 0.1276230365037918, + -1.4090877771377563, + 0.022241244092583656, + -0.21549582481384277, + 0.0038448157720267773, + -0.046030014753341675, + 0.12728764116764069, + 0.010013965889811516, + -0.1750584840774536, + 1.9872044324874878, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/130.png", + [ + 0.18020886182785034, + 0.011118732392787933, + 0.11978746205568314, + -1.287729024887085, + 0.010899639688432217, + -0.2163689285516739, + 0.003685998497530818, + -0.04263436794281006, + 0.11980760842561722, + 0.00296015664935112, + -0.1805139034986496, + 2.0001463890075684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/90.png", + [ + 0.18453611433506012, + 0.03963615372776985, + 0.1064109355211258, + -1.1549854278564453, + 0.02961868792772293, + -0.21281878650188446, + 0.027906905859708786, + -0.3037499785423279, + 0.1096222773194313, + -0.009221570566296577, + -0.18667031824588776, + 2.078907012939453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/122.png", + [ + 0.17699775099754333, + 0.0012919122818857431, + 0.12497207522392273, + -1.3654435873031616, + 0.0043211136944592, + -0.21659676730632782, + -0.0038808940444141626, + 0.03605685755610466, + 0.12490402907133102, + 0.0056625367142260075, + -0.17695993185043335, + 1.9843686819076538, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/238.png", + [ + 0.1738852709531784, + 0.034352052956819534, + 0.12462639063596725, + -1.392281413078308, + 0.026227734982967377, + -0.21391497552394867, + 0.022369278594851494, + -0.25685763359069824, + 0.12658557295799255, + -0.002866143360733986, + -0.17582879960536957, + 2.0147128105163574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/15.png", + [ + 0.17681759595870972, + -0.0753135085105896, + 0.10005652904510498, + -1.1430729627609253, + -0.05626020208001137, + -0.20243237912654877, + -0.05295107513666153, + 0.5945568680763245, + 0.11188486963510513, + 0.017230814322829247, + -0.18475057184696198, + 2.170260429382324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/162.png", + [ + 0.17976538836956024, + -0.00849374383687973, + 0.12066545337438583, + -1.3057793378829956, + -0.010862059891223907, + -0.21640010178089142, + 0.0009495297563262284, + -0.01775887981057167, + 0.12047534435987473, + -0.006836832035332918, + -0.17996342480182648, + 2.011598587036133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/22.png", + [ + 0.18281827867031097, + -0.05772298201918602, + 0.10096250474452972, + -1.1484923362731934, + -0.04083962365984917, + -0.20798681676387787, + -0.04496113210916519, + 0.5047494769096375, + 0.10889212042093277, + 0.01890597864985466, + -0.18636780977249146, + 2.1839847564697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/171.png", + [ + 0.1788843274116516, + 0.015382189303636551, + 0.12129170447587967, + -1.3750083446502686, + -0.0044416398741304874, + -0.21399345993995667, + 0.033689260482788086, + -0.3929901719093323, + 0.12218249589204788, + -0.030299881473183632, + -0.17635546624660492, + 2.043026924133301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/138.png", + [ + 0.17524079978466034, + 0.022961340844631195, + 0.12534484267234802, + -1.3529053926467896, + 0.0033237698953598738, + -0.2138792872428894, + 0.034532684832811356, + -0.3813369572162628, + 0.12738724052906036, + -0.026006357744336128, + -0.17333219945430756, + 1.9193178415298462, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/109.png", + [ + 0.18112751841545105, + 0.030069610103964806, + 0.11505013704299927, + -1.2689467668533325, + 0.012525849044322968, + -0.21329115331172943, + 0.03602607920765877, + -0.4105696976184845, + 0.1182532012462616, + -0.023464737460017204, + -0.1800374537706375, + 2.034794807434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/26.png", + [ + 0.18857277929782867, + -0.04375392198562622, + 0.0973333790898323, + -1.096125602722168, + -0.0332595631480217, + -0.21187861263751984, + -0.030808264389634132, + 0.34564605355262756, + 0.10140016674995422, + 0.011871879920363426, + -0.19111503660678864, + 2.215883731842041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/43.png", + [ + 0.1920202225446701, + 0.021207118406891823, + 0.09811415523290634, + -1.0810199975967407, + 0.0031883660703897476, + -0.21296554803848267, + 0.03979196399450302, + -0.4483121931552887, + 0.10032927244901657, + -0.03382047265768051, + -0.189045250415802, + 2.137284755706787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/205.png", + [ + 0.1831531524658203, + 0.0073059601709246635, + 0.11553977429866791, + -1.2428268194198608, + -0.0018612605053931475, + -0.21602897346019745, + 0.016610685735940933, + -0.1875942349433899, + 0.11575557291507721, + -0.015033368021249771, + -0.18254461884498596, + 2.030820369720459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/244.png", + [ + 0.16859866678714752, + 0.02645295113325119, + 0.13350138068199158, + -1.454572081565857, + 0.013565286062657833, + -0.2147502303123474, + 0.025420622900128365, + -0.2843990623950958, + 0.13541921973228455, + -0.011422192677855492, + -0.16875740885734558, + 1.8930131196975708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/84.png", + [ + 0.18886829912662506, + 0.029678497463464737, + 0.10196001082658768, + -1.114072561264038, + 0.017521396279335022, + -0.2138984501361847, + 0.029805287718772888, + -0.3349883258342743, + 0.10473614186048508, + -0.0177353136241436, + -0.1888483464717865, + 2.123152256011963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/216.png", + [ + 0.17637379467487335, + 0.011051429435610771, + 0.12537164986133575, + -1.382989525794983, + -0.00013721338473260403, + -0.21582068502902985, + 0.019217489287257195, + -0.22311635315418243, + 0.12585772573947906, + -0.0157224852591753, + -0.17567166686058044, + 1.9906679391860962, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/136.png", + [ + 0.17839448153972626, + 0.023832136765122414, + 0.12064547836780548, + -1.2995132207870483, + 0.0068361409939825535, + -0.21416011452674866, + 0.03219650685787201, + -0.3558920621871948, + 0.12278669327497482, + -0.022701920941472054, + -0.17707611620426178, + 1.9612904787063599, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/89.png", + [ + 0.18669924139976501, + 0.03859225660562515, + 0.10296566784381866, + -1.115923523902893, + 0.028410688042640686, + -0.21293234825134277, + 0.028293775394558907, + -0.310538649559021, + 0.10622675716876984, + -0.010878528468310833, + -0.1885349452495575, + 2.0977087020874023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/63.png", + [ + 0.18141943216323853, + -0.001987270312383771, + 0.11845225095748901, + -1.3412818908691406, + -0.007596342358738184, + -0.21639344096183777, + 0.008003998547792435, + -0.0933707058429718, + 0.11822512745857239, + -0.010854454711079597, + -0.18125367164611816, + 2.0987353324890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/88.png", + [ + 0.18820014595985413, + 0.036250293254852295, + 0.10106689482927322, + -1.0946087837219238, + 0.02531866542994976, + -0.21318386495113373, + 0.029317228123545647, + -0.324852854013443, + 0.10434350371360779, + -0.01365470327436924, + -0.18940401077270508, + 2.109227180480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/62.png", + [ + 0.1820424646139145, + -0.0017967516323551536, + 0.11749560385942459, + -1.3335682153701782, + -0.007496602833271027, + -0.21638555824756622, + 0.00830591656267643, + -0.09721203148365021, + 0.11726998537778854, + -0.011043504811823368, + -0.1818617433309555, + 2.1099038124084473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/65.png", + [ + 0.18145869672298431, + -0.0011416844790801406, + 0.11840322613716125, + -1.3338719606399536, + -0.006448394153267145, + -0.21643832325935364, + 0.007795507088303566, + -0.088651642203331, + 0.11823301762342453, + -0.010052275843918324, + -0.1812947690486908, + 2.0886597633361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/80.png", + [ + 0.18831463158130646, + 0.018345465883612633, + 0.10558855533599854, + -1.1617826223373413, + 0.006272835657000542, + -0.2149972766637802, + 0.026167212054133415, + -0.29671940207481384, + 0.10698668658733368, + -0.01968540996313095, + -0.18738791346549988, + 2.114470958709717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/146.png", + [ + 0.1706179827451706, + 0.005471422802656889, + 0.13344459235668182, + -1.459710717201233, + -0.007425575517117977, + -0.2157692313194275, + 0.018340956419706345, + -0.20752209424972534, + 0.13335011899471283, + -0.019015613943338394, + -0.16971753537654877, + 1.9099739789962769, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/119.png", + [ + 0.17566457390785217, + 0.005701338406652212, + 0.12671759724617004, + -1.3938604593276978, + 0.0023707766085863113, + -0.21656540036201477, + 0.00645728362724185, + -0.07422062754631042, + 0.12682364881038666, + -0.00384861440397799, + -0.17563840746879578, + 1.9810210466384888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/180.png", + [ + 0.179741770029068, + 0.008417303673923016, + 0.1207059994339943, + -1.3422330617904663, + -0.010698278434574604, + -0.21419765055179596, + 0.03086751699447632, + -0.3564508557319641, + 0.12052523344755173, + -0.03156589716672897, + -0.17727141082286835, + 2.0264124870300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/145.png", + [ + 0.1737348884344101, + 0.009146545082330704, + 0.12915268540382385, + -1.4096028804779053, + -0.004258941393345594, + -0.21561263501644135, + 0.020998692139983177, + -0.23752817511558533, + 0.12940610945224762, + -0.019375871866941452, + -0.1727035790681839, + 1.937097430229187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/204.png", + [ + 0.18258756399154663, + 0.00567929120734334, + 0.11652221530675888, + -1.247032642364502, + -0.003557263407856226, + -0.2160460501909256, + 0.016104230657219887, + -0.1831153929233551, + 0.11660629510879517, + -0.015483733266592026, + -0.18196462094783783, + 2.0180296897888184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/207.png", + [ + 0.1831347793340683, + 0.010224230587482452, + 0.11534734815359116, + -1.2516577243804932, + -0.00010526079859118909, + -0.21581365168094635, + 0.019296549260616302, + -0.21594183146953583, + 0.11579954624176025, + -0.01636560447514057, + -0.1824021190404892, + 2.0395255088806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/167.png", + [ + 0.17642086744308472, + 0.007143218535929918, + 0.1255887746810913, + -1.4014753103256226, + -0.005559995770454407, + -0.21567076444625854, + 0.020077291876077652, + -0.23467759788036346, + 0.12566882371902466, + -0.019570019096136093, + -0.17542022466659546, + 2.0124077796936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/243.png", + [ + 0.1679619699716568, + 0.028763480484485626, + 0.13382576406002045, + -1.4666898250579834, + 0.016788432374596596, + -0.21456634998321533, + 0.02504643052816391, + -0.2817944288253784, + 0.1358485072851181, + -0.00904638972133398, + -0.168556347489357, + 1.8999708890914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/189.png", + [ + 0.17790746688842773, + 0.00014380142965819687, + 0.1236802488565445, + -1.3727158308029175, + -0.007175461854785681, + -0.21629752218723297, + 0.0105730090290308, + -0.12612371146678925, + 0.12347200512886047, + -0.012777132913470268, + -0.17759309709072113, + 2.0363688468933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/230.png", + [ + 0.17184887826442719, + 0.02352197654545307, + 0.12985599040985107, + -1.4372737407684326, + 0.02674696408212185, + -0.21498818695545197, + 0.003546324325725436, + -0.04178217798471451, + 0.12923027575016022, + 0.01321715023368597, + -0.1734149307012558, + 1.9732729196548462, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/79.png", + [ + 0.18620267510414124, + 0.018237603828310966, + 0.10928789526224136, + -1.206282138824463, + 0.006337787490338087, + -0.21512249112129211, + 0.02510072849690914, + -0.28528842329978943, + 0.1106177568435669, + -0.018373997882008553, + -0.1854022592306137, + 2.0963845252990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/176.png", + [ + 0.17968150973320007, + 0.017900554463267326, + 0.11975815892219543, + -1.3448246717453003, + -0.0028501604683697224, + -0.21360938251018524, + 0.036205027252435684, + -0.41648656129837036, + 0.12105505168437958, + -0.031599011272192, + -0.17690414190292358, + 2.037043571472168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/225.png", + [ + 0.17728258669376373, + 0.011238197796046734, + 0.12406643480062485, + -1.3762125968933105, + 0.008666385896503925, + -0.21638095378875732, + 0.007216556463390589, + -0.08660687506198883, + 0.12427257746458054, + -0.0009422517032362521, + -0.17749178409576416, + 2.0234718322753906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/185.png", + [ + 0.1765589714050293, + 0.0019140900112688541, + 0.1255832314491272, + -1.3969393968582153, + -0.013050183653831482, + -0.21519723534584045, + 0.021627359092235565, + -0.25271663069725037, + 0.12491800636053085, + -0.02518702670931816, + -0.17523983120918274, + 2.004019260406494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/165.png", + [ + 0.17861664295196533, + -0.00024877017131075263, + 0.12265370786190033, + -1.3510936498641968, + -0.007374642416834831, + -0.2163039594888687, + 0.010300740599632263, + -0.12007343769073486, + 0.12243206799030304, + -0.012666045688092709, + -0.1783195286989212, + 2.022721767425537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/116.png", + [ + 0.1798659861087799, + 0.012625809758901596, + 0.12015287578105927, + -1.3240002393722534, + 0.00516474386677146, + -0.2160947471857071, + 0.014976001344621181, + -0.1680639684200287, + 0.12070398032665253, + -0.009567867033183575, + -0.1796855479478836, + 2.0298590660095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/19.png", + [ + 0.17946504056453705, + -0.06946488469839096, + 0.09957318007946014, + -1.1402547359466553, + -0.04991254210472107, + -0.20420661568641663, + -0.052500396966934204, + 0.5939081907272339, + 0.11067486554384232, + 0.020547106862068176, + -0.18513989448547363, + 2.1757192611694336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/77.png", + [ + 0.18638233840465546, + 0.01586919091641903, + 0.10935118049383163, + -1.2084777355194092, + 0.004661145154386759, + -0.21536673605442047, + 0.023309677839279175, + -0.2628898024559021, + 0.1103983074426651, + -0.01769847422838211, + -0.18559867143630981, + 2.1013741493225098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/68.png", + [ + 0.18091119825839996, + 0.001706829876638949, + 0.11923139542341232, + -1.3331944942474365, + -0.0034408417996019125, + -0.21648749709129333, + 0.008319906890392303, + -0.09618665277957916, + 0.11919394880533218, + -0.008840077556669712, + -0.18072783946990967, + 2.0703539848327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/143.png", + [ + 0.16871440410614014, + 0.015202595852315426, + 0.13510078191757202, + -1.4746299982070923, + -0.0015110556269064546, + -0.215092733502388, + 0.02609092928469181, + -0.29315125942230225, + 0.13594505190849304, + -0.02125796489417553, + -0.16737662255764008, + 1.8740695714950562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/218.png", + [ + 0.17578420042991638, + 0.009534073993563652, + 0.12632067501544952, + -1.3922492265701294, + 0.0018509128130972385, + -0.2162303626537323, + 0.013744345866143703, + -0.15965087711811066, + 0.12666645646095276, + -0.010071459226310253, + -0.17550519108772278, + 1.9905270338058472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/183.png", + [ + 0.17744413018226624, + 0.0038219515699893236, + 0.12428543716669083, + -1.3796601295471191, + -0.01312915701419115, + -0.21478575468063354, + 0.025349652394652367, + -0.29237616062164307, + 0.12364912778139114, + -0.028290851041674614, + -0.17566564679145813, + 2.0034937858581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/86.png", + [ + 0.18838216364383698, + 0.03501936420798302, + 0.10116170346736908, + -1.097457766532898, + 0.022992394864559174, + -0.21321062743663788, + 0.030991414561867714, + -0.3467239737510681, + 0.10455331951379776, + -0.016209932044148445, + -0.18908658623695374, + 2.1108546257019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/239.png", + [ + 0.1726234257221222, + 0.03321581333875656, + 0.12667186558246613, + -1.4122669696807861, + 0.02438507415354252, + -0.21407634019851685, + 0.0229039303958416, + -0.2602936923503876, + 0.12866398692131042, + -0.003991477657109499, + -0.17429153621196747, + 1.9912878274917603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/1.png", + [ + 0.17235533893108368, + -0.08053886145353317, + 0.10370644181966782, + -1.2072277069091797, + -0.0662035122513771, + -0.20108766853809357, + -0.04613833129405975, + 0.5347636938095093, + 0.11339588463306427, + 0.005014239810407162, + -0.18456467986106873, + 2.1957831382751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/81.png", + [ + 0.18878723680973053, + 0.0186848733574152, + 0.10468119382858276, + -1.148058533668518, + 0.006359485909342766, + -0.2149055004119873, + 0.026890147477388382, + -0.30441147089004517, + 0.10614534467458725, + -0.020356783643364906, + -0.18779420852661133, + 2.113283634185791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/95.png", + [ + 0.18487167358398438, + 0.046331748366355896, + 0.10307148844003677, + -1.1460613012313843, + 0.027601908892393112, + -0.21015402674674988, + 0.044959019869565964, + -0.5096274018287659, + 0.1095832884311676, + -0.02522989735007286, + -0.18521027266979218, + 2.116635322570801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/200.png", + [ + 0.17325931787490845, + -0.00484613049775362, + 0.1300216019153595, + -1.3839925527572632, + -0.008433534763753414, + -0.21648724377155304, + 0.0031691885087639093, + -0.04321141541004181, + 0.12983828783035278, + -0.007594950031489134, + -0.17329809069633484, + 1.9092358350753784, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/199.png", + [ + 0.16779057681560516, + -0.011405982077121735, + 0.13661667704582214, + -1.4587526321411133, + -0.013314349576830864, + -0.2162584513425827, + -0.0017027059802785516, + 0.011266607791185379, + 0.13644391298294067, + -0.007076343987137079, + -0.16816918551921844, + 1.8536721467971802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/103.png", + [ + 0.18643946945667267, + 0.044284261763095856, + 0.1011292114853859, + -1.1313248872756958, + 0.02515588328242302, + -0.21029849350452423, + 0.04571244865655899, + -0.5197259783744812, + 0.10749603062868118, + -0.027592571452260017, + -0.18609444797039032, + 2.1342477798461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/196.png", + [ + 0.15493421256542206, + -0.024349631741642952, + 0.14950039982795715, + -1.6317837238311768, + -0.02249109372496605, + -0.21518418192863464, + -0.011739205569028854, + 0.12081839144229889, + 0.14979125559329987, + -0.007124148774892092, + -0.1563960164785385, + 1.748938798904419, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/150.png", + [ + 0.16274459660053253, + -0.010720137506723404, + 0.14264348149299622, + -1.5522271394729614, + -0.017304643988609314, + -0.21595393121242523, + 0.003513525240123272, + -0.038089439272880554, + 0.14199520647525787, + -0.014031187631189823, + -0.16305944323539734, + 1.8288344144821167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/83.png", + [ + 0.18775904178619385, + 0.02548697404563427, + 0.10509445518255234, + -1.1505075693130493, + 0.01265388261526823, + -0.21430237591266632, + 0.02936442196369171, + -0.3308589458465576, + 0.1073979064822197, + -0.01930813491344452, + -0.18719181418418884, + 2.1084532737731934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/142.png", + [ + 0.17143851518630981, + 0.018183551728725433, + 0.13124817609786987, + -1.4282268285751343, + -0.0005752163124270737, + -0.21452049911022186, + 0.03047172538936138, + -0.34035566449165344, + 0.132500559091568, + -0.02445843815803528, + -0.16968582570552826, + 1.8913482427597046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/186.png", + [ + 0.17615462839603424, + 0.003255860647186637, + 0.12612231075763702, + -1.4037836790084839, + -0.00988332275301218, + -0.21558073163032532, + 0.01936924457550049, + -0.22496148943901062, + 0.12577661871910095, + -0.021499931812286377, + -0.17511679232120514, + 2.005795478820801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/195.png", + [ + 0.15546482801437378, + -0.02382045052945614, + 0.14903409779071808, + -1.6410592794418335, + -0.01996537111699581, + -0.21532444655895233, + -0.013588916510343552, + 0.141073539853096, + 0.1495993286371231, + -0.003982575610280037, + -0.15669099986553192, + 1.764277458190918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/51.png", + [ + 0.1869908571243286, + 0.022890111431479454, + 0.10704370588064194, + -1.1912696361541748, + 0.0073131597600877285, + -0.21402332186698914, + 0.03299141302704811, + -0.3699440658092499, + 0.10921919345855713, + -0.02485877275466919, + -0.18547534942626953, + 2.126837730407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/233.png", + [ + 0.1698281466960907, + 0.03190440684556961, + 0.13072261214256287, + -1.4577949047088623, + 0.03223260119557381, + -0.2140132635831833, + 0.010357526130974293, + -0.12195649743080139, + 0.13064205646514893, + 0.01132818404585123, + -0.1724882870912552, + 1.9719127416610718, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/128.png", + [ + 0.18074436485767365, + 0.0037969443947076797, + 0.11943598836660385, + -1.2887852191925049, + 0.005102111957967281, + -0.21661294996738434, + -0.0008348450646735728, + 0.0027283169329166412, + 0.11938734352588654, + 0.0035088066942989826, + -0.180782288312912, + 2.008300304412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/168.png", + [ + 0.17729739844799042, + 0.010212408378720284, + 0.12413394451141357, + -1.3934447765350342, + -0.005012618377804756, + -0.21518509089946747, + 0.024862516671419144, + -0.29049012064933777, + 0.12445240467786789, + -0.023215895518660545, + -0.1758423149585724, + 2.024843692779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/215.png", + [ + 0.17610853910446167, + 0.013196338899433613, + 0.1255369633436203, + -1.3842710256576538, + 0.0010897761676460505, + -0.21563825011253357, + 0.02113892324268818, + -0.24464921653270721, + 0.12622395157814026, + -0.01654987595975399, + -0.17533257603645325, + 1.9866825342178345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/93.png", + [ + 0.1840897649526596, + 0.04036720097064972, + 0.10690807551145554, + -1.1689172983169556, + 0.025700004771351814, + -0.21213772892951965, + 0.03584666922688484, + -0.39794132113456726, + 0.11134790629148483, + -0.01777534931898117, + -0.18502317368984222, + 2.0762691497802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/242.png", + [ + 0.1658714860677719, + 0.030944427475333214, + 0.13593006134033203, + -1.5000643730163574, + 0.019023722037672997, + -0.21431730687618256, + 0.02557515725493431, + -0.28855934739112854, + 0.13810373842716217, + -0.007644154131412506, + -0.16678376495838165, + 1.8919168710708618, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/76.png", + [ + 0.1387101411819458, + -0.010821453295648098, + -0.16610325872898102, + 1.9140450954437256, + -0.02093259058892727, + -0.215633824467659, + -0.0034321481361985207, + 0.023136205971240997, + -0.16513395309448242, + 0.018244151026010513, + -0.13908927142620087, + 1.6480196714401245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/48.png", + [ + 0.14988848567008972, + 0.0038015968166291714, + -0.15641894936561584, + 1.8377312421798706, + -0.004577335901558399, + -0.21641141176223755, + -0.009645882062613964, + 0.09166643023490906, + -0.15639817714691162, + 0.009977119974792004, + -0.14962606132030487, + 1.8076708316802979, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/35.png", + [ + 0.1483132243156433, + -0.0014825904509052634, + -0.15795214474201202, + 1.8366729021072388, + -0.012215104885399342, + -0.21612392365932465, + -0.0094410739839077, + 0.09397070109844208, + -0.15748611092567444, + 0.015366997569799423, + -0.14801983535289764, + 1.778518557548523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/97.png", + [ + 0.13723941147327423, + -0.013443938456475735, + -0.16713018715381622, + 1.888466477394104, + -0.018422124907374382, + -0.2158784717321396, + 0.0022378696594387293, + -0.041568510234355927, + -0.16665494441986084, + 0.012792309746146202, + -0.1378781497478485, + 1.6193737983703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/13.png", + [ + 0.13152794539928436, + 0.0038630524650216103, + -0.17214347422122955, + 1.9758350849151611, + -0.007755039259791374, + -0.21626737713813782, + -0.010778546333312988, + 0.10115058720111847, + -0.1720120906829834, + 0.012704115360975266, + -0.13114245235919952, + 1.551425576210022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/32.png", + [ + 0.13826656341552734, + -0.0020034234039485455, + -0.1668119579553604, + 1.9418147802352905, + -0.014718377962708473, + -0.21596063673496246, + -0.009606021456420422, + 0.09457580745220184, + -0.16617344319820404, + 0.017461175099015236, + -0.13794703781604767, + 1.6652511358261108, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/38.png", + [ + 0.14657677710056305, + 0.002076492877677083, + -0.1595582216978073, + 1.864646077156067, + -0.0075868964195251465, + -0.21632058918476105, + -0.009784836322069168, + 0.09495432674884796, + -0.15939128398895264, + 0.012206235900521278, + -0.14626456797122955, + 1.7681595087051392, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/11.png", + [ + 0.1336159110069275, + 0.0048712193965911865, + -0.17050208151340485, + 1.9397103786468506, + -0.0039703818038105965, + -0.21643875539302826, + -0.009295057505369186, + 0.08992704749107361, + -0.1705254465341568, + 0.008856255561113358, + -0.1333811730146408, + 1.5624381303787231, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/59.png", + [ + 0.15368816256523132, + 0.007342057768255472, + -0.15255796909332275, + 1.761820673942566, + 0.0031099352054297924, + -0.2165296971797943, + -0.0072878096252679825, + 0.06439393758773804, + -0.15270286798477173, + 0.0029796070884913206, + -0.15369077026844025, + 1.8391941785812378, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/24.png", + [ + 0.14016887545585632, + -0.004737162496894598, + -0.16516093909740448, + 1.9272468090057373, + -0.014493996277451515, + -0.21610316634178162, + -0.006102480925619602, + 0.05363643541932106, + -0.1645919233560562, + 0.014995847828686237, + -0.14011609554290771, + 1.687118411064148, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/74.png", + [ + 0.13470059633255005, + -0.012100878171622753, + -0.1692844182252884, + 1.949873924255371, + -0.021191708743572235, + -0.21563094854354858, + -0.0014485216233879328, + 0.00045889243483543396, + -0.16838809847831726, + 0.017457248643040657, + -0.13523529469966888, + 1.6053670644760132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/98.png", + [ + 0.1393687129020691, + -0.01441140566021204, + -0.16527724266052246, + 1.8663456439971924, + -0.01861933246254921, + -0.2158505916595459, + 0.0031205639243125916, + -0.04954547435045242, + -0.16485624015331268, + 0.012195441871881485, + -0.14007708430290222, + 1.643561840057373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/0.png", + [ + 0.13998204469680786, + 0.002135768299922347, + -0.16537339985370636, + 1.9196906089782715, + 0.0013937794137746096, + -0.21666410565376282, + -0.0016184000996872783, + -0.006825976073741913, + -0.1653813123703003, + -1.8215447198599577e-05, + -0.139988973736763, + 1.673728585243225, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/96.png", + [ + 0.13896311819553375, + -0.009876195341348648, + -0.16595061123371124, + 1.8733093738555908, + -0.013118940405547619, + -0.2162688970565796, + 0.0018852922366932034, + -0.037069305777549744, + -0.16572579741477966, + 0.008838645182549953, + -0.1393008530139923, + 1.627832055091858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/40.png", + [ + 0.15041013062000275, + 0.0002953902876470238, + -0.15596342086791992, + 1.8245503902435303, + -0.01050705648958683, + -0.2161628156900406, + -0.010542345233261585, + 0.10824649035930634, + -0.1556093990802765, + 0.014881264418363571, + -0.15004053711891174, + 1.8126765489578247, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/52.png", + [ + 0.14872007071971893, + 0.007982462644577026, + -0.1573738008737564, + 1.8355306386947632, + 0.00034603013773448765, + -0.21641245484352112, + -0.01065007597208023, + 0.10796932876110077, + -0.15757571160793304, + 0.0070586237125098705, + -0.14855287969112396, + 1.7911732196807861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/3.png", + [ + 0.1372472047805786, + 0.0024763508699834347, + -0.16764533519744873, + 1.9304065704345703, + 0.0021332670003175735, + -0.21665924787521362, + -0.001453900127671659, + -0.0023833196610212326, + -0.16765007376670837, + -0.0007296116673387587, + -0.13726183772087097, + 1.632253646850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/47.png", + [ + 0.14946939051151276, + 0.0011030667228624225, + -0.15686166286468506, + 1.8417350053787231, + -0.007168437819927931, + -0.21639490127563477, + -0.008352327160537243, + 0.077137291431427, + -0.15670166909694672, + 0.010951307602226734, + -0.1492399126291275, + 1.8047186136245728, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/21.png", + [ + 0.1417553871870041, + -0.0051319715566933155, + -0.16378940641880035, + 1.9045742750167847, + -0.014419183135032654, + -0.2161189615726471, + -0.0057078199461102486, + 0.04945013299584389, + -0.1632341891527176, + 0.014634032733738422, + -0.14173336327075958, + 1.6976875066757202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/82.png", + [ + 0.14176824688911438, + -0.011245847679674625, + -0.1634722799062729, + 1.887450933456421, + -0.01946653425693512, + -0.215788796544075, + -0.002037096070125699, + 0.006975766271352768, + -0.16269822418689728, + 0.01601956970989704, + -0.14219900965690613, + 1.68808114528656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/14.png", + [ + 0.1322556734085083, + -0.0018556098220869899, + -0.17161843180656433, + 1.9702612161636353, + -0.013750220648944378, + -0.21608006954193115, + -0.008260093629360199, + 0.07630415260791779, + -0.17107677459716797, + 0.015932811424136162, + -0.13201051950454712, + 1.5632123947143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/67.png", + [ + 0.13656729459762573, + -0.007560591213405132, + -0.1680479198694229, + 1.9148002862930298, + -0.011048649437725544, + -0.2163914293050766, + 0.0007567063439637423, + -0.025229856371879578, + -0.1678546816110611, + 0.008092138916254044, + -0.13677433133125305, + 1.6057647466659546, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/78.png", + [ + 0.13927434384822845, + -0.011432313360273838, + -0.16558942198753357, + 1.9048285484313965, + -0.021382814273238182, + -0.21559466421604156, + -0.0031000282615423203, + 0.01917880028486252, + -0.16460050642490387, + 0.01833404414355755, + -0.13970836997032166, + 1.6534976959228516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/31.png", + [ + 0.145187646150589, + -0.003096083179116249, + -0.16080687940120697, + 1.8720041513442993, + -0.012968756258487701, + -0.21615445613861084, + -0.00754738412797451, + 0.06885667145252228, + -0.1603129655122757, + 0.01468216348439455, + -0.1450244039297104, + 1.7438093423843384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/39.png", + [ + 0.14651140570640564, + 0.004121951758861542, + -0.15957854688167572, + 1.8695247173309326, + -0.00518038822337985, + -0.2163655161857605, + -0.01034496445208788, + 0.10432270169258118, + -0.15954770147800446, + 0.010810375213623047, + -0.14620384573936462, + 1.770203948020935, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/92.png", + [ + 0.1332380622625351, + -0.005651290528476238, + -0.170773446559906, + 1.9293091297149658, + -0.007825901731848717, + -0.2165306657552719, + 0.0010597051586955786, + -0.024982836097478867, + -0.17068761587142944, + 0.005516396835446358, + -0.13335365056991577, + 1.5649222135543823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/53.png", + [ + 0.1538345366716385, + 0.007589959539473057, + -0.1523982286453247, + 1.77372407913208, + -0.0021909575443714857, + -0.216274231672287, + -0.012982810847461224, + 0.13400070369243622, + -0.1525713950395584, + 0.010758541524410248, + -0.15347351133823395, + 1.842947006225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/75.png", + [ + 0.13660651445388794, + -0.012062663212418556, + -0.1677529364824295, + 1.9359968900680542, + -0.022150050848722458, + -0.21552452445030212, + -0.0025396926794201136, + 0.014128085225820541, + -0.16672112047672272, + 0.01875011809170246, + -0.1371145397424698, + 1.6307435035705566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/87.png", + [ + 0.13439799845218658, + -0.005352335516363382, + -0.16987179219722748, + 1.9335912466049194, + -0.007745648734271526, + -0.21653501689434052, + 0.0006944552878849208, + -0.027127893641591072, + -0.1697794795036316, + 0.0056417956948280334, + -0.13450273871421814, + 1.5872337818145752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/69.png", + [ + 0.13464957475662231, + -0.011019264347851276, + -0.16939881443977356, + 1.9372328519821167, + -0.015551116317510605, + -0.21610918641090393, + 0.001696665189228952, + -0.03743403032422066, + -0.16904301941394806, + 0.011103680357336998, + -0.13508903980255127, + 1.5955204963684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/45.png", + [ + 0.14991657435894012, + 0.0037094741128385067, + -0.15639422833919525, + 1.840128779411316, + -0.0047988733276724815, + -0.21640270948410034, + -0.009732908569276333, + 0.09541447460651398, + -0.15636460483074188, + 0.010197966359555721, + -0.14964626729488373, + 1.814223051071167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/50.png", + [ + 0.15270085632801056, + 0.0003995145671069622, + -0.15372110903263092, + 1.796136736869812, + -0.006471469532698393, + -0.2164650857448578, + -0.006991102360188961, + 0.06638804078102112, + -0.15358532965183258, + 0.009518183767795563, + -0.15254126489162445, + 1.8349603414535522, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/85.png", + [ + 0.1399110108613968, + -0.00838539469987154, + -0.16523462533950806, + 1.8898732662200928, + -0.014421530067920685, + -0.2161906212568283, + -0.0012399785919114947, + -0.0028302595019340515, + -0.16481754183769226, + 0.011798440478742123, + -0.1401566118001938, + 1.6574451923370361, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/71.png", + [ + 0.13325002789497375, + -0.01217441912740469, + -0.17042331397533417, + 1.958927035331726, + -0.02085619606077671, + -0.21566665172576904, + -0.0009005361935123801, + -0.0052339546382427216, + -0.1695799082517624, + 0.016958044841885567, + -0.13380201160907745, + 1.58756422996521, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/54.png", + [ + 0.15475977957248688, + 0.009195161983370781, + -0.1513695865869522, + 1.7607980966567993, + -0.0010762980673462152, + -0.21620391309261322, + -0.014234019443392754, + 0.14684103429317474, + -0.15164479613304138, + 0.010918552055954933, + -0.15437790751457214, + 1.8526232242584229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/33.png", + [ + 0.13729864358901978, + -0.00047271206858567894, + -0.16762086749076843, + 1.9520726203918457, + -0.013813731260597706, + -0.21596865355968475, + -0.010705801658332348, + 0.10771307349205017, + -0.16705136001110077, + 0.017470259219408035, + -0.13688144087791443, + 1.652733564376831, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/49.png", + [ + 0.15409229695796967, + 0.0005001534009352326, + -0.15232598781585693, + 1.786261796951294, + -0.0074686324223876, + -0.2163880616426468, + -0.008265732787549496, + 0.0818672776222229, + -0.15214361250400543, + 0.011128909885883331, + -0.15387125313282013, + 1.850742220878601, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/18.png", + [ + 0.13834702968597412, + -0.0065744658932089806, + -0.16662763059139252, + 1.9325717687606812, + -0.017644204199314117, + -0.21586795151233673, + -0.006132274866104126, + 0.05302051827311516, + -0.16582122445106506, + 0.017484253272414207, + -0.13836732506752014, + 1.652852177619934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/66.png", + [ + 0.1384228765964508, + -0.0015893318923190236, + -0.16668672859668732, + 1.8949090242385864, + -0.005987262353301048, + -0.21657240390777588, + -0.0029070626478642225, + 0.01691821962594986, + -0.166586771607399, + 0.006463153753429651, + -0.13840147852897644, + 1.6216634511947632, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/16.png", + [ + 0.13626602292060852, + -0.00680772727355361, + -0.16832442581653595, + 1.940936803817749, + -0.01841682940721512, + -0.21580202877521515, + -0.006181319709867239, + 0.054625529795885086, + -0.16745232045650482, + 0.018194593489170074, + -0.136295884847641, + 1.6148887872695923, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/94.png", + [ + 0.13015522062778473, + -0.006522112060338259, + -0.1731039583683014, + 1.9612287282943726, + -0.009275371208786964, + -0.2164727747440338, + 0.001182075822725892, + -0.028516490012407303, + -0.17297828197479248, + 0.006700138561427593, + -0.13031315803527832, + 1.5321775674819946, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/28.png", + [ + 0.1431281715631485, + -0.002266526222229004, + -0.16265636682510376, + 1.8911888599395752, + -0.012235376052558422, + -0.2161898910999298, + -0.007753936108201742, + 0.07004369795322418, + -0.1622113436460495, + 0.014307019300758839, + -0.14293594658374786, + 1.719074010848999, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/61.png", + [ + 0.1518198698759079, + 0.011525753885507584, + -0.15416154265403748, + 1.7700259685516357, + 0.004422121215611696, + -0.21630695462226868, + -0.011817051097750664, + 0.11642713844776154, + -0.15452854335308075, + 0.005133697763085365, + -0.15179745852947235, + 1.804465889930725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/58.png", + [ + 0.15557770431041718, + 0.006036557722836733, + -0.15068849921226501, + 1.7441080808639526, + 0.0019550512079149485, + -0.21656350791454315, + -0.006657017394900322, + 0.06039911136031151, + -0.15079669654369354, + 0.0034202432725578547, + -0.15555240213871002, + 1.8644264936447144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/64.png", + [ + 0.13816876709461212, + 7.338688737945631e-05, + -0.1669049859046936, + 1.900651216506958, + -0.0023472437169402838, + -0.21665233373641968, + -0.0020383766386657953, + 0.006643649190664291, + -0.1668885052204132, + 0.003107917495071888, + -0.13815374672412872, + 1.628884196281433, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/10.png", + [ + 0.13101358711719513, + 0.00596478208899498, + -0.17247535288333893, + 1.9588462114334106, + -0.0033935760147869587, + -0.21641427278518677, + -0.010062124580144882, + 0.1013653427362442, + -0.17254510521888733, + 0.008785448037087917, + -0.1307627558708191, + 1.5361994504928589, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/41.png", + [ + 0.14625005424022675, + 0.000900645274668932, + -0.15986870229244232, + 1.8768665790557861, + -0.008590406738221645, + -0.2163139134645462, + -0.009077257476747036, + 0.09046182036399841, + -0.15964029729366302, + 0.012465174309909344, + -0.14597085118293762, + 1.7719426155090332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/91.png", + [ + 0.13397815823554993, + -0.0028979715425521135, + -0.17026259005069733, + 1.9243371486663818, + -0.003614699700847268, + -0.216642826795578, + 0.0008430149755440652, + -0.02427874319255352, + -0.1702488660812378, + 0.0023191573563963175, + -0.13400684297084808, + 1.5681310892105103, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/23.png", + [ + 0.14301975071430206, + -0.00656141759827733, + -0.16263516247272491, + 1.893073558807373, + -0.01654195785522461, + -0.2159634828567505, + -0.005833915434777737, + 0.05022862181067467, + -0.16192470490932465, + 0.01626710593700409, + -0.14305125176906586, + 1.7158960103988647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/37.png", + [ + 0.14758670330047607, + -5.95999626966659e-05, + -0.1586381196975708, + 1.849731206893921, + -0.010203287936747074, + -0.21622955799102783, + -0.009411245584487915, + 0.09257280826568604, + -0.1583096832036972, + 0.013880744576454163, + -0.14728635549545288, + 1.7760430574417114, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/36.png", + [ + 0.14818082749843597, + -0.0010837846202775836, + -0.158079594373703, + 1.8433912992477417, + -0.012583139352500439, + -0.21606291830539703, + -0.010313884355127811, + 0.1039571464061737, + -0.15758170187473297, + 0.01623382419347763, + -0.1478254348039627, + 1.7800463438034058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/8.png", + [ + 0.13347472250461578, + 0.00418638763949275, + -0.1706307977437973, + 1.9307276010513306, + -9.58682649070397e-05, + -0.21660757064819336, + -0.005389409139752388, + 0.05037257447838783, + -0.17068210244178772, + 0.0033954514656215906, + -0.1334315538406372, + 1.569888710975647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/6.png", + [ + 0.13757330179214478, + 0.0022734501399099827, + -0.16738075017929077, + 1.9076073169708252, + 0.0018930839141830802, + -0.21666191518306732, + -0.0013868503738194704, + -0.0010794997215270996, + -0.16738545894622803, + -0.0005818511126562953, + -0.1375851035118103, + 1.623788833618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/20.png", + [ + 0.1414267122745514, + -0.005316321272403002, + -0.16406741738319397, + 1.908178448677063, + -0.014886738732457161, + -0.21608397364616394, + -0.005830594804137945, + 0.0502559132874012, + -0.1634770929813385, + 0.015078049153089523, + -0.14140644669532776, + 1.6931517124176025, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/2.png", + [ + 0.13536342978477478, + -0.00012641469947993755, + -0.16918812692165375, + 1.9566022157669067, + -0.002921889303252101, + -0.21664398908615112, + -0.002175861969590187, + 0.006924591958522797, + -0.16916294395923615, + 0.003640855895355344, + -0.13534599542617798, + 1.619226098060608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/5.png", + [ + 0.1306772083044052, + -0.006587687414139509, + -0.17270775139331818, + 1.9791032075881958, + -0.0002685486397240311, + -0.2165246456861496, + 0.008055826649069786, + -0.10496504604816437, + -0.1728331297636032, + -0.004644441418349743, + -0.13059492409229279, + 1.5567197799682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/60.png", + [ + 0.14960429072380066, + 0.011844323948025703, + -0.1562887281179428, + 1.8006738424301147, + 0.007914996705949306, + -0.21635033190250397, + -0.008819612674415112, + 0.08066116273403168, + -0.15653692185878754, + 0.000380419020075351, + -0.14981302618980408, + 1.790403962135315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/56.png", + [ + 0.15655046701431274, + 0.004107587970793247, + -0.1497430056333542, + 1.7367502450942993, + -0.0018070443766191602, + -0.2165256142616272, + -0.007828690111637115, + 0.07744912803173065, + -0.14978843927383423, + 0.006905181333422661, + -0.15640854835510254, + 1.8707796335220337, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/30.png", + [ + 0.14748942852020264, + -0.004151296801865101, + -0.15867428481578827, + 1.846742033958435, + -0.0150175541639328, + -0.21599385142326355, + -0.008308062329888344, + 0.07763069868087769, + -0.15801656246185303, + 0.016652854159474373, + -0.14731374382972717, + 1.7686198949813843, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/17.png", + [ + 0.13637451827526093, + -0.0069299801252782345, + -0.1682315468788147, + 1.9458492994308472, + -0.01774570345878601, + -0.21587686240673065, + -0.005492664873600006, + 0.04591389372944832, + -0.16743646562099457, + 0.017235275357961655, + -0.1364399641752243, + 1.6241494417190552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/12.png", + [ + 0.13368748128414154, + 0.005646211095154285, + -0.1704220473766327, + 1.9516496658325195, + -0.004796240478754044, + -0.2163456231355667, + -0.010930104181170464, + 0.10486911237239838, + -0.17044806480407715, + 0.010516243055462837, + -0.13335949182510376, + 1.5716816186904907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/27.png", + [ + 0.14338771998882294, + -0.00376979005523026, + -0.16239966452121735, + 1.8927377462387085, + -0.01443882193416357, + -0.21605467796325684, + -0.007733197882771492, + 0.07092496752738953, + -0.16180044412612915, + 0.015939591452479362, + -0.14322863519191742, + 1.7261326313018799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/42.png", + [ + 0.1482585370540619, + -0.00022129944409243762, + -0.15801027417182922, + 1.8562207221984863, + -0.010039218701422215, + -0.21624985337257385, + -0.009116774424910545, + 0.0911245048046112, + -0.15769118070602417, + 0.013559222221374512, + -0.14797814190387726, + 1.7970465421676636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/7.png", + [ + 0.1290883868932724, + 0.0016711977077648044, + -0.17401517927646637, + 1.9745421409606934, + 0.0013771841768175364, + -0.21666766703128815, + -0.0010591944446787238, + 0.00018296018242835999, + -0.1740177571773529, + -0.0004750030639115721, + -0.12909485399723053, + 1.5261701345443726, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/73.png", + [ + 0.1366371214389801, + -0.013230375945568085, + -0.16763994097709656, + 1.9246479272842407, + -0.021181240677833557, + -0.2156367301940918, + -0.00024569706874899566, + -0.011449476704001427, + -0.1668219119310379, + 0.016542745754122734, + -0.13727594912052155, + 1.622052550315857, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/46.png", + [ + 0.14833690226078033, + 0.004539519548416138, + -0.15787163376808167, + 1.8583645820617676, + -0.0028910133987665176, + -0.21647077798843384, + -0.008940919302403927, + 0.08556284010410309, + -0.15791040658950806, + 0.008227438665926456, + -0.14813677966594696, + 1.7959402799606323, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/57.png", + [ + 0.156386137008667, + 0.003673129016533494, + -0.14992588758468628, + 1.738098382949829, + -0.0032981140539050102, + -0.21647301316261292, + -0.008743737824261189, + 0.08793097734451294, + -0.14993460476398468, + 0.008592941798269749, + -0.15618471801280975, + 1.8699790239334106, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/44.png", + [ + 0.1521034985780716, + 0.0008871069294400513, + -0.1543101817369461, + 1.8097540140151978, + -0.007915622554719448, + -0.21634094417095184, + -0.009046141058206558, + 0.08772444725036621, + -0.15410956740379333, + 0.011987611651420593, + -0.15183685719966888, + 1.835249900817871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/29.png", + [ + 0.14620999991893768, + -0.003755927551537752, + -0.15986375510692596, + 1.8586217164993286, + -0.014306108467280865, + -0.21605347096920013, + -0.008008161559700966, + 0.07401852309703827, + -0.1592666506767273, + 0.015958959236741066, + -0.14603883028030396, + 1.7533068656921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/4.png", + [ + 0.1388266235589981, + 0.003819030709564686, + -0.16631439328193665, + 1.9101608991622925, + 0.002740449272096157, + -0.2166406214237213, + -0.0026871380396187305, + 0.011050645262002945, + -0.16633565723896027, + -0.00038181577110663056, + -0.13885314762592316, + 1.6486752033233643, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/55.png", + [ + 0.15656065940856934, + 0.006632305681705475, + -0.14964178204536438, + 1.7343274354934692, + -0.0037257864605635405, + -0.21622273325920105, + -0.013481306843459606, + 0.1400381475687027, + -0.14974234998226166, + 0.01231420412659645, + -0.15612010657787323, + 1.868637204170227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/9.png", + [ + 0.13225619494915009, + 0.005562674719840288, + -0.17153789103031158, + 1.9458268880844116, + -0.004156129434704781, + -0.21639350056648254, + -0.010221651755273342, + 0.10623273253440857, + -0.17157773673534393, + 0.009529544971883297, + -0.1319778710603714, + 1.553645133972168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/25.png", + [ + 0.1467617154121399, + -0.005141266621649265, + -0.159318745136261, + 1.8576616048812866, + -0.015596522018313408, + -0.2159859538078308, + -0.007397315464913845, + 0.06998558342456818, + -0.15863683819770813, + 0.016478445380926132, + -0.1466653048992157, + 1.7604749202728271, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/99.png", + [ + 0.14566190540790558, + -0.014282133430242538, + -0.15977022051811218, + 1.805427074432373, + -0.018559347838163376, + -0.21586522459983826, + 0.002376075368374586, + -0.04397714138031006, + -0.15933001041412354, + 0.012087834998965263, + -0.14634111523628235, + 1.7146377563476562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/34.png", + [ + 0.1462843418121338, + -0.0029069771990180016, + -0.15981341898441315, + 1.8588380813598633, + -0.01559753343462944, + -0.21586447954177856, + -0.01035058218985796, + 0.10482870042324066, + -0.1590770184993744, + 0.018492352217435837, + -0.1459466516971588, + 1.7536087036132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/72.png", + [ + 0.13426946103572845, + -0.012861858122050762, + -0.16957056522369385, + 1.9494075775146484, + -0.019780924543738365, + -0.21576866507530212, + 0.0007030231063254178, + -0.023218151181936264, + -0.16890327632427216, + 0.015044991858303547, + -0.13488224148750305, + 1.5997364521026611, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/70.png", + [ + 0.13386110961437225, + -0.009433124214410782, + -0.17011792957782745, + 1.954532265663147, + -0.018501853570342064, + -0.21586772799491882, + -0.0025886250659823418, + 0.01099339872598648, + -0.16937170922756195, + 0.016125623136758804, + -0.1341681033372879, + 1.59161376953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/90.png", + [ + 0.13466857373714447, + -0.006113267969340086, + -0.16963165998458862, + 1.9160785675048828, + -0.004845501389354467, + -0.21658426523208618, + 0.003958582878112793, + -0.06040586531162262, + -0.16967259347438812, + 0.0013331216759979725, + -0.13474911451339722, + 1.5763370990753174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/15.png", + [ + 0.13351482152938843, + -0.004648861940950155, + -0.1705874502658844, + 1.9613999128341675, + -0.01667029596865177, + -0.21591360867023468, + -0.007163358386605978, + 0.06456921994686127, + -0.16983459889888763, + 0.01753854565322399, + -0.13340353965759277, + 1.5816500186920166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/22.png", + [ + 0.14165320992469788, + -0.0057557071559131145, + -0.16385705769062042, + 1.9075709581375122, + -0.014824415557086468, + -0.21610376238822937, + -0.005224650725722313, + 0.0446094311773777, + -0.16328656673431396, + 0.014626417309045792, + -0.14167378842830658, + 1.698379397392273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/26.png", + [ + 0.14721687138080597, + -0.003627486526966095, + -0.15894000232219696, + 1.8524861335754395, + -0.013955294154584408, + -0.21607692539691925, + -0.00799445528537035, + 0.07628782093524933, + -0.15836772322654724, + 0.015668533742427826, + -0.14704440534114838, + 1.765710711479187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/43.png", + [ + 0.14789333939552307, + -0.0007584575214423239, + -0.15835048258304596, + 1.8574763536453247, + -0.011233318597078323, + -0.21617652475833893, + -0.009456063620746136, + 0.09372957050800323, + -0.15795335173606873, + 0.0146638797596097, + -0.147592693567276, + 1.7892152070999146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/84.png", + [ + 0.142541766166687, + -0.00856983195990324, + -0.16296102106571198, + 1.8713880777359009, + -0.015979858115315437, + -0.21606875956058502, + -0.0026148846372962, + 0.013104014098644257, + -0.1624019294977188, + 0.013738684356212616, + -0.14277520775794983, + 1.6905455589294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/89.png", + [ + 0.13156691193580627, + -0.008106212131679058, + -0.1719660758972168, + 1.9499889612197876, + -0.00558922253549099, + -0.21652135252952576, + 0.0059303040616214275, + -0.0845695286989212, + -0.17206627130508423, + 0.0008350068237632513, + -0.13168291747570038, + 1.5491920709609985, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/63.png", + [ + 0.1359243392944336, + 0.002803087467327714, + -0.16871458292007446, + 1.9251375198364258, + 0.0014352542348206043, + -0.21665611863136292, + -0.0024432982318103313, + 0.010769210755825043, + -0.16873174905776978, + 0.0004151647153776139, + -0.13593128323554993, + 1.6145669221878052, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/88.png", + [ + 0.137644425034523, + -0.0075876470655202866, + -0.1671655923128128, + 1.8943339586257935, + -0.005421544425189495, + -0.2165403515100479, + 0.005364659242331982, + -0.07911399006843567, + -0.167249858379364, + 0.0007748039206489921, + -0.13774897158145905, + 1.6141610145568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/62.png", + [ + 0.1415969431400299, + 0.009607044979929924, + -0.1637250930070877, + 1.8763587474822998, + 0.0009052663808688521, + -0.21634505689144135, + -0.011911758221685886, + 0.11565621197223663, + -0.16400422155857086, + 0.007100294344127178, + -0.14142170548439026, + 1.6877520084381104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/65.png", + [ + 0.13222052156925201, + -0.0002225191128673032, + -0.17165540158748627, + 1.948647379875183, + -0.00470682792365551, + -0.21659770607948303, + -0.0033447376918047667, + 0.022226952016353607, + -0.17159101366996765, + 0.005769921001046896, + -0.1321784108877182, + 1.5540945529937744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/80.png", + [ + 0.13997280597686768, + -0.005546651780605316, + -0.16530196368694305, + 1.911462426185608, + -0.014289403334259987, + -0.21614859998226166, + -0.004847053438425064, + 0.038895729929208755, + -0.16477656364440918, + 0.014032664708793163, + -0.13999880850315094, + 1.66329824924469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/79.png", + [ + 0.1364438831806183, + -0.008344280533492565, + -0.16811108589172363, + 1.941656231880188, + -0.01747167482972145, + -0.21594130992889404, + -0.0034621639642864466, + 0.023059308528900146, + -0.1674087941646576, + 0.015735914930701256, + -0.13665492832660675, + 1.6246654987335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/19.png", + [ + 0.14050911366939545, + -0.00511214742437005, + -0.16486038267612457, + 1.9167561531066895, + -0.015237732790410519, + -0.21604669094085693, + -0.006287612486630678, + 0.05605407431721687, + -0.1642342358827591, + 0.015671266242861748, + -0.14046142995357513, + 1.680354356765747, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/77.png", + [ + 0.14217153191566467, + -0.013291392475366592, + -0.1629677265882492, + 1.874922752380371, + -0.02465117909014225, + -0.2152315080165863, + -0.003951518330723047, + 0.030335601419210434, + -0.16163991391658783, + 0.021133719012141228, + -0.14273680746555328, + 1.6890957355499268, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/68.png", + [ + 0.13226035237312317, + -0.011890003457665443, + -0.17121250927448273, + 1.9541428089141846, + -0.014635911211371422, + -0.2161480039358139, + 0.0037044596392661333, + -0.058701060712337494, + -0.17099963128566742, + 0.009303801693022251, + -0.1327420324087143, + 1.5656598806381226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/86.png", + [ + 0.1377945840358734, + -0.005069492384791374, + -0.16713719069957733, + 1.9073536396026611, + -0.008088614791631699, + -0.21652358770370483, + -0.00010113127063959837, + -0.016687016934156418, + -0.16701829433441162, + 0.006303663365542889, + -0.13788776099681854, + 1.628861665725708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/1.png", + [ + 0.12722396850585938, + -0.0026038538198918104, + -0.17537152767181396, + 2.0416738986968994, + -0.00225244602188468, + -0.2166571468114853, + 0.0015828016912564635, + -0.03426426276564598, + -0.17537638545036316, + 0.0008937116363085806, + -0.12724076211452484, + 1.5374913215637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/81.png", + [ + 0.14251025021076202, + -0.0055725667625665665, + -0.16311857104301453, + 1.8856837749481201, + -0.015101375058293343, + -0.21606959402561188, + -0.005811959505081177, + 0.049372103065252304, + -0.1625136137008667, + 0.015191342681646347, + -0.14250068366527557, + 1.692318320274353, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/95.png", + [ + 0.13401375710964203, + -0.004140335600823164, + -0.1702089160680771, + 1.9304648637771606, + -0.007665760815143585, + -0.21653762459754944, + -0.0007683438016101718, + -0.008627310395240784, + -0.1700865924358368, + 0.006497066002339125, + -0.13407549262046814, + 1.5755654573440552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/83.png", + [ + 0.14071832597255707, + -0.006252847611904144, + -0.16464248299598694, + 1.8950165510177612, + -0.012561501003801823, + -0.2162955105304718, + -0.0025216510985046625, + 0.010978862643241882, + -0.16428160667419434, + 0.011182662099599838, + -0.14083462953567505, + 1.670828104019165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/51.png", + [ + 0.15458424389362335, + 0.000640668033156544, + -0.15182620286941528, + 1.772110939025879, + -0.0064718895591795444, + -0.21644797921180725, + -0.007502811495214701, + 0.07356180250644684, + -0.1516895592212677, + 0.009887725114822388, + -0.15440337359905243, + 1.8545480966567993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/93.png", + [ + 0.13599033653736115, + -0.005300008691847324, + -0.168601393699646, + 1.904506802558899, + -0.00737292505800724, + -0.21654747426509857, + 0.0008603526512160897, + -0.023045577108860016, + -0.16852347552776337, + 0.005197129212319851, + -0.13609085977077484, + 1.5927482843399048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/76.png", + [ + 0.173021137714386, + 0.006408134009689093, + -0.13027094304561615, + 1.4646265506744385, + -0.008881127461791039, + -0.21533185243606567, + -0.02238793857395649, + 0.24391832947731018, + -0.1301257461309433, + 0.02321702428162098, + -0.17168620228767395, + 1.989165186882019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/48.png", + [ + 0.2004011869430542, + 0.005120628979057074, + -0.08222553879022598, + 0.9363784790039062, + -0.0037161828950047493, + -0.2154737263917923, + -0.022475842386484146, + 0.24605423212051392, + -0.08230097591876984, + 0.022198032587766647, + -0.19920265674591064, + 2.3149962425231934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/137.png", + [ + 0.19042617082595825, + 0.027070021256804466, + -0.0997646227478981, + 1.1030359268188477, + 0.003480213228613138, + -0.21067368984222412, + -0.050521086901426315, + 0.551336407661438, + -0.1033133864402771, + 0.04279843345284462, + -0.18558700382709503, + 2.1147713661193848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/173.png", + [ + 0.18783783912658691, + 0.012193912640213966, + -0.10731332749128342, + 1.2329949140548706, + -0.007244777865707874, + -0.21338175237178802, + -0.036927394568920135, + 0.41856545209884644, + -0.10776064544916153, + 0.03560095280408859, + -0.18457546830177307, + 2.170541763305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/35.png", + [ + 0.20128165185451508, + 0.011266692541539669, + -0.07941443473100662, + 0.9154438972473145, + 0.0033895098604261875, + -0.21552956104278564, + -0.021986672654747963, + 0.24407964944839478, + -0.08013802766799927, + 0.019182393327355385, + -0.2003941833972931, + 2.356660842895508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/124.png", + [ + 0.18346887826919556, + 0.05077718198299408, + -0.10348308831453323, + 1.1498003005981445, + 0.021848930045962334, + -0.2063121199607849, + -0.062496673315763474, + 0.6876099109649658, + -0.11317992955446243, + 0.042483970522880554, + -0.1798146814107895, + 2.0554089546203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/97.png", + [ + 0.1813337653875351, + 0.04434148967266083, + -0.10999903082847595, + 1.2167550325393677, + 0.01702229678630829, + -0.2086111456155777, + -0.05603151395916939, + 0.616853654384613, + -0.1173720434308052, + 0.03825076296925545, + -0.17806904017925262, + 2.0251975059509277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/155.png", + [ + 0.2004135698080063, + 0.006399867590516806, + -0.08210565149784088, + 0.9446756839752197, + -0.00766286626458168, + -0.21363310515880585, + -0.035356465727090836, + 0.3966759741306305, + -0.08199742436408997, + 0.0356067530810833, + -0.19737395644187927, + 2.31046724319458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/192.png", + [ + 0.17718401551246643, + 0.03958721458911896, + -0.1182648167014122, + 1.3262629508972168, + 0.015499110333621502, + -0.2108658254146576, + -0.04736317694187164, + 0.5239033102989197, + -0.12374769896268845, + 0.030271191149950027, + -0.17526568472385406, + 2.017242431640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/13.png", + [ + 0.21428921818733215, + -0.0012558576418086886, + -0.0320383720099926, + 0.37919825315475464, + -0.004688057117164135, + -0.21540875732898712, + -0.022912435233592987, + 0.25222426652908325, + -0.03171839565038681, + 0.02335338108241558, + -0.21306444704532623, + 2.5096445083618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/32.png", + [ + 0.2000073790550232, + 0.011597148142755032, + -0.08252546191215515, + 0.9517073035240173, + 0.003954677376896143, + -0.215645432472229, + -0.020719753578305244, + 0.22987520694732666, + -0.08324244618415833, + 0.017619699239730835, + -0.19926899671554565, + 2.3438425064086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/158.png", + [ + 0.19699019193649292, + 0.0102189090102911, + -0.08965674787759781, + 1.0264692306518555, + -0.0042749494314193726, + -0.2139822393655777, + -0.03378203883767128, + 0.3786580264568329, + -0.09013592451810837, + 0.032481927424669266, + -0.194340780377388, + 2.2870821952819824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/256.png", + [ + 0.21386116743087769, + 0.004394499119371176, + 0.03452492132782936, + -0.42481401562690735, + 0.011350688524544239, + -0.21199488639831543, + -0.0433269701898098, + 0.49865254759788513, + 0.03290051221847534, + 0.04457300528883934, + -0.2094724327325821, + 2.4987759590148926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/38.png", + [ + 0.20116877555847168, + 0.008983875624835491, + -0.07998942583799362, + 0.9247339963912964, + 0.0023880479857325554, + -0.21589218080043793, + -0.0182417593896389, + 0.2026020586490631, + -0.08045691251754761, + 0.016054736450314522, + -0.20054133236408234, + 2.3596105575561523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/148.png", + [ + 0.19807051122188568, + 0.015122795477509499, + -0.08652903884649277, + 0.9872875213623047, + -0.0033076475374400616, + -0.21200399100780487, + -0.04462362825870514, + 0.5015403628349304, + -0.08777832984924316, + 0.04211306571960449, + -0.19357000291347504, + 2.261284351348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/222.png", + [ + 0.17582687735557556, + 0.03852261230349541, + -0.12061844766139984, + 1.3494356870651245, + 0.014520538970828056, + -0.21117626130580902, + -0.046277839690446854, + 0.5049540996551514, + -0.12578536570072174, + 0.02947019599378109, + -0.17394667863845825, + 1.9983543157577515, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/111.png", + [ + 0.1824141889810562, + 0.053214460611343384, + -0.10412099212408066, + 1.1507949829101562, + 0.025064567103981972, + -0.2062467634677887, + -0.061497461050748825, + 0.6679948568344116, + -0.11421352624893188, + 0.03972897306084633, + -0.1797909289598465, + 2.0350828170776367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/164.png", + [ + 0.19465258717536926, + 0.014316731132566929, + -0.0940919741988182, + 1.0805672407150269, + -0.001515248091891408, + -0.21371585130691528, + -0.03565298393368721, + 0.40394219756126404, + -0.09516287595033646, + 0.032687343657016754, + -0.19189439713954926, + 2.273441791534424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/11.png", + [ + 0.21652556955814362, + -0.007344531361013651, + 0.003259355667978525, + -0.03704752027988434, + -0.0068625714629888535, + -0.21474698185920715, + -0.02800966426730156, + 0.3098011612892151, + 0.004179790616035461, + 0.027887167409062386, + -0.2148318588733673, + 2.529086112976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/125.png", + [ + 0.1844106763601303, + 0.04962935298681259, + -0.10235980153083801, + 1.1386141777038574, + 0.020888155326247215, + -0.20642466843128204, + -0.06245346739888191, + 0.6853114366531372, + -0.11182255297899246, + 0.043285999447107315, + -0.18047140538692474, + 2.057875156402588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/59.png", + [ + 0.2033080756664276, + 0.005939575377851725, + -0.07468901574611664, + 0.8478649258613586, + -0.004804970230907202, + -0.21451452374458313, + -0.030138500034809113, + 0.3323668837547302, + -0.07477057725191116, + 0.029935568571090698, + -0.20114949345588684, + 2.3519997596740723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/105.png", + [ + 0.18068711459636688, + 0.04968113452196121, + -0.10877428203821182, + 1.203655481338501, + 0.020595163106918335, + -0.20707379281520844, + -0.06036701798439026, + 0.6624149680137634, + -0.11779600381851196, + 0.04000154137611389, + -0.17740312218666077, + 2.0181188583374023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/121.png", + [ + 0.18234558403491974, + 0.05199596658349037, + -0.10485421121120453, + 1.160824179649353, + 0.021783752366900444, + -0.20580381155014038, + -0.06417287886142731, + 0.7070101499557495, + -0.11499327421188354, + 0.043463896960020065, + -0.17842458188533783, + 2.0382847785949707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/255.png", + [ + 0.21592366695404053, + 0.007153227925300598, + 0.016543835401535034, + -0.20768432319164276, + 0.010492321103811264, + -0.2115935981273651, + -0.045452769845724106, + 0.5251284837722778, + 0.014655319973826408, + 0.04609635844826698, + -0.21120664477348328, + 2.51314640045166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/175.png", + [ + 0.18112874031066895, + 0.01844949461519718, + -0.11747292429208755, + 1.3499162197113037, + -0.0035358977038413286, + -0.21312056481838226, + -0.03892317786812782, + 0.44141942262649536, + -0.11886028200387955, + 0.034454792737960815, + -0.1778566539287567, + 2.082392692565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/198.png", + [ + 0.17149069905281067, + 0.0345313586294651, + -0.12785309553146362, + 1.432997226715088, + 0.011134148575365543, + -0.2121981978416443, + -0.04237745329737663, + 0.46433025598526, + -0.13196538388729095, + 0.02697041630744934, + -0.16972221434116364, + 1.9468799829483032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/24.png", + [ + 0.19496797025203705, + 0.010337776504456997, + -0.09396014362573624, + 1.0851107835769653, + 0.000998499570414424, + -0.21558819711208344, + -0.02164776436984539, + 0.24049147963523865, + -0.09452185779809952, + 0.019046077504754066, + -0.1940380334854126, + 2.2837142944335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/214.png", + [ + 0.17469805479049683, + 0.04049590975046158, + -0.12160822004079819, + 1.3623740673065186, + 0.016558535397052765, + -0.21098381280899048, + -0.04647086188197136, + 0.5092686414718628, + -0.12709952890872955, + 0.028174573555588722, + -0.1732044816017151, + 1.993238091468811, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/74.png", + [ + 0.17625825107097626, + 0.009838527999818325, + -0.12563489377498627, + 1.4161661863327026, + -0.003514138050377369, + -0.21554553508758545, + -0.021809600293636322, + 0.23567897081375122, + -0.1259705126285553, + 0.019779058173298836, + -0.17518022656440735, + 2.03147029876709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/251.png", + [ + 0.21219083666801453, + 0.012118380516767502, + -0.042143601924180984, + 0.4916674494743347, + 0.002583487890660763, + -0.2113296091556549, + -0.04776003584265709, + 0.5422725677490234, + -0.043775152415037155, + 0.04626921936869621, + -0.20710091292858124, + 2.4388046264648438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/193.png", + [ + 0.1771341860294342, + 0.040113355964422226, + -0.118162140250206, + 1.323989748954773, + 0.017081039026379585, + -0.21103736758232117, + -0.046036574989557266, + 0.5054463148117065, + -0.12361074984073639, + 0.028320439159870148, + -0.17568789422512054, + 2.0181174278259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/129.png", + [ + 0.1826445758342743, + 0.048871368169784546, + -0.10583215206861496, + 1.1748344898223877, + 0.018847670406103134, + -0.20650574564933777, + -0.06283338367938995, + 0.682902455329895, + -0.1150374710559845, + 0.04375910386443138, + -0.178323894739151, + 2.019364833831787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/249.png", + [ + 0.2076302468776703, + 0.016226446256041527, + -0.05978524684906006, + 0.6888929009437561, + 0.0035940587986260653, + -0.21191257238388062, + -0.045033734291791916, + 0.503460168838501, + -0.06184379756450653, + 0.04216226935386658, + -0.20333611965179443, + 2.3676915168762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/172.png", + [ + 0.19110365211963654, + 0.010850481688976288, + -0.10153596103191376, + 1.1667087078094482, + -0.006820032373070717, + -0.21361064910888672, + -0.035663336515426636, + 0.40235939621925354, + -0.1018860787153244, + 0.034650448709726334, + -0.1880597621202469, + 2.2131519317626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/232.png", + [ + 0.18678590655326843, + 0.03217150270938873, + -0.10499481111764908, + 1.1747069358825684, + 0.011375847272574902, + -0.2117217630147934, + -0.04463610425591469, + 0.4888123571872711, + -0.10922227054834366, + 0.032966434955596924, + -0.1842053234577179, + 2.1134376525878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/153.png", + [ + 0.20264016091823578, + 0.0048147933557629585, + -0.07656160742044449, + 0.8804240226745605, + -0.00794503279030323, + -0.21376729011535645, + -0.03447195515036583, + 0.3877537250518799, + -0.07630031555891037, + 0.035046499222517014, + -0.1997445821762085, + 2.3389596939086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/144.png", + [ + 0.1961531937122345, + 0.016080280765891075, + -0.09062693268060684, + 1.0289368629455566, + -0.002396786119788885, + -0.2123776376247406, + -0.04287058487534523, + 0.4776701033115387, + -0.09201125055551529, + 0.039812762290239334, + -0.19208531081676483, + 2.240661144256592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/188.png", + [ + 0.17780227959156036, + 0.03727932274341583, + -0.11808677762746811, + 1.330418348312378, + 0.016560951247811317, + -0.21192528307437897, + -0.041967909783124924, + 0.4587016701698303, + -0.12271905690431595, + 0.025413047522306442, + -0.17675434052944183, + 2.0427889823913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/98.png", + [ + 0.1803540289402008, + 0.04629981145262718, + -0.11080002784729004, + 1.2274235486984253, + 0.01824970915913582, + -0.20816761255264282, + -0.05728078633546829, + 0.630847156047821, + -0.11868978291749954, + 0.03834668919444084, + -0.1771726757287979, + 2.016862392425537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/0.png", + [ + 0.21434983611106873, + 0.0018489870708435774, + -0.031601112335920334, + 0.37658509612083435, + -0.004167144186794758, + -0.21277408301830292, + -0.04071512073278427, + 0.4765671193599701, + -0.03137967735528946, + 0.04088602960109711, + -0.21045556664466858, + 2.5135884284973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/163.png", + [ + 0.19546814262866974, + 0.014465046115219593, + -0.09236264228820801, + 1.0575424432754517, + -0.0010940454667434096, + -0.21369676291942596, + -0.03578269109129906, + 0.4046039283275604, + -0.09348209202289581, + 0.03274691104888916, + -0.19270867109298706, + 2.2806782722473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/96.png", + [ + 0.180986225605011, + 0.04184775426983833, + -0.1115376353263855, + 1.2367256879806519, + 0.015449152328073978, + -0.20939785242080688, + -0.0534953698515892, + 0.589998185634613, + -0.11812366545200348, + 0.036731403321027756, + -0.177891805768013, + 2.0306591987609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/100.png", + [ + 0.18007202446460724, + 0.04717930778861046, + -0.11088763922452927, + 1.2278954982757568, + 0.01777546852827072, + -0.20759673416614532, + -0.05946023762226105, + 0.6539873480796814, + -0.11918886750936508, + 0.04031873866915703, + -0.1763981431722641, + 2.002748966217041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/40.png", + [ + 0.20174887776374817, + 0.009130106307566166, + -0.07849791646003723, + 0.905693531036377, + 0.002856917679309845, + -0.2159256786108017, + -0.017771737650036812, + 0.1961895078420639, + -0.07897543907165527, + 0.015512504614889622, + -0.2011719048023224, + 2.3618621826171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/141.png", + [ + 0.19311396777629852, + 0.017043938860297203, + -0.09676975756883621, + 1.092060923576355, + -0.0027562917675822973, + -0.21236646175384521, + -0.04290430620312691, + 0.47185495495796204, + -0.0982205867767334, + 0.03946999832987785, + -0.18905746936798096, + 2.1825270652770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/52.png", + [ + 0.20106612145900726, + 0.0070947096683084965, + -0.08043612539768219, + 0.9181076288223267, + -0.0043881479650735855, + -0.2145577073097229, + -0.029893692582845688, + 0.3328480124473572, + -0.08062908053398132, + 0.029369262978434563, + -0.19895802438259125, + 2.315791130065918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/184.png", + [ + 0.17971912026405334, + 0.03783606365323067, + -0.11496682465076447, + 1.2887133359909058, + 0.011926141567528248, + -0.21034960448741913, + -0.05058369040489197, + 0.5642392039299011, + -0.12044379115104675, + 0.03562828153371811, + -0.17655541002750397, + 2.042003631591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/227.png", + [ + 0.17971272766590118, + 0.03880167007446289, + -0.11465450376272202, + 1.2799837589263916, + 0.015238184481859207, + -0.2108597308397293, + -0.047474928200244904, + 0.5228255391120911, + -0.12007922679185867, + 0.031312957406044006, + -0.177618607878685, + 2.0307235717773438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/3.png", + [ + 0.21584869921207428, + -0.0007910073618404567, + -0.018883980810642242, + 0.22779761254787445, + -0.004048062954097986, + -0.21339599788188934, + -0.0373317152261734, + 0.42883288860321045, + -0.01846194826066494, + 0.03754221647977829, + -0.21259735524654388, + 2.5371203422546387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/231.png", + [ + 0.18562328815460205, + 0.0357355959713459, + -0.10590019822120667, + 1.1832828521728516, + 0.01371536310762167, + -0.21103230118751526, + -0.04717152938246727, + 0.5168800950050354, + -0.11092238128185272, + 0.033708032220602036, + -0.18305161595344543, + 2.0926661491394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/47.png", + [ + 0.20098945498466492, + 0.004291102290153503, + -0.08082524687051773, + 0.9195680618286133, + -0.00360572780482471, + -0.21568040549755096, + -0.02041713520884514, + 0.22232183814048767, + -0.08085871487855911, + 0.02028416097164154, + -0.19999580085277557, + 2.323211669921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/104.png", + [ + 0.17991125583648682, + 0.05000986531376839, + -0.10990378260612488, + 1.214242696762085, + 0.02125568687915802, + -0.20725439488887787, + -0.059512294828891754, + 0.6520170569419861, + -0.1188613697886467, + 0.03863328695297241, + -0.17699530720710754, + 2.0132346153259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/21.png", + [ + 0.19647535681724548, + 0.010371619835495949, + -0.09076207131147385, + 1.0447301864624023, + 0.00112640589941293, + -0.2155323177576065, + -0.022191081196069717, + 0.2458556890487671, + -0.09134580194950104, + 0.019650503993034363, + -0.19549347460269928, + 2.293044090270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/82.png", + [ + 0.1666557937860489, + 0.006416643038392067, + -0.13832052052021027, + 1.5529533624649048, + -0.008968240581452847, + -0.21548722684383392, + -0.020801784470677376, + 0.21992114186286926, + -0.13817855715751648, + 0.021724876016378403, + -0.16547691822052002, + 1.9102877378463745, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/106.png", + [ + 0.18198098242282867, + 0.0505683608353138, + -0.10617746412754059, + 1.1785417795181274, + 0.021872764453291893, + -0.20676164329051971, + -0.060984399169683456, + 0.6715587377548218, + -0.11555257439613342, + 0.04050131514668465, + -0.17876002192497253, + 2.035101890563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/14.png", + [ + 0.21126297116279602, + 0.0018985840724781156, + -0.04808584600687027, + 0.5656358003616333, + -0.0029745488427579403, + -0.21557676792144775, + -0.021580208092927933, + 0.23804762959480286, + -0.048031292855739594, + 0.021701354533433914, + -0.21016645431518555, + 2.474940776824951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/67.png", + [ + 0.1923954039812088, + 0.008479064330458641, + -0.09929756075143814, + 1.1197704076766968, + -0.0016405141213908792, + -0.21559026837348938, + -0.021587954834103584, + 0.23390668630599976, + -0.09964542090892792, + 0.019920753315091133, + -0.19136837124824524, + 2.215076446533203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/241.png", + [ + 0.1924581378698349, + 0.024242307990789413, + -0.09654050320386887, + 1.0879100561141968, + 0.006385773420333862, + -0.2127244770526886, + -0.04068693518638611, + 0.4490332007408142, + -0.09933268278837204, + 0.033294375985860825, + -0.18966391682624817, + 2.1865391731262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/78.png", + [ + 0.16836659610271454, + 0.005169198848307133, + -0.1362859457731247, + 1.5365381240844727, + -0.010637869127094746, + -0.215361550450325, + -0.02131040021777153, + 0.23468008637428284, + -0.13596846163272858, + 0.023250306025147438, + -0.16709250211715698, + 1.9282041788101196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/191.png", + [ + 0.17651163041591644, + 0.04033192992210388, + -0.11901628226041794, + 1.336988091468811, + 0.016529908403754234, + -0.21088054776191711, + -0.04694733768701553, + 0.5197395086288452, + -0.12457247823476791, + 0.029165495187044144, + -0.1748684197664261, + 2.014699935913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/31.png", + [ + 0.19977107644081116, + 0.011164099909365177, + -0.08315516263246536, + 0.9598487615585327, + 0.0034368436317890882, + -0.21565651893615723, + -0.020696597173810005, + 0.23104608058929443, + -0.0838308110833168, + 0.017762992531061172, + -0.1990094631910324, + 2.3411636352539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/194.png", + [ + 0.17737793922424316, + 0.040264155715703964, + -0.11774443835020065, + 1.316949486732483, + 0.0179376769810915, + -0.21115072071552277, + -0.04518308490514755, + 0.49185070395469666, + -0.12313893437385559, + 0.027240948751568794, + -0.17618918418884277, + 2.0196571350097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/152.png", + [ + 0.20471662282943726, + 0.0032200971618294716, + -0.07091283798217773, + 0.8129252791404724, + -0.009406575933098793, + -0.21331214904785156, + -0.036841969937086105, + 0.41659995913505554, + -0.07035989314317703, + 0.03788727521896362, + -0.20139992237091064, + 2.357811450958252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/39.png", + [ + 0.20179417729377747, + 0.00874328427016735, + -0.07842548936605453, + 0.9055057764053345, + 0.002555768471211195, + -0.21595169603824615, + -0.017499258741736412, + 0.19300630688667297, + -0.07886996865272522, + 0.015372409485280514, + -0.20122404396533966, + 2.3652572631835938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/92.png", + [ + 0.1710944026708603, + 0.025150444358587265, + -0.1305452287197113, + 1.4641462564468384, + 0.005758840125054121, + -0.21396444737911224, + -0.03367412090301514, + 0.36593127250671387, + -0.13282106816768646, + 0.023120684549212456, + -0.16962279379367828, + 1.947046160697937, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/203.png", + [ + 0.17595024406909943, + 0.03553742542862892, + -0.12135275453329086, + 1.3515771627426147, + 0.015201636590063572, + -0.2123783379793167, + -0.04015275090932846, + 0.4359818696975708, + -0.1255321204662323, + 0.02409200929105282, + -0.17495472729206085, + 2.004398822784424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/53.png", + [ + 0.2013995200395584, + 0.006646868772804737, + -0.07963636517524719, + 0.9080424904823303, + -0.005119181238114834, + -0.21440723538398743, + -0.03084191121160984, + 0.3442404270172119, + -0.07974913716316223, + 0.030549118295311928, + -0.1991349458694458, + 2.3179450035095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/245.png", + [ + 0.19757021963596344, + 0.019711149856448174, + -0.0867488831281662, + 0.9874798059463501, + 0.00263591087423265, + -0.21249325573444366, + -0.04227961227297783, + 0.4714127480983734, + -0.08892104029655457, + 0.037496455013751984, + -0.193997323513031, + 2.2356319427490234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/75.png", + [ + 0.17463858425617218, + 0.008385037072002888, + -0.1279803067445755, + 1.4401954412460327, + -0.005904724355787039, + -0.21545614302158356, + -0.02217373251914978, + 0.24063917994499207, + -0.12811867892742157, + 0.02135957032442093, + -0.17342796921730042, + 2.0118417739868164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/151.png", + [ + 0.20524296164512634, + 0.003399130655452609, + -0.06936618685722351, + 0.7895565629005432, + -0.00965975597500801, + -0.2129140943288803, + -0.03901497274637222, + 0.4413163661956787, + -0.06877434253692627, + 0.040049031376838684, + -0.20152929425239563, + 2.357679843902588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/87.png", + [ + 0.17082783579826355, + 0.018343672156333923, + -0.13201989233493805, + 1.4758028984069824, + -0.002001742599532008, + -0.2142355889081955, + -0.03235739842057228, + 0.35426467657089233, + -0.1332731693983078, + 0.026730472221970558, + -0.16873541474342346, + 1.9406074285507202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/139.png", + [ + 0.1887979656457901, + 0.021207917481660843, + -0.10417988896369934, + 1.1688272953033447, + -0.0015588777605444193, + -0.21174490451812744, + -0.04592999070882797, + 0.5035375356674194, + -0.10630519688129425, + 0.04077031463384628, + -0.1843498945236206, + 2.117229461669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/107.png", + [ + 0.18295790255069733, + 0.050833337008953094, + -0.10435649007558823, + 1.1604444980621338, + 0.02207326516509056, + -0.20647478103637695, + -0.061877548694610596, + 0.6817888021469116, + -0.11396084725856781, + 0.04161768779158592, + -0.179523766040802, + 2.042470932006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/112.png", + [ + 0.18353089690208435, + 0.054356228560209274, + -0.10153670608997345, + 1.120974063873291, + 0.025868022814393044, + -0.20559896528720856, + -0.06330718100070953, + 0.6860683560371399, + -0.11222811788320541, + 0.04150126501917839, + -0.18063884973526, + 2.0445356369018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/69.png", + [ + 0.19051799178123474, + 0.008239736780524254, + -0.10287319868803024, + 1.1591235399246216, + -0.001592022250406444, + -0.21572259068489075, + -0.02022690325975418, + 0.21922853589057922, + -0.10319037735462189, + 0.0185410063713789, + -0.18962034583091736, + 2.192412853240967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/157.png", + [ + 0.19901956617832184, + 0.007940529845654964, + -0.0852997824549675, + 0.9757994413375854, + -0.006347689777612686, + -0.21378198266029358, + -0.034711189568042755, + 0.3882949650287628, + -0.08543308079242706, + 0.034381791949272156, + -0.19612999260425568, + 2.298989772796631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/45.png", + [ + 0.20103909075260162, + 0.006563409231603146, + -0.0805487409234047, + 0.9196242094039917, + 8.834373875288293e-05, + -0.21597658097743988, + -0.017378078773617744, + 0.18837374448776245, + -0.08081565797328949, + 0.016091208904981613, + -0.20039412379264832, + 2.333479404449463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/259.png", + [ + 0.210207000374794, + 0.014283857308328152, + 0.05056560039520264, + -0.6132413148880005, + 0.02379004843533039, + -0.21179091930389404, + -0.03907088562846184, + 0.4467537999153137, + 0.046850211918354034, + 0.043456558138132095, + -0.20703738927841187, + 2.4728612899780273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/50.png", + [ + 0.20028869807720184, + 0.005072157364338636, + -0.08250214159488678, + 0.9400708675384521, + -0.004858581814914942, + -0.2151699662208557, + -0.025023531168699265, + 0.275180846452713, + -0.08251499384641647, + 0.024981116876006126, + -0.19878409802913666, + 2.31327486038208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/101.png", + [ + 0.18072712421417236, + 0.047378603368997574, + -0.10973092168569565, + 1.2131454944610596, + 0.018108736723661423, + -0.2074819654226303, + -0.05975950509309769, + 0.6559048295021057, + -0.11814263463020325, + 0.04067423567175865, + -0.17701925337314606, + 2.0080933570861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/85.png", + [ + 0.1639837920665741, + 0.013988283462822437, + -0.14093098044395447, + 1.583922266960144, + -0.004372399300336838, + -0.2150123119354248, + -0.026428932324051857, + 0.291048139333725, + -0.14155596494674683, + 0.022845886647701263, + -0.16244342923164368, + 1.8766909837722778, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/156.png", + [ + 0.1996355801820755, + 0.008656062185764313, + -0.08377708494663239, + 0.9615981578826904, + -0.005663130432367325, + -0.21365989744663239, + -0.03557077422738075, + 0.39842304587364197, + -0.08403246849775314, + 0.034963175654411316, + -0.19663166999816895, + 2.3027524948120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/181.png", + [ + 0.18019433319568634, + 0.032602567225694656, + -0.11582300812005997, + 1.3024259805679321, + 0.0076285903342068195, + -0.2112450748682022, + -0.047594211995601654, + 0.5280717015266418, + -0.1200820580124855, + 0.035503190010786057, + -0.17682680487632751, + 2.0541977882385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/131.png", + [ + 0.18635660409927368, + 0.04566444084048271, + -0.10066711902618408, + 1.1001056432724, + 0.018654823303222656, + -0.20748396217823029, + -0.05958438664674759, + 0.6396723389625549, + -0.10895460844039917, + 0.04258005693554878, + -0.1823834478855133, + 2.0399551391601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/71.png", + [ + 0.18161189556121826, + 0.008099437691271305, + -0.11789576709270477, + 1.3334957361221313, + -0.0027875129599124193, + -0.2158113569021225, + -0.019120248034596443, + 0.20610496401786804, + -0.11814077198505402, + 0.017542896792292595, + -0.18078413605690002, + 2.0948328971862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/160.png", + [ + 0.1957560032606125, + 0.012805894017219543, + -0.09199722111225128, + 1.0495537519454956, + -0.0022877645678818226, + -0.2138756364583969, + -0.03463922441005707, + 0.3909026086330414, + -0.0928560420870781, + 0.032266370952129364, + -0.19309203326702118, + 2.2755813598632812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/115.png", + [ + 0.18185222148895264, + 0.056243572384119034, + -0.10350999981164932, + 1.1420464515686035, + 0.026976637542247772, + -0.20520786941051483, + -0.06410840153694153, + 0.6984041333198547, + -0.11467309296131134, + 0.040918052196502686, + -0.17923080921173096, + 2.033583641052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/54.png", + [ + 0.20179152488708496, + 0.006541115697473288, + -0.07864665985107422, + 0.8966909050941467, + -0.004129762761294842, + -0.2147580087184906, + -0.02845776081085205, + 0.3183597922325134, + -0.07881007343530655, + 0.028002016246318817, + -0.19988185167312622, + 2.329716682434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/33.png", + [ + 0.20067140460014343, + 0.011287292465567589, + -0.08094123750925064, + 0.9324809908866882, + 0.0036667168606072664, + -0.21562550961971283, + -0.020978465676307678, + 0.2325415313243866, + -0.08164215832948685, + 0.01805928722023964, + -0.19989077746868134, + 2.3509531021118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/252.png", + [ + 0.21404610574245453, + 0.012102612294256687, + -0.031395554542541504, + 0.3702358901500702, + 0.004743591416627169, + -0.21100790798664093, + -0.04900055751204491, + 0.5590236186981201, + -0.03331144154071808, + 0.04771878942847252, + -0.208713099360466, + 2.46628475189209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/221.png", + [ + 0.17453166842460632, + 0.03894753009080887, + -0.12235065549612045, + 1.371277928352356, + 0.01457493007183075, + -0.21114107966423035, + -0.046420976519584656, + 0.5068236589431763, + -0.127570241689682, + 0.029162056744098663, + -0.17269425094127655, + 1.9863921403884888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/159.png", + [ + 0.19547699391841888, + 0.012507940642535686, + -0.0926293134689331, + 1.059069275856018, + -0.0029844455420970917, + -0.21378114819526672, + -0.0351654589176178, + 0.39543822407722473, + -0.09342233091592789, + 0.03300103172659874, + -0.1926943063735962, + 2.2678260803222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/177.png", + [ + 0.1756768524646759, + 0.025331782177090645, + -0.12427321821451187, + 1.4213447570800781, + 0.003919633105397224, + -0.21329174935817719, + -0.03793634474277496, + 0.4243887960910797, + -0.12676815688610077, + 0.02851017937064171, + -0.17339231073856354, + 2.0250730514526367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/49.png", + [ + 0.2000456303358078, + 0.004861325956881046, + -0.08310238271951675, + 0.9472013711929321, + -0.004845104645937681, + -0.21525821089744568, + -0.024255407974123955, + 0.26601582765579224, + -0.08310332894325256, + 0.024252163246273994, + -0.1986292153596878, + 2.3098878860473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/118.png", + [ + 0.1798798143863678, + 0.050299741327762604, + -0.10982298105955124, + 1.2095402479171753, + 0.019083719700574875, + -0.20635531842708588, + -0.06325492262840271, + 0.6934760808944702, + -0.11927684396505356, + 0.04284050315618515, + -0.17574304342269897, + 1.995322346687317, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/210.png", + [ + 0.17547741532325745, + 0.039837174117565155, + -0.12070032954216003, + 1.34928560256958, + 0.0163535438477993, + -0.21112337708473206, + -0.045906104147434235, + 0.5058395862579346, + -0.12604811787605286, + 0.028067925944924355, + -0.17398835718631744, + 1.9991780519485474, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/179.png", + [ + 0.17929011583328247, + 0.029470810666680336, + -0.11804414540529251, + 1.3390064239501953, + 0.005285420920699835, + -0.21191026270389557, + -0.04487764090299606, + 0.49803784489631653, + -0.12155251950025558, + 0.034255072474479675, + -0.17606666684150696, + 2.0500364303588867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/110.png", + [ + 0.18318255245685577, + 0.052943628281354904, + -0.10290295630693436, + 1.1396281719207764, + 0.024383893236517906, + -0.20600220561027527, + -0.06258128583431244, + 0.6817131042480469, + -0.11312591284513474, + 0.04132751375436783, + -0.1801179200410843, + 2.040684700012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/258.png", + [ + 0.20972047746181488, + 0.00810366589576006, + 0.05384749174118042, + -0.6572532057762146, + 0.018644504249095917, + -0.2119974046945572, + -0.04071085900068283, + 0.46754783391952515, + 0.05116252228617668, + 0.04403773695230484, + -0.20589065551757812, + 2.459216594696045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/18.png", + [ + 0.200225830078125, + 0.00799847487360239, + -0.08242295682430267, + 0.9524993896484375, + -0.00037967972457408905, + -0.21557064354419708, + -0.021841706708073616, + 0.24189311265945435, + -0.08280927687883377, + 0.02032802812755108, + -0.1991916000843048, + 2.3329129219055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/66.png", + [ + 0.1932157427072525, + 0.008543678559362888, + -0.09768610447645187, + 1.1018611192703247, + -0.0012574050342664123, + -0.21561701595783234, + -0.02134503610432148, + 0.23175200819969177, + -0.09805094450712204, + 0.019600948318839073, + -0.19222305715084076, + 2.2228851318359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/234.png", + [ + 0.18855644762516022, + 0.030337031930685043, + -0.10234266519546509, + 1.1457103490829468, + 0.01227582897990942, + -0.21252435445785522, + -0.04038073867559433, + 0.4449353516101837, + -0.10603611916303635, + 0.02934218943119049, + -0.18666352331638336, + 2.15145206451416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/202.png", + [ + 0.1773594319820404, + 0.03556068614125252, + -0.11927682161331177, + 1.3236223459243774, + 0.015707962214946747, + -0.21237778663635254, + -0.0399603545665741, + 0.4323941469192505, + -0.1234697625041008, + 0.024062583222985268, + -0.17642025649547577, + 2.0174546241760254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/206.png", + [ + 0.17347916960716248, + 0.037453792989254, + -0.12429837137460709, + 1.3946073055267334, + 0.014770207926630974, + -0.21180838346481323, + -0.043208152055740356, + 0.4735317528247833, + -0.12897562980651855, + 0.02612121030688286, + -0.17213617265224457, + 1.9786244630813599, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/16.png", + [ + 0.20559702813625336, + 0.00478010019287467, + -0.06822682917118073, + 0.7948567867279053, + -0.0012415341334417462, + -0.21584834158420563, + -0.018864018842577934, + 0.2072363793849945, + -0.06838280707597733, + 0.018290525302290916, + -0.20478561520576477, + 2.407252311706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/190.png", + [ + 0.1772613525390625, + 0.038140080869197845, + -0.11862397938966751, + 1.3336238861083984, + 0.01586024835705757, + -0.211503267288208, + -0.04430253431200981, + 0.4888317286968231, + -0.1235911175608635, + 0.027560777962207794, + -0.175822451710701, + 2.02780818939209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/211.png", + [ + 0.17470334470272064, + 0.040795616805553436, + -0.1215004250407219, + 1.3604793548583984, + 0.01732327602803707, + -0.21103651821613312, + -0.04594988003373146, + 0.50605309009552, + -0.12699031829833984, + 0.02733505144715309, + -0.17341899871826172, + 1.9949551820755005, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/94.png", + [ + 0.18085770308971405, + 0.034679610282182693, + -0.11417407542467117, + 1.2691012620925903, + 0.011328461579978466, + -0.2113756239414215, + -0.04625906050205231, + 0.5054687261581421, + -0.11878576874732971, + 0.0326429046690464, + -0.17824779450893402, + 2.031588077545166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/209.png", + [ + 0.17554335296154022, + 0.03930313512682915, + -0.12077951431274414, + 1.3496999740600586, + 0.015729831531643867, + -0.21118104457855225, + -0.04585884138941765, + 0.5051902532577515, + -0.12603570520877838, + 0.02838529460132122, + -0.17394587397575378, + 2.0001220703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/228.png", + [ + 0.17910030484199524, + 0.038587357848882675, + -0.11568056046962738, + 1.2933577299118042, + 0.014934850856661797, + -0.21093451976776123, + -0.04723844677209854, + 0.5209730863571167, + -0.12102861702442169, + 0.031073080375790596, + -0.17701533436775208, + 2.0266480445861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/28.png", + [ + 0.196962371468544, + 0.010555073618888855, + -0.08967888355255127, + 1.0383368730545044, + 0.0025922823697328568, + -0.21576149761676788, + -0.019701369106769562, + 0.2221769392490387, + -0.09026068449020386, + 0.016836099326610565, + -0.19625861942768097, + 2.3113598823547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/61.png", + [ + 0.19953900575637817, + 0.0039118691347539425, + -0.08436097949743271, + 0.9642789363861084, + -0.007237437181174755, + -0.2148536741733551, + -0.027081599459052086, + 0.29999423027038574, + -0.08414094150066376, + 0.027757715433835983, + -0.1977313905954361, + 2.312373638153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/132.png", + [ + 0.18551568686962128, + 0.044513363391160965, + -0.10271503776311874, + 1.120451807975769, + 0.01672734133899212, + -0.20759917795658112, + -0.059755146503448486, + 0.6423864364624023, + -0.11068883538246155, + 0.043232422322034836, + -0.18118175864219666, + 2.029846668243408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/58.png", + [ + 0.20443281531333923, + 0.006446327082812786, + -0.07150918245315552, + 0.8102313280105591, + -0.004161277320235968, + -0.21437303721904755, + -0.031221454963088036, + 0.34640181064605713, + -0.07167845219373703, + 0.030830835923552513, + -0.20213747024536133, + 2.3600850105285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/263.png", + [ + 0.2138204574584961, + 0.03410429134964943, + -0.008099641650915146, + 0.11779864132404327, + 0.031530074775218964, + -0.20900167524814606, + -0.047666020691394806, + 0.556522011756897, + -0.01531538087874651, + 0.04585948958992958, + -0.21121135354042053, + 2.557241916656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/253.png", + [ + 0.21556855738162994, + 0.012401442974805832, + -0.018008127808570862, + 0.2112547606229782, + 0.008265076205134392, + -0.21142861247062683, + -0.046663906425237656, + 0.5349361300468445, + -0.020242949947714806, + 0.04573877900838852, + -0.21082238852977753, + 2.4946722984313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/123.png", + [ + 0.1838938146829605, + 0.05260860547423363, + -0.10180021077394485, + 1.128986120223999, + 0.023259196430444717, + -0.20561976730823517, + -0.06424492597579956, + 0.7067109942436218, + -0.11220498383045197, + 0.04359741881489754, + -0.1801588237285614, + 2.057559013366699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/64.png", + [ + 0.19328051805496216, + 0.006005258299410343, + -0.09774694591760635, + 1.1084040403366089, + -0.005926779005676508, + -0.21515317261219025, + -0.024937672540545464, + 0.2769604027271271, + -0.09775174409151077, + 0.02491888776421547, + -0.19175907969474792, + 2.2189173698425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/10.png", + [ + 0.2158609926700592, + -0.01112321950495243, + 0.015106171369552612, + -0.18286964297294617, + -0.008925488218665123, + -0.21435992419719696, + -0.030299395322799683, + 0.33678334951400757, + 0.01650024577975273, + 0.02956334687769413, + -0.21401318907737732, + 2.5217819213867188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/170.png", + [ + 0.193440780043602, + 0.01036133337765932, + -0.0970628559589386, + 1.1191970109939575, + -0.006761680822819471, + -0.21351073682308197, + -0.03626764565706253, + 0.4073454439640045, + -0.09737984836101532, + 0.03540769964456558, + -0.1902928203344345, + 2.238401412963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/41.png", + [ + 0.20209050178527832, + 0.008003389462828636, + -0.07773846387863159, + 0.8959892988204956, + 0.0018380929250270128, + -0.21596255898475647, + -0.01745559275150299, + 0.1911437064409256, + -0.07812774181365967, + 0.015621207654476166, + -0.2014942467212677, + 2.3618955612182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/166.png", + [ + 0.1938495934009552, + 0.011930279433727264, + -0.09606195241212845, + 1.1082799434661865, + -0.004245023243129253, + -0.2137681394815445, + -0.03511493653059006, + 0.39659038186073303, + -0.096706822514534, + 0.033297859132289886, + -0.19101554155349731, + 2.2580647468566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/91.png", + [ + 0.1688123643398285, + 0.025668460875749588, + -0.13338442146778107, + 1.4970401525497437, + 0.004485416691750288, + -0.2137080579996109, + -0.03544913977384567, + 0.3882099390029907, + -0.135757714509964, + 0.024857409298419952, + -0.16703246533870697, + 1.9223846197128296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/140.png", + [ + 0.19009752571582794, + 0.020787138491868973, + -0.10187599807977676, + 1.1475752592086792, + -0.000681449135299772, + -0.21204660832881927, + -0.044538307934999466, + 0.48883548378944397, + -0.10397287458181381, + 0.039395689964294434, + -0.18597181141376495, + 2.140413284301758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/217.png", + [ + 0.17533178627490997, + 0.04059063270688057, + -0.1206609457731247, + 1.3501774072647095, + 0.016077937558293343, + -0.21078161895275116, + -0.047544676810503006, + 0.5250087976455688, + -0.12628604471683502, + 0.02951943688094616, + -0.17357516288757324, + 1.996745228767395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/240.png", + [ + 0.18976402282714844, + 0.02576356567442417, + -0.10135949403047562, + 1.1423901319503784, + 0.007125481963157654, + -0.2126941680908203, + -0.040722377598285675, + 0.449468195438385, + -0.10433951765298843, + 0.03233145922422409, + -0.18712519109249115, + 2.1568140983581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/23.png", + [ + 0.19507192075252533, + 0.010980909690260887, + -0.09367098659276962, + 1.080062747001648, + 0.0013839579187333584, + -0.21551109850406647, + -0.022381920367479324, + 0.24831172823905945, + -0.09430228173732758, + 0.019552117213606834, + -0.19409455358982086, + 2.2810773849487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/220.png", + [ + 0.17370103299617767, + 0.04013337939977646, + -0.12314687669277191, + 1.3826611042022705, + 0.0156144630163908, + -0.2109965980052948, + -0.046738963574171066, + 0.5128313899040222, + -0.12857696413993835, + 0.028594646602869034, + -0.17204129695892334, + 1.981227993965149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/201.png", + [ + 0.17684130370616913, + 0.034503016620874405, + -0.12035191804170609, + 1.3321279287338257, + 0.014611324295401573, + -0.21254862844944, + -0.039464958012104034, + 0.4271090030670166, + -0.12434447556734085, + 0.02409389056265354, + -0.17580051720142365, + 2.006472110748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/37.png", + [ + 0.2013038545846939, + 0.009839306585490704, + -0.07954774051904678, + 0.9191692471504211, + 0.002388289198279381, + -0.21567675471305847, + -0.02063337154686451, + 0.22927716374397278, + -0.08011835068464279, + 0.01829284057021141, + -0.2004851996898651, + 2.358199119567871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/178.png", + [ + 0.17722539603710175, + 0.026569345965981483, + -0.12179131805896759, + 1.3869231939315796, + 0.0039051377680152655, + -0.21277517080307007, + -0.04073531925678253, + 0.45279866456985474, + -0.1245945617556572, + 0.031123723834753036, + -0.1745147556066513, + 2.0354299545288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/36.png", + [ + 0.2020532488822937, + 0.010904460214078426, + -0.07748208194971085, + 0.8939635753631592, + 0.0030190397519618273, + -0.21548691391944885, + -0.022453727200627327, + 0.2484678030014038, + -0.07818737626075745, + 0.019858933985233307, + -0.20109762251377106, + 2.3636584281921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/213.png", + [ + 0.17567212879657745, + 0.04060954600572586, + -0.12015849351882935, + 1.3470988273620605, + 0.017166249454021454, + -0.21099227666854858, + -0.046211209148168564, + 0.5060762166976929, + -0.12566828727722168, + 0.027946744114160538, + -0.17428238689899445, + 2.004197120666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/212.png", + [ + 0.17505118250846863, + 0.04039701446890831, + -0.12113240361213684, + 1.3571455478668213, + 0.016832003369927406, + -0.21105216443538666, + -0.0460604652762413, + 0.5053690671920776, + -0.12657670676708221, + 0.027802228927612305, + -0.1736469715833664, + 1.9972366094589233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/182.png", + [ + 0.18224570155143738, + 0.03464720770716667, + -0.11195523291826248, + 1.2540640830993652, + 0.009832755662500858, + -0.2107798457145691, + -0.04922464117407799, + 0.5462963581085205, + -0.11678063869476318, + 0.036322444677352905, + -0.1788598895072937, + 2.0699000358581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/235.png", + [ + 0.1896331012248993, + 0.02887856587767601, + -0.10076313465833664, + 1.1285483837127686, + 0.011396406218409538, + -0.2127346694469452, + -0.03952175751328468, + 0.4360591769218445, + -0.10419837385416031, + 0.029289517551660538, + -0.18770380318164825, + 2.1662278175354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/8.png", + [ + 0.21530234813690186, + -0.011395584791898727, + 0.021515952423214912, + -0.2631867825984955, + -0.008251388557255268, + -0.21429681777954102, + -0.030930286273360252, + 0.3465685248374939, + 0.022906553000211716, + 0.02991502359509468, + -0.21337354183197021, + 2.523268699645996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/6.png", + [ + 0.21620841324329376, + -0.009690170176327229, + 0.010388370603322983, + -0.1282438039779663, + -0.007994710467755795, + -0.2139672487974167, + -0.03319631889462471, + 0.3769153356552124, + 0.011743179522454739, + 0.03274158760905266, + -0.21386440098285675, + 2.538792133331299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/257.png", + [ + 0.21150417625904083, + 0.00567019684240222, + 0.04670893773436546, + -0.572784423828125, + 0.014819532632827759, + -0.21217595040798187, + -0.04134783148765564, + 0.475337952375412, + 0.044657111167907715, + 0.04355583339929581, + -0.2075006514787674, + 2.477004051208496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/197.png", + [ + 0.1717541217803955, + 0.03841066733002663, + -0.12638448178768158, + 1.4163874387741089, + 0.014040568843483925, + -0.2114459127187729, + -0.04518160596489906, + 0.4965653121471405, + -0.13134412467479706, + 0.027624914422631264, + -0.1700984537601471, + 1.9514409303665161, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/219.png", + [ + 0.17409241199493408, + 0.041473161429166794, + -0.12214624881744385, + 1.372647762298584, + 0.017528614029288292, + -0.21087338030338287, + -0.04661614075303078, + 0.5136986374855042, + -0.12779858708381653, + 0.027573423460125923, + -0.17278636991977692, + 1.9918421506881714, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/169.png", + [ + 0.19238921999931335, + 0.01019241102039814, + -0.09914834797382355, + 1.1450004577636719, + -0.0076742228120565414, + -0.21338410675525665, + -0.03682699799537659, + 0.41478750109672546, + -0.09937498718500137, + 0.03621099516749382, + -0.1891065090894699, + 2.2280688285827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/154.png", + [ + 0.201834574341774, + 0.0053010317496955395, + -0.0786294937133789, + 0.9048312306404114, + -0.00792447105050087, + -0.21372301876544952, + -0.03475012630224228, + 0.38916411995887756, + -0.07840855419635773, + 0.03524581342935562, + -0.19889125227928162, + 2.3270535469055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/20.png", + [ + 0.19795985519886017, + 0.009969196282327175, + -0.08752377331256866, + 1.0071852207183838, + 0.0009597997996024787, + -0.2155139446258545, + -0.022376764565706253, + 0.24839678406715393, + -0.08808445930480957, + 0.02005631849169731, + -0.19694355130195618, + 2.306609630584717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/237.png", + [ + 0.18779940903186798, + 0.029582131654024124, + -0.10394313186407089, + 1.1742677688598633, + 0.009048067033290863, + -0.21197134256362915, + -0.04397927224636078, + 0.4865623414516449, + -0.10769128054380417, + 0.03377782553434372, + -0.18495821952819824, + 2.13657808303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/2.png", + [ + 0.21524696052074432, + 0.0015797249507158995, + -0.024782100692391396, + 0.2982526123523712, + -0.0028140658978372812, + -0.21329110860824585, + -0.03803795203566551, + 0.43815067410469055, + -0.024672437459230423, + 0.038109175860881805, + -0.21186518669128418, + 2.5315117835998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/117.png", + [ + 0.1809910237789154, + 0.0530010424554348, + -0.1066819354891777, + 1.1736259460449219, + 0.022172659635543823, + -0.20564427971839905, + -0.06454993039369583, + 0.703940749168396, + -0.11704066395759583, + 0.043002430349588394, + -0.17720091342926025, + 2.0053610801696777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/149.png", + [ + 0.20087160170078278, + 0.010677197948098183, + -0.08052633702754974, + 0.9155648350715637, + -0.006288577802479267, + -0.21210609376430511, + -0.04381046071648598, + 0.4960411489009857, + -0.08098732680082321, + 0.04295229911804199, + -0.1963263899087906, + 2.298619270324707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/161.png", + [ + 0.19536691904067993, + 0.014332655817270279, + -0.09259720891714096, + 1.0571115016937256, + -0.0004425102670211345, + -0.2139812558889389, + -0.0340547151863575, + 0.3841789960861206, + -0.09369883686304092, + 0.030894892290234566, + -0.1929091364145279, + 2.2802038192749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/5.png", + [ + 0.21658574044704437, + -0.0061937859281897545, + 0.0003878994903061539, + -0.0066773127764463425, + -0.006057318765670061, + -0.21393218636512756, + -0.03382644057273865, + 0.3843412697315216, + 0.001349940779618919, + 0.033801715821027756, + -0.2140175700187683, + 2.541421413421631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/187.png", + [ + 0.17758746445178986, + 0.038051337003707886, + -0.11816378682851791, + 1.3317875862121582, + 0.015919679775834084, + -0.21152247488498688, + -0.044189319014549255, + 0.4842284023761749, + -0.12311437726020813, + 0.02753593772649765, + -0.17616048455238342, + 2.037306785583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/108.png", + [ + 0.182331383228302, + 0.05144432932138443, + -0.10515059530735016, + 1.167931318283081, + 0.02310066856443882, + -0.20661500096321106, + -0.06102859228849411, + 0.6704040169715881, + -0.11475855112075806, + 0.04014488309621811, + -0.17935092747211456, + 2.0404510498046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/60.png", + [ + 0.202475905418396, + 0.004848153796046972, + -0.07699283957481384, + 0.8766075968742371, + -0.005802877712994814, + -0.21467657387256622, + -0.028778361156582832, + 0.3172525465488434, + -0.07692679017782211, + 0.02895449660718441, + -0.2004789412021637, + 2.3447279930114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/260.png", + [ + 0.2122369110584259, + 0.01779976859688759, + 0.039831649512052536, + -0.4798405170440674, + 0.02513773925602436, + -0.21157510578632355, + -0.03939499333500862, + 0.45145028829574585, + 0.03565790504217148, + 0.043209258466959, + -0.20930688083171844, + 2.5084075927734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/56.png", + [ + 0.20381490886211395, + 0.005696664564311504, + -0.073313869535923, + 0.8324126601219177, + -0.00421810382977128, + -0.21476206183433533, + -0.02841399423778057, + 0.3170902132987976, + -0.07341377437114716, + 0.028154851868748665, + -0.20190496742725372, + 2.3561315536499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/147.png", + [ + 0.19605310261249542, + 0.017469903454184532, + -0.0905863419175148, + 1.0353124141693115, + -0.0020666546188294888, + -0.2118692547082901, + -0.045332543551921844, + 0.5081258416175842, + -0.09223237633705139, + 0.04188213124871254, + -0.19153843820095062, + 2.2336912155151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/261.png", + [ + 0.21398915350437164, + 0.02459690347313881, + 0.0234844833612442, + -0.27658042311668396, + 0.02866809070110321, + -0.21096093952655792, + -0.04026808962225914, + 0.46187645196914673, + 0.018293965607881546, + 0.0428762286901474, + -0.21160070598125458, + 2.54372501373291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/30.png", + [ + 0.19826428592205048, + 0.011209837161004543, + -0.08668044954538345, + 1.0032638311386108, + 0.003561465535312891, + -0.21574284136295319, + -0.019754517823457718, + 0.22170180082321167, + -0.08732970803976059, + 0.01665126346051693, + -0.19759592413902283, + 2.3298001289367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/17.png", + [ + 0.20233720541000366, + 0.006415143143385649, + -0.07724244892597198, + 0.8949334621429443, + -0.0006465974147431552, + -0.2157839685678482, + -0.019615069031715393, + 0.21636837720870972, + -0.0775056779384613, + 0.01854764111340046, + -0.20148634910583496, + 2.3635520935058594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/12.png", + [ + 0.21615278720855713, + -0.0036359932273626328, + -0.014582404866814613, + 0.17479078471660614, + -0.005246198736131191, + -0.21526753902435303, + -0.02408856712281704, + 0.26446351408958435, + -0.014083479531109333, + 0.024383625015616417, + -0.21483713388442993, + 2.529446601867676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/114.png", + [ + 0.1826830804347992, + 0.0571955069899559, + -0.10150595009326935, + 1.1207307577133179, + 0.02902803383767605, + -0.20516061782836914, + -0.06335918605327606, + 0.6874537467956543, + -0.11283686757087708, + 0.03982069715857506, + -0.1806378960609436, + 2.047349452972412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/27.png", + [ + 0.19609472155570984, + 0.010079796425998211, + -0.09161412715911865, + 1.0602792501449585, + 0.0021368192974478006, + -0.2158142775297165, + -0.01917111687362194, + 0.21591030061244965, + -0.09214220196008682, + 0.01644674316048622, + -0.19541549682617188, + 2.300907611846924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/42.png", + [ + 0.20224834978580475, + 0.0070541780441999435, + -0.07741919904947281, + 0.8906434774398804, + 0.0005429591401480138, + -0.2159036546945572, + -0.018254000693559647, + 0.19970554113388062, + -0.07773801684379578, + 0.01684464141726494, + -0.20154640078544617, + 2.357337474822998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/223.png", + [ + 0.17786569893360138, + 0.03793937712907791, + -0.11778068542480469, + 1.317837119102478, + 0.014224471524357796, + -0.21114066243171692, + -0.04653139412403107, + 0.5101922750473022, + -0.12292011082172394, + 0.030464904382824898, + -0.17581361532211304, + 2.0188212394714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/174.png", + [ + 0.18494412302970886, + 0.0152738057076931, + -0.1118493378162384, + 1.2844773530960083, + -0.006173820700496435, + -0.21299238502979279, + -0.03929407149553299, + 0.44695448875427246, + -0.11271844059228897, + 0.036726709455251694, + -0.18136590719223022, + 2.1274352073669434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/7.png", + [ + 0.21567745506763458, + -0.011024247854948044, + 0.017595389857888222, + -0.21469807624816895, + -0.008332119323313236, + -0.21413198113441467, + -0.03203076869249344, + 0.36127743124961853, + 0.019018610939383507, + 0.031206736341118813, + -0.21357043087482452, + 2.530789852142334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/73.png", + [ + 0.1767318695783615, + 0.010343031026422977, + -0.12492702901363373, + 1.4104610681533813, + -0.0025711399503052235, + -0.21559129655361176, + -0.02148670330643654, + 0.2319534718990326, + -0.12532809376716614, + 0.019008180126547813, + -0.175725519657135, + 2.0373830795288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/120.png", + [ + 0.18246333301067352, + 0.05223313346505165, + -0.10453101247549057, + 1.1538938283920288, + 0.021456938236951828, + -0.2055041640996933, + -0.06523444503545761, + 0.7171359062194824, + -0.11486788839101791, + 0.044582873582839966, + -0.17822915315628052, + 2.0273895263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/46.png", + [ + 0.20091338455677032, + 0.006052654702216387, + -0.0809016078710556, + 0.922964870929718, + -0.0008094125660136342, + -0.21591046452522278, + -0.01816345937550068, + 0.1974695473909378, + -0.08112367242574692, + 0.01714443974196911, + -0.20018219947814941, + 2.32833194732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/127.png", + [ + 0.18429046869277954, + 0.049227505922317505, + -0.10276950150728226, + 1.1452065706253052, + 0.01939539983868599, + -0.20611222088336945, + -0.06394896656274796, + 0.700928270816803, + -0.11228863149881363, + 0.04519185796380043, + -0.17971324920654297, + 2.0458755493164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/236.png", + [ + 0.18927180767059326, + 0.03066130168735981, + -0.10091563314199448, + 1.1343016624450684, + 0.01182609423995018, + -0.21217897534370422, + -0.04228619113564491, + 0.46782186627388, + -0.10480564087629318, + 0.031430285423994064, + -0.18701820075511932, + 2.159252643585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/226.png", + [ + 0.18052144348621368, + 0.0377674400806427, + -0.11372566223144531, + 1.268526554107666, + 0.01429840736091137, + -0.21095158159732819, + -0.04735899716615677, + 0.5217452049255371, + -0.11897671967744827, + 0.0319521464407444, + -0.17824558913707733, + 2.03651762008667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/133.png", + [ + 0.18809419870376587, + 0.04155704751610756, + -0.09920421242713928, + 1.0773417949676514, + 0.015105989761650562, + -0.20807430148124695, + -0.05852174386382103, + 0.6262544393539429, + -0.10649070888757706, + 0.04388619214296341, + -0.18352553248405457, + 2.0536346435546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/57.png", + [ + 0.20451101660728455, + 0.005523385480046272, + -0.07136266678571701, + 0.8090965151786804, + -0.004625303670763969, + -0.21455717086791992, + -0.029861656948924065, + 0.3326493203639984, + -0.07142649590969086, + 0.029708657413721085, + -0.2023945301771164, + 2.363473892211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/44.png", + [ + 0.20169281959533691, + 0.0060886298306286335, + -0.07893557101488113, + 0.9025907516479492, + -3.106382428086363e-05, + -0.21602681279182434, + -0.016742421314120293, + 0.18135204911231995, + -0.07917003333568573, + 0.015596096403896809, + -0.20108895003795624, + 2.3428921699523926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/264.png", + [ + 0.21216167509555817, + 0.0363975390791893, + -0.024709010496735573, + 0.3210114538669586, + 0.030336936935782433, + -0.20918194949626923, + -0.047649528831243515, + 0.5620259046554565, + -0.03185885027050972, + 0.04319753497838974, + -0.20992113649845123, + 2.5512919425964355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/113.png", + [ + 0.18331477046012878, + 0.05748968571424484, + -0.10019244253635406, + 1.1062461137771606, + 0.029725421220064163, + -0.20508261024951935, + -0.06328844279050827, + 0.6851179599761963, + -0.11162431538105011, + 0.0397990420460701, + -0.18139445781707764, + 2.052596092224121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/126.png", + [ + 0.18470031023025513, + 0.0504014752805233, + -0.10145627707242966, + 1.1302833557128906, + 0.02165001444518566, + -0.20617665350437164, + -0.0630108192563057, + 0.6912503242492676, + -0.111197829246521, + 0.043574970215559006, + -0.180787593126297, + 2.059922695159912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/29.png", + [ + 0.19734373688697815, + 0.011536547914147377, + -0.08871447294950485, + 1.0273656845092773, + 0.0037190241273492575, + -0.21573767066001892, + -0.019781915470957756, + 0.22248438000679016, + -0.08938410878181458, + 0.01649434305727482, + -0.19668838381767273, + 2.318345069885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/4.png", + [ + 0.21636217832565308, + -0.0032256399281322956, + -0.011175408028066158, + 0.13267719745635986, + -0.005006237421184778, + -0.21373231709003448, + -0.03523244336247444, + 0.4028575122356415, + -0.010499145835638046, + 0.03543984517455101, + -0.21349865198135376, + 2.5403709411621094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/55.png", + [ + 0.20243017375469208, + 0.006692166440188885, + -0.07697489112615585, + 0.8767999410629272, + -0.0032784338109195232, + -0.21492202579975128, + -0.0273069329559803, + 0.3055335581302643, + -0.0771956592798233, + 0.026676425710320473, + -0.20069153606891632, + 2.3421382904052734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/9.png", + [ + 0.21533657610416412, + -0.010945207439363003, + 0.0214071124792099, + -0.2610355615615845, + -0.008045200258493423, + -0.21460190415382385, + -0.028795864433050156, + 0.31994691491127014, + 0.022656936198472977, + 0.027823185548186302, + -0.21368300914764404, + 2.520430088043213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/25.png", + [ + 0.195786714553833, + 0.010600063018500805, + -0.0922122374176979, + 1.0669543743133545, + 0.0015752314357087016, + -0.21560552716255188, + -0.021439919248223305, + 0.23950910568237305, + -0.0928061231970787, + 0.01870267651975155, + -0.19489772617816925, + 2.295624256134033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/99.png", + [ + 0.1807856559753418, + 0.046636585146188736, + -0.10995212197303772, + 1.2190836668014526, + 0.01775648631155491, + -0.20775151252746582, + -0.058922939002513885, + 0.6491713523864746, + -0.11810651421546936, + 0.04015263542532921, + -0.17716237902641296, + 2.0132980346679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/208.png", + [ + 0.17551599442958832, + 0.038646016269922256, + -0.12103106081485748, + 1.3562016487121582, + 0.015038304030895233, + -0.2112758755683899, + -0.045653633773326874, + 0.5040928721427917, + -0.12615816295146942, + 0.028581291437149048, + -0.1738249659538269, + 2.0006160736083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/224.png", + [ + 0.17997314035892487, + 0.03781915083527565, + -0.11457431316375732, + 1.2800467014312744, + 0.013691606000065804, + -0.2108277678489685, + -0.04808412492275238, + 0.5287154912948608, + -0.11987534910440445, + 0.03269946575164795, + -0.1775064319372177, + 2.034620761871338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/34.png", + [ + 0.20070870220661163, + 0.011705432087182999, + -0.08078912645578384, + 0.9312188029289246, + 0.0039059289265424013, + -0.2155669778585434, + -0.021529512479901314, + 0.2390182614326477, + -0.08153922110795975, + 0.01848672516644001, + -0.19989369809627533, + 2.3513221740722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/72.png", + [ + 0.17915280163288116, + 0.010036739520728588, + -0.12145549058914185, + 1.3731060028076172, + -0.0020603525917977095, + -0.2156582772731781, + -0.020860513672232628, + 0.22515374422073364, + -0.12185206264257431, + 0.018402988091111183, + -0.17821699380874634, + 2.0640687942504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/102.png", + [ + 0.18097351491451263, + 0.04762212559580803, + -0.10921818763017654, + 1.2059922218322754, + 0.018350260332226753, + -0.20738565921783447, + -0.06001962721347809, + 0.6565607190132141, + -0.11772743612527847, + 0.04088056832551956, + -0.17724820971488953, + 2.010550022125244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/262.png", + [ + 0.21464835107326508, + 0.0287188570946455, + 0.007015380542725325, + -0.07066648453474045, + 0.029545502737164497, + -0.21017520129680634, + -0.04360440373420715, + 0.5037780404090881, + 0.0010254569351673126, + 0.044153232127428055, + -0.212125763297081, + 2.558852195739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/134.png", + [ + 0.18911591172218323, + 0.037586648017168045, + -0.09884485602378845, + 1.0755603313446045, + 0.011379086412489414, + -0.20858339965343475, + -0.057544559240341187, + 0.6196339726448059, + -0.10513599961996078, + 0.04503447934985161, + -0.1840277463197708, + 2.0669960975646973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/70.png", + [ + 0.1850237101316452, + 0.008670940063893795, + -0.11242304742336273, + 1.2706921100616455, + -0.0019039969192817807, + -0.2157619595527649, + -0.01977480575442314, + 0.2144601047039032, + -0.11274084448814392, + 0.017874084413051605, + -0.18416815996170044, + 2.1332249641418457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/135.png", + [ + 0.19017048180103302, + 0.034328438341617584, + -0.09800326079130173, + 1.0710103511810303, + 0.008533574640750885, + -0.20896710455417633, + -0.0566377118229866, + 0.6148106455802917, + -0.10349039733409882, + 0.045849867165088654, + -0.1847577542066574, + 2.086125373840332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/229.png", + [ + 0.1801963895559311, + 0.03747841343283653, + -0.11433513462543488, + 1.278944969177246, + 0.014523464255034924, + -0.21116480231285095, + -0.046329110860824585, + 0.5090824365615845, + -0.11944129317998886, + 0.0308656208217144, + -0.17812630534172058, + 2.0388760566711426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/130.png", + [ + 0.18374046683311462, + 0.047537513077259064, + -0.1045348048210144, + 1.1538196802139282, + 0.018661916255950928, + -0.20697665214538574, + -0.06132125481963158, + 0.6623541712760925, + -0.11330964416265488, + 0.0429970808327198, + -0.17961089313030243, + 2.0243258476257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/90.png", + [ + 0.16643309593200684, + 0.024597439914941788, + -0.13653893768787384, + 1.532387137413025, + 0.0038727563805878162, + -0.21398256719112396, + -0.033828213810920715, + 0.37172815203666687, + -0.1386827975511551, + 0.023543840274214745, + -0.16480493545532227, + 1.8994065523147583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/122.png", + [ + 0.18391962349414825, + 0.051852189004421234, + -0.10214114189147949, + 1.1320140361785889, + 0.022761067375540733, + -0.2058948576450348, + -0.06353847682476044, + 0.6994160413742065, + -0.11226484179496765, + 0.04320363327860832, + -0.18021638691425323, + 2.061488151550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/238.png", + [ + 0.18568259477615356, + 0.028435824438929558, + -0.1079874113202095, + 1.2201588153839111, + 0.00825195387005806, + -0.21245308220386505, + -0.041755180805921555, + 0.4619571566581726, + -0.11136329174041748, + 0.03167007863521576, + -0.18314780294895172, + 2.112666606903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/15.png", + [ + 0.2083110362291336, + 0.002780588110908866, + -0.05955394729971886, + 0.6975485682487488, + -0.002563806949183345, + -0.2158208042383194, + -0.019044553861021996, + 0.20865434408187866, + -0.05956367030739784, + 0.019014110788702965, + -0.2074572890996933, + 2.441727638244629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/162.png", + [ + 0.19489146769046783, + 0.015307690016925335, + -0.09343922138214111, + 1.0681657791137695, + 8.551774226361886e-05, + -0.21385261416435242, + -0.034856054931879044, + 0.39451247453689575, + -0.09468476474285126, + 0.03131495788693428, + -0.19235920906066895, + 2.277233600616455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/22.png", + [ + 0.19547605514526367, + 0.01145641878247261, + -0.09276723116636276, + 1.0676517486572266, + 0.0020110723562538624, + -0.21550673246383667, + -0.022376637905836105, + 0.24896177649497986, + -0.09345033019781113, + 0.01932637393474579, + -0.194528728723526, + 2.2819910049438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/171.png", + [ + 0.19296030700206757, + 0.009735455736517906, + -0.09807872772216797, + 1.1287723779678345, + -0.006830277387052774, + -0.21377581357955933, + -0.03465763479471207, + 0.38932546973228455, + -0.0983237698674202, + 0.03395622596144676, + -0.19007183611392975, + 2.235567569732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/138.png", + [ + 0.19051918387413025, + 0.022761616855859756, + -0.10065903514623642, + 1.1205074787139893, + 0.00022285501472651958, + -0.21142905950546265, + -0.04738779366016388, + 0.5180909633636475, + -0.10320021212100983, + 0.041563939303159714, + -0.18593022227287292, + 2.123641014099121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/109.png", + [ + 0.18262551724910736, + 0.052063629031181335, + -0.10433211922645569, + 1.1575173139572144, + 0.023203378543257713, + -0.20622538030147552, + -0.06229444965720177, + 0.6813071966171265, + -0.11426904797554016, + 0.04133248329162598, + -0.1793937087059021, + 2.0367746353149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/26.png", + [ + 0.1956218183040619, + 0.011840859428048134, + -0.09241100400686264, + 1.0688236951828003, + 0.0032215758692473173, + -0.21564874053001404, + -0.020811982452869415, + 0.23331516981124878, + -0.09311080724000931, + 0.017415830865502357, + -0.1948716640472412, + 2.2944765090942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/43.png", + [ + 0.20189104974269867, + 0.007232534699141979, + -0.07832999527454376, + 0.8973149657249451, + 0.0007763372850604355, + -0.2159295529127121, + -0.01793671026825905, + 0.19627594947814941, + -0.07865935564041138, + 0.016432246193289757, + -0.2012227177619934, + 2.3488006591796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/205.png", + [ + 0.1742846518754959, + 0.0364430733025074, + -0.1234692633152008, + 1.383723258972168, + 0.01506137102842331, + -0.21215656399726868, + -0.04135986045002937, + 0.45127561688423157, + -0.12785114347934723, + 0.024685736745595932, + -0.17318370938301086, + 1.9873265027999878, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/246.png", + [ + 0.19782836735248566, + 0.02239552140235901, + -0.08550020307302475, + 0.9796126484870911, + 0.005332110915333033, + -0.21224577724933624, + -0.04325734078884125, + 0.4823174774646759, + -0.0882236510515213, + 0.03739077225327492, + -0.19433581829071045, + 2.243605136871338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/244.png", + [ + 0.19689913094043732, + 0.01950240135192871, + -0.08830784261226654, + 1.000432014465332, + 0.0027626119554042816, + -0.21277481317520142, + -0.04083062708377838, + 0.45327213406562805, + -0.09039349853992462, + 0.03597816824913025, + -0.19360393285751343, + 2.2322468757629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/84.png", + [ + 0.16087552905082703, + 0.011662442237138748, + -0.14467531442642212, + 1.626355528831482, + -0.00633831974118948, + -0.21520353853702545, + -0.024395864456892014, + 0.2659126818180084, + -0.14500615000724792, + 0.022345472127199173, + -0.15944211184978485, + 1.84444260597229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/216.png", + [ + 0.1751897782087326, + 0.04109372943639755, + -0.12069690227508545, + 1.3503552675247192, + 0.01662369817495346, + -0.21072319149971008, + -0.04761597141623497, + 0.5246269702911377, + -0.12641237676143646, + 0.029239248484373093, + -0.17353059351444244, + 1.9955278635025024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/136.png", + [ + 0.18977777659893036, + 0.030979933217167854, + -0.09986254572868347, + 1.0979866981506348, + 0.00626075966283679, + -0.2099408060312271, + -0.05323116108775139, + 0.5806818008422852, + -0.10436994582414627, + 0.04373782500624657, + -0.18477502465248108, + 2.0974879264831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/89.png", + [ + 0.16857536137104034, + 0.02142745442688465, + -0.13442878425121307, + 1.5045793056488037, + 0.002293142257258296, + -0.2143900841474533, + -0.031297359615564346, + 0.34426242113113403, + -0.136106476187706, + 0.022927002981305122, + -0.16702474653720856, + 1.9212855100631714, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/63.png", + [ + 0.19534562528133392, + 0.005074677988886833, + -0.09360676258802414, + 1.0665607452392578, + -0.007115145679563284, + -0.2149302065372467, + -0.02650037594139576, + 0.2958025634288788, + -0.09347380697727203, + 0.026965586468577385, + -0.19360628724098206, + 2.248368263244629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/88.png", + [ + 0.17009256780147552, + 0.02084839902818203, + -0.1325962245464325, + 1.4832227230072021, + 0.00012743000115733594, + -0.21406996250152588, + -0.033495232462882996, + 0.36667680740356445, + -0.13422517478466034, + 0.026216235011816025, + -0.16806010901927948, + 1.9354573488235474, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/62.png", + [ + 0.1965826153755188, + 0.003331296145915985, + -0.09106079488992691, + 1.0421286821365356, + -0.008754433132708073, + -0.2148377001285553, + -0.026758581399917603, + 0.29750415682792664, + -0.09070020169019699, + 0.027956468984484673, + -0.19478143751621246, + 2.2750449180603027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/65.png", + [ + 0.19339421391487122, + 0.006185354199260473, + -0.09751054644584656, + 1.1010152101516724, + -0.004130509216338396, + -0.21552912890911102, + -0.021863695234060287, + 0.23989686369895935, + -0.09761917591094971, + 0.021373432129621506, + -0.19225388765335083, + 2.2224764823913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/248.png", + [ + 0.20391744375228882, + 0.018849344924092293, + -0.07078330963850021, + 0.8143234252929688, + 0.004483911208808422, + -0.21219734847545624, + -0.043589845299720764, + 0.4856003224849701, + -0.07311271876096725, + 0.039558589458465576, + -0.2000938355922699, + 2.320174217224121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/80.png", + [ + 0.16658522188663483, + 0.006759848911315203, + -0.13838915526866913, + 1.5582112073898315, + -0.008597173728048801, + -0.2154952883720398, + -0.020875029265880585, + 0.22408568859100342, + -0.13828718662261963, + 0.021540258079767227, + -0.16541029512882233, + 1.9085062742233276, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/146.png", + [ + 0.19391721487045288, + 0.018897870555520058, + -0.09479914605617523, + 1.08301842212677, + -0.0012494402471929789, + -0.21198585629463196, + -0.04481442645192146, + 0.5014230608940125, + -0.09665633738040924, + 0.04065420478582382, + -0.18961192667484283, + 2.21246337890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/119.png", + [ + 0.18183213472366333, + 0.05080889165401459, + -0.10631752759218216, + 1.171981692314148, + 0.019996395334601402, + -0.2059668004512787, + -0.06423172354698181, + 0.7046060562133789, + -0.11612538248300552, + 0.0440911129117012, + -0.17753523588180542, + 2.01676607131958, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/180.png", + [ + 0.18053188920021057, + 0.03179759159684181, + -0.11552077531814575, + 1.3029508590698242, + 0.006611664779484272, + -0.21123071014881134, + -0.04780968651175499, + 0.5299260020256042, + -0.11963453143835068, + 0.03630968555808067, + -0.1769663244485855, + 2.0545358657836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/145.png", + [ + 0.19532284140586853, + 0.016252119094133377, + -0.09237287938594818, + 1.052146553993225, + -0.0032734002452343702, + -0.21208570897579193, + -0.04423604905605316, + 0.49387410283088684, + -0.09373455494642258, + 0.04127240926027298, + -0.19094061851501465, + 2.227072238922119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/204.png", + [ + 0.17548726499080658, + 0.03663846477866173, + -0.12169526517391205, + 1.360097885131836, + 0.015561344102025032, + -0.21210889518260956, + -0.041419245302677155, + 0.4501270055770874, + -0.1261346936225891, + 0.02480589598417282, + -0.1744207739830017, + 1.9977656602859497, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/207.png", + [ + 0.1735411286354065, + 0.03810660541057587, + -0.12401315569877625, + 1.391707420349121, + 0.014417275786399841, + -0.21149884164333344, + -0.04481389746069908, + 0.494391530752182, + -0.12893223762512207, + 0.027641084045171738, + -0.1719312220811844, + 1.9806069135665894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/250.png", + [ + 0.21056297421455383, + 0.013251916505396366, + -0.04935091361403465, + 0.570685088634491, + 0.002347164787352085, + -0.21154890954494476, + -0.046791478991508484, + 0.527542233467102, + -0.051045242697000504, + 0.044937051832675934, + -0.20572538673877716, + 2.410550117492676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/167.png", + [ + 0.19260096549987793, + 0.010632477700710297, + -0.0986899808049202, + 1.1396538019180298, + -0.006561504676938057, + -0.2135930359363556, + -0.03581696376204491, + 0.4027097523212433, + -0.09904396533966064, + 0.034826118499040604, + -0.18953979015350342, + 2.2394933700561523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/243.png", + [ + 0.19650714099407196, + 0.018829243257641792, + -0.0893213078379631, + 1.0059754848480225, + 0.0023742257617413998, + -0.21299757063388824, + -0.03967732936143875, + 0.4390139579772949, + -0.09125349670648575, + 0.03500552475452423, + -0.19337865710258484, + 2.227299213409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/189.png", + [ + 0.1765766441822052, + 0.038115497678518295, + -0.11964864283800125, + 1.3467155694961548, + 0.016610372811555862, + -0.21172761917114258, + -0.04293488711118698, + 0.4704383909702301, + -0.12446962296962738, + 0.025816993787884712, + -0.17546707391738892, + 2.026423454284668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/230.png", + [ + 0.18351586163043976, + 0.03672458603978157, + -0.10918395221233368, + 1.220192790031433, + 0.014199846424162388, + -0.2110142856836319, + -0.0471087247133255, + 0.5167694091796875, + -0.1143161952495575, + 0.03274403512477875, + -0.18112848699092865, + 2.0709919929504395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/79.png", + [ + 0.1664080023765564, + 0.006286633666604757, + -0.13862448930740356, + 1.5629976987838745, + -0.008565838448703289, + -0.2155740112066269, + -0.020058931782841682, + 0.21906152367591858, + -0.1385023146867752, + 0.020885702222585678, + -0.1653141975402832, + 1.9059017896652222, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/176.png", + [ + 0.1777729094028473, + 0.021578282117843628, + -0.12197976559400558, + 1.3992722034454346, + -0.00017115626542363316, + -0.21331891417503357, + -0.0379856638610363, + 0.4286413788795471, + -0.12387353926897049, + 0.03126208484172821, + -0.17500263452529907, + 2.0451998710632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/225.png", + [ + 0.18009193241596222, + 0.03785547614097595, + -0.11437547206878662, + 1.2746479511260986, + 0.013903884217143059, + -0.21085673570632935, + -0.04789579287171364, + 0.5271801352500916, + -0.11967233568429947, + 0.03246980905532837, + -0.17768548429012299, + 2.0320935249328613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/185.png", + [ + 0.17917652428150177, + 0.04077916592359543, + -0.11480730772018433, + 1.2870768308639526, + 0.014773952774703503, + -0.2099427729845047, + -0.0515136644244194, + 0.5736608505249023, + -0.12093547731637955, + 0.03477049246430397, + -0.17639023065567017, + 2.0365819931030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/165.png", + [ + 0.19422166049480438, + 0.012830490246415138, + -0.09519043564796448, + 1.0971091985702515, + -0.0033071287907660007, + -0.21371221542358398, + -0.0355534590780735, + 0.4031510651111603, + -0.09599427878856659, + 0.03332212567329407, + -0.1913703978061676, + 2.2655282020568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/116.png", + [ + 0.18157747387886047, + 0.05289311707019806, + -0.10573473572731018, + 1.1641589403152466, + 0.023822268471121788, + -0.20617489516735077, + -0.06222786009311676, + 0.677509069442749, + -0.1158016249537468, + 0.04052314534783363, + -0.17859381437301636, + 2.020634651184082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/19.png", + [ + 0.1986882984638214, + 0.008950344286859035, + -0.08596944808959961, + 0.9907300472259521, + 5.843719918630086e-05, + -0.21552367508411407, + -0.022303272038698196, + 0.2475973665714264, + -0.08643408864736557, + 0.020428672432899475, + -0.19763529300689697, + 2.314065456390381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/77.png", + [ + 0.1712139993906021, + 0.006042639724910259, + -0.13265421986579895, + 1.4941227436065674, + -0.008206850849092007, + -0.21555490791797638, + -0.020411327481269836, + 0.22463971376419067, + -0.13253793120384216, + 0.021153278648853302, + -0.1701003462076187, + 1.966051697731018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/254.png", + [ + 0.21645572781562805, + 0.009610528126358986, + -0.0015664038946852088, + 0.012987194582819939, + 0.009066132828593254, + -0.21162717044353485, + -0.04560308903455734, + 0.5249440670013428, + -0.003552624024450779, + 0.045491475611925125, + -0.2118154764175415, + 2.5150256156921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/247.png", + [ + 0.20014476776123047, + 0.02216554433107376, + -0.07999160140752792, + 0.9191892743110657, + 0.006038684397935867, + -0.21214133501052856, + -0.04367480054497719, + 0.48551568388938904, + -0.08278588205575943, + 0.0381135493516922, + -0.19657504558563232, + 2.2721877098083496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/68.png", + [ + 0.19187253713607788, + 0.008903982117772102, + -0.10026738047599792, + 1.1299750804901123, + -0.001324653741903603, + -0.21558329463005066, + -0.02167918160557747, + 0.23607760667800903, + -0.10065323114395142, + 0.019810620695352554, + -0.19085168838500977, + 2.207395076751709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/143.png", + [ + 0.19579993188381195, + 0.01613626815378666, + -0.09137780219316483, + 1.0347213745117188, + -0.002342654624953866, + -0.2124456763267517, + -0.042535193264484406, + 0.47316405177116394, + -0.09276202321052551, + 0.03942526504397392, + -0.1918039470911026, + 2.233513355255127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/218.png", + [ + 0.17478923499584198, + 0.04145810753107071, + -0.1211521252989769, + 1.358845829963684, + 0.017351558431982994, + -0.21078144013881683, + -0.04709561914205551, + 0.5202436447143555, + -0.12686817348003387, + 0.028289562091231346, + -0.17335529625415802, + 1.996935486793518, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/183.png", + [ + 0.18084093928337097, + 0.03646976128220558, + -0.11364157497882843, + 1.27297842502594, + 0.01104458887130022, + -0.21053944528102875, + -0.04999058321118355, + 0.5568740367889404, + -0.11883799731731415, + 0.035930462181568146, + -0.1775793582201004, + 2.054741859436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/86.png", + [ + 0.16813309490680695, + 0.015821080654859543, + -0.13575288653373718, + 1.5216416120529175, + -0.00386848789639771, + -0.21458084881305695, + -0.029799161478877068, + 0.327009379863739, + -0.13661693036556244, + 0.02554699033498764, + -0.16622592508792877, + 1.915033221244812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/239.png", + [ + 0.1878499686717987, + 0.027741210535168648, + -0.10435853898525238, + 1.1768959760665894, + 0.008783476427197456, + -0.21263395249843597, + -0.040712978690862656, + 0.4489554762840271, + -0.10762495547533035, + 0.0310664065182209, + -0.18547140061855316, + 2.134798049926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/1.png", + [ + 0.21472634375095367, + 0.002093046670779586, + -0.028915563598275185, + 0.3460026979446411, + -0.003203818341717124, + -0.21307238936424255, + -0.039214685559272766, + 0.455424964427948, + -0.028813645243644714, + 0.03928963094949722, + -0.21112553775310516, + 2.523649215698242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/81.png", + [ + 0.16785678267478943, + 0.0053759305737912655, + -0.13690541684627533, + 1.5387953519821167, + -0.008283911272883415, + -0.21571345627307892, + -0.018627246841788292, + 0.1953379511833191, + -0.13676027953624725, + 0.019664613530039787, + -0.16690662503242493, + 1.9252675771713257, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/95.png", + [ + 0.1806841939687729, + 0.03811304271221161, + -0.11335128545761108, + 1.2565845251083374, + 0.013162849470973015, + -0.21046635508537292, + -0.04978500306606293, + 0.5468156933784485, + -0.11886066943407059, + 0.034629516303539276, + -0.17782247066497803, + 2.0281195640563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/200.png", + [ + 0.17914190888404846, + 0.0330391600728035, + -0.11732213199138641, + 1.2980480194091797, + 0.014118210412561893, + -0.21278327703475952, + -0.038364604115486145, + 0.413895845413208, + -0.12106503546237946, + 0.024074485525488853, + -0.17807742953300476, + 2.02492094039917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/199.png", + [ + 0.17640355229377747, + 0.03154677525162697, + -0.1217968612909317, + 1.3569542169570923, + 0.010285637341439724, + -0.212666854262352, + -0.04018600285053253, + 0.4372321367263794, + -0.12539489567279816, + 0.02693530172109604, + -0.17463819682598114, + 1.9908429384231567, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/103.png", + [ + 0.1810770332813263, + 0.048437487334012985, + -0.10868676751852036, + 1.1994091272354126, + 0.01923382841050625, + -0.20722228288650513, + -0.06030654534697533, + 0.6590346097946167, + -0.11742682754993439, + 0.04075082018971443, + -0.17747731506824493, + 2.0135903358459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/196.png", + [ + 0.17354312539100647, + 0.039609674364328384, + -0.12353845685720444, + 1.381974458694458, + 0.015899937599897385, + -0.21126700937747955, + -0.04540200158953667, + 0.49659666419029236, + -0.12875506281852722, + 0.02729877643287182, + -0.17211855947971344, + 1.9739011526107788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/150.png", + [ + 0.20339760184288025, + 0.006615217309445143, + -0.07438777387142181, + 0.8458707332611084, + -0.008329045958817005, + -0.21246708929538727, + -0.04166845604777336, + 0.47335734963417053, + -0.07421542704105377, + 0.041974663734436035, + -0.19919361174106598, + 2.332082748413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/83.png", + [ + 0.1638438105583191, + 0.007603891659528017, + -0.14158138632774353, + 1.5900468826293945, + -0.007672408130019903, + -0.21557031571865082, + -0.020456431433558464, + 0.21985217928886414, + -0.14157767593860626, + 0.020481998100876808, + -0.16273948550224304, + 1.8827601671218872, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/142.png", + [ + 0.19509772956371307, + 0.016386661678552628, + -0.09282375127077103, + 1.047895073890686, + -0.0025284416042268276, + -0.21238864958286285, + -0.04280838370323181, + 0.4733002483844757, + -0.09422513842582703, + 0.03962862119078636, + -0.19104734063148499, + 2.2148447036743164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/186.png", + [ + 0.17785871028900146, + 0.03862948343157768, + -0.11756671220064163, + 1.3228713274002075, + 0.014447713270783424, + -0.2109217345714569, + -0.047446638345718384, + 0.5260872840881348, + -0.12290416657924652, + 0.031107600778341293, + -0.1757121980190277, + 2.03391170501709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/195.png", + [ + 0.1765979528427124, + 0.039796505123376846, + -0.119068443775177, + 1.3306870460510254, + 0.016652993857860565, + -0.21110987663269043, + -0.04586060345172882, + 0.49868103861808777, + -0.12443365156650543, + 0.028226858004927635, + -0.17512111365795135, + 2.0056653022766113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/51.png", + [ + 0.20042112469673157, + 0.006236336659640074, + -0.0820997878909111, + 0.9373008012771606, + -0.004063758999109268, + -0.2150396704673767, + -0.026254912838339806, + 0.2901304364204407, + -0.08223596215248108, + 0.02582523413002491, + -0.19879184663295746, + 2.315850257873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/233.png", + [ + 0.1868254691362381, + 0.031912416219711304, + -0.1050034612417221, + 1.1768701076507568, + 0.012758937664330006, + -0.2122218757867813, + -0.04179688170552254, + 0.45977669954299927, + -0.10900155454874039, + 0.02985578030347824, + -0.1848653256893158, + 2.1296496391296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/128.png", + [ + 0.18382282555103302, + 0.04882219806313515, + -0.10379522293806076, + 1.1533021926879883, + 0.01861525885760784, + -0.20616623759269714, + -0.06400660425424576, + 0.6978595852851868, + -0.11318358778953552, + 0.045384641736745834, + -0.17910221219062805, + 2.0310821533203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/168.png", + [ + 0.19213607907295227, + 0.01071847602725029, + -0.09958282113075256, + 1.1514450311660767, + -0.007544788997620344, + -0.21326936781406403, + -0.037511978298425674, + 0.42178621888160706, + -0.09987342357635498, + 0.03673127666115761, + -0.1887432336807251, + 2.2269229888916016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/215.png", + [ + 0.17526309192180634, + 0.040827177464962006, + -0.12068092823028564, + 1.3511576652526855, + 0.016617905348539352, + -0.21081992983818054, + -0.047187887132167816, + 0.5182593464851379, + -0.12631146609783173, + 0.02891354076564312, + -0.1736585944890976, + 1.997172236442566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/93.png", + [ + 0.17470507323741913, + 0.028346512466669083, + -0.12499003857374191, + 1.3973028659820557, + 0.00749228848144412, + -0.21320602297782898, + -0.03788067400455475, + 0.4115913510322571, + -0.12794490158557892, + 0.026221271604299545, + -0.17288850247859955, + 1.9782499074935913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/242.png", + [ + 0.19504132866859436, + 0.020289339125156403, + -0.09216896444559097, + 1.0363210439682007, + 0.0031856733839958906, + -0.21290302276611328, + -0.04012547433376312, + 0.44343486428260803, + -0.09432192891836166, + 0.034764133393764496, + -0.19194458425045013, + 2.2106051445007324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/76.png", + [ + 0.2146698385477066, + -0.027480250224471092, + -0.010468174703419209, + 0.12367130070924759, + -0.025697724893689156, + -0.21280381083488464, + 0.03165541961789131, + -0.3824678659439087, + -0.014295934699475765, + -0.03012099303305149, + -0.21409402787685394, + 2.5548348426818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/48.png", + [ + 0.21570265293121338, + -0.016988538205623627, + -0.01147403847426176, + 0.13571013510227203, + -0.016786912456154823, + -0.21598245203495026, + 0.004204656463116407, + -0.06657715886831284, + -0.011767053045332432, + -0.003296839538961649, + -0.21632975339889526, + 2.598522186279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/35.png", + [ + 0.21556825935840607, + -0.021100228652358055, + -0.005743829067796469, + 0.06773938238620758, + -0.021242402493953705, + -0.21556444466114044, + -0.005349950399249792, + 0.04741203412413597, + -0.005193409975618124, + 0.005885748192667961, + -0.2165324091911316, + 2.5443124771118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/124.png", + [ + 0.21403127908706665, + -0.028965439647436142, + -0.017306355759501457, + 0.21670794486999512, + -0.026599841192364693, + -0.21321861445903778, + 0.027895677834749222, + -0.3548268675804138, + -0.020759455859661102, + -0.025430763140320778, + -0.2141733318567276, + 2.6875381469726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/97.png", + [ + 0.214392751455307, + -0.029958831146359444, + -0.009280091151595116, + 0.11073625087738037, + -0.028727630153298378, + -0.21330836415290833, + 0.024943122640252113, + -0.3099495768547058, + -0.01258471142500639, + -0.023450041189789772, + -0.21503399312496185, + 2.590885639190674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/13.png", + [ + 0.2156137228012085, + -0.02138669230043888, + -0.0011072491761296988, + 0.013231396675109863, + -0.021390628069639206, + -0.21561488509178162, + -0.0007438432076014578, + -0.011910241097211838, + -0.0010284133022651076, + 0.0008495116489939392, + -0.21667051315307617, + 2.570876121520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/32.png", + [ + 0.21568351984024048, + -0.02004896104335785, + -0.005153656471520662, + 0.05997859314084053, + -0.02017042227089405, + -0.21567288041114807, + -0.005124744027853012, + 0.04581310972571373, + -0.004655635915696621, + 0.005581060890108347, + -0.2165527045726776, + 2.5546493530273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/38.png", + [ + 0.21581555902957916, + -0.01834719069302082, + -0.005909273400902748, + 0.06775711476802826, + -0.01844162493944168, + -0.2158631533384323, + -0.0033010400366038084, + 0.02198893576860428, + -0.005607623141258955, + 0.003790902206674218, + -0.21656888723373413, + 2.549750804901123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/111.png", + [ + 0.21458959579467773, + -0.028531312942504883, + -0.009228166192770004, + 0.10937214642763138, + -0.027224717661738396, + -0.21332213282585144, + 0.026464594528079033, + -0.32809558510780334, + -0.012570190243422985, + -0.02505042776465416, + -0.21485428512096405, + 2.5788826942443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/11.png", + [ + 0.21558701992034912, + -0.021659327670931816, + -0.001001305878162384, + 0.012271289713680744, + -0.021648384630680084, + -0.2155793458223343, + 0.002189482329413295, + -0.04500942677259445, + -0.0012151103001087904, + -0.0020784505177289248, + -0.2166612446308136, + 2.590364456176758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/59.png", + [ + 0.21517114341259003, + -0.023249199613928795, + -0.01042815949767828, + 0.12330429255962372, + -0.022294070571660995, + -0.21471302211284637, + 0.018686484545469284, + -0.22486728429794312, + -0.01233881339430809, + -0.017483847215771675, + -0.21561533212661743, + 2.560070514678955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/105.png", + [ + 0.21436980366706848, + -0.02983187511563301, + -0.010175297036767006, + 0.12042540311813354, + -0.028227904811501503, + -0.2128254622220993, + 0.029264256358146667, + -0.361316978931427, + -0.014023653231561184, + -0.02762734889984131, + -0.21444804966449738, + 2.5891175270080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/121.png", + [ + 0.21466046571731567, + -0.027876578271389008, + -0.00957475695759058, + 0.1126338467001915, + -0.026579944416880608, + -0.21349847316741943, + 0.025686664506793022, + -0.3239580988883972, + -0.012739158235490322, + -0.024273328483104706, + -0.21493351459503174, + 2.636190891265869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/24.png", + [ + 0.2156275510787964, + -0.021097222343087196, + -0.0027502956800162792, + 0.033734750002622604, + -0.02116611786186695, + -0.2155562937259674, + -0.005947898142039776, + 0.05196276679635048, + -0.002156964037567377, + 0.006187820807099342, + -0.2165755182504654, + 2.5568742752075195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/74.png", + [ + 0.21453560888767242, + -0.029703987762331963, + -0.00632756482809782, + 0.07551649212837219, + -0.02862044982612133, + -0.21283966302871704, + 0.028775809332728386, + -0.35002729296684265, + -0.010160455480217934, + -0.027655931189656258, + -0.2146620899438858, + 2.575437068939209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/98.png", + [ + 0.21423275768756866, + -0.03099093958735466, + -0.00958020705729723, + 0.11309691518545151, + -0.02974572964012623, + -0.21321430802345276, + 0.02455080859363079, + -0.3050340414047241, + -0.012938708066940308, + -0.02295892871916294, + -0.21506597101688385, + 2.591381549835205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/0.png", + [ + 0.2149839699268341, + -0.02234630659222603, + -0.015179748646914959, + 0.17866355180740356, + -0.022030631080269814, + -0.21548868715763092, + 0.005213723052293062, + -0.07544846832752228, + -0.015634367242455482, + -0.003629623679444194, + -0.21607935428619385, + 2.5887765884399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/96.png", + [ + 0.21441805362701416, + -0.029853126034140587, + -0.009032540023326874, + 0.10714636743068695, + -0.028599657118320465, + -0.2132229506969452, + 0.025805538520216942, + -0.32018688321113586, + -0.012444098480045795, + -0.024344542995095253, + -0.21494275331497192, + 2.5939879417419434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/100.png", + [ + 0.21420694887638092, + -0.03094492293894291, + -0.010280375368893147, + 0.12216208875179291, + -0.029616782441735268, + -0.21321606636047363, + 0.024691082537174225, + -0.3069930970668793, + -0.013642597012221813, + -0.023004675284028053, + -0.21501757204532623, + 2.5950727462768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/40.png", + [ + 0.21580946445465088, + -0.018221303820610046, + -0.006492758635431528, + 0.0742841437458992, + -0.018287140876054764, + -0.2158927172422409, + -0.001954731997102499, + 0.003926347941160202, + -0.006304943934082985, + 0.002494910964742303, + -0.21656851470470428, + 2.562516689300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/52.png", + [ + 0.21558363735675812, + -0.018378254026174545, + -0.011568623594939709, + 0.1356557458639145, + -0.017694678157567978, + -0.21557562053203583, + 0.012725822627544403, + -0.1620389223098755, + -0.012589345686137676, + -0.011716999113559723, + -0.21599100530147552, + 2.5850772857666016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/3.png", + [ + 0.21507133543491364, + -0.02419576235115528, + -0.01033309381455183, + 0.11938701570034027, + -0.02397654578089714, + -0.21528445184230804, + 0.005061733070760965, + -0.07534186542034149, + -0.010832034051418304, + -0.0038808502722531557, + -0.2163688987493515, + 2.590498924255371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/47.png", + [ + 0.21570248901844025, + -0.017156323418021202, + -0.011224479414522648, + 0.13403622806072235, + -0.017204323783516884, + -0.21598997712135315, + -0.00048302157665602863, + -0.013227971270680428, + -0.011150767095386982, + 0.0013720967108383775, + -0.216383159160614, + 2.5967397689819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/104.png", + [ + 0.21444670855998993, + -0.029278021305799484, + -0.010163645260035992, + 0.12107957154512405, + -0.027704520151019096, + -0.2129468321800232, + 0.02887921780347824, + -0.3571626543998718, + -0.013891068287193775, + -0.027282726019620895, + -0.2145007699728012, + 2.5943055152893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/21.png", + [ + 0.21569521725177765, + -0.020365318283438683, + -0.0029542590491473675, + 0.03725583106279373, + -0.02039480023086071, + -0.21570241451263428, + -0.002102661645039916, + 0.004491213709115982, + -0.002743373392149806, + 0.00237123086117208, + -0.2166443020105362, + 2.556699275970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/82.png", + [ + 0.21449095010757446, + -0.029461508616805077, + -0.008575992658734322, + 0.10320168733596802, + -0.02786283567547798, + -0.21237215399742126, + 0.032705068588256836, + -0.4042312204837799, + -0.012852647341787815, + -0.03127264603972435, + -0.21402038633823395, + 2.581563949584961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/106.png", + [ + 0.21441833674907684, + -0.029844196513295174, + -0.009054645895957947, + 0.10676021873950958, + -0.028417862951755524, + -0.21287739276885986, + 0.028697272762656212, + -0.35344749689102173, + -0.01284864917397499, + -0.027210885658860207, + -0.2145748734474182, + 2.5868749618530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/14.png", + [ + 0.21561817824840546, + -0.02135641872882843, + -0.0007705363095737994, + 0.008896278217434883, + -0.02136244811117649, + -0.21561062335968018, + -0.0018968816148117185, + 0.0024366676807403564, + -0.0005797874764539301, + 0.001963601913303137, + -0.21666496992111206, + 2.5568747520446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/67.png", + [ + 0.21445922553539276, + -0.0274678785353899, + -0.014165068976581097, + 0.16988320648670197, + -0.025334730744361877, + -0.21312716603279114, + 0.029712842777371407, + -0.36074551939964294, + -0.01769985631108284, + -0.027752790600061417, + -0.21415972709655762, + 2.560786724090576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/78.png", + [ + 0.2144528180360794, + -0.02968759275972843, + -0.008748496882617474, + 0.10327146202325821, + -0.02817367948591709, + -0.21260836720466614, + 0.030851708725094795, + -0.37486791610717773, + -0.012811452150344849, + -0.029397808015346527, + -0.21428842842578888, + 2.5567612648010254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/31.png", + [ + 0.21563370525836945, + -0.020582592114806175, + -0.005134183447808027, + 0.06125451624393463, + -0.02072317712008953, + -0.21559636294841766, + -0.006054095923900604, + 0.05457110330462456, + -0.004533536732196808, + 0.00651605473831296, + -0.21652917563915253, + 2.5585927963256836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/39.png", + [ + 0.21575666964054108, + -0.018513843417167664, + -0.007360978052020073, + 0.08678193390369415, + -0.018612023442983627, + -0.2158578336238861, + -0.0026233401149511337, + 0.014691386371850967, + -0.007109077647328377, + 0.0032445231918245554, + -0.21653366088867188, + 2.553847312927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/92.png", + [ + 0.21450351178646088, + -0.029555363580584526, + -0.007912949658930302, + 0.09565867483615875, + -0.028285739943385124, + -0.21292078495025635, + 0.02850526198744774, + -0.35649412870407104, + -0.011664099991321564, + -0.02718663588166237, + -0.21464557945728302, + 2.6218223571777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/53.png", + [ + 0.21557052433490753, + -0.018900280818343163, + -0.01095589529722929, + 0.12987738847732544, + -0.01822931505739689, + -0.21550890803337097, + 0.013095849193632603, + -0.16567738354206085, + -0.012039287015795708, + -0.012107371352612972, + -0.21600084006786346, + 2.581915855407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/75.png", + [ + 0.21459347009658813, + -0.029075173661112785, + -0.007223024964332581, + 0.08722081780433655, + -0.027821356430649757, + -0.21278226375579834, + 0.029959658160805702, + -0.3654434382915497, + -0.011113500222563744, + -0.028744442388415337, + -0.21447178721427917, + 2.5690131187438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/87.png", + [ + 0.21461766958236694, + -0.027549460530281067, + -0.011321485973894596, + 0.13762055337429047, + -0.025796327739953995, + -0.21309682726860046, + 0.029532797634601593, + -0.37257468700408936, + -0.014889538288116455, + -0.02790454588830471, + -0.2143537551164627, + 2.62436580657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/107.png", + [ + 0.2144610732793808, + -0.029502898454666138, + -0.009160746820271015, + 0.10845110565423965, + -0.02801164612174034, + -0.21280890703201294, + 0.029590630903840065, + -0.36394405364990234, + -0.013026434928178787, + -0.028104033321142197, + -0.21444900333881378, + 2.5785088539123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/112.png", + [ + 0.21465353667736053, + -0.02828863635659218, + -0.008456235751509666, + 0.09894843399524689, + -0.027297912165522575, + -0.2137918323278427, + 0.022265948355197906, + -0.279545396566391, + -0.01125072780996561, + -0.020992886275053024, + -0.2153615951538086, + 2.5831942558288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/69.png", + [ + 0.21444469690322876, + -0.02748951129615307, + -0.014341887086629868, + 0.1717109978199005, + -0.024903643876314163, + -0.21241198480129242, + 0.03476857393980026, + -0.421758770942688, + -0.018470829352736473, + -0.03276235610246658, + -0.2133854627609253, + 2.560743808746338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/45.png", + [ + 0.2158137410879135, + -0.016449490562081337, + -0.010086317546665668, + 0.11961536109447479, + -0.016514670103788376, + -0.2160419076681137, + -0.0010225081350654364, + -0.006630349904298782, + -0.009979238733649254, + 0.0017872125608846545, + -0.21643732488155365, + 2.587879180908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/50.png", + [ + 0.21563193202018738, + -0.017459122464060783, + -0.012080926448106766, + 0.1423182338476181, + -0.01698293723165989, + -0.21582934260368347, + 0.008784722536802292, + -0.11861690878868103, + -0.012741648592054844, + -0.007795545272529125, + -0.2161591500043869, + 2.5901927947998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/101.png", + [ + 0.21441200375556946, + -0.0293063186109066, + -0.010795045644044876, + 0.12838809192180634, + -0.027850598096847534, + -0.21330849826335907, + 0.025917764753103256, + -0.3232221007347107, + -0.014132846146821976, + -0.02425955981016159, + -0.21484792232513428, + 2.594583034515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/85.png", + [ + 0.21439649164676666, + -0.029556341469287872, + -0.010414473712444305, + 0.127847358584404, + -0.027810784056782722, + -0.21264132857322693, + 0.030953554436564445, + -0.3888401985168457, + -0.01444295234978199, + -0.02929137833416462, + -0.2141992151737213, + 2.6131482124328613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/71.png", + [ + 0.21454671025276184, + -0.027879860252141953, + -0.011845632456243038, + 0.14171956479549408, + -0.025914674624800682, + -0.21280238032341003, + 0.031487755477428436, + -0.38258522748947144, + -0.015685513615608215, + -0.02976175770163536, + -0.21404697000980377, + 2.571749210357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/115.png", + [ + 0.21476168930530548, + -0.02744060754776001, + -0.008504052646458149, + 0.10053716599941254, + -0.026369880884885788, + -0.21374686062335968, + 0.023765524849295616, + -0.2959281802177429, + -0.011398911476135254, + -0.022520745173096657, + -0.21519938111305237, + 2.5860633850097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/54.png", + [ + 0.21554963290691376, + -0.02030479721724987, + -0.008600299246609211, + 0.09990228712558746, + -0.019792256876826286, + -0.21540600061416626, + 0.012506723403930664, + -0.15618817508220673, + -0.009721961803734303, + -0.01165618747472763, + -0.21614234149456024, + 2.5757813453674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/33.png", + [ + 0.21560125052928925, + -0.020704835653305054, + -0.005941553972661495, + 0.07066963613033295, + -0.020828228443861008, + -0.2156265676021576, + -0.004389340989291668, + 0.036485444754362106, + -0.005493381060659885, + 0.004938738886266947, + -0.21654866635799408, + 2.5517334938049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/49.png", + [ + 0.21566316485404968, + -0.0170353502035141, + -0.012128190137445927, + 0.14493685960769653, + -0.01661887764930725, + -0.2158978283405304, + 0.007735374383628368, + -0.10802935063838959, + -0.012692878022789955, + -0.006769034545868635, + -0.21619659662246704, + 2.597170352935791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/118.png", + [ + 0.21446563303470612, + -0.030022671446204185, + -0.007143165450543165, + 0.08272214978933334, + -0.029337899759411812, + -0.21390584111213684, + 0.01820661500096321, + -0.23340296745300293, + -0.009574614465236664, + -0.017053809016942978, + -0.21579015254974365, + 2.618166446685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/110.png", + [ + 0.21451814472675323, + -0.029335688799619675, + -0.00832310039550066, + 0.09779071807861328, + -0.028145940974354744, + -0.21324017643928528, + 0.02615983411669731, + -0.3248685300350189, + -0.011732964776456356, + -0.024818306788802147, + -0.2149285525083542, + 2.58109712600708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/18.png", + [ + 0.21561472117900848, + -0.021306389942765236, + -0.0020560012198984623, + 0.024267779663205147, + -0.02133917063474655, + -0.21558956801891327, + -0.0036984498146921396, + 0.022985238581895828, + -0.0016820234013721347, + 0.003882843069732189, + -0.21663331985473633, + 2.544285774230957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/66.png", + [ + 0.21446840465068817, + -0.027983104810118675, + -0.012967116199433804, + 0.15364494919776917, + -0.026063494384288788, + -0.21315039694309235, + 0.028904972597956657, + -0.34964242577552795, + -0.01648922637104988, + -0.027050858363509178, + -0.21434609591960907, + 2.559365749359131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/16.png", + [ + 0.21569162607192993, + -0.020587431266903877, + -0.0010821992764249444, + 0.012328429147601128, + -0.020601971074938774, + -0.2156665325164795, + -0.0033750783186405897, + 0.01882973685860634, + -0.0007564797415398061, + 0.003462664783000946, + -0.21664564311504364, + 2.5458383560180664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/94.png", + [ + 0.2144002467393875, + -0.03020576760172844, + -0.00824908260256052, + 0.09902743250131607, + -0.028985220938920975, + -0.21305052936077118, + 0.02678084187209606, + -0.33329570293426514, + -0.011844523251056671, + -0.025396225973963737, + -0.2148549109697342, + 2.6092066764831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/28.png", + [ + 0.21559476852416992, + -0.021309690549969673, + -0.0035623374860733747, + 0.042644940316677094, + -0.021386271342635155, + -0.2155625820159912, + -0.004827399738132954, + 0.04073719307780266, + -0.0030692853033542633, + 0.0051549519412219524, + -0.21659155189990997, + 2.563173294067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/61.png", + [ + 0.2150958925485611, + -0.023580312728881836, + -0.01120795588940382, + 0.13472746312618256, + -0.02243601158261299, + -0.21451064944267273, + 0.020729366689920425, + -0.2494364082813263, + -0.013351958245038986, + -0.01941777765750885, + -0.21538934111595154, + 2.5566611289978027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/58.png", + [ + 0.21530240774154663, + -0.021646561101078987, + -0.011144120246171951, + 0.13121254742145538, + -0.020583901554346085, + -0.2148055136203766, + 0.019565163180232048, + -0.23700055480003357, + -0.013002613559365273, + -0.018382571637630463, + -0.21550153195858002, + 2.556440830230713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/123.png", + [ + 0.21458588540554047, + -0.027577713131904602, + -0.011843662708997726, + 0.14313454926013947, + -0.025617247447371483, + -0.2128424197435379, + 0.03146049752831459, + -0.3974432647228241, + -0.015638388693332672, + -0.029756946489214897, + -0.21405108273029327, + 2.675032138824463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/64.png", + [ + 0.21473076939582825, + -0.025982653722167015, + -0.012786171399056911, + 0.15158036351203918, + -0.024291664361953735, + -0.21369668841362, + 0.026297088712453842, + -0.31848523020744324, + -0.015763869509100914, + -0.024627698585391045, + -0.21469248831272125, + 2.552096366882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/10.png", + [ + 0.2157030701637268, + -0.020369194447994232, + -0.0022743886802345514, + 0.02910943143069744, + -0.020353693515062332, + -0.21571102738380432, + 0.001541352947242558, + -0.0361536480486393, + -0.0024091736413538456, + -0.0013207931770011783, + -0.21665720641613007, + 2.595181941986084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/41.png", + [ + 0.21575763821601868, + -0.01870466023683548, + -0.006831867154687643, + 0.08051951974630356, + -0.01870253123342991, + -0.21586565673351288, + 0.0003628850099630654, + -0.021129000931978226, + -0.006837685592472553, + 0.00022835192794445902, + -0.21656657755374908, + 2.5718297958374023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/91.png", + [ + 0.21444474160671234, + -0.02991204895079136, + -0.008161833509802818, + 0.09898151457309723, + -0.028581243008375168, + -0.2128153145313263, + 0.028993982821702957, + -0.3636798858642578, + -0.01201909314841032, + -0.027618981897830963, + -0.2145708054304123, + 2.624934673309326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/23.png", + [ + 0.2156098335981369, + -0.02117900550365448, + -0.0034269155003130436, + 0.04327930882573128, + -0.021237801760435104, + -0.21559831500053406, + -0.0037705060094594955, + 0.024813149124383926, + -0.003041342133656144, + 0.004087872337549925, + -0.2166147232055664, + 2.5616726875305176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/37.png", + [ + 0.21563869714736938, + -0.020280329510569572, + -0.006046806927770376, + 0.0713844895362854, + -0.020438984036445618, + -0.2156338393688202, + -0.0056741195730865, + 0.050699714571237564, + -0.005486675072461367, + 0.006217387970536947, + -0.21651591360569, + 2.543705940246582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/36.png", + [ + 0.21574002504348755, + -0.01921670138835907, + -0.005903926212340593, + 0.06747554242610931, + -0.019363362342119217, + -0.21574121713638306, + -0.005355382338166237, + 0.04594213888049126, + -0.005403528455644846, + 0.0058598932810127735, + -0.21652796864509583, + 2.5455164909362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/8.png", + [ + 0.21546593308448792, + -0.022777628153562546, + -0.001873174449428916, + 0.024242987856268883, + -0.02278619445860386, + -0.21547119319438934, + -0.0009211658034473658, + -0.006023593246936798, + -0.001765934401191771, + 0.0011130156926810741, + -0.21666456758975983, + 2.5910634994506836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/6.png", + [ + 0.21555057168006897, + -0.02141919732093811, + -0.005202567670494318, + 0.06311137974262238, + -0.021398033946752548, + -0.2156124860048294, + 0.0011316940654069185, + -0.031760506331920624, + -0.0052889371290802956, + -0.0006120348116382957, + -0.21660920977592468, + 2.5961856842041016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/20.png", + [ + 0.21573831140995026, + -0.019829651340842247, + -0.0034147680271416903, + 0.041787900030612946, + -0.019859403371810913, + -0.21575523912906647, + -0.0017814841121435165, + 0.001706201583147049, + -0.003237240482121706, + 0.0020867676939815283, + -0.2166403830051422, + 2.5518107414245605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/2.png", + [ + 0.2151050865650177, + -0.023753134533762932, + -0.010652528144419193, + 0.1223917081952095, + -0.023519832640886307, + -0.21533116698265076, + 0.005215145647525787, + -0.07691477239131927, + -0.01115819439291954, + -0.004021044820547104, + -0.2163497656583786, + 2.5881948471069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/117.png", + [ + 0.21448254585266113, + -0.029461614787578583, + -0.008782840333878994, + 0.1054067611694336, + -0.028491774573922157, + -0.21374380588531494, + 0.021206064149737358, + -0.26830950379371643, + -0.011547465808689594, + -0.01983661949634552, + -0.21545545756816864, + 2.6109085083007812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/5.png", + [ + 0.21523764729499817, + -0.024347295984625816, + -0.005277927033603191, + 0.0612168163061142, + -0.02429790422320366, + -0.21529583632946014, + 0.002282639965415001, + -0.04384743794798851, + -0.00550083676353097, + -0.0016756342956796288, + -0.21659831702709198, + 2.595409870147705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/108.png", + [ + 0.21441121399402618, + -0.029860466718673706, + -0.009169375523924828, + 0.10906311869621277, + -0.02847985178232193, + -0.21300195157527924, + 0.02769417315721512, + -0.3431614339351654, + -0.012830555438995361, + -0.026199650019407272, + -0.21470177173614502, + 2.5853524208068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/60.png", + [ + 0.21499547362327576, + -0.02395494468510151, + -0.012288442812860012, + 0.1469191610813141, + -0.022507192566990852, + -0.21418896317481995, + 0.023757336661219597, + -0.28786805272102356, + -0.014774016104638577, + -0.022296760231256485, + -0.2150173783302307, + 2.5554380416870117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/56.png", + [ + 0.21541772782802582, + -0.021913299337029457, + -0.007931920699775219, + 0.09190156310796738, + -0.021272147074341774, + -0.21501165628433228, + 0.01629074476659298, + -0.1988232433795929, + -0.009518600068986416, + -0.015417521819472313, + -0.215915709733963, + 2.5659780502319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/30.png", + [ + 0.21564726531505585, + -0.020583976060152054, + -0.004522059112787247, + 0.052934348583221436, + -0.020688006654381752, + -0.2156253457069397, + -0.005060822702944279, + 0.04462869092822075, + -0.0040193842723965645, + 0.005468592047691345, + -0.21656832098960876, + 2.5623087882995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/17.png", + [ + 0.215586319565773, + -0.021661624312400818, + -0.0010991293238475919, + 0.013589027337729931, + -0.02167343907058239, + -0.21557234227657318, + -0.0025928583927452564, + 0.009494002908468246, + -0.0008343217778019607, + 0.0026897781062871218, + -0.21665632724761963, + 2.5456786155700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/12.png", + [ + 0.2156863659620285, + -0.020592521876096725, + -0.0017980292905122042, + 0.022580789402127266, + -0.020588314160704613, + -0.21569347381591797, + 0.0005862961406819522, + -0.026569493114948273, + -0.0018456081161275506, + -0.00041277363197878003, + -0.21666637063026428, + 2.5799670219421387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/114.png", + [ + 0.2146652787923813, + -0.028030836954712868, + -0.00899919867515564, + 0.10607235878705978, + -0.026912549510598183, + -0.2136925309896469, + 0.023645509034395218, + -0.2950514554977417, + -0.011934323236346245, + -0.0223084669560194, + -0.21519248187541962, + 2.585887908935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/27.png", + [ + 0.21560753881931305, + -0.021248919889330864, + -0.0031250687316060066, + 0.03866426274180412, + -0.021312622353434563, + -0.21557439863681793, + -0.004620470106601715, + 0.0373440720140934, + -0.0026560784317553043, + 0.004905104171484709, + -0.21660281717777252, + 2.5593771934509277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/42.png", + [ + 0.21584948897361755, + -0.017405588179826736, + -0.007344192825257778, + 0.08487354964017868, + -0.017456015571951866, + -0.21596698462963104, + -0.0012035308172926307, + -0.004537548869848251, + -0.007223525550216436, + 0.001790620037354529, + -0.21654677391052246, + 2.5782079696655273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/7.png", + [ + 0.21552494168281555, + -0.02199983224272728, + -0.003591916523873806, + 0.04314400255680084, + -0.022013334557414055, + -0.21555253863334656, + -0.0006411943468265235, + -0.01047992892563343, + -0.0035082120448350906, + 0.0010027181124314666, + -0.21664388477802277, + 2.5979018211364746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/73.png", + [ + 0.21454814076423645, + -0.028971632942557335, + -0.008810684084892273, + 0.10626616328954697, + -0.02747681923210621, + -0.2127513885498047, + 0.030491948127746582, + -0.3719455897808075, + -0.012728242203593254, + -0.02907540090382099, + -0.21433736383914948, + 2.5759482383728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/120.png", + [ + 0.21470876038074493, + -0.02778000570833683, + -0.008735650219023228, + 0.10213875770568848, + -0.026707231998443604, + -0.21375316381454468, + 0.023328177630901337, + -0.29479897022247314, + -0.011608786880970001, + -0.02203976921737194, + -0.21523794531822205, + 2.6310601234436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/46.png", + [ + 0.21579454839229584, + -0.016608137637376785, + -0.010235710069537163, + 0.12041006982326508, + -0.016657251864671707, + -0.21603240072727203, + -0.0006495947600342333, + -0.010659020394086838, + -0.010155580937862396, + 0.0014338456094264984, + -0.21643175184726715, + 2.5921459197998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/57.png", + [ + 0.2154425084590912, + -0.021025674417614937, + -0.009505202993750572, + 0.1116124838590622, + -0.0202740840613842, + -0.2151077389717102, + 0.016294891014695168, + -0.19780170917510986, + -0.011017689481377602, + -0.015312832780182362, + -0.21585185825824738, + 2.564952850341797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/44.png", + [ + 0.21579638123512268, + -0.01734272763133049, + -0.008891026489436626, + 0.10421396791934967, + -0.017397454008460045, + -0.21597282588481903, + -0.0009840248385444283, + -0.007113466039299965, + -0.00878346711397171, + 0.0016939243068918586, + -0.21648989617824554, + 2.58437442779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/113.png", + [ + 0.21462668478488922, + -0.02807885780930519, + -0.00973967369645834, + 0.11661997437477112, + -0.027008578181266785, + -0.2139061540365219, + 0.021507857367396355, + -0.2718186378479004, + -0.012402432039380074, + -0.020090512931346893, + -0.21538442373275757, + 2.5895800590515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/29.png", + [ + 0.21557793021202087, + -0.02136431634426117, + -0.00419676024466753, + 0.050318844616413116, + -0.021468209102749825, + -0.2155371755361557, + -0.005544152110815048, + 0.04818488284945488, + -0.0036280706990510225, + 0.005931907799094915, + -0.21656301617622375, + 2.5619282722473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/4.png", + [ + 0.21517087519168854, + -0.0245178434997797, + -0.0069472575560212135, + 0.0806669294834137, + -0.02440747804939747, + -0.2152629941701889, + 0.00374339846894145, + -0.06099782511591911, + -0.007325580809265375, + -0.002934839576482773, + -0.21653087437152863, + 2.5922837257385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/55.png", + [ + 0.21551449596881866, + -0.020409155637025833, + -0.009212556295096874, + 0.10854361206293106, + -0.019796602427959442, + -0.21532022953033447, + 0.013899486511945724, + -0.1722419410943985, + -0.010464198887348175, + -0.01298335287719965, + -0.2160320281982422, + 2.5759963989257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/9.png", + [ + 0.21546795964241028, + -0.022768720984458923, + -0.0017433293396607041, + 0.022299623116850853, + -0.02278014086186886, + -0.21546928584575653, + -0.0013937827898189425, + -0.0015884004533290863, + -0.0015871692448854446, + 0.0015693055465817451, + -0.21666313707828522, + 2.5952515602111816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/25.png", + [ + 0.21563105285167694, + -0.020986806601285934, + -0.003270526649430394, + 0.04086189344525337, + -0.021062640473246574, + -0.21558314561843872, + -0.005307144485414028, + 0.044591907411813736, + -0.0027400089893490076, + 0.005599506665021181, + -0.2165849506855011, + 2.5614585876464844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/99.png", + [ + 0.2142803817987442, + -0.03043539635837078, + -0.010271603241562843, + 0.12143553048372269, + -0.029117271304130554, + -0.21329714357852936, + 0.024584738537669182, + -0.30544304847717285, + -0.013564810156822205, + -0.0229327529668808, + -0.21503017842769623, + 2.589672088623047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/34.png", + [ + 0.21569210290908813, + -0.019753511995077133, + -0.00588308647274971, + 0.0677974671125412, + -0.019906310364603996, + -0.2156849056482315, + -0.005626254715025425, + 0.05117478594183922, + -0.005343286786228418, + 0.006141232792288065, + -0.21652165055274963, + 2.553436279296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/72.png", + [ + 0.2145155817270279, + -0.02911105751991272, + -0.009138008579611778, + 0.10817492008209229, + -0.027663161978125572, + -0.21293988823890686, + 0.028969768434762955, + -0.3498397171497345, + -0.012872698716819286, + -0.027514437213540077, + -0.2145347148180008, + 2.573159694671631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/102.png", + [ + 0.21420951187610626, + -0.031173883005976677, + -0.009506515227258205, + 0.11219083517789841, + -0.02980448119342327, + -0.21294596791267395, + 0.026713315397500992, + -0.3321852684020996, + -0.013186277821660042, + -0.025101736187934875, + -0.21481135487556458, + 2.595104217529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/70.png", + [ + 0.21445827186107635, + -0.028933856636285782, + -0.010880645364522934, + 0.12801264226436615, + -0.02708468586206436, + -0.21263866126537323, + 0.031608697026968, + -0.38091975450515747, + -0.014898871071636677, + -0.02992526814341545, + -0.21408036351203918, + 2.5682435035705566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/90.png", + [ + 0.2144864797592163, + -0.02986624278128147, + -0.007173033896833658, + 0.08708382397890091, + -0.028610944747924805, + -0.212673619389534, + 0.02998741716146469, + -0.3765692412853241, + -0.011174019426107407, + -0.028737414628267288, + -0.2144695669412613, + 2.630250930786133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/122.png", + [ + 0.21459314227104187, + -0.027684815227985382, + -0.011455550789833069, + 0.13758935034275055, + -0.025930529460310936, + -0.21311423182487488, + 0.02928847074508667, + -0.367757648229599, + -0.015009541995823383, + -0.02763616479933262, + -0.2143801599740982, + 2.6582541465759277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/15.png", + [ + 0.21576471626758575, + -0.019743259996175766, + -0.0019168514991179109, + 0.0227223951369524, + -0.019759422168135643, + -0.21576404571533203, + -0.0018264253158122301, + 8.340924978256226e-05, + -0.0017423731042072177, + 0.0019935613963752985, + -0.21665844321250916, + 2.551664352416992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/22.png", + [ + 0.21572458744049072, + -0.020084841176867485, + -0.0027202730998396873, + 0.03430754318833351, + -0.020124083384871483, + -0.21571454405784607, + -0.0031860321760177612, + 0.01936524733901024, + -0.002412887755781412, + 0.0034247131552547216, + -0.2166341245174408, + 2.5614099502563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/109.png", + [ + 0.2145068645477295, + -0.029208187013864517, + -0.009031876921653748, + 0.10762108117341995, + -0.02793205715715885, + -0.21325571835041046, + 0.02626189775764942, + -0.3262750208377838, + -0.012429521419107914, + -0.024834835901856422, + -0.21488748490810394, + 2.586376190185547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/26.png", + [ + 0.2156429886817932, + -0.020906977355480194, + -0.0029810310807079077, + 0.036734919995069504, + -0.020973114296793938, + -0.21559666097164154, + -0.005109539721161127, + 0.04371919855475426, + -0.0024731799494475126, + 0.005373763386160135, + -0.21659384667873383, + 2.561537265777588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/43.png", + [ + 0.21577514708042145, + -0.018475519493222237, + -0.00690188305452466, + 0.08189624547958374, + -0.018528399989008904, + -0.2158765345811844, + -0.0013818168081343174, + -0.0009030438959598541, + -0.006758635398000479, + 0.001966278301551938, + -0.2165602594614029, + 2.579587936401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/84.png", + [ + 0.21460847556591034, + -0.028178224340081215, + -0.009853098541498184, + 0.12055826932191849, + -0.02645941823720932, + -0.21267342567443848, + 0.031903062015771866, + -0.39884063601493835, + -0.01382009219378233, + -0.030395619571208954, + -0.21408644318580627, + 2.606081962585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/89.png", + [ + 0.21450914442539215, + -0.029188046231865883, + -0.009043575264513493, + 0.11130816489458084, + -0.027655601501464844, + -0.21271754801273346, + 0.030566487461328506, + -0.3844003677368164, + -0.012995997443795204, + -0.029106704518198967, + -0.21431705355644226, + 2.6294355392456055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/63.png", + [ + 0.21489514410495758, + -0.02434682659804821, + -0.01323646679520607, + 0.15887510776519775, + -0.02264111116528511, + -0.21392527222633362, + 0.025908492505550385, + -0.31212958693504333, + -0.015979740768671036, + -0.024312587454915047, + -0.214712455868721, + 2.554239273071289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/88.png", + [ + 0.21436160802841187, + -0.030116869136691093, + -0.009485642425715923, + 0.11489973962306976, + -0.02854517474770546, + -0.21266300976276398, + 0.03012496419250965, + -0.37940746545791626, + -0.013497265055775642, + -0.028553718701004982, + -0.21436046063899994, + 2.6318607330322266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/62.png", + [ + 0.21489408612251282, + -0.025620171800255775, + -0.010584916919469833, + 0.12664301693439484, + -0.02438504248857498, + -0.21405993402004242, + 0.023056576028466225, + -0.2807476222515106, + -0.013183454982936382, + -0.021675853058695793, + -0.21518422663211823, + 2.555877685546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/65.png", + [ + 0.21463331580162048, + -0.026695553213357925, + -0.012953276745975018, + 0.15552806854248047, + -0.024960972368717194, + -0.2135845124721527, + 0.0265802014619112, + -0.3210654556751251, + -0.016043374314904213, + -0.024837562814354897, + -0.21464763581752777, + 2.5541586875915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/80.png", + [ + 0.21432141959667206, + -0.030944030731916428, + -0.007528943940997124, + 0.08942721039056778, + -0.029536204412579536, + -0.21229276061058044, + 0.031737878918647766, + -0.3899593651294708, + -0.01190927904099226, + -0.03036687523126602, + -0.2142053097486496, + 2.5663833618164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/119.png", + [ + 0.21451060473918915, + -0.029733920469880104, + -0.006999665405601263, + 0.08252692222595215, + -0.029069704934954643, + -0.21395891904830933, + 0.018011949956417084, + -0.23129796981811523, + -0.00938368495553732, + -0.01689295656979084, + -0.21581119298934937, + 2.6258349418640137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/79.png", + [ + 0.21441850066184998, + -0.030214102938771248, + -0.007726874202489853, + 0.09303242713212967, + -0.028767796233296394, + -0.2123512327671051, + 0.032050929963588715, + -0.39232155680656433, + -0.012042025104165077, + -0.03069130703806877, + -0.21415163576602936, + 2.5613884925842285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/116.png", + [ + 0.21451516449451447, + -0.029295019805431366, + -0.008540455251932144, + 0.10174795985221863, + -0.028347769752144814, + -0.21376249194145203, + 0.021210787817835808, + -0.2664524018764496, + -0.011293427087366581, + -0.01988203451037407, + -0.2154647409915924, + 2.5984549522399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/19.png", + [ + 0.21572072803974152, + -0.02020687609910965, + -0.0020352459978312254, + 0.02550155110657215, + -0.020230695605278015, + -0.21571232378482819, + -0.0026079972740262747, + 0.00963309034705162, + -0.0017829877324402332, + 0.0027865443844348192, + -0.2166493684053421, + 2.543393611907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/77.png", + [ + 0.2145874947309494, + -0.02877771109342575, + -0.008482499979436398, + 0.10248551517724991, + -0.027353888377547264, + -0.21282941102981567, + 0.030054928734898567, + -0.36424246430397034, + -0.012323719449341297, + -0.028694555163383484, + -0.21441233158111572, + 2.554084300994873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/68.png", + [ + 0.21446573734283447, + -0.027165770530700684, + -0.014640823006629944, + 0.17307427525520325, + -0.024739857763051987, + -0.21279872953891754, + 0.032442837953567505, + -0.39161354303359985, + -0.01844647526741028, + -0.03044041432440281, + -0.21373113989830017, + 2.5598340034484863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/86.png", + [ + 0.21457143127918243, + -0.02787633240222931, + -0.011397816240787506, + 0.1390082985162735, + -0.026079237461090088, + -0.2129991054534912, + 0.029985971748828888, + -0.3776193857192993, + -0.015062323771417141, + -0.02832304872572422, + -0.21428678929805756, + 2.6229724884033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/1.png", + [ + 0.21492688357830048, + -0.022731848061084747, + -0.015414120629429817, + 0.1811835914850235, + -0.022420601919293404, + -0.21545086801052094, + 0.005112587474286556, + -0.07391737401485443, + -0.015863437205553055, + -0.00347635755315423, + -0.2160651832818985, + 2.5873188972473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/81.png", + [ + 0.21450811624526978, + -0.029579633846879005, + -0.007694562431424856, + 0.09320621192455292, + -0.028107130900025368, + -0.21233896911144257, + 0.032711565494537354, + -0.40213561058044434, + -0.012006258592009544, + -0.03138634189963341, + -0.21405288577079773, + 2.5723133087158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/95.png", + [ + 0.21430863440036774, + -0.0308932326734066, + -0.008081234060227871, + 0.09655527025461197, + -0.02970297634601593, + -0.2129858434200287, + 0.026507830247282982, + -0.33036008477211, + -0.011723113246262074, + -0.02511056326329708, + -0.21489514410495758, + 2.6024374961853027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/103.png", + [ + 0.21432194113731384, + -0.030387843027710915, + -0.009517641738057137, + 0.11284854263067245, + -0.028934497386217117, + -0.2128830850124359, + 0.028133181855082512, + -0.34903350472450256, + -0.013296673074364662, + -0.026556726545095444, + -0.21462951600551605, + 2.592741012573242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/83.png", + [ + 0.21431328356266022, + -0.03035835362970829, + -0.009802007116377354, + 0.1201525330543518, + -0.028606709092855453, + -0.21234847605228424, + 0.03221302106976509, + -0.4014100432395935, + -0.014119676314294338, + -0.030567839741706848, + -0.21404239535331726, + 2.5950307846069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/51.png", + [ + 0.21551711857318878, + -0.018696993589401245, + -0.012275434099137783, + 0.1454693078994751, + -0.018151680007576942, + -0.2156888246536255, + 0.009835504926741123, + -0.1311187446117401, + -0.013068296015262604, + -0.008754602633416653, + -0.21610289812088013, + 2.58931303024292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/93.png", + [ + 0.21446402370929718, + -0.029789531603455544, + -0.00810304656624794, + 0.09852626174688339, + -0.028500301763415337, + -0.21290667355060577, + 0.02839677222073078, + -0.35448354482650757, + -0.011866268701851368, + -0.027041224762797356, + -0.214652881026268, + 2.613494396209717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/76.png", + [ + 0.17885956168174744, + 0.03564431890845299, + -0.11698990315198898, + 1.321616530418396, + 0.0041309078224003315, + -0.20891033113002777, + -0.057334981858730316, + 0.65782630443573, + -0.1222296729683876, + 0.0450981967151165, + -0.1731298863887787, + 2.012847900390625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/48.png", + [ + 0.18242685496807098, + 0.04165012016892433, + -0.10924100875854492, + 1.2698822021484375, + 0.018156757578253746, + -0.21009524166584015, + -0.04978176951408386, + 0.565345823764801, + -0.11549312621355057, + 0.03275911882519722, + -0.18037758767604828, + 2.1476993560791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/137.png", + [ + 0.18774454295635223, + 0.028866883367300034, + -0.10424291342496872, + 1.2407488822937012, + -0.0030059008859097958, + -0.20734301209449768, + -0.06283100694417953, + 0.7406327128410339, + -0.10812421888113022, + 0.05588804557919502, + -0.17925840616226196, + 2.1912145614624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/173.png", + [ + 0.18091872334480286, + 0.014990233816206455, + -0.11828610301017761, + 1.4127782583236694, + -0.023810142651200294, + -0.20608356595039368, + -0.06253432482481003, + 0.7314783334732056, + -0.11683058738708496, + 0.0652131736278534, + -0.17042814195156097, + 2.086933135986328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/35.png", + [ + 0.17981788516044617, + 0.005621919874101877, + -0.12075521051883698, + 1.3942099809646606, + -0.0162923913449049, + -0.21333838999271393, + -0.034193430095911026, + 0.40030401945114136, + -0.11978307366371155, + 0.037457000464200974, + -0.17662638425827026, + 2.0945472717285156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/124.png", + [ + 0.17916621267795563, + -0.0032472212333232164, + -0.12180650234222412, + 1.4433058500289917, + -0.039036985486745834, + -0.2067110389471054, + -0.051909152418375015, + 0.6114138960838318, + -0.11542738229036331, + 0.06486834585666656, + -0.1715124249458313, + 2.078403949737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/97.png", + [ + 0.1841994673013687, + 0.04643472284078598, + -0.10422217100858688, + 1.188429832458496, + 0.013430831953883171, + -0.20536771416664124, + -0.06776140630245209, + 0.7577894330024719, + -0.11330514401197433, + 0.05114501714706421, + -0.177465558052063, + 2.057405471801758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/155.png", + [ + 0.18218894302845, + 0.022814413532614708, + -0.11504168063402176, + 1.3684296607971191, + -0.016144944354891777, + -0.20563346147537231, + -0.06634844839572906, + 0.7760119438171387, + -0.11616551876068115, + 0.06436052173376083, + -0.17120511829853058, + 2.08056640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/13.png", + [ + 0.17937952280044556, + 0.01923326589167118, + -0.12000401318073273, + 1.4063000679016113, + -0.00691751716658473, + -0.21198168396949768, + -0.04431485757231712, + 0.5157879590988159, + -0.12133849412202835, + 0.0405183881521225, + -0.17488031089305878, + 2.0936803817749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/32.png", + [ + 0.17556196451187134, + 0.01856124773621559, + -0.1256239414215088, + 1.4509201049804688, + 0.0013121626107022166, + -0.2146012783050537, + -0.02987409383058548, + 0.3398168385028839, + -0.1269809752702713, + 0.023444902151823044, + -0.17399442195892334, + 2.061703681945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/158.png", + [ + 0.18382924795150757, + 0.02415332943201065, + -0.11212190240621567, + 1.335922122001648, + -0.014155085198581219, + -0.20541854202747345, + -0.06745924800634384, + 0.7861312627792358, + -0.11381713300943375, + 0.0645579844713211, + -0.17270153760910034, + 2.100924015045166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/38.png", + [ + 0.17828410863876343, + 0.01932399533689022, + -0.12161105126142502, + 1.4108256101608276, + -0.003529743757098913, + -0.21310000121593475, + -0.039036259055137634, + 0.44841593503952026, + -0.12308617681264877, + 0.034100908786058426, + -0.17502804100513458, + 2.0820398330688477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/148.png", + [ + 0.1781506985425949, + 0.01785746030509472, + -0.12203004956245422, + 1.447414517402649, + -0.02333974838256836, + -0.2056354582309723, + -0.06416549533605576, + 0.7514449954032898, + -0.12110111862421036, + 0.06590195000171661, + -0.16715066134929657, + 2.029837131500244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/111.png", + [ + 0.1730497181415558, + -0.01498372945934534, + -0.12952671945095062, + 1.5279254913330078, + -0.06413394212722778, + -0.19718429446220398, + -0.06287354975938797, + 0.7396746277809143, + -0.11352761834859848, + 0.08855357021093369, + -0.16191861033439636, + 1.96170175075531, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/164.png", + [ + 0.18511326611042023, + 0.01986808143556118, + -0.11084327846765518, + 1.329890251159668, + -0.01981576345860958, + -0.20420044660568237, + -0.06969508528709412, + 0.8232181072235107, + -0.11085265129804611, + 0.06968018412590027, + -0.17263908684253693, + 2.1172637939453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/11.png", + [ + 0.18576617538928986, + 0.01150356326252222, + -0.11093465238809586, + 1.3003276586532593, + -0.012785078957676888, + -0.21190179884433746, + -0.04338284581899643, + 0.5087205767631531, + -0.11079426854848862, + 0.04374011605978012, + -0.180995374917984, + 2.169501304626465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/125.png", + [ + 0.17789340019226074, + 0.012082697823643684, + -0.12310905754566193, + 1.4645761251449585, + -0.02584381215274334, + -0.20724961161613464, + -0.05768527090549469, + 0.6801115870475769, + -0.12097075581550598, + 0.06204434484243393, + -0.16871416568756104, + 2.051274299621582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/59.png", + [ + 0.17621417343616486, + 0.031258273869752884, + -0.1221449226140976, + 1.4396157264709473, + 0.009454486891627312, + -0.21259504556655884, + -0.04076584056019783, + 0.47532978653907776, + -0.12572617828845978, + 0.02782374806702137, + -0.17426031827926636, + 2.106689929962158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/105.png", + [ + 0.18108244240283966, + 0.005295710638165474, + -0.11886543780565262, + 1.375728726387024, + -0.02857149951159954, + -0.20819111168384552, + -0.052801866084337234, + 0.606300950050354, + -0.11550198495388031, + 0.05980236828327179, + -0.17329414188861847, + 2.0687828063964844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/121.png", + [ + 0.16849610209465027, + -0.0014369281707331538, + -0.13621634244918823, + 1.619001030921936, + -0.043946798890829086, + -0.20565165579319, + -0.05219167098402977, + 0.6050910353660583, + -0.1289404332637787, + 0.06821456551551819, + -0.1602155715227127, + 1.9476569890975952, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/175.png", + [ + 0.18164223432540894, + 0.00902955699712038, + -0.11778140813112259, + 1.3979136943817139, + -0.031036416068673134, + -0.20480260252952576, + -0.0635652169585228, + 0.7452746033668518, + -0.11397689580917358, + 0.07015884667634964, + -0.17039628326892853, + 2.0709638595581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/24.png", + [ + 0.17677202820777893, + 0.005895304959267378, + -0.12515908479690552, + 1.4463270902633667, + -0.012701349332928658, + -0.21447668969631195, + -0.028041500598192215, + 0.3184606432914734, + -0.1246524304151535, + 0.030214160680770874, + -0.17463326454162598, + 2.067652702331543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/74.png", + [ + 0.17652566730976105, + 0.04153589904308319, + -0.11858053505420685, + 1.3471256494522095, + 0.01492256298661232, + -0.20997604727745056, + -0.05133495852351189, + 0.5744943022727966, + -0.12475533038377762, + 0.033656056970357895, + -0.17392893135547638, + 2.0303988456726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/129.png", + [ + 0.1818828135728836, + 0.021792680025100708, + -0.11572212725877762, + 1.3682849407196045, + -0.01397060789167881, + -0.20743447542190552, + -0.061021748930215836, + 0.7122670412063599, + -0.11692455410957336, + 0.05868484079837799, + -0.1727212369441986, + 2.0976028442382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/172.png", + [ + 0.18142488598823547, + 0.017849178984761238, + -0.11710812151432037, + 1.4035868644714355, + -0.02079015225172043, + -0.2060786634683609, + -0.0636180117726326, + 0.7466060519218445, + -0.11662193387746811, + 0.0645049512386322, + -0.1708400696516037, + 2.0965981483459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/153.png", + [ + 0.1801224946975708, + 0.023153912276029587, + -0.11818493157625198, + 1.4045950174331665, + -0.014713366515934467, + -0.20680880546569824, + -0.06294067949056625, + 0.7344455718994141, + -0.11952949315309525, + 0.060348235070705414, + -0.17034870386123657, + 2.0701451301574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/144.png", + [ + 0.18351313471794128, + 0.011120550334453583, + -0.11466105282306671, + 1.357399821281433, + -0.02454274892807007, + -0.20693740248680115, + -0.059350356459617615, + 0.7020076513290405, + -0.11255432665348053, + 0.06325458735227585, + -0.17400652170181274, + 2.1208114624023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/98.png", + [ + 0.1857793629169464, + 0.04480384662747383, + -0.10211043059825897, + 1.1619328260421753, + 0.01164163090288639, + -0.20512373745441437, + -0.06882311403751373, + 0.7665098905563354, + -0.11089814454317093, + 0.053523484617471695, + -0.1782827228307724, + 2.061309814453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/0.png", + [ + 0.1840524971485138, + 0.023575715720653534, + -0.11187831312417984, + 1.3077419996261597, + 0.0026587238535284996, + -0.21284355223178864, + -0.040477853268384933, + 0.4592057466506958, + -0.11430443823337555, + 0.03301077336072922, + -0.18108749389648438, + 2.1779165267944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/163.png", + [ + 0.18418103456497192, + 0.02017924003303051, + -0.11233003437519073, + 1.347133994102478, + -0.01964665949344635, + -0.20447120070457458, + -0.06894519925117493, + 0.8154340386390686, + -0.11242439597845078, + 0.06879119575023651, + -0.1719779521226883, + 2.1099939346313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/96.png", + [ + 0.1839427947998047, + 0.04677092656493187, + -0.10452474653720856, + 1.1925333738327026, + 0.012730473652482033, + -0.20490384101867676, + -0.06928373873233795, + 0.7741761803627014, + -0.11380191892385483, + 0.05267619714140892, + -0.17669814825057983, + 2.0492916107177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/100.png", + [ + 0.18458400666713715, + 0.04618651792407036, + -0.10365059971809387, + 1.1817455291748047, + 0.012953776866197586, + -0.2051975131034851, + -0.06836717575788498, + 0.7661923766136169, + -0.11273349076509476, + 0.05204494670033455, + -0.17756794393062592, + 2.0621113777160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/40.png", + [ + 0.17903971672058105, + 0.021611329168081284, + -0.12010672688484192, + 1.3969987630844116, + -0.0032297989819198847, + -0.21233615279197693, + -0.043021149933338165, + 0.49345919489860535, + -0.1219927966594696, + 0.03733900561928749, + -0.1751326620578766, + 2.091083526611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/141.png", + [ + 0.18728870153427124, + 0.029748577624559402, + -0.10481341928243637, + 1.2483296394348145, + -0.0014893031911924481, + -0.20772311091423035, + -0.06161803379654884, + 0.7234305143356323, + -0.1089431643486023, + 0.053981684148311615, + -0.1793467402458191, + 2.1918997764587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/52.png", + [ + 0.18102119863033295, + 0.040120676159858704, + -0.11211401224136353, + 1.3041011095046997, + 0.01940133422613144, + -0.21121689677238464, + -0.04425952211022377, + 0.49856337904930115, + -0.11748535186052322, + 0.026937855407595634, + -0.1800539791584015, + 2.1460561752319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/3.png", + [ + 0.18253788352012634, + 0.024991167709231377, + -0.11403181403875351, + 1.332680106163025, + -0.0002669078530743718, + -0.2115614414215088, + -0.046792980283498764, + 0.5376670956611633, + -0.11673793196678162, + 0.03956129029393196, + -0.17819948494434357, + 2.136101722717285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/47.png", + [ + 0.18239223957061768, + 0.0401318334043026, + -0.10986536741256714, + 1.2745674848556519, + 0.014801837503910065, + -0.20980483293533325, + -0.052064742892980576, + 0.5965080857276917, + -0.11602529883384705, + 0.0363217294216156, + -0.17935092747211456, + 2.1337366104125977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/104.png", + [ + 0.1849798858165741, + 0.01824703812599182, + -0.11134351044893265, + 1.2792181968688965, + -0.014772810973227024, + -0.20806477963924408, + -0.0586404912173748, + 0.6698569655418396, + -0.11185749620199203, + 0.057654041796922684, + -0.17638538777828217, + 2.0881190299987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/21.png", + [ + 0.17784380912780762, + 0.014636438339948654, + -0.12290340662002563, + 1.4217642545700073, + -0.011045299470424652, + -0.21241915225982666, + -0.04127955436706543, + 0.4727309048175812, + -0.12327804416418076, + 0.040146924555301666, + -0.17360486090183258, + 2.0588583946228027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/82.png", + [ + 0.17905345559120178, + 0.046856172382831573, + -0.11265990883111954, + 1.2961487770080566, + 0.014492296613752842, + -0.20681190490722656, + -0.06298176199197769, + 0.7174850702285767, + -0.12115167826414108, + 0.044510986655950546, + -0.1740371733903885, + 2.0590810775756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/106.png", + [ + 0.18373672664165497, + 0.0022419195156544447, + -0.1148202195763588, + 1.3354387283325195, + -0.03293575346469879, + -0.20650453865528107, + -0.0567363016307354, + 0.650952935218811, + -0.11001792550086975, + 0.06556481868028641, + -0.17477186024188995, + 2.087507724761963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/14.png", + [ + 0.17952942848205566, + 0.017921878024935722, + -0.11998284608125687, + 1.405121088027954, + -0.008124534972012043, + -0.21203984320163727, + -0.04382913559675217, + 0.5098921656608582, + -0.12104162573814392, + 0.04081430658698082, + -0.17501719295978546, + 2.0944361686706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/67.png", + [ + 0.1750521957874298, + 0.04032686725258827, + -0.12115428596735, + 1.3844045400619507, + 0.00896791648119688, + -0.20896019041538239, + -0.0565960668027401, + 0.6538289785385132, + -0.12737423181533813, + 0.040709737688302994, + -0.17048874497413635, + 2.006030559539795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/78.png", + [ + 0.17427152395248413, + 0.044567834585905075, + -0.12079337984323502, + 1.3758251667022705, + 0.01200744416564703, + -0.20801950991153717, + -0.05942729860544205, + 0.6742854714393616, + -0.12819184362888336, + 0.04110340029001236, + -0.16978000104427338, + 1.986218810081482, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/31.png", + [ + 0.17550039291381836, + 0.019080577418208122, + -0.1256321370601654, + 1.451600193977356, + 0.0032004346139729023, + -0.21481382846832275, + -0.028154373168945312, + 0.3182613253593445, + -0.12703251838684082, + 0.020948583260178566, + -0.17427502572536469, + 2.066448211669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/152.png", + [ + 0.17918483912944794, + 0.01969173736870289, + -0.12022028863430023, + 1.4272618293762207, + -0.015452103689312935, + -0.20842431485652924, + -0.05717020854353905, + 0.6620775461196899, + -0.12083838880062103, + 0.055851906538009644, + -0.17095771431922913, + 2.0757007598876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/39.png", + [ + 0.179189532995224, + 0.020087892189621925, + -0.12014773488044739, + 1.394280195236206, + -0.003362488467246294, + -0.2128111869096756, + -0.040595438331365585, + 0.4644552767276764, + -0.121769018471241, + 0.03543688729405403, + -0.17568272352218628, + 2.093214511871338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/92.png", + [ + 0.18637186288833618, + 0.0433163046836853, + -0.10167164355516434, + 1.1713358163833618, + 0.012190807610750198, + -0.20617905259132385, + -0.06549408286809921, + 0.7373467087745667, + -0.10983991622924805, + 0.050614118576049805, + -0.1797812432050705, + 2.1040616035461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/53.png", + [ + 0.18087078630924225, + 0.04059956595301628, + -0.11218433082103729, + 1.3050791025161743, + 0.018270444124937057, + -0.21076534688472748, + -0.0468192994594574, + 0.5320054888725281, + -0.11789757758378983, + 0.029623158276081085, + -0.17936141788959503, + 2.1408262252807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/75.png", + [ + 0.1776987910270691, + 0.03950002044439316, + -0.117519311606884, + 1.3271559476852417, + 0.009343697689473629, + -0.20906618237495422, + -0.05614188313484192, + 0.6362866759300232, + -0.12362740188837051, + 0.040975168347358704, + -0.1731623262166977, + 2.014468193054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/151.png", + [ + 0.1821310669183731, + 0.009755526669323444, + -0.11696579307317734, + 1.3862931728363037, + -0.022785639390349388, + -0.20887823402881622, + -0.052901700139045715, + 0.6123576760292053, + -0.11513897776603699, + 0.05676799267530441, + -0.17455174028873444, + 2.1178364753723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/87.png", + [ + 0.18294334411621094, + 0.04485194385051727, + -0.10708840936422348, + 1.2451800107955933, + 0.01127155777066946, + -0.20577062666416168, + -0.0669274777173996, + 0.7766849994659424, + -0.1155533492565155, + 0.05093759298324585, + -0.17607009410858154, + 2.100161552429199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/139.png", + [ + 0.18825651705265045, + 0.029603101313114166, + -0.10310690104961395, + 1.2297197580337524, + -0.0018048136262223125, + -0.20735731720924377, + -0.06282981485128403, + 0.7407624125480652, + -0.10725725442171097, + 0.05544817075133324, + -0.17991462349891663, + 2.201324939727783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/107.png", + [ + 0.18057583272457123, + -0.002581460867077112, + -0.11972300708293915, + 1.3997093439102173, + -0.04197455942630768, + -0.20424538850784302, + -0.0589054673910141, + 0.6817517876625061, + -0.11215345561504364, + 0.07228453457355499, + -0.17071743309497833, + 2.050163745880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/112.png", + [ + 0.1723046451807022, + -0.013324250467121601, + -0.13069608807563782, + 1.5463061332702637, + -0.061996426433324814, + -0.19829238951206207, + -0.061518095433712006, + 0.720097005367279, + -0.11582507938146591, + 0.08631626516580582, + -0.16149908304214478, + 1.9635528326034546, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/69.png", + [ + 0.17935238778591156, + 0.03031105361878872, + -0.11773636937141418, + 1.3347598314285278, + 0.002166053978726268, + -0.2105957716703415, + -0.05091793090105057, + 0.5905570387840271, + -0.12155624479055405, + 0.0409703254699707, + -0.17462362349033356, + 2.039459705352783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/157.png", + [ + 0.18290504813194275, + 0.02387257292866707, + -0.11368261277675629, + 1.355505347251892, + -0.014137242920696735, + -0.20589876174926758, + -0.0659828707575798, + 0.7699254751205444, + -0.11529863625764847, + 0.06311657279729843, + -0.17225104570388794, + 2.097507953643799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/45.png", + [ + 0.18040981888771057, + 0.03761957585811615, + -0.11395158618688583, + 1.3239294290542603, + 0.009446324780583382, + -0.20956572890281677, + -0.054229736328125, + 0.6299086213111877, + -0.1196284219622612, + 0.04018538445234299, + -0.17613081634044647, + 2.1020994186401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/50.png", + [ + 0.18322530388832092, + 0.04032224044203758, + -0.10839971899986267, + 1.260549783706665, + 0.01976276934146881, + -0.21100851893424988, + -0.04508587345480919, + 0.5066510438919067, + -0.11395532637834549, + 0.028238626196980476, + -0.18211166560649872, + 2.1683616638183594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/101.png", + [ + 0.18479055166244507, + 0.04314697906374931, + -0.10458812862634659, + 1.195866346359253, + 0.010487469844520092, + -0.20596955716609955, + -0.0664413794875145, + 0.7488110065460205, + -0.11265145987272263, + 0.051602136343717575, + -0.1777491569519043, + 2.0751953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/85.png", + [ + 0.18408188223838806, + 0.04546365514397621, + -0.10485613346099854, + 1.2166574001312256, + 0.011545074172317982, + -0.20517340302467346, + -0.0686912089586258, + 0.7940880060195923, + -0.1137033998966217, + 0.05277146026492119, + -0.176733136177063, + 2.1060543060302734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/156.png", + [ + 0.18294426798820496, + 0.023498356342315674, + -0.11369749158620834, + 1.3520381450653076, + -0.014539290219545364, + -0.20588284730911255, + -0.06594507396221161, + 0.7688559293746948, + -0.11518637090921402, + 0.06330854445695877, + -0.17225569486618042, + 2.091888427734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/131.png", + [ + 0.1843521147966385, + 0.030692074447870255, + -0.1096365824341774, + 1.2998573780059814, + -0.0043922970071434975, + -0.2065802812576294, + -0.06521642953157425, + 0.7621219754219055, + -0.11376682668924332, + 0.05771024525165558, + -0.17514145374298096, + 2.1344895362854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/71.png", + [ + 0.17619629204273224, + 0.0392758809030056, + -0.11983389407396317, + 1.3559379577636719, + 0.01422357652336359, + -0.21077339351177216, + -0.04816807806491852, + 0.5409119725227356, + -0.12530143558979034, + 0.03130302205681801, + -0.17397575080394745, + 2.0255589485168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/160.png", + [ + 0.18300901353359222, + 0.02320299670100212, + -0.11365391314029694, + 1.3551820516586304, + -0.017245588824152946, + -0.204493910074234, + -0.06951779127120972, + 0.8146345615386963, + -0.11470910906791687, + 0.06776249408721924, + -0.17087408900260925, + 2.0819482803344727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/115.png", + [ + 0.17339317500591278, + -0.012499372474849224, + -0.1293308287858963, + 1.5336501598358154, + -0.05743907764554024, + -0.2008257508277893, + -0.05759916827082634, + 0.6655111908912659, + -0.1165480688214302, + 0.08037834614515305, + -0.16402366757392883, + 1.9957958459854126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/54.png", + [ + 0.18070560693740845, + 0.04432734474539757, + -0.11103358119726181, + 1.2981353998184204, + 0.020829854533076286, + -0.20982666313648224, + -0.049867674708366394, + 0.5733780264854431, + -0.11772632598876953, + 0.03091527707874775, + -0.17925581336021423, + 2.149404525756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/33.png", + [ + 0.1786108911037445, + 0.01574951410293579, + -0.12164698541164398, + 1.402978539466858, + -0.004164822865277529, + -0.2139786183834076, + -0.03381869196891785, + 0.38747426867485046, + -0.12259156256914139, + 0.030215930193662643, + -0.17608578503131866, + 2.0836567878723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/159.png", + [ + 0.1836184710264206, + 0.023633873090147972, + -0.11257702112197876, + 1.3409391641616821, + -0.01600898988544941, + -0.20473821461200714, + -0.06909318268299103, + 0.8077850341796875, + -0.11391160637140274, + 0.06686999648809433, + -0.17175690829753876, + 2.090244770050049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/177.png", + [ + 0.17376306653022766, + -0.001417210791260004, + -0.1294306069612503, + 1.531389594078064, + -0.04945957288146019, + -0.20094773173332214, + -0.06420012563467026, + 0.7626209259033203, + -0.11961621791124344, + 0.0810302197933197, + -0.1614743173122406, + 1.9477835893630981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/49.png", + [ + 0.18187540769577026, + 0.040124326944351196, + -0.11072157323360443, + 1.287735939025879, + 0.017538845539093018, + -0.21066758036613464, + -0.04753373563289642, + 0.5366964936256409, + -0.1164543554186821, + 0.030937116593122482, + -0.18008100986480713, + 2.1469883918762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/118.png", + [ + 0.17152024805545807, + -0.006933074910193682, + -0.13221433758735657, + 1.5689971446990967, + -0.05649011582136154, + -0.19952505826950073, + -0.06282130628824234, + 0.7381566762924194, + -0.11973955482244492, + 0.08419965952634811, + -0.15975214540958405, + 1.9429179430007935, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/110.png", + [ + 0.17298582196235657, + -0.011628287844359875, + -0.12995608150959015, + 1.5356686115264893, + -0.060512885451316833, + -0.19834837317466736, + -0.06280136853456497, + 0.738353431224823, + -0.11559406667947769, + 0.08643266558647156, + -0.16160230338573456, + 1.9597550630569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/18.png", + [ + 0.17790910601615906, + 0.01869025267660618, + -0.12225760519504547, + 1.422156572341919, + -0.008298230357468128, + -0.21189963817596436, + -0.04446994140744209, + 0.5120610594749451, + -0.12339930236339569, + 0.041196007281541824, + -0.17327260971069336, + 2.0593485832214355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/66.png", + [ + 0.1788148283958435, + 0.03973071277141571, + -0.11573513597249985, + 1.3240000009536743, + 0.010769172571599483, + -0.20924979448318481, + -0.055194612592458725, + 0.6298669576644897, + -0.12189000844955444, + 0.03979812562465668, + -0.1746620237827301, + 2.05454158782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/16.png", + [ + 0.17995300889015198, + 0.020185459405183792, + -0.118984654545784, + 1.3864459991455078, + -0.005563151091337204, + -0.21200785040855408, + -0.04438035935163498, + 0.5102346539497375, + -0.12055642902851105, + 0.039913810789585114, + -0.1755588948726654, + 2.0860233306884766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/94.png", + [ + 0.1843540221452713, + 0.047496892511844635, + -0.10346757620573044, + 1.1827101707458496, + 0.013926160521805286, + -0.20484690368175507, + -0.06922215223312378, + 0.775787889957428, + -0.11299359798431396, + 0.05224642902612686, + -0.17734332382678986, + 2.0597238540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/28.png", + [ + 0.17319820821285248, + 0.014485531486570835, + -0.129384845495224, + 1.4979327917099, + 0.0025150985457003117, + -0.21566142141819, + -0.020778005942702293, + 0.2279725968837738, + -0.13016891479492188, + 0.01510697603225708, + -0.17255645990371704, + 2.0520358085632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/61.png", + [ + 0.17983019351959229, + 0.0356481559574604, + -0.11549113690853119, + 1.3534066677093506, + 0.016302919015288353, + -0.21229827404022217, + -0.04014408215880394, + 0.4539926052093506, + -0.11976314336061478, + 0.024628058075904846, + -0.1788802444934845, + 2.1419758796691895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/132.png", + [ + 0.18593764305114746, + 0.029964538291096687, + -0.10713177174329758, + 1.268625259399414, + -0.004796607885509729, + -0.2063126415014267, + -0.06603019684553146, + 0.7734930515289307, + -0.1111399233341217, + 0.059034910053014755, + -0.17638222873210907, + 2.1491456031799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/58.png", + [ + 0.18011757731437683, + 0.031467802822589874, + -0.11625543981790543, + 1.3702858686447144, + 0.008685845881700516, + -0.21199756860733032, + -0.043925900012254715, + 0.5196219086647034, + -0.12012536823749542, + 0.03185444697737694, + -0.17749106884002686, + 2.144845485687256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/123.png", + [ + 0.17831097543239594, + 0.0011897360673174262, + -0.1230921670794487, + 1.461384654045105, + -0.03726731613278389, + -0.20597504079341888, + -0.055976152420043945, + 0.6544000506401062, + -0.11732112616300583, + 0.06723664700984955, + -0.16930116713047028, + 2.0524072647094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/64.png", + [ + 0.17879952490329742, + 0.03898073732852936, + -0.11601345986127853, + 1.3374234437942505, + 0.014766927808523178, + -0.21076129376888275, + -0.0480574332177639, + 0.5391197800636292, + -0.12149305641651154, + 0.03175030276179314, + -0.17657648026943207, + 2.088521957397461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/10.png", + [ + 0.1837320625782013, + 0.015672365203499794, + -0.11377523094415665, + 1.3380719423294067, + -0.008777608163654804, + -0.21210378408432007, + -0.04339165240526199, + 0.5081364512443542, + -0.11451367288827896, + 0.04140361770987511, + -0.1792212426662445, + 2.1570358276367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/170.png", + [ + 0.18375316262245178, + 0.018907394260168076, + -0.1132483035326004, + 1.3599270582199097, + -0.019737040624022484, + -0.20533347129821777, + -0.0663062036037445, + 0.7805697917938232, + -0.11310666054487228, + 0.06654752790927887, + -0.17241288721561432, + 2.1157126426696777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/41.png", + [ + 0.18087917566299438, + 0.018767865374684334, + -0.11780654639005661, + 1.3689100742340088, + -0.006901223678141832, + -0.21197162568569183, + -0.044365476816892624, + 0.5134586095809937, + -0.11909233778715134, + 0.040788352489471436, + -0.17635537683963776, + 2.108238697052002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/166.png", + [ + 0.18363481760025024, + 0.012672343291342258, + -0.11430468410253525, + 1.3691157102584839, + -0.02716894820332527, + -0.20447920262813568, + -0.06631745398044586, + 0.7873153686523438, + -0.11174970865249634, + 0.07053770869970322, + -0.17171001434326172, + 2.1100568771362305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/91.png", + [ + 0.1847177892923355, + 0.04581170901656151, + -0.1035785973072052, + 1.1999506950378418, + 0.014734657481312752, + -0.20619440078735352, + -0.06492041051387787, + 0.7379700541496277, + -0.11229483038187027, + 0.04830171912908554, + -0.1788986176252365, + 2.1080098152160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/140.png", + [ + 0.18720132112503052, + 0.02836259827017784, + -0.10535240173339844, + 1.2555981874465942, + -0.0026015073526650667, + -0.20800530910491943, + -0.06062108650803566, + 0.7126149535179138, + -0.10907243192195892, + 0.0536399744451046, + -0.17937071621418, + 2.193615436553955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/23.png", + [ + 0.17274555563926697, + 0.00513198459520936, + -0.1306924968957901, + 1.5192872285842896, + -0.016956230625510216, + -0.21380192041397095, + -0.030807754024863243, + 0.3624306321144104, + -0.12968944013118744, + 0.03478928282856941, + -0.17005367577075958, + 2.0291361808776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/37.png", + [ + 0.1783812791109085, + 0.011660578660666943, + -0.12244198471307755, + 1.4153739213943481, + -0.0099073126912117, + -0.2136356085538864, + -0.03477887436747551, + 0.40061408281326294, + -0.12259630858898163, + 0.03423091769218445, + -0.17534618079662323, + 2.0811543464660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/36.png", + [ + 0.18003880977630615, + 0.009729481302201748, + -0.12016347050666809, + 1.3862918615341187, + -0.011978400871157646, + -0.21345548331737518, + -0.03523024171590805, + 0.40808093547821045, + -0.11996015906333923, + 0.035916417837142944, + -0.1768261045217514, + 2.093474864959717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/8.png", + [ + 0.18349631130695343, + 0.024243956431746483, + -0.11264648288488388, + 1.3256632089614868, + 0.0002475099463481456, + -0.21190673112869263, + -0.04520371928811073, + 0.5276035666465759, + -0.11522559821605682, + 0.03815321624279022, + -0.17948617041110992, + 2.158513069152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/6.png", + [ + 0.18342916667461395, + 0.024128681048750877, + -0.11278047412633896, + 1.3189488649368286, + -0.00028936302987858653, + -0.21178284287452698, + -0.04578026011586189, + 0.5333759784698486, + -0.11533231288194656, + 0.038906585425138474, + -0.17925573885440826, + 2.149564743041992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/169.png", + [ + 0.18421097099781036, + 0.018578223884105682, + -0.11255691945552826, + 1.3518579006195068, + -0.0194403063505888, + -0.20554301142692566, + -0.06574222445487976, + 0.7751286625862122, + -0.11241122335195541, + 0.06599102169275284, + -0.17308031022548676, + 2.1237430572509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/154.png", + [ + 0.18139928579330444, + 0.022222913801670074, + -0.11639731377363205, + 1.3835870027542114, + -0.01738087832927704, + -0.20553886890411377, + -0.06632929295301437, + 0.775317370891571, + -0.11721817404031754, + 0.06486764550209045, + -0.17029382288455963, + 2.070344924926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/20.png", + [ + 0.177061527967453, + 0.015444437973201275, + -0.12392972409725189, + 1.4341050386428833, + -0.01094744447618723, + -0.21226435899734497, + -0.04209380969405174, + 0.48303183913230896, + -0.12440766394138336, + 0.040659625083208084, + -0.17267723381519318, + 2.0467262268066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/2.png", + [ + 0.180963397026062, + 0.0245781559497118, + -0.11660216003656387, + 1.3666146993637085, + 0.0011991375358775258, + -0.21238064765930176, + -0.042905934154987335, + 0.48943158984184265, + -0.11915834993124008, + 0.035189077258110046, + -0.17751312255859375, + 2.1333136558532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/117.png", + [ + 0.1721763163805008, + -0.008589494042098522, + -0.1312609165906906, + 1.5532145500183105, + -0.05686354264616966, + -0.19982662796974182, + -0.06151219829916954, + 0.7171327471733093, + -0.11861594766378403, + 0.0833272710442543, + -0.16104258596897125, + 1.9578620195388794, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/149.png", + [ + 0.18085414171218872, + 0.019308989867568016, + -0.11775750666856766, + 1.3965928554534912, + -0.01954815536737442, + -0.2061367630958557, + -0.0638231709599495, + 0.7442358732223511, + -0.11771804839372635, + 0.06389594078063965, + -0.17031635344028473, + 2.0648932456970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/161.png", + [ + 0.18339481949806213, + 0.02211252599954605, + -0.11324871331453323, + 1.3511139154434204, + -0.018914980813860893, + -0.20402079820632935, + -0.07046724855899811, + 0.8285998106002808, + -0.1138264462351799, + 0.0695301741361618, + -0.17075417935848236, + 2.084115982055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/5.png", + [ + 0.18351097404956818, + 0.025463160127401352, + -0.11235319823026657, + 1.3155078887939453, + 0.00026553578209131956, + -0.2114085555076599, + -0.04747884348034859, + 0.5514815449714661, + -0.11520218849182129, + 0.040074169635772705, + -0.17908212542533875, + 2.1500983238220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/108.png", + [ + 0.1767124980688095, + -0.009558592922985554, + -0.12501686811447144, + 1.4641908407211304, + -0.05310742184519768, + -0.20141303539276123, + -0.059668105095624924, + 0.6928027272224426, + -0.11357899010181427, + 0.07930520176887512, + -0.16660849750041962, + 2.005296230316162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/60.png", + [ + 0.17612844705581665, + 0.03867195174098015, + -0.12012969702482224, + 1.4131687879562378, + 0.01840101182460785, + -0.21191620826721191, + -0.04124102368950844, + 0.4725722372531891, + -0.12485217303037643, + 0.02332165092229843, + -0.17554466426372528, + 2.113126277923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/56.png", + [ + 0.17902061343193054, + 0.049010418355464935, + -0.1117921844124794, + 1.3274141550064087, + 0.0224299356341362, + -0.20827114582061768, + -0.05538880452513695, + 0.6517188549041748, + -0.11998505145311356, + 0.03419065102934837, + -0.17715102434158325, + 2.155348300933838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/147.png", + [ + 0.17753957211971283, + 0.01835840940475464, + -0.1228436529636383, + 1.4549763202667236, + -0.024118928238749504, + -0.20512031018733978, + -0.06551209837198257, + 0.77131587266922, + -0.12184363603591919, + 0.0673537403345108, + -0.16602860391139984, + 2.017477512359619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/30.png", + [ + 0.17590723931789398, + 0.02012494206428528, + -0.12489805370569229, + 1.445287823677063, + 0.0053942338563501835, + -0.21491409838199615, + -0.02703203447163105, + 0.3036057651042938, + -0.12639398872852325, + 0.01883654110133648, + -0.17497897148132324, + 2.0781025886535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/17.png", + [ + 0.17830508947372437, + 0.021004321053624153, + -0.1213013082742691, + 1.411364197731018, + -0.005979078821837902, + -0.2117680311203003, + -0.04545823484659195, + 0.5218302011489868, + -0.1229611411690712, + 0.04075560346245766, + -0.17368775606155396, + 2.0640740394592285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/12.png", + [ + 0.1798046976327896, + 0.015529029071331024, + -0.11990418285131454, + 1.4056756496429443, + -0.0096398014575243, + -0.2123546600341797, + -0.041958022862672806, + 0.4904899299144745, + -0.1205207109451294, + 0.04015284404158592, + -0.17552891373634338, + 2.107337474822998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/114.png", + [ + 0.17228347063064575, + -0.012223726138472557, + -0.13083148002624512, + 1.5496150255203247, + -0.05888598784804344, + -0.20004163682460785, + -0.05885302647948265, + 0.6815105080604553, + -0.11746803671121597, + 0.08235179632902145, + -0.16238021850585938, + 1.9738811254501343, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/27.png", + [ + 0.1748608499765396, + 0.017258688807487488, + -0.1267821341753006, + 1.46902334690094, + 0.004721073899418116, + -0.21541857719421387, + -0.022813238203525543, + 0.2506600618362427, + -0.12786433100700378, + 0.01564832217991352, + -0.17422322928905487, + 2.0691299438476562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/42.png", + [ + 0.18139499425888062, + 0.021936360746622086, + -0.11645833402872086, + 1.3548494577407837, + -0.003681528614833951, + -0.211784228682518, + -0.045626502484083176, + 0.5287768840789795, + -0.11844910681247711, + 0.04017620161175728, + -0.17692816257476807, + 2.116572856903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/174.png", + [ + 0.1823808252811432, + 0.011973707936704159, + -0.1163690835237503, + 1.3842651844024658, + -0.027097009122371674, + -0.20535090565681458, + -0.06359754502773285, + 0.7422624230384827, + -0.11380196362733841, + 0.06808469444513321, + -0.17135193943977356, + 2.089569091796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/7.png", + [ + 0.1816631406545639, + 0.025233915075659752, + -0.11536741256713867, + 1.3543354272842407, + 0.000247842661337927, + -0.21175147593021393, + -0.04592541232705116, + 0.5363768339157104, + -0.1180945634841919, + 0.038372572511434555, + -0.17756438255310059, + 2.1347122192382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/73.png", + [ + 0.17659343779087067, + 0.0437345914542675, + -0.11768575012683868, + 1.33668851852417, + 0.018994107842445374, + -0.21007223427295685, + -0.04956580325961113, + 0.5510339736938477, + -0.12410429865121841, + 0.03008040226995945, + -0.17504623532295227, + 2.042747974395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/120.png", + [ + 0.1723487824201584, + -0.01093291211873293, + -0.13085970282554626, + 1.5500596761703491, + -0.05460774526000023, + -0.20233400166034698, + -0.05501677468419075, + 0.6407064199447632, + -0.11942271143198013, + 0.07674192637205124, + -0.1636972278356552, + 1.9779950380325317, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/46.png", + [ + 0.1819821000099182, + 0.0390000194311142, + -0.11094778031110764, + 1.2874122858047485, + 0.012299583293497562, + -0.20960400998592377, + -0.053504958748817444, + 0.619082510471344, + -0.11695782095193863, + 0.03864011541008949, + -0.17825740575790405, + 2.1250991821289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/127.png", + [ + 0.18170464038848877, + 0.019361231476068497, + -0.11643219739198685, + 1.3837769031524658, + -0.01653522253036499, + -0.20745627582073212, + -0.06030236557126045, + 0.7096381187438965, + -0.11686701327562332, + 0.05945528298616409, + -0.17249655723571777, + 2.098029136657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/133.png", + [ + 0.18611733615398407, + 0.03235107287764549, + -0.10612084716558456, + 1.2592079639434814, + -0.001039733411744237, + -0.20674015581607819, + -0.06484850496053696, + 0.7606152296066284, + -0.11093756556510925, + 0.056212253868579865, + -0.17742867767810822, + 2.1639208793640137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/57.png", + [ + 0.1783246397972107, + 0.03740489110350609, + -0.1172565147280693, + 1.388225793838501, + 0.011212911456823349, + -0.21050488948822021, + -0.0500984825193882, + 0.5932656526565552, + -0.12256626039743423, + 0.035163357853889465, + -0.17518259584903717, + 2.1305413246154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/44.png", + [ + 0.18031096458435059, + 0.033954840153455734, + -0.11525154113769531, + 1.3403085470199585, + 0.006448975298553705, + -0.21027766168117523, + -0.05186153203248978, + 0.601639986038208, + -0.11997608840465546, + 0.03972753509879112, + -0.17599818110466003, + 2.102254867553711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/113.png", + [ + 0.1748969703912735, + -0.013041386380791664, + -0.12723548710346222, + 1.505549430847168, + -0.06012438237667084, + -0.19862833619117737, + -0.062287505716085434, + 0.7254940271377563, + -0.1128893792629242, + 0.08558385819196701, + -0.16394905745983124, + 1.9899004697799683, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/126.png", + [ + 0.17901922762393951, + 0.015328583307564259, + -0.1210993155837059, + 1.4407947063446045, + -0.022091403603553772, + -0.20734120905399323, + -0.05890234559774399, + 0.6955856084823608, + -0.12004988640546799, + 0.061012718826532364, + -0.16974499821662903, + 2.066253185272217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/29.png", + [ + 0.17640967667102814, + 0.01603265292942524, + -0.12478170543909073, + 1.4397358894348145, + 0.0029217435512691736, + -0.21537213027477264, + -0.023541608825325966, + 0.26012760400772095, + -0.12577353417873383, + 0.01748422347009182, + -0.17556540668010712, + 2.0785908699035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/4.png", + [ + 0.1816190928220749, + 0.02649787627160549, + -0.11515319347381592, + 1.3483465909957886, + 0.00023665270418860018, + -0.21123746037483215, + -0.04823456332087517, + 0.5589462518692017, + -0.11816234141588211, + 0.04030498117208481, + -0.17709054052829742, + 2.126894950866699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/55.png", + [ + 0.18035149574279785, + 0.04731280356645584, + -0.11037538200616837, + 1.303017020225525, + 0.023065920919179916, + -0.20908932387828827, + -0.051937561482191086, + 0.6040438413619995, + -0.11785239726305008, + 0.031480878591537476, + -0.1790744513273239, + 2.1639208793640137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/9.png", + [ + 0.18278975784778595, + 0.02401909977197647, + -0.11383706331253052, + 1.3434042930603027, + 0.00037476886063814163, + -0.21212731301784515, + -0.04415611922740936, + 0.5152232646942139, + -0.11634283512830734, + 0.03705383092164993, + -0.17899511754512787, + 2.157914638519287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/25.png", + [ + 0.17366087436676025, + 0.012339458800852299, + -0.12898658215999603, + 1.4933209419250488, + -0.003688245080411434, + -0.21513178944587708, + -0.025546176359057426, + 0.2856477200984955, + -0.12952294945716858, + 0.02267042174935341, + -0.17221426963806152, + 2.043259620666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/99.png", + [ + 0.18543246388435364, + 0.0461168996989727, + -0.1021563783288002, + 1.163312315940857, + 0.012904726900160313, + -0.20495520532131195, + -0.06909938156604767, + 0.7714119553565979, + -0.1113380640745163, + 0.05305175110697746, + -0.1781495064496994, + 2.0613889694213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/34.png", + [ + 0.1768498718738556, + 0.012097042053937912, + -0.1246020570397377, + 1.4388071298599243, + -0.00916195847094059, + -0.21383161842823029, + -0.03376366198062897, + 0.38934609293937683, + -0.12485218793153763, + 0.032826632261276245, + -0.17401792109012604, + 2.0616207122802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/72.png", + [ + 0.17696399986743927, + 0.04287712648510933, + -0.11744438856840134, + 1.3335765600204468, + 0.019241945818066597, + -0.21044982969760895, + -0.04783841595053673, + 0.5314459800720215, + -0.12353697419166565, + 0.028641190379858017, + -0.175687775015831, + 2.0474300384521484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/102.png", + [ + 0.18144388496875763, + 0.041103001683950424, + -0.11107003688812256, + 1.2725510597229004, + 0.0057387566193938255, + -0.2060193419456482, + -0.0668654814362526, + 0.754115641117096, + -0.11829233914613724, + 0.05305156856775284, + -0.17360974848270416, + 2.0348525047302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/134.png", + [ + 0.1859275996685028, + 0.03114989586174488, + -0.1068105697631836, + 1.2681301832199097, + -0.001581626245751977, + -0.2072482854127884, + -0.06319441646337509, + 0.7434258460998535, + -0.11124886572360992, + 0.055006545037031174, + -0.1776115447282791, + 2.1685633659362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/70.png", + [ + 0.17875061929225922, + 0.03331198915839195, + -0.11784065514802933, + 1.3350268602371216, + 0.006967210676521063, + -0.21093252301216125, + -0.04905937612056732, + 0.5605344772338867, + -0.12226024270057678, + 0.03668345510959625, + -0.1750846952199936, + 2.0411009788513184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/135.png", + [ + 0.18579056859016418, + 0.03147366642951965, + -0.10695404559373856, + 1.2713602781295776, + -0.0006088384543545544, + -0.20757190883159637, + -0.06214037910103798, + 0.7309494614601135, + -0.11148715019226074, + 0.05358364060521126, + -0.1778968721628189, + 2.1730360984802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/130.png", + [ + 0.1825244128704071, + 0.023125754669308662, + -0.1144462302327156, + 1.3532278537750244, + -0.012231088243424892, + -0.20742659270763397, + -0.06142071634531021, + 0.7165089845657349, + -0.11611691862344742, + 0.05820054933428764, + -0.17342853546142578, + 2.1088242530822754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/90.png", + [ + 0.1854129135608673, + 0.04143724590539932, + -0.10417728126049042, + 1.2077163457870483, + 0.010348644107580185, + -0.2067984640598297, + -0.06383723020553589, + 0.7341543436050415, + -0.11163715273141861, + 0.04965118691325188, + -0.1789407581090927, + 2.1192269325256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/122.png", + [ + 0.1734546422958374, + 0.0029205831233412027, + -0.12981852889060974, + 1.5449215173721313, + -0.037148088216781616, + -0.20645014941692352, + -0.05427933856844902, + 0.6288548707962036, + -0.12442425638437271, + 0.065709188580513, + -0.16476891934871674, + 2.0016322135925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/15.png", + [ + 0.18008650839328766, + 0.018357282504439354, + -0.11907874047756195, + 1.3895586729049683, + -0.007941380143165588, + -0.21187077462673187, + -0.04467217996716499, + 0.5166966319084167, + -0.12022342532873154, + 0.04149312898516655, + -0.17542104423046112, + 2.089414596557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/162.png", + [ + 0.18341761827468872, + 0.02264263480901718, + -0.11310692876577377, + 1.3553978204727173, + -0.017185501754283905, + -0.20472414791584015, + -0.06885182857513428, + 0.8131864070892334, + -0.11406368017196655, + 0.0672549456357956, + -0.17150551080703735, + 2.0980567932128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/22.png", + [ + 0.17661666870117188, + 0.00578979030251503, + -0.12538310885429382, + 1.4523513317108154, + -0.018477706238627434, + -0.21288645267486572, + -0.035858411341905594, + 0.41954055428504944, + -0.12414918094873428, + 0.03992154449224472, + -0.17303508520126343, + 2.0559744834899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/171.png", + [ + 0.18356890976428986, + 0.019310198724269867, + -0.1134788990020752, + 1.3629333972930908, + -0.019183950498700142, + -0.20548470318317413, + -0.06599929183721542, + 0.7760889530181885, + -0.11350031942129135, + 0.06596247106790543, + -0.1723790168762207, + 2.1138038635253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/138.png", + [ + 0.18721982836723328, + 0.028178531676530838, + -0.10536888241767883, + 1.2557687759399414, + -0.0037501826882362366, + -0.2075321078300476, + -0.06216311827301979, + 0.733643651008606, + -0.10900717973709106, + 0.05553636699914932, + -0.17883242666721344, + 2.1895995140075684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/109.png", + [ + 0.1745026409626007, + -0.009350907988846302, + -0.12809871137142181, + 1.509264588356018, + -0.05628494173288345, + -0.19981224834918976, + -0.06208840385079384, + 0.7263159155845642, + -0.11545009911060333, + 0.0832798033952713, + -0.16335126757621765, + 1.9749947786331177, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/26.png", + [ + 0.174204021692276, + 0.015598808415234089, + -0.12789657711982727, + 1.4812257289886475, + 0.0015833994839340448, + -0.2153237909078598, + -0.02410510741174221, + 0.2657706141471863, + -0.1288345903158188, + 0.018445609137415886, + -0.17323195934295654, + 2.056647777557373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/43.png", + [ + 0.17945803701877594, + 0.02696966379880905, + -0.11838642507791519, + 1.3783093690872192, + 0.0008389641297981143, + -0.2115323543548584, + -0.046917516738176346, + 0.5430086851119995, + -0.12141666561365128, + 0.038400448858737946, + -0.17530342936515808, + 2.100447177886963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/84.png", + [ + 0.1833568811416626, + 0.045994631946086884, + -0.10588975995779037, + 1.225094199180603, + 0.012150042690336704, + -0.2053205668926239, + -0.06814492493867874, + 0.7852202653884888, + -0.11480645835399628, + 0.05172859877347946, + -0.1763278841972351, + 2.09700345993042, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/136.png", + [ + 0.18776105344295502, + 0.028610022738575935, + -0.10428398102521896, + 1.2395893335342407, + -0.0030462255235761404, + -0.20747138559818268, + -0.06240386515855789, + 0.7362220287322998, + -0.10809442400932312, + 0.05554267391562462, + -0.17938368022441864, + 2.1920785903930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/89.png", + [ + 0.18780174851417542, + 0.03925870731472969, + -0.10068339109420776, + 1.1681526899337769, + 0.009290099143981934, + -0.20698896050453186, + -0.06338107585906982, + 0.7366986274719238, + -0.10766654461622238, + 0.050618384033441544, + -0.18108999729156494, + 2.152400016784668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/63.png", + [ + 0.17714478075504303, + 0.04088132083415985, + -0.11788275092840195, + 1.3666889667510986, + 0.01953303813934326, + -0.21127620339393616, + -0.043917153030633926, + 0.4895605146884918, + -0.12323182076215744, + 0.025277933105826378, + -0.17641663551330566, + 2.096198558807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/88.png", + [ + 0.186954528093338, + 0.04083936661481857, + -0.10162699222564697, + 1.178574562072754, + 0.009314212948083878, + -0.2062484174966812, + -0.06574749946594238, + 0.7647645473480225, + -0.10912903398275375, + 0.052360620349645615, + -0.17971396446228027, + 2.1384005546569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/62.png", + [ + 0.1793680489063263, + 0.035995300859212875, + -0.11610051244497299, + 1.3524682521820068, + 0.016333332285284996, + -0.21221673488616943, + -0.04056078568100929, + 0.4537133276462555, + -0.12045004218816757, + 0.02482525072991848, + -0.17839111387729645, + 2.1276111602783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/65.png", + [ + 0.17848265171051025, + 0.040815405547618866, + -0.11587037891149521, + 1.3332146406173706, + 0.01400689221918583, + -0.20979472994804382, + -0.05232459306716919, + 0.5924031138420105, + -0.12204772979021072, + 0.035611219704151154, + -0.17545393109321594, + 2.0738048553466797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/80.png", + [ + 0.17617662250995636, + 0.044420644640922546, + -0.11805292963981628, + 1.3520973920822144, + 0.01284101977944374, + -0.2080562561750412, + -0.059123534709215164, + 0.6659844517707825, + -0.12547826766967773, + 0.04107663780450821, + -0.17180165648460388, + 2.022326946258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/146.png", + [ + 0.18309541046619415, + 0.01715661957859993, + -0.1145845353603363, + 1.3538475036621094, + -0.021820751950144768, + -0.20534507930278778, + -0.06561363488435745, + 0.7706894278526306, + -0.11378849297761917, + 0.06698465347290039, + -0.1717938631772995, + 2.0797805786132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/119.png", + [ + 0.17833735048770905, + -0.016242418438196182, + -0.12198308855295181, + 1.4408892393112183, + -0.05967524275183678, + -0.19925017654895782, + -0.060713499784469604, + 0.7095908522605896, + -0.10762228071689606, + 0.08356701582670212, + -0.16846926510334015, + 2.02506685256958, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/145.png", + [ + 0.18305212259292603, + 0.014328318648040295, + -0.11504138261079788, + 1.360135555267334, + -0.022314956411719322, + -0.20663771033287048, + -0.06124379113316536, + 0.7195954918861389, + -0.11376231163740158, + 0.06358819454908371, + -0.17309701442718506, + 2.1023473739624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/167.png", + [ + 0.1819709986448288, + 0.011877045966684818, + -0.11701872199773788, + 1.40316903591156, + -0.026820426806807518, + -0.20569801330566406, + -0.06258507072925568, + 0.7451035976409912, + -0.11452122777700424, + 0.06704597175121307, + -0.17128229141235352, + 2.1057310104370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/79.png", + [ + 0.17682673037052155, + 0.045993126928806305, + -0.11646811664104462, + 1.3298289775848389, + 0.014299745671451092, + -0.20762832462787628, + -0.06028173863887787, + 0.6780190467834473, + -0.12440139055252075, + 0.04150906205177307, + -0.172479510307312, + 2.0213208198547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/176.png", + [ + 0.17970602214336395, + 0.0024611386470496655, + -0.12102719396352768, + 1.433009386062622, + -0.040901485830545425, + -0.20265494287014008, + -0.064853236079216, + 0.7632616758346558, + -0.11393289268016815, + 0.07663431018590927, + -0.16761374473571777, + 2.028904438018799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/165.png", + [ + 0.1851028949022293, + 0.02100329101085663, + -0.11065112799406052, + 1.3276678323745728, + -0.018669767305254936, + -0.2042064368724823, + -0.0699932873249054, + 0.825700581073761, + -0.11106866598129272, + 0.06932879984378815, + -0.17264170944690704, + 2.1166014671325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/116.png", + [ + 0.1692696213722229, + -0.009507660754024982, + -0.13492700457572937, + 1.5994009971618652, + -0.05779242888092995, + -0.20050041377544403, + -0.05837388336658478, + 0.6782498359680176, + -0.12229360640048981, + 0.081590935587883, + -0.159170001745224, + 1.9430240392684937, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/19.png", + [ + 0.178575336933136, + 0.018779359757900238, + -0.12126860022544861, + 1.4069182872772217, + -0.0073657711036503315, + -0.21209599077701569, + -0.04369121417403221, + 0.5014556050300598, + -0.12249279022216797, + 0.040131185203790665, + -0.17416341602802277, + 2.0655899047851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/77.png", + [ + 0.17596477270126343, + 0.04601484164595604, + -0.1177578717470169, + 1.3354368209838867, + 0.014297829940915108, + -0.20776207745075226, + -0.05981956794857979, + 0.6813818216323853, + -0.1256178915500641, + 0.040809836238622665, + -0.17176318168640137, + 2.000649929046631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/68.png", + [ + 0.17524757981300354, + 0.039469558745622635, + -0.12115413695573807, + 1.3825232982635498, + 0.009170970879495144, + -0.20939041674137115, + -0.054949477314949036, + 0.6352237462997437, + -0.12709076702594757, + 0.03931546211242676, + -0.17102666199207306, + 2.007673740386963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/143.png", + [ + 0.18507474660873413, + 0.028127368539571762, + -0.10910581052303314, + 1.296744704246521, + -0.006271936930716038, + -0.20691747963428497, + -0.06398212909698486, + 0.7466800212860107, + -0.11249838024377823, + 0.05780918151140213, + -0.17592641711235046, + 2.144822597503662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/86.png", + [ + 0.18490324914455414, + 0.045153748244047165, + -0.10353657603263855, + 1.2029619216918945, + 0.012152209877967834, + -0.2054084688425064, + -0.06787917762994766, + 0.7846412658691406, + -0.11229874193668365, + 0.05211908370256424, + -0.17782151699066162, + 2.1180877685546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/1.png", + [ + 0.1823914796113968, + 0.023894265294075012, + -0.11450023204088211, + 1.3421180248260498, + 0.0011775036109611392, + -0.21246975660324097, + -0.04246315732598305, + 0.4831492006778717, + -0.11696089804172516, + 0.03512222319841385, + -0.178981751203537, + 2.152590751647949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/81.png", + [ + 0.17705273628234863, + 0.045735664665699005, + -0.11622592806816101, + 1.3340446949005127, + 0.013117687776684761, + -0.20731958746910095, + -0.06159878894686699, + 0.6961885690689087, + -0.12421007454395294, + 0.04329819604754448, + -0.1721772998571396, + 2.0317554473876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/95.png", + [ + 0.184234157204628, + 0.0470983050763607, + -0.10386247932910919, + 1.1856846809387207, + 0.013600816950201988, + -0.2049991339445114, + -0.06883503496646881, + 0.7700164318084717, + -0.11322843283414841, + 0.05200955271720886, + -0.17726314067840576, + 2.0560526847839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/103.png", + [ + 0.1826075166463852, + 0.03144489973783493, + -0.11231032013893127, + 1.2875052690505981, + -0.003221178660169244, + -0.2072114497423172, + -0.06325292587280273, + 0.7166077494621277, + -0.11658477783203125, + 0.05497750639915466, + -0.17416472733020782, + 2.050849437713623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/150.png", + [ + 0.1829100251197815, + 0.008025980554521084, + -0.11587665975093842, + 1.3729525804519653, + -0.026976825669407845, + -0.20731087028980255, + -0.05694161728024483, + 0.6610848903656006, + -0.11297817528247833, + 0.06249544769525528, + -0.1740061640739441, + 2.1102261543273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/83.png", + [ + 0.18152372539043427, + 0.04735517129302025, + -0.10841827094554901, + 1.2520312070846558, + 0.014006425626575947, + -0.20576581358909607, + -0.06642401218414307, + 0.7620047330856323, + -0.11747702956199646, + 0.04863967001438141, + -0.1754457950592041, + 2.0822572708129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/142.png", + [ + 0.18592727184295654, + 0.02533850632607937, + -0.10833700746297836, + 1.2877004146575928, + -0.007741759996861219, + -0.2075231522321701, + -0.06182311847805977, + 0.722493588924408, + -0.11099104583263397, + 0.05692093446850777, + -0.1771690994501114, + 2.1628212928771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/51.png", + [ + 0.18285317718982697, + 0.0398017056286335, + -0.10921739041805267, + 1.2706655263900757, + 0.019429225474596024, + -0.2111784666776657, + -0.04443035274744034, + 0.49970659613609314, + -0.11460855603218079, + 0.027701538056135178, + -0.18178394436836243, + 2.164224147796631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/128.png", + [ + 0.18130391836166382, + 0.022303061559796333, + -0.11653048545122147, + 1.382425308227539, + -0.012510811910033226, + -0.20803168416023254, + -0.0592806451022625, + 0.6946874856948853, + -0.11798416078090668, + 0.056331947445869446, + -0.17278410494327545, + 2.0998125076293945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/168.png", + [ + 0.18137340247631073, + 0.01847740076482296, + -0.11709039658308029, + 1.4053053855895996, + -0.020298834890127182, + -0.20602351427078247, + -0.06395440548658371, + 0.757460355758667, + -0.11678840965032578, + 0.0645042285323143, + -0.17072655260562897, + 2.097982406616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/93.png", + [ + 0.1854972243309021, + 0.04571768641471863, + -0.10221823304891586, + 1.1731137037277222, + 0.01359846256673336, + -0.2055262327194214, + -0.06724540144205093, + 0.756178617477417, + -0.11114746332168579, + 0.051154233515262604, + -0.17882220447063446, + 2.085015296936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/76.png", + [ + 0.17577345669269562, + 0.015364744700491428, + 0.12575975060462952, + -1.4492416381835938, + 0.033564355224370956, + -0.21303792297840118, + -0.02088465541601181, + 0.22467884421348572, + 0.12216801196336746, + 0.03642333298921585, + -0.1752033531665802, + 2.0647950172424316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/48.png", + [ + 0.18921685218811035, + 0.028932716697454453, + 0.10152722895145416, + -1.14934241771698, + 0.04542827606201172, + -0.21041378378868103, + -0.024702265858650208, + 0.27666038274765015, + 0.09529507160186768, + 0.04285823553800583, + -0.1898154765367508, + 2.1978344917297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/35.png", + [ + 0.18549638986587524, + 0.02817424014210701, + 0.10837524384260178, + -1.2358660697937012, + 0.043239813297986984, + -0.2114611715078354, + -0.019036374986171722, + 0.20486705005168915, + 0.1032923012971878, + 0.0379246324300766, + -0.18665561079978943, + 2.181044101715088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/97.png", + [ + 0.17333973944187164, + 0.011295178905129433, + 0.12951309978961945, + -1.4632456302642822, + 0.03191850334405899, + -0.21294595301151276, + -0.024147994816303253, + 0.26314595341682434, + 0.12602552771568298, + 0.03839707374572754, + -0.17202070355415344, + 1.9817265272140503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/13.png", + [ + 0.18180803954601288, + 0.034495409578084946, + 0.11271113157272339, + -1.2805911302566528, + 0.054899297654628754, + -0.2081250697374344, + -0.024858010932803154, + 0.27389422059059143, + 0.10430626571178436, + 0.049415793269872665, + -0.18337440490722656, + 2.1365060806274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/32.png", + [ + 0.17975783348083496, + 0.025555679574608803, + 0.1182451844215393, + -1.3586876392364502, + 0.0431978777050972, + -0.211382195353508, + -0.019985100254416466, + 0.2160528600215912, + 0.1129998043179512, + 0.04015430063009262, + -0.1804620921611786, + 2.118196487426758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/38.png", + [ + 0.18988564610481262, + 0.029669109731912613, + 0.10005537420511246, + -1.129898190498352, + 0.043137189000844955, + -0.2114710509777069, + -0.019159138202667236, + 0.20681141316890717, + 0.09502903372049332, + 0.03671012446284294, + -0.19123217463493347, + 2.21287202835083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/11.png", + [ + 0.1839730143547058, + 0.035499345511198044, + 0.10881920903921127, + -1.238592267036438, + 0.054849423468112946, + -0.20814162492752075, + -0.024829460307955742, + 0.27407369017601013, + 0.10046574473381042, + 0.048628777265548706, + -0.1857142299413681, + 2.1655116081237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/59.png", + [ + 0.1943722814321518, + 0.022104892879724503, + 0.09315947443246841, + -1.0687084197998047, + 0.03321032226085663, + -0.21329796314239502, + -0.018680192530155182, + 0.208368718624115, + 0.08980193734169006, + 0.031036250293254852, + -0.1947312355041504, + 2.2899608612060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/24.png", + [ + 0.18563611805438995, + 0.030144456773996353, + 0.10760315507650375, + -1.2286946773529053, + 0.04757826775312424, + -0.21010705828666687, + -0.023221256211400032, + 0.2600383758544922, + 0.10111100971698761, + 0.043522752821445465, + -0.1866285800933838, + 2.182436943054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/74.png", + [ + 0.17794369161128998, + 0.018152471631765366, + 0.12228827178478241, + -1.4036771059036255, + 0.03513552248477936, + -0.2129138559103012, + -0.019521353766322136, + 0.21397484838962555, + 0.1185302734375, + 0.03586190566420555, + -0.17779871821403503, + 2.0923471450805664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/98.png", + [ + 0.17494690418243408, + 0.009642262943089008, + 0.12746964395046234, + -1.4398785829544067, + 0.030520247295498848, + -0.21295978128910065, + -0.02577875554561615, + 0.28081753849983215, + 0.12413698434829712, + 0.038769274950027466, + -0.17330563068389893, + 1.9934877157211304, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/0.png", + [ + 0.18793857097625732, + 0.04631136357784271, + 0.09737682342529297, + -1.1386266946792603, + 0.056280121207237244, + -0.20903511345386505, + -0.009206554852426052, + 0.10674279928207397, + 0.09197572618722916, + 0.033278688788414, + -0.19334138929843903, + 2.2923574447631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/96.png", + [ + 0.17263400554656982, + 0.011126176454126835, + 0.13046687841415405, + -1.474833369255066, + 0.03166451305150986, + -0.21303069591522217, + -0.02373134158551693, + 0.2603762745857239, + 0.1270541399717331, + 0.03797401860356331, + -0.171356663107872, + 1.9778324365615845, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/100.png", + [ + 0.18778522312641144, + 0.01069636084139347, + 0.10756484419107437, + -1.2008774280548096, + 0.027258655056357384, + -0.2133290022611618, + -0.02637411653995514, + 0.2856545150279999, + 0.10460198670625687, + 0.0363897830247879, + -0.1862313151359558, + 2.1270222663879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/40.png", + [ + 0.1856270283460617, + 0.0269862562417984, + 0.10845387727022171, + -1.2222710847854614, + 0.043860115110874176, + -0.21098515391349792, + -0.022571103647351265, + 0.24270087480545044, + 0.10279490053653717, + 0.04129050672054291, + -0.18621544539928436, + 2.1492323875427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/52.png", + [ + 0.19054801762104034, + 0.027713507413864136, + 0.09935445338487625, + -1.1282024383544922, + 0.04227260872721672, + -0.21135684847831726, + -0.02211800031363964, + 0.24579933285713196, + 0.09408705681562424, + 0.03883478417992592, + -0.19127829372882843, + 2.2180981636047363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/3.png", + [ + 0.19037854671478271, + 0.037496168166399, + 0.096425861120224, + -1.1087825298309326, + 0.04627545550465584, + -0.21147848665714264, + -0.009128454141318798, + 0.10325673222541809, + 0.09253372997045517, + 0.028614388778805733, + -0.19382110238075256, + 2.278534412384033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/47.png", + [ + 0.1895746886730194, + 0.029612261801958084, + 0.10066007822751999, + -1.1366519927978516, + 0.046197596937417984, + -0.21019066870212555, + -0.025170594453811646, + 0.2798832654953003, + 0.09420785307884216, + 0.04348438233137131, + -0.19021537899971008, + 2.198270797729492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/21.png", + [ + 0.18500176072120667, + 0.03019598312675953, + 0.10867588967084885, + -1.2283391952514648, + 0.0482514388859272, + -0.20988619327545166, + -0.023822031915187836, + 0.26439979672431946, + 0.10195119678974152, + 0.04454091563820839, + -0.18592996895313263, + 2.1603808403015137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/82.png", + [ + 0.17623229324817657, + 0.0194746945053339, + 0.12454241514205933, + -1.429800033569336, + 0.03833341225981712, + -0.212214395403862, + -0.02105928584933281, + 0.2291509211063385, + 0.12008589506149292, + 0.039162229746580124, + -0.17604996263980865, + 2.0728578567504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/14.png", + [ + 0.18123546242713928, + 0.033329788595438004, + 0.11397688090801239, + -1.295109510421753, + 0.054365355521440506, + -0.20817899703979492, + -0.025569817051291466, + 0.28224942088127136, + 0.10557468235492706, + 0.04998532310128212, + -0.18249204754829407, + 2.12393856048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/67.png", + [ + 0.1895933598279953, + 0.02515207976102829, + 0.1018313392996788, + -1.1692426204681396, + 0.035564858466386795, + -0.2133072465658188, + -0.013529622927308083, + 0.14626158773899078, + 0.09867821633815765, + 0.028553154319524765, + -0.1907753050327301, + 2.250613212585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/78.png", + [ + 0.1761842519044876, + 0.015732668340206146, + 0.12513786554336548, + -1.4392317533493042, + 0.03514328598976135, + -0.21259166300296783, + -0.022751377895474434, + 0.2473525106906891, + 0.12112784385681152, + 0.03879637271165848, + -0.1754160225391388, + 2.069693088531494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/31.png", + [ + 0.17829081416130066, + 0.02651207335293293, + 0.12023888528347015, + -1.3826261758804321, + 0.0445580892264843, + -0.21114365756511688, + -0.01951482519507408, + 0.2110704481601715, + 0.11478178948163986, + 0.0407843254506588, + -0.1791917234659195, + 2.103666305541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/39.png", + [ + 0.1879943311214447, + 0.02960697002708912, + 0.10358306020498276, + -1.1682175397872925, + 0.0445767343044281, + -0.21103835105895996, + -0.020582202821969986, + 0.2206171751022339, + 0.09807617217302322, + 0.0391680933535099, + -0.1891951858997345, + 2.1848878860473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/92.png", + [ + 0.1683494597673416, + 0.010878387838602066, + 0.13597062230110168, + -1.5409495830535889, + 0.03305315971374512, + -0.21280090510845184, + -0.02389892190694809, + 0.2602425217628479, + 0.13233985006809235, + 0.03931069374084473, + -0.16699917614459991, + 1.932369351387024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/53.png", + [ + 0.19220788776874542, + 0.02787989377975464, + 0.09605591744184494, + -1.0893372297286987, + 0.041271988302469254, + -0.21165312826633453, + -0.021153677254915237, + 0.23482868075370789, + 0.09110790491104126, + 0.0370616689324379, + -0.19306392967700958, + 2.2416110038757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/75.png", + [ + 0.1766381412744522, + 0.016063284128904343, + 0.12445415556430817, + -1.4319859743118286, + 0.03327485918998718, + -0.21319520473480225, + -0.01971002109348774, + 0.2123984694480896, + 0.12099441885948181, + 0.03518056869506836, + -0.17626845836639404, + 2.0769400596618652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/87.png", + [ + 0.17498865723609924, + 0.015274561941623688, + 0.1268603801727295, + -1.4438914060592651, + 0.03584654629230499, + -0.21235057711601257, + -0.023878036066889763, + 0.25789013504981995, + 0.12264539301395416, + 0.04027186334133148, + -0.17402350902557373, + 2.041138172149658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/69.png", + [ + 0.18340125679969788, + 0.022532813251018524, + 0.11315541714429855, + -1.303544521331787, + 0.0353301577270031, + -0.21326220035552979, + -0.014795557595789433, + 0.15394918620586395, + 0.109834685921669, + 0.030974196270108223, + -0.18418696522712708, + 2.1713380813598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/45.png", + [ + 0.1879321038722992, + 0.02853267267346382, + 0.10399667173624039, + -1.1710445880889893, + 0.046245671808719635, + -0.21008771657943726, + -0.025930460542440414, + 0.2889626622200012, + 0.09742052853107452, + 0.04468710348010063, + -0.18830879032611847, + 2.174485683441162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/50.png", + [ + 0.18857644498348236, + 0.027878496795892715, + 0.10300294309854507, + -1.1697837114334106, + 0.044214848428964615, + -0.21076427400112152, + -0.023903073742985725, + 0.26726141571998596, + 0.09711778908967972, + 0.04182222858071327, + -0.18912148475646973, + 2.1912288665771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/101.png", + [ + 0.19280152022838593, + 0.009261426515877247, + 0.09843621402978897, + -1.0895659923553467, + 0.023367416113615036, + -0.21387885510921478, + -0.0256455410271883, + 0.278290718793869, + 0.09606990218162537, + 0.033435847610235214, + -0.19131259620189667, + 2.1894454956054688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/85.png", + [ + 0.1757136434316635, + 0.018067384138703346, + 0.12548378109931946, + -1.4359732866287231, + 0.03803372383117676, + -0.2120969593524933, + -0.022720124572515488, + 0.2438635528087616, + 0.12093818187713623, + 0.04045167192816734, + -0.1751728057861328, + 2.0571184158325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/71.png", + [ + 0.17843814194202423, + 0.01881358213722706, + 0.12146514654159546, + -1.3992186784744263, + 0.03539366275072098, + -0.2129167914390564, + -0.019016578793525696, + 0.2057037651538849, + 0.11770735681056976, + 0.035501983016729355, + -0.17841660976409912, + 2.1035408973693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/54.png", + [ + 0.19247737526893616, + 0.027230314910411835, + 0.09570196270942688, + -1.0854463577270508, + 0.03962920233607292, + -0.21213982999324799, + -0.01934223063290119, + 0.21408464014530182, + 0.09126819670200348, + 0.034685805439949036, + -0.19342933595180511, + 2.250722885131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/33.png", + [ + 0.18025155365467072, + 0.026333529502153397, + 0.11731929332017899, + -1.3462387323379517, + 0.04351477324962616, + -0.2113705426454544, + -0.019412605091929436, + 0.2081250697374344, + 0.11208807677030563, + 0.03971058502793312, + -0.181127667427063, + 2.1251473426818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/49.png", + [ + 0.18866266310214996, + 0.028203541412949562, + 0.10275629162788391, + -1.165725827217102, + 0.04462358355522156, + -0.2106543779373169, + -0.024111462756991386, + 0.2702410817146301, + 0.0967627465724945, + 0.04215669631958008, + -0.18922916054725647, + 2.1938424110412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/18.png", + [ + 0.1843189299106598, + 0.03095090761780739, + 0.1096196323633194, + -1.23330819606781, + 0.0511469691991806, + -0.2088073194026947, + -0.02704423852264881, + 0.30111855268478394, + 0.10177628695964813, + 0.04888194426894188, + -0.18493252992630005, + 2.144611358642578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/66.png", + [ + 0.19345605373382568, + 0.025200333446264267, + 0.09427403658628464, + -1.0776861906051636, + 0.035708941519260406, + -0.21308809518814087, + -0.016316471621394157, + 0.18181796371936798, + 0.09081587195396423, + 0.030104799196124077, + -0.19440697133541107, + 2.28641939163208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/16.png", + [ + 0.18143214285373688, + 0.030550621449947357, + 0.11444183439016342, + -1.294628381729126, + 0.05221857875585556, + -0.2085324376821518, + -0.02711712010204792, + 0.30091917514801025, + 0.10631789267063141, + 0.050286952406167984, + -0.18197698891162872, + 2.112419605255127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/94.png", + [ + 0.17095568776130676, + 0.01114160567522049, + 0.13265712559223175, + -1.5015687942504883, + 0.030435916036367416, + -0.21346688270568848, + -0.021294211968779564, + 0.232624351978302, + 0.1295982450246811, + 0.03543519601225853, + -0.16998982429504395, + 1.9679900407791138, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/28.png", + [ + 0.18291188776493073, + 0.026417262852191925, + 0.11310730129480362, + -1.2975322008132935, + 0.04442248493432999, + -0.21086560189723969, + -0.022588346153497696, + 0.25269994139671326, + 0.10732091963291168, + 0.04225775972008705, + -0.18342410027980804, + 2.15478515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/61.png", + [ + 0.19517599046230316, + 0.020927784964442253, + 0.09174011647701263, + -1.055710792541504, + 0.03010478802025318, + -0.21403242647647858, + -0.015222432091832161, + 0.16535179316997528, + 0.08915112912654877, + 0.026458431035280228, + -0.1957036703824997, + 2.308152675628662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/58.png", + [ + 0.19336920976638794, + 0.023114671930670738, + 0.09498398005962372, + -1.0850650072097778, + 0.03533056750893593, + -0.21282441914081573, + -0.02013474330306053, + 0.22530049085617065, + 0.09114819020032883, + 0.03345697373151779, + -0.19370217621326447, + 2.272826671600342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/64.png", + [ + 0.19443444907665253, + 0.02174568548798561, + 0.09311428666114807, + -1.0691920518875122, + 0.03189132362604141, + -0.21366357803344727, + -0.016694651916623116, + 0.18572640419006348, + 0.0901448130607605, + 0.02868610993027687, + -0.19493310153484344, + 2.303215980529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/10.png", + [ + 0.18150098621845245, + 0.03285310044884682, + 0.11369241029024124, + -1.2991992235183716, + 0.05324886739253998, + -0.20856758952140808, + -0.024738946929574013, + 0.27583834528923035, + 0.10568750649690628, + 0.04866345226764679, + -0.1827837973833084, + 2.136497974395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/41.png", + [ + 0.18410781025886536, + 0.026011772453784943, + 0.11124566197395325, + -1.2530310153961182, + 0.04422081634402275, + -0.210763081908226, + -0.023902738466858864, + 0.2597026824951172, + 0.10534102469682693, + 0.043014056980609894, + -0.1843934804201126, + 2.1243834495544434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/91.png", + [ + 0.1707945168018341, + 0.013036285527050495, + 0.13269208371639252, + -1.5009812116622925, + 0.035192668437957764, + -0.2123969942331314, + -0.02443135902285576, + 0.2648693323135376, + 0.1286025196313858, + 0.040810178965330124, + -0.16954001784324646, + 1.9601701498031616, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/23.png", + [ + 0.18274910748004913, + 0.0285099595785141, + 0.11286206543445587, + -1.2881590127944946, + 0.04737314209342003, + -0.21010752022266388, + -0.023632749915122986, + 0.26416119933128357, + 0.10633178055286407, + 0.04460833594202995, + -0.1834435611963272, + 2.142550468444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/37.png", + [ + 0.18962280452251434, + 0.028832856565713882, + 0.10079559683799744, + -1.1421319246292114, + 0.04194541275501251, + -0.21178416907787323, + -0.01832881011068821, + 0.19740264117717743, + 0.09608156979084015, + 0.035553183406591415, + -0.19092458486557007, + 2.218353748321533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/36.png", + [ + 0.18904463946819305, + 0.028741678223013878, + 0.1019015833735466, + -1.1560643911361694, + 0.041954122483730316, + -0.21180275082588196, + -0.018092313781380653, + 0.1946437805891037, + 0.09721042960882187, + 0.03551613911986351, + -0.1903592050075531, + 2.2137866020202637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/8.png", + [ + 0.17792674899101257, + 0.03158969804644585, + 0.11954938620328903, + -1.381318211555481, + 0.05160346254706383, + -0.20934022963047028, + -0.021486029028892517, + 0.24402278661727905, + 0.11237014085054398, + 0.0461156964302063, + -0.1794274002313614, + 2.1049551963806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/6.png", + [ + 0.18218055367469788, + 0.034134674817323685, + 0.11221837252378464, + -1.296539306640625, + 0.04941447451710701, + -0.21033863723278046, + -0.016240788623690605, + 0.1860794574022293, + 0.10637832432985306, + 0.03924763947725296, + -0.18463793396949768, + 2.169093608856201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/20.png", + [ + 0.1854379028081894, + 0.030600611120462418, + 0.10781598091125488, + -1.2166372537612915, + 0.04889947175979614, + -0.2096460610628128, + -0.024602264165878296, + 0.2726321518421173, + 0.10084406286478043, + 0.045387573540210724, + -0.18632858991622925, + 2.1648197174072266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/2.png", + [ + 0.1887168139219284, + 0.03966442868113518, + 0.09879568964242935, + -1.1417807340621948, + 0.048591531813144684, + -0.21100012958049774, + -0.008106027729809284, + 0.09234955906867981, + 0.09472444653511047, + 0.029216058552265167, + -0.19266965985298157, + 2.2737045288085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/5.png", + [ + 0.18448807299137115, + 0.03515194356441498, + 0.10805732756853104, + -1.2460280656814575, + 0.04708408936858177, + -0.2111736536026001, + -0.01169090997427702, + 0.13340876996517181, + 0.10341726988554001, + 0.03343544900417328, + -0.1874428689479828, + 2.2079896926879883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/60.png", + [ + 0.1946897953748703, + 0.02269027754664421, + 0.09235222637653351, + -1.062164306640625, + 0.0328582227230072, + -0.21350783109664917, + -0.01681181602180004, + 0.18531319499015808, + 0.08924190700054169, + 0.029111018404364586, + -0.19528523087501526, + 2.3003268241882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/56.png", + [ + 0.1936880499124527, + 0.02640647627413273, + 0.09346407651901245, + -1.0616034269332886, + 0.038478247821331024, + -0.2123136669397354, + -0.019754335284233093, + 0.22040048241615295, + 0.08917544782161713, + 0.03425648808479309, + -0.19447912275791168, + 2.2715725898742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/30.png", + [ + 0.18272997438907623, + 0.028419310227036476, + 0.11291585862636566, + -1.292911410331726, + 0.04495321214199066, + -0.21104928851127625, + -0.019628986716270447, + 0.21301986277103424, + 0.1074097529053688, + 0.03998038172721863, + -0.18388204276561737, + 2.151711940765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/17.png", + [ + 0.18315669894218445, + 0.032059479504823685, + 0.11123716086149216, + -1.253745436668396, + 0.05290002003312111, + -0.20836956799030304, + -0.027048269286751747, + 0.3002239465713501, + 0.1029713824391365, + 0.05002209544181824, + -0.18396353721618652, + 2.1310954093933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/12.png", + [ + 0.18306121230125427, + 0.033927589654922485, + 0.11083952337503433, + -1.2607128620147705, + 0.05421101301908493, + -0.20818983018398285, + -0.02580808661878109, + 0.28537505865097046, + 0.10245802998542786, + 0.049535948783159256, + -0.18438121676445007, + 2.150174140930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/27.png", + [ + 0.18513573706150055, + 0.02833401970565319, + 0.10894879698753357, + -1.2476242780685425, + 0.04541601613163948, + -0.21067555248737335, + -0.022385217249393463, + 0.25161999464035034, + 0.1030050590634346, + 0.04196302965283394, + -0.18594880402088165, + 2.1821675300598145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/42.png", + [ + 0.18516495823860168, + 0.026625607162714005, + 0.10932939499616623, + -1.2304385900497437, + 0.044721223413944244, + -0.21059410274028778, + -0.02445460669696331, + 0.267557829618454, + 0.10325624793767929, + 0.04346369579434395, + -0.18546414375305176, + 2.1378173828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/7.png", + [ + 0.17673923075199127, + 0.02949419990181923, + 0.12182456254959106, + -1.411799669265747, + 0.048702172935009, + -0.2102031111717224, + -0.019764592871069908, + 0.22713443636894226, + 0.11549557745456696, + 0.04350440204143524, + -0.1780899316072464, + 2.0950889587402344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/73.png", + [ + 0.17917756736278534, + 0.01886487379670143, + 0.12036366760730743, + -1.3814852237701416, + 0.03615860641002655, + -0.2126506268978119, + -0.020497750490903854, + 0.2286730408668518, + 0.1163436770439148, + 0.03703673183917999, + -0.17899811267852783, + 2.108898162841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/46.png", + [ + 0.18867728114128113, + 0.029456406831741333, + 0.10237721353769302, + -1.1537834405899048, + 0.046496689319610596, + -0.21011686325073242, + -0.02523590251803398, + 0.2815626263618469, + 0.0958479568362236, + 0.043944429606199265, + -0.18928799033164978, + 2.186051845550537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/57.png", + [ + 0.19392085075378418, + 0.024552760645747185, + 0.09348665922880173, + -1.065049171447754, + 0.03694889321923256, + -0.2124815732240677, + -0.020838813856244087, + 0.2327105700969696, + 0.08931614458560944, + 0.034592460840940475, + -0.1943550407886505, + 2.274552822113037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/44.png", + [ + 0.186122328042984, + 0.027471663430333138, + 0.10747874528169632, + -1.2104291915893555, + 0.04615475982427597, + -0.2100701779127121, + -0.02623266912996769, + 0.2920151650905609, + 0.10087670385837555, + 0.045428209006786346, + -0.18630099296569824, + 2.1511526107788086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/29.png", + [ + 0.1838681399822235, + 0.02881251648068428, + 0.1109515130519867, + -1.2699737548828125, + 0.04504181072115898, + -0.21101003885269165, + -0.0198467206209898, + 0.2175266444683075, + 0.10541172325611115, + 0.0399060882627964, + -0.18505071103572845, + 2.1687393188476562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/4.png", + [ + 0.18796834349632263, + 0.03682265430688858, + 0.10129109770059586, + -1.1650030612945557, + 0.04644389450550079, + -0.2114330232143402, + -0.009324190206825733, + 0.10562510788440704, + 0.09725616127252579, + 0.029800474643707275, + -0.19131404161453247, + 2.2515621185302734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/55.png", + [ + 0.19365426898002625, + 0.02661832980811596, + 0.09347394853830338, + -1.0605442523956299, + 0.03821897879242897, + -0.21245776116847992, + -0.018678991124033928, + 0.20782947540283203, + 0.08936009556055069, + 0.03318222239613533, + -0.19458059966564178, + 2.2675046920776367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/9.png", + [ + 0.17973078787326813, + 0.03264707326889038, + 0.11652857810258865, + -1.3393821716308594, + 0.052533723413944244, + -0.20900514721870422, + -0.022471051663160324, + 0.2524578869342804, + 0.10901812463998795, + 0.046892520040273666, + -0.18128439784049988, + 2.122756004333496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/25.png", + [ + 0.18501202762126923, + 0.028831522911787033, + 0.10902836173772812, + -1.2469651699066162, + 0.046137403696775436, + -0.21049273014068604, + -0.022628508508205414, + 0.25441086292266846, + 0.10290665924549103, + 0.04253765940666199, + -0.18587270379066467, + 2.180121898651123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/99.png", + [ + 0.1773800253868103, + 0.009514069184660912, + 0.12407137453556061, + -1.4020494222640991, + 0.030150361359119415, + -0.2128889262676239, + -0.02677999623119831, + 0.2914015054702759, + 0.12072772532701492, + 0.039187945425510406, + -0.1756047159433365, + 2.021042823791504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/34.png", + [ + 0.18278872966766357, + 0.026718972250819206, + 0.11323549598455429, + -1.2947760820388794, + 0.043019019067287445, + -0.21145963668823242, + -0.019546935334801674, + 0.20971834659576416, + 0.10809971392154694, + 0.038971979171037674, + -0.18369413912296295, + 2.151360511779785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/72.png", + [ + 0.1780482530593872, + 0.019179433584213257, + 0.12197894603013992, + -1.4023628234863281, + 0.03693950176239014, + -0.21251575648784637, + -0.02050420269370079, + 0.22602728009223938, + 0.11782271414995193, + 0.037644363939762115, + -0.1779005527496338, + 2.0970325469970703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/102.png", + [ + 0.19964510202407837, + 0.005666990298777819, + 0.0840095728635788, + -0.9104043841362, + 0.016614900901913643, + -0.21458417177200317, + -0.02500949427485466, + 0.27172571420669556, + 0.08254494518041611, + 0.02948584221303463, + -0.19815349578857422, + 2.274750232696533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/70.png", + [ + 0.18007934093475342, + 0.019897574558854103, + 0.11884195357561111, + -1.3722666501998901, + 0.0344688817858696, + -0.21327641606330872, + -0.0165215153247118, + 0.1748257726430893, + 0.11546092480421066, + 0.03263664245605469, + -0.1804203987121582, + 2.129770278930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/90.png", + [ + 0.17269018292427063, + 0.012617206200957298, + 0.13025665283203125, + -1.4732228517532349, + 0.03494584932923317, + -0.2122797667980194, + -0.025767803192138672, + 0.27907896041870117, + 0.126114159822464, + 0.041545137763023376, + -0.17122240364551544, + 1.9831777811050415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/15.png", + [ + 0.18109175562858582, + 0.03292196989059448, + 0.11432326585054398, + -1.295964002609253, + 0.05403648316860199, + -0.20825806260108948, + -0.02562292478978634, + 0.28285151720046997, + 0.10598927736282349, + 0.049926143139600754, + -0.18226781487464905, + 2.1176300048828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/22.png", + [ + 0.18331696093082428, + 0.02881137654185295, + 0.11186013370752335, + -1.2724483013153076, + 0.04768836125731468, + -0.20998694002628326, + -0.024066423997282982, + 0.2674499750137329, + 0.1052074208855629, + 0.04498085752129555, + -0.18400003015995026, + 2.1427040100097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/26.png", + [ + 0.18521159887313843, + 0.028972724452614784, + 0.10865142941474915, + -1.2415852546691895, + 0.04568646848201752, + -0.21068903803825378, + -0.021697167307138443, + 0.2433595359325409, + 0.10274872183799744, + 0.04145601764321327, + -0.18620416522026062, + 2.1859006881713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/43.png", + [ + 0.18625031411647797, + 0.02748101018369198, + 0.10725443810224533, + -1.2065770626068115, + 0.04601461812853813, + -0.21012145280838013, + -0.02606780081987381, + 0.28792643547058105, + 0.10070439428091049, + 0.04518483579158783, + -0.18645335733890533, + 2.1489768028259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/84.png", + [ + 0.17399320006370544, + 0.01743733137845993, + 0.12794610857963562, + -1.4684525728225708, + 0.03773282840847969, + -0.21218529343605042, + -0.022394666448235512, + 0.2413683831691742, + 0.12349289655685425, + 0.040264468640089035, + -0.1734248250722885, + 2.0407052040100098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/89.png", + [ + 0.1750355064868927, + 0.013653966598212719, + 0.12698043882846832, + -1.4357064962387085, + 0.035796746611595154, + -0.21204230189323425, + -0.026543326675891876, + 0.28798341751098633, + 0.12259303033351898, + 0.042420800775289536, + -0.17354917526245117, + 2.017807960510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/63.png", + [ + 0.19481529295444489, + 0.020284848287701607, + 0.0926467701792717, + -1.065123438835144, + 0.029858451336622238, + -0.2140156328678131, + -0.015927251428365707, + 0.17601840198040009, + 0.09001873433589935, + 0.027087442576885223, + -0.19521984457969666, + 2.3074684143066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/88.png", + [ + 0.17371656000614166, + 0.01526412833482027, + 0.12859803438186646, + -1.4617925882339478, + 0.03677606210112572, + -0.21212053298950195, + -0.024500973522663116, + 0.26519882678985596, + 0.12416911870241165, + 0.04147026687860489, + -0.1726561337709427, + 2.021489143371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/62.png", + [ + 0.1952313780784607, + 0.020112251862883568, + 0.09180471301078796, + -1.056153655052185, + 0.02904980629682541, + -0.2142043113708496, + -0.01485002227127552, + 0.1620965600013733, + 0.08937962353229523, + 0.025688745081424713, + -0.1957019865512848, + 2.3101654052734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/65.png", + [ + 0.19399063289165497, + 0.023206381127238274, + 0.09368562698364258, + -1.0732808113098145, + 0.03422397002577782, + -0.21319133043289185, + -0.01805751770734787, + 0.20196115970611572, + 0.09024551510810852, + 0.030964788049459457, + -0.1945374608039856, + 2.2930173873901367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/80.png", + [ + 0.17861081659793854, + 0.019395314157009125, + 0.12111932784318924, + -1.3887869119644165, + 0.03735627233982086, + -0.21238675713539124, + -0.021077774465084076, + 0.22973600029945374, + 0.11683569848537445, + 0.03825683519244194, + -0.1784200817346573, + 2.1050667762756348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/79.png", + [ + 0.17777958512306213, + 0.01742491126060486, + 0.12263232469558716, + -1.406742811203003, + 0.036025431007146835, + -0.21252010762691498, + -0.02202879823744297, + 0.24122419953346252, + 0.11850941181182861, + 0.038463909178972244, + -0.17726798355579376, + 2.0915918350219727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/19.png", + [ + 0.18542374670505524, + 0.02994384802877903, + 0.10802450776100159, + -1.2171344757080078, + 0.0491173192858696, + -0.2093929946422577, + -0.02626705728471279, + 0.2914876639842987, + 0.10076417028903961, + 0.046966325491666794, + -0.18598021566867828, + 2.1577200889587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/77.png", + [ + 0.17411206662654877, + 0.014315993525087833, + 0.12817153334617615, + -1.477710247039795, + 0.0333796963095665, + -0.2130003720521927, + -0.021553119644522667, + 0.2322269082069397, + 0.12457401305437088, + 0.03706471994519234, + -0.17336498200893402, + 2.048144817352295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/68.png", + [ + 0.18692289292812347, + 0.023442037403583527, + 0.10704294592142105, + -1.2319931983947754, + 0.03434329107403755, + -0.2135273516178131, + -0.013209947384893894, + 0.1384267807006836, + 0.10405891388654709, + 0.028362568467855453, + -0.1879233866930008, + 2.216808795928955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/86.png", + [ + 0.1758405715227127, + 0.015545062720775604, + 0.12564370036125183, + -1.4335178136825562, + 0.036088164895772934, + -0.21226820349693298, + -0.024243485182523727, + 0.2612364590167999, + 0.12134922295808792, + 0.04060114920139313, + -0.17485366761684418, + 2.0512523651123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/1.png", + [ + 0.18761149048805237, + 0.04264979436993599, + 0.09965349733829498, + -1.1591823101043701, + 0.05193129926919937, + -0.21021464467048645, + -0.007799992337822914, + 0.0887255072593689, + 0.09514706581830978, + 0.03063812293112278, + -0.19224004447460175, + 2.273970603942871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/81.png", + [ + 0.1790998876094818, + 0.02076861448585987, + 0.12016567587852478, + -1.3763697147369385, + 0.03797429800033569, + -0.2123916894197464, + -0.019890135154128075, + 0.21620216965675354, + 0.11588389426469803, + 0.03750106319785118, + -0.17919957637786865, + 2.1103711128234863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/95.png", + [ + 0.17099642753601074, + 0.011089573614299297, + 0.13260896503925323, + -1.5005799531936646, + 0.02980111725628376, + -0.21362808346748352, + -0.02056300826370716, + 0.22491472959518433, + 0.1296919882297516, + 0.03446687012910843, + -0.1701173484325409, + 1.9693554639816284, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/83.png", + [ + 0.1737813651561737, + 0.017679352313280106, + 0.12820051610469818, + -1.4749938249588013, + 0.037925783544778824, + -0.21217657625675201, + -0.022150062024593353, + 0.24051997065544128, + 0.12373185157775879, + 0.04020485654473305, + -0.17326827347278595, + 2.0413856506347656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/51.png", + [ + 0.18947356939315796, + 0.02828945219516754, + 0.10122930258512497, + -1.1489877700805664, + 0.044114407151937485, + -0.21081314980983734, + -0.02365645207464695, + 0.26477402448654175, + 0.09540221840143204, + 0.04129667952656746, + -0.1901075839996338, + 2.2019577026367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/93.png", + [ + 0.16888181865215302, + 0.011511269025504589, + 0.13525648415088654, + -1.5314743518829346, + 0.03167246654629707, + -0.21327681839466095, + -0.021395033225417137, + 0.23313531279563904, + 0.13199880719184875, + 0.03644699603319168, + -0.16791613399982452, + 1.9445523023605347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/76.png", + [ + 0.19248300790786743, + 0.01776716113090515, + -0.09789030998945236, + 1.1320595741271973, + 0.011485783383250237, + -0.21573448181152344, + -0.01657131500542164, + 0.17776215076446533, + -0.0988244116306305, + 0.009532030671834946, + -0.1925896406173706, + 2.2965335845947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/48.png", + [ + 0.18338926136493683, + -0.001544385333545506, + -0.11538583785295486, + 1.3057810068130493, + -0.01129847764968872, + -0.21585455536842346, + -0.01506819948554039, + 0.1537581980228424, + -0.11484171450138092, + 0.018770217895507812, + -0.18277569115161896, + 2.1261343955993652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/137.png", + [ + 0.18603980541229248, + 0.0064009143970906734, + -0.11088784784078598, + 1.271078109741211, + -0.002831940772011876, + -0.21597087383270264, + -0.017217976972460747, + 0.18151915073394775, + -0.11103633046150208, + 0.016232898458838463, + -0.1853518784046173, + 2.186549186706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/173.png", + [ + 0.18796443939208984, + 0.01289493590593338, + -0.10700928419828415, + 1.2252994775772095, + 0.002486088080331683, + -0.2155798375606537, + -0.021611135452985764, + 0.2301182746887207, + -0.10775474458932877, + 0.01751977577805519, + -0.18716266751289368, + 2.197951316833496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/35.png", + [ + 0.18159286677837372, + 0.007174047641456127, + -0.11798498034477234, + 1.3704885244369507, + 0.0027954047545790672, + -0.21647533774375916, + -0.008860268630087376, + 0.08102703094482422, + -0.11816982179880142, + 0.005903532728552818, + -0.18151842057704926, + 2.172928810119629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/124.png", + [ + 0.18668301403522491, + 0.008250965736806393, + -0.10967802256345749, + 1.2668691873550415, + -0.001791807939298451, + -0.21580727398395538, + -0.019284799695014954, + 0.20760372281074524, + -0.10997334122657776, + 0.017522431910037994, + -0.18586748838424683, + 2.204000473022461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/97.png", + [ + 0.1859745979309082, + 0.009187673218548298, + -0.1108013316988945, + 1.288820505142212, + 0.004991851281374693, + -0.21640580892562866, + -0.009565846994519234, + 0.09334239363670349, + -0.11106950044631958, + 0.00565779535099864, + -0.18595552444458008, + 2.2205491065979004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/155.png", + [ + 0.18771500885486603, + 0.01572752185165882, + -0.10706827044487, + 1.2333424091339111, + 0.0038657570257782936, + -0.215211883187294, + -0.024835458025336266, + 0.26825493574142456, + -0.10814815759658813, + 0.019605841487646103, + -0.1867283582687378, + 2.206681251525879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/13.png", + [ + 0.1811419129371643, + -0.009672977030277252, + -0.11849869787693024, + 1.3529516458511353, + -0.014351950027048588, + -0.21615613996982574, + -0.004294275771826506, + 0.028714142739772797, + -0.11802341789007187, + 0.011439090594649315, + -0.18134914338588715, + 2.1197128295898438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/32.png", + [ + 0.18123307824134827, + 0.008227883838117123, + -0.11846842616796494, + 1.371899962425232, + 0.003513593226671219, + -0.21643081307411194, + -0.009656482376158237, + 0.08771668374538422, + -0.11870183050632477, + 0.006155884359031916, + -0.18116258084774017, + 2.1681113243103027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/158.png", + [ + 0.19008281826972961, + 0.024604884907603264, + -0.10104957222938538, + 1.1663422584533691, + 0.012726434506475925, + -0.2144443839788437, + -0.028276249766349792, + 0.3120349645614624, + -0.10322041809558868, + 0.018870826810598373, + -0.18957144021987915, + 2.253662109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/38.png", + [ + 0.1838124692440033, + 0.004592713434249163, + -0.1146288812160492, + 1.3282995223999023, + 7.235457451315597e-05, + -0.21650555729866028, + -0.00855847354978323, + 0.08170445263385773, + -0.11472082138061523, + 0.007222166750580072, + -0.1836705356836319, + 2.1870713233947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/148.png", + [ + 0.1830555945634842, + 0.009695974178612232, + -0.11551851779222488, + 1.3410170078277588, + -0.0034965318627655506, + -0.21535535156726837, + -0.023616474121809006, + 0.2546809911727905, + -0.11587196588516235, + 0.02181631699204445, + -0.18178457021713257, + 2.15969181060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/111.png", + [ + 0.1848146915435791, + 0.00859018974006176, + -0.11277249455451965, + 1.32306969165802, + 0.0023839257191866636, + -0.21629662811756134, + -0.01256906520575285, + 0.12875431776046753, + -0.11307406425476074, + 0.009480142034590244, + -0.1845867782831192, + 2.220062732696533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/164.png", + [ + 0.1899879276752472, + 0.019132178276777267, + -0.10240329802036285, + 1.210997223854065, + 0.009931160137057304, + -0.21534545719623566, + -0.021808156743645668, + 0.2391866147518158, + -0.10370075702667236, + 0.014428561553359032, + -0.18969941139221191, + 2.301239013671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/11.png", + [ + 0.18315505981445312, + -0.008203172124922276, + -0.11547648906707764, + 1.3060606718063354, + -0.013383999466896057, + -0.21618115901947021, + -0.005871118046343327, + 0.048784371465444565, + -0.11499122530221939, + 0.012095843441784382, + -0.18324466049671173, + 2.1232118606567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/125.png", + [ + 0.18699327111244202, + 0.007501359097659588, + -0.1092022955417633, + 1.2598141431808472, + -0.0028217327781021595, + -0.21576304733753204, + -0.0196530744433403, + 0.21144632995128632, + -0.10942326486110687, + 0.01838301122188568, + -0.18610885739326477, + 2.206206798553467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/59.png", + [ + 0.18364578485488892, + 0.0028212349861860275, + -0.11495288461446762, + 1.3155219554901123, + -0.0069465781562030315, + -0.21594159305095673, + -0.01639742963016033, + 0.17227713763713837, + -0.11477746814489365, + 0.017583265900611877, + -0.1829340159893036, + 2.1533408164978027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/105.png", + [ + 0.18597406148910522, + 0.007678433787077665, + -0.11091700941324234, + 1.2955812215805054, + 0.001244767103344202, + -0.2162875533103943, + -0.012885808013379574, + 0.1340077519416809, + -0.11117549240589142, + 0.010422819294035435, + -0.18568594753742218, + 2.2262606620788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/121.png", + [ + 0.18802817165851593, + 0.009262158535420895, + -0.10727310180664062, + 1.2425304651260376, + -0.00042958385893143713, + -0.21580521762371063, + -0.01938599906861782, + 0.20869576930999756, + -0.107671357691288, + 0.01703566499054432, + -0.18725533783435822, + 2.22537899017334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/175.png", + [ + 0.18545638024806976, + 0.012994361110031605, + -0.11128777265548706, + 1.2633827924728394, + 0.001407475327141583, + -0.2154657244682312, + -0.02281305566430092, + 0.24141329526901245, + -0.11203501373529434, + 0.018803272396326065, + -0.18450607359409332, + 2.147677421569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/24.png", + [ + 0.17801301181316376, + 0.01131325401365757, + -0.12300920486450195, + 1.4324249029159546, + 0.0037336295936256647, + -0.2161582112312317, + -0.014477112330496311, + 0.14590515196323395, + -0.12347191572189331, + 0.009774304926395416, + -0.17778369784355164, + 2.12532901763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/74.png", + [ + 0.18770509958267212, + 0.013362911529839039, + -0.10740634053945541, + 1.2641311883926392, + 0.0057973479852080345, + -0.21594953536987305, + -0.016735723242163658, + 0.1811821460723877, + -0.10807903856039047, + 0.011624381877481937, + -0.18743449449539185, + 2.2684478759765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/129.png", + [ + 0.18541774153709412, + 0.007266834378242493, + -0.11187200248241425, + 1.2888619899749756, + -0.0027004159055650234, + -0.21586672961711884, + -0.018497681245207787, + 0.19652408361434937, + -0.11207523196935654, + 0.017223520204424858, + -0.18463581800460815, + 2.1852192878723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/172.png", + [ + 0.18818436563014984, + 0.012275062501430511, + -0.10669519752264023, + 1.2267813682556152, + 0.002143708523362875, + -0.21564120054244995, + -0.02102808840572834, + 0.22514557838439941, + -0.10737760365009308, + 0.017207523807883263, + -0.18740825355052948, + 2.212282657623291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/153.png", + [ + 0.18541620671749115, + 0.013447212986648083, + -0.11130091547966003, + 1.287017583847046, + 0.00018976107821799815, + -0.21514767408370972, + -0.025677697733044624, + 0.2775416374206543, + -0.11211015284061432, + 0.02187584899365902, + -0.1841212958097458, + 2.1828622817993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/144.png", + [ + 0.18617293238639832, + 0.005614164285361767, + -0.1107068806886673, + 1.26969313621521, + -0.002726913196966052, + -0.2160991132259369, + -0.015544591471552849, + 0.1663871854543686, + -0.1108156144618988, + 0.014749628491699696, + -0.18560777604579926, + 2.1863741874694824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/98.png", + [ + 0.18649108707904816, + 0.009959942661225796, + -0.10986252129077911, + 1.277928113937378, + 0.005433013662695885, + -0.21635708212852478, + -0.010392040014266968, + 0.1019025444984436, + -0.11017920076847076, + 0.006189641077071428, + -0.1864674985408783, + 2.2263593673706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/0.png", + [ + 0.1880437582731247, + 0.002289361087605357, + -0.10762058943510056, + 1.174111247062683, + -0.002738953335210681, + -0.21645371615886688, + -0.00939024705439806, + 0.09018377959728241, + -0.10761008411645889, + 0.009509860537946224, + -0.1878231167793274, + 2.1262593269348145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/163.png", + [ + 0.1898144632577896, + 0.0212237685918808, + -0.10231281816959381, + 1.2061679363250732, + 0.011221461929380894, + -0.215071439743042, + -0.023795951157808304, + 0.26126933097839355, + -0.1038866713643074, + 0.015547349117696285, + -0.18950918316841125, + 2.294107437133789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/96.png", + [ + 0.1860998421907425, + 0.00991892721503973, + -0.11052762717008591, + 1.2854636907577515, + 0.005011934787034988, + -0.2163384109735489, + -0.010975758545100689, + 0.1086772084236145, + -0.11085856705904007, + 0.006870347075164318, + -0.1860405057668686, + 2.2218527793884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/100.png", + [ + 0.18780779838562012, + 0.010427105240523815, + -0.10755186527967453, + 1.2503435611724854, + 0.0058102174662053585, + -0.21632595360279083, + -0.010826864279806614, + 0.10705214738845825, + -0.10789982229471207, + 0.006500391289591789, + -0.18778516352176666, + 2.241715431213379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/40.png", + [ + 0.18539610505104065, + 0.0027122399769723415, + -0.11211075633764267, + 1.2950879335403442, + -0.002149770502001047, + -0.21648548543453217, + -0.008792374283075333, + 0.08642756938934326, + -0.11212295293807983, + 0.008635456673800945, + -0.18520736694335938, + 2.1932711601257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/141.png", + [ + 0.18371999263763428, + 0.006123756989836693, + -0.11470553278923035, + 1.3275104761123657, + -0.00545115303248167, + -0.21565796434879303, + -0.020244210958480835, + 0.21738608181476593, + -0.11473945528268814, + 0.020051004365086555, + -0.1827038824558258, + 2.171332359313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/52.png", + [ + 0.18337196111679077, + -0.0016043992945924401, + -0.11541248857975006, + 1.3060051202774048, + -0.010998768731951714, + -0.21591068804264069, + -0.014473815448582172, + 0.14308522641658783, + -0.11489839851856232, + 0.018107738345861435, + -0.18280689418315887, + 2.117236614227295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/184.png", + [ + 0.18861854076385498, + 0.01048571802675724, + -0.10611781477928162, + 1.1726469993591309, + -0.0035561206750571728, + -0.21488606929779053, + -0.027554135769605637, + 0.2953653037548065, + -0.10657531768083572, + 0.025727925822138786, + -0.18688946962356567, + 2.1305794715881348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/3.png", + [ + 0.18522198498249054, + 0.0035111247561872005, + -0.11237606406211853, + 1.2344328165054321, + -0.003018782241269946, + -0.21633556485176086, + -0.011734938248991966, + 0.11689336597919464, + -0.11239035427570343, + 0.011597147211432457, + -0.1848832219839096, + 2.1005020141601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/47.png", + [ + 0.1827831268310547, + 3.8621481508016586e-05, + -0.11635385453701019, + 1.3239939212799072, + -0.009722593240439892, + -0.21591177582740784, + -0.015345129184424877, + 0.15800733864307404, + -0.1159469410777092, + 0.018165908753871918, + -0.1821378618478775, + 2.1295571327209473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/104.png", + [ + 0.18618234992027283, + 0.007466713432222605, + -0.11058150231838226, + 1.2911001443862915, + 0.0016973790479823947, + -0.21634912490844727, + -0.01175056304782629, + 0.12118439376354218, + -0.11082031577825546, + 0.009230655618011951, + -0.18596114218235016, + 2.228217124938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/21.png", + [ + 0.17550303041934967, + 0.005434531252831221, + -0.12695293128490448, + 1.4737911224365234, + 0.0004877702158410102, + -0.21650360524654388, + -0.008593663573265076, + 0.08073656260967255, + -0.12706826627254486, + 0.0066749402321875095, + -0.17537672817707062, + 2.0923824310302734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/82.png", + [ + 0.1861390918493271, + 0.019148359075188637, + -0.10924042761325836, + 1.241726040840149, + 0.011247945949435234, + -0.21557965874671936, + -0.01862235739827156, + 0.19425396621227264, + -0.11033409833908081, + 0.010327091440558434, + -0.18619245290756226, + 2.1727681159973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/106.png", + [ + 0.18675640225410461, + 0.007342210505157709, + -0.10961765795946121, + 1.281347632408142, + 0.0009993936400860548, + -0.2162947952747345, + -0.01278479304164648, + 0.1340157389640808, + -0.10985872894525528, + 0.010513879358768463, + -0.1864628940820694, + 2.2365474700927734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/14.png", + [ + 0.18062810599803925, + -0.008632793091237545, + -0.11936018615961075, + 1.3676007986068726, + -0.012082090601325035, + -0.2163214236497879, + -0.0026382929645478725, + 0.007648635655641556, + -0.11906048655509949, + 0.008855077438056469, + -0.18081504106521606, + 2.1207237243652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/67.png", + [ + 0.18156595528125763, + 0.010357953608036041, + -0.11778968572616577, + 1.37455415725708, + 0.006060692947357893, + -0.21637322008609772, + -0.009684788063168526, + 0.09539687633514404, + -0.11808881908655167, + 0.0048207794316112995, + -0.1816031038761139, + 2.180542469024658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/78.png", + [ + 0.19208212196826935, + 0.018191006034612656, + -0.09859734773635864, + 1.1165016889572144, + 0.01638924889266491, + -0.2159091979265213, + -0.007906126789748669, + 0.07420705258846283, + -0.0989127978682518, + -0.00044911130680702627, + -0.192779541015625, + 2.253549575805664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/31.png", + [ + 0.1802326738834381, + 0.008983572013676167, + -0.1199306920170784, + 1.3904204368591309, + 0.003302286146208644, + -0.2163574993610382, + -0.011243854649364948, + 0.1074981540441513, + -0.1202213391661644, + 0.007524945307523012, + -0.1801057904958725, + 2.155163288116455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/152.png", + [ + 0.18557202816009521, + 0.011619688011705875, + -0.11124701052904129, + 1.2881391048431396, + -0.0010582520626485348, + -0.2153102606534958, + -0.024254314601421356, + 0.26036664843559265, + -0.11184719204902649, + 0.02131606452167034, + -0.1843467503786087, + 2.1872568130493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/39.png", + [ + 0.18367019295692444, + 0.00329130282625556, + -0.11490131169557571, + 1.330481767654419, + -0.0012437603436410427, + -0.21651621162891388, + -0.008190177381038666, + 0.07838544249534607, + -0.11494171619415283, + 0.007602188736200333, + -0.18351703882217407, + 2.181422233581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/92.png", + [ + 0.1884613186120987, + 0.010052294470369816, + -0.10643859207630157, + 1.2302242517471313, + 0.004373425152152777, + -0.21625903248786926, + -0.012680345214903355, + 0.13030070066452026, + -0.10682272166013718, + 0.00888084340840578, + -0.18830275535583496, + 2.2349915504455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/53.png", + [ + 0.18528077006340027, + -0.0021638290490955114, + -0.1123131737112999, + 1.2701858282089233, + -0.011049365624785423, + -0.21593496203422546, + -0.014067702926695347, + 0.13949905335903168, + -0.1117892861366272, + 0.017756875604391098, + -0.18475860357284546, + 2.139331817626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/75.png", + [ + 0.18966470658779144, + 0.016552334651350975, + -0.10344671458005905, + 1.2093342542648315, + 0.008964648470282555, + -0.21573257446289062, + -0.018082741647958755, + 0.1965370774269104, + -0.104378342628479, + 0.01154862530529499, + -0.18952488899230957, + 2.279448986053467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/151.png", + [ + 0.1848728507757187, + 0.011730839498341084, + -0.11239354312419891, + 1.3032376766204834, + -0.001293789129704237, + -0.21527016162872314, + -0.02459648810327053, + 0.26433926820755005, + -0.1129966676235199, + 0.02165752649307251, + -0.18360446393489838, + 2.1808700561523438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/87.png", + [ + 0.18665485084056854, + 0.014050823636353016, + -0.10913494229316711, + 1.2543936967849731, + 0.007021286059170961, + -0.2159837931394577, + -0.015798725187778473, + 0.16394779086112976, + -0.10981148481369019, + 0.010073358193039894, + -0.18651504814624786, + 2.2008423805236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/139.png", + [ + 0.1847900003194809, + 0.006533212028443813, + -0.11295071244239807, + 1.2967557907104492, + -0.003911328036338091, + -0.21581490337848663, + -0.018882030621170998, + 0.20091071724891663, + -0.11307186633348465, + 0.018142402172088623, + -0.18393884599208832, + 2.175692081451416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/107.png", + [ + 0.1844411939382553, + 0.005831667687743902, + -0.1135576069355011, + 1.3298671245574951, + -0.00021166967053432018, + -0.21637150645256042, + -0.011455397121608257, + 0.11840540170669556, + -0.1137070506811142, + 0.00986217800527811, + -0.1841774731874466, + 2.2130393981933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/112.png", + [ + 0.1854223757982254, + 0.008798990398645401, + -0.11175423115491867, + 1.3082536458969116, + 0.0014870043378323317, + -0.21618019044399261, + -0.014553755521774292, + 0.15172116458415985, + -0.11209022253751755, + 0.011687632650136948, + -0.18505965173244476, + 2.221902370452881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/69.png", + [ + 0.18251845240592957, + 0.010468835942447186, + -0.1162983700633049, + 1.3636029958724976, + 0.005147275049239397, + -0.21631361544132233, + -0.01139378733932972, + 0.11523754894733429, + -0.11665509641170502, + 0.006834934465587139, + -0.18246304988861084, + 2.202474594116211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/157.png", + [ + 0.188807874917984, + 0.021440019831061363, + -0.10411438345909119, + 1.2009105682373047, + 0.010038431733846664, + -0.2148694396018982, + -0.026043180376291275, + 0.2838118076324463, + -0.10582394897937775, + 0.01787017099559307, + -0.18822816014289856, + 2.2308974266052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/45.png", + [ + 0.1848311871290207, + 0.002175429603084922, + -0.11305127292871475, + 1.294036626815796, + -0.005977713968604803, + -0.21614359319210052, + -0.013932378962635994, + 0.14199784398078918, + -0.112914077937603, + 0.01500372402369976, + -0.1843181848526001, + 2.1677536964416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/50.png", + [ + 0.18400569260120392, + -0.001069271587766707, + -0.11440570652484894, + 1.291410207748413, + -0.011524955742061138, + -0.2157362997531891, + -0.016519948840141296, + 0.16826413571834564, + -0.11382874101400375, + 0.020114421844482422, + -0.18326571583747864, + 2.1212711334228516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/101.png", + [ + 0.18547186255455017, + 0.009700131602585316, + -0.1115974485874176, + 1.299737572669983, + 0.004338740836828947, + -0.21632082760334015, + -0.011591898277401924, + 0.11693021655082703, + -0.11193417012691498, + 0.007687926758080721, + -0.18536324799060822, + 2.2161874771118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/85.png", + [ + 0.18835480511188507, + 0.013900477439165115, + -0.10619384795427322, + 1.21449875831604, + 0.006887864787131548, + -0.21596932411193848, + -0.016052858904004097, + 0.16662278771400452, + -0.10687802731990814, + 0.010578923858702183, + -0.18818359076976776, + 2.2080235481262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/156.png", + [ + 0.18846306204795837, + 0.018431151285767555, + -0.1053084135055542, + 1.2128771543502808, + 0.007530814968049526, + -0.2151889055967331, + -0.024185141548514366, + 0.26227468252182007, + -0.10664359480142593, + 0.017376048490405083, + -0.18781137466430664, + 2.219357490539551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/181.png", + [ + 0.18613940477371216, + 0.012111331336200237, + -0.11024215817451477, + 1.2247271537780762, + -0.0007511410512961447, + -0.21523615717887878, + -0.024914363399147987, + 0.26500651240348816, + -0.11090290546417236, + 0.021785439923405647, + -0.1848616600036621, + 2.111818790435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/131.png", + [ + 0.18634949624538422, + 0.008860671892762184, + -0.11019638925790787, + 1.266152262687683, + -0.001071913749910891, + -0.21582259237766266, + -0.01916654221713543, + 0.2034941464662552, + -0.11054686456918716, + 0.017029203474521637, + -0.18557287752628326, + 2.192534923553467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/71.png", + [ + 0.18425385653972626, + 0.011852489784359932, + -0.11339277029037476, + 1.3391292095184326, + 0.005690982565283775, + -0.21618807315826416, + -0.013349892571568489, + 0.13994200527668, + -0.11386842280626297, + 0.008374092169106007, + -0.18415144085884094, + 2.2365942001342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/160.png", + [ + 0.1894335299730301, + 0.026335792616009712, + -0.10182955861091614, + 1.1877150535583496, + 0.014935056678950787, + -0.2143821269273758, + -0.027661152184009552, + 0.30624908208847046, + -0.10411424189805984, + 0.01716453768312931, + -0.18924455344676971, + 2.273247718811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/115.png", + [ + 0.1871991753578186, + 0.007966184988617897, + -0.10881594568490982, + 1.266697645187378, + 0.0006887839990667999, + -0.216178297996521, + -0.014641019515693188, + 0.15346157550811768, + -0.10910498350858688, + 0.012303406372666359, + -0.1867956668138504, + 2.231971263885498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/54.png", + [ + 0.1848408728837967, + -0.0023558535613119602, + -0.11303180456161499, + 1.2792993783950806, + -0.01144731417298317, + -0.21590426564216614, + -0.014219828881323338, + 0.14209376275539398, + -0.11247532069683075, + 0.018102334812283516, + -0.18430817127227783, + 2.1328020095825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/33.png", + [ + 0.18091417849063873, + 0.009593214839696884, + -0.11885253340005875, + 1.3806012868881226, + 0.006529056467115879, + -0.21644523739814758, + -0.007532078307121992, + 0.06210099533200264, + -0.11906018853187561, + 0.0027075849939137697, + -0.18101170659065247, + 2.1702628135681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/159.png", + [ + 0.18979232013225555, + 0.02587852068245411, + -0.10127721726894379, + 1.1751854419708252, + 0.014721271581947803, + -0.21445460617542267, + -0.027210306376218796, + 0.3006399869918823, + -0.10348939895629883, + 0.016953427344560623, + -0.1896059513092041, + 2.2685933113098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/177.png", + [ + 0.18427249789237976, + 0.01234398502856493, + -0.11331009119749069, + 1.2755537033081055, + 0.0003474207187537104, + -0.21546006202697754, + -0.02290719375014305, + 0.24117687344551086, + -0.11397994309663773, + 0.019299902021884918, + -0.18325933814048767, + 2.11575984954834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/49.png", + [ + 0.18346019089221954, + -0.00045864368439652026, + -0.11528243869543076, + 1.3035016059875488, + -0.010324876755475998, + -0.2158675491809845, + -0.015572169795632362, + 0.15891307592391968, + -0.11482004821300507, + 0.018678469583392143, + -0.18279868364334106, + 2.1209330558776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/118.png", + [ + 0.18815156817436218, + 0.010536745190620422, + -0.10693857818841934, + 1.2434289455413818, + 0.0035307672806084156, + -0.21612024307250977, + -0.0150823425501585, + 0.1580253541469574, + -0.10739839822053909, + 0.011354312300682068, + -0.18784183263778687, + 2.240356922149658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/179.png", + [ + 0.18480746448040009, + 0.01238449290394783, + -0.11243095248937607, + 1.2580198049545288, + -0.001399233122356236, + -0.21510517597198486, + -0.02599423937499523, + 0.2759421765804291, + -0.11310232430696487, + 0.02289722114801407, + -0.1833888590335846, + 2.106806755065918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/110.png", + [ + 0.1849401742219925, + 0.00758123816922307, + -0.11263900250196457, + 1.3215773105621338, + 0.001806782092899084, + -0.2163565754890442, + -0.011595488525927067, + 0.11822167038917542, + -0.11287938803434372, + 0.00895793829113245, + -0.18473194539546967, + 2.223881244659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/18.png", + [ + 0.17909453809261322, + -0.0007179439999163151, + -0.12195294350385666, + 1.4098197221755981, + -0.0037983155343681574, + -0.21659860014915466, + -0.00430290587246418, + 0.026366285979747772, + -0.12189588695764542, + 0.005694450810551643, + -0.17904429137706757, + 2.124631881713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/66.png", + [ + 0.1823841780424118, + 0.009127337485551834, + -0.11662159860134125, + 1.3549538850784302, + 0.00429578498005867, + -0.2163909524679184, + -0.01021757535636425, + 0.10106150805950165, + -0.11689932644367218, + 0.006288429256528616, + -0.18232636153697968, + 2.180899143218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/16.png", + [ + 0.17795835435390472, + -0.005863557104021311, + -0.12346794456243515, + 1.4267526865005493, + -0.008080048486590385, + -0.21651963889598846, + -0.001363405492156744, + -0.008747627958655357, + -0.12334273010492325, + 0.00572405057027936, + -0.178049698472023, + 2.1067872047424316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/94.png", + [ + 0.18737415969371796, + 0.009262972511351109, + -0.10841132700443268, + 1.2573261260986328, + 0.0037989048287272453, + -0.21631333231925964, + -0.011916538700461388, + 0.12139488756656647, + -0.10873999446630478, + 0.008404339663684368, + -0.1872241348028183, + 2.229912281036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/28.png", + [ + 0.18146376311779022, + 0.011685599572956562, + -0.11782293766736984, + 1.36762535572052, + 0.0032369461841881275, + -0.21602578461170197, + -0.01643994264304638, + 0.1684824377298355, + -0.11835675686597824, + 0.012008177116513252, + -0.1810949444770813, + 2.163090229034424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/61.png", + [ + 0.18515107035636902, + 0.004504114389419556, + -0.1124575138092041, + 1.2914257049560547, + -0.004586197901517153, + -0.21601928770542145, + -0.016202697530388832, + 0.17033615708351135, + -0.11245418339967728, + 0.01622570864856243, + -0.1844957321882248, + 2.179429531097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/132.png", + [ + 0.18569013476371765, + 0.00767260929569602, + -0.111392080783844, + 1.2812609672546387, + -0.002149697160348296, + -0.2158767282962799, + -0.018452977761626244, + 0.19676120579242706, + -0.11163529753684998, + 0.01691935770213604, + -0.184930220246315, + 2.1869101524353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/58.png", + [ + 0.18476952612400055, + 0.0021240964997559786, + -0.11315298080444336, + 1.291271686553955, + -0.00826594140380621, + -0.2158045768737793, + -0.01754866912961006, + 0.18454962968826294, + -0.11287064105272293, + 0.019281333312392235, + -0.18394656479358673, + 2.1554713249206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/123.png", + [ + 0.18775081634521484, + 0.009947090409696102, + -0.10769673436880112, + 1.2437304258346558, + 0.0003198941994924098, + -0.21580643951892853, + -0.01937464252114296, + 0.2076999992132187, + -0.10815466940402985, + 0.016629327088594437, + -0.1870131939649582, + 2.21803617477417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/64.png", + [ + 0.18125325441360474, + 0.007431000005453825, + -0.11849021166563034, + 1.3686631917953491, + 0.002550553996115923, + -0.21644359827041626, + -0.009672497399151325, + 0.0942198783159256, + -0.11869559437036514, + 0.006696475204080343, + -0.1811474710702896, + 2.1536784172058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/10.png", + [ + 0.18483206629753113, + -0.005205291323363781, + -0.112950898706913, + 1.2702099084854126, + -0.011055572889745235, + -0.2162397801876068, + -0.008125949651002884, + 0.07399675250053406, + -0.11252900958061218, + 0.01269494742155075, + -0.18472671508789062, + 2.1307287216186523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/170.png", + [ + 0.19008609652519226, + 0.013969711028039455, + -0.10305347293615341, + 1.1948328018188477, + 0.003524906700477004, + -0.21545296907424927, + -0.02270451746881008, + 0.24758031964302063, + -0.10393626987934113, + 0.01824191026389599, + -0.18924158811569214, + 2.2524843215942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/41.png", + [ + 0.18445642292499542, + 0.0017147897742688656, + -0.11366961151361465, + 1.311848521232605, + -0.005114658735692501, + -0.21630540490150452, + -0.011562895961105824, + 0.11796346306800842, + -0.11356741935014725, + 0.01252676360309124, + -0.1841016411781311, + 2.17919921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/166.png", + [ + 0.18871071934700012, + 0.016384528949856758, + -0.10520313680171967, + 1.2421329021453857, + 0.005898734554648399, + -0.21537375450134277, + -0.022961704060435295, + 0.25180119276046753, + -0.10630784928798676, + 0.01713423803448677, + -0.18802380561828613, + 2.276796817779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/91.png", + [ + 0.18650488555431366, + 0.009966091252863407, + -0.10983855277299881, + 1.273438572883606, + 0.004217799287289381, + -0.21627485752105713, + -0.01246169675141573, + 0.1289423555135727, + -0.11020907759666443, + 0.008588407188653946, + -0.18635477125644684, + 2.213852882385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/140.png", + [ + 0.184070885181427, + 0.006862889509648085, + -0.11409951001405716, + 1.3153809309005737, + -0.004150817170739174, + -0.21573977172374725, + -0.01967267505824566, + 0.20992563664913177, + -0.11423033475875854, + 0.01889825612306595, + -0.18314525485038757, + 2.171351909637451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/23.png", + [ + 0.1778096854686737, + 0.010637698695063591, + -0.12336308509111404, + 1.4343253374099731, + 0.004135582130402327, + -0.2162633091211319, + -0.012687726877629757, + 0.12781305611133575, + -0.12375181168317795, + 0.008057346567511559, + -0.17767515778541565, + 2.1236844062805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/37.png", + [ + 0.1835096925497055, + 0.00576945673674345, + -0.1150599867105484, + 1.3345434665679932, + 0.0007207354647107422, + -0.21645599603652954, + -0.009704259224236012, + 0.09385612607002258, + -0.11520229279994965, + 0.007836163975298405, + -0.18334373831748962, + 2.1881470680236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/178.png", + [ + 0.18459169566631317, + 0.013602333143353462, + -0.11264446377754211, + 1.2648258209228516, + 4.500688737607561e-05, + -0.21512071788311005, + -0.025903059169650078, + 0.27433207631111145, + -0.11346273869276047, + 0.02204420603811741, + -0.18327069282531738, + 2.1102514266967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/36.png", + [ + 0.18325218558311462, + 0.005861912854015827, + -0.11546501517295837, + 1.3404501676559448, + 0.0014470930909737945, + -0.21649527549743652, + -0.00869434978812933, + 0.08008843660354614, + -0.11560466140508652, + 0.006582080852240324, + -0.1831396520137787, + 2.188784122467041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/182.png", + [ + 0.18582312762737274, + 0.01276877336204052, + -0.1107005700469017, + 1.226286768913269, + -0.0011304626241326332, + -0.21502040326595306, + -0.026699168607592583, + 0.2852742671966553, + -0.11142881214618683, + 0.02347513660788536, + -0.1843378096818924, + 2.103332042694092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/8.png", + [ + 0.18369007110595703, + 0.0003276743518654257, + -0.11491622775793076, + 1.287084937095642, + -0.007088528014719486, + -0.21622881293296814, + -0.011947354301810265, + 0.11916141211986542, + -0.11469786614179611, + 0.013888094574213028, + -0.1833014190196991, + 2.1086864471435547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/6.png", + [ + 0.18380773067474365, + 0.004302891902625561, + -0.11464772373437881, + 1.2759418487548828, + -0.006162464153021574, + -0.21583934128284454, + -0.017980659380555153, + 0.18797555565834045, + -0.11456282436847687, + 0.01851392164826393, + -0.18297676742076874, + 2.09952449798584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/169.png", + [ + 0.18937605619430542, + 0.013738540932536125, + -0.1043832078576088, + 1.2170981168746948, + 0.0033397749066352844, + -0.21549774706363678, + -0.022303884848952293, + 0.24207189679145813, + -0.10523045063018799, + 0.017884908244013786, + -0.18855920433998108, + 2.258965015411377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/154.png", + [ + 0.1879585236310959, + 0.01384898740798235, + -0.10690039396286011, + 1.2321560382843018, + 0.0018933891551569104, + -0.21526996791362762, + -0.02455923520028591, + 0.2647075057029724, + -0.10777711123228073, + 0.020370235666632652, + -0.1868610382080078, + 2.2074875831604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/20.png", + [ + 0.17626072466373444, + 0.0033138603903353214, + -0.12597250938415527, + 1.460011601448059, + -0.0015935498522594571, + -0.21652376651763916, + -0.007925618439912796, + 0.07189831137657166, + -0.12600602209568024, + 0.007373814936727285, + -0.17611365020275116, + 2.095709800720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/2.png", + [ + 0.1874774545431137, + 0.0029995960649102926, + -0.10858680307865143, + 1.1852715015411377, + -0.0016277733957394958, + -0.21649011969566345, + -0.008790697902441025, + 0.08435648679733276, + -0.10861603170633316, + 0.008421902544796467, + -0.18729528784751892, + 2.1183390617370605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/117.png", + [ + 0.18888287246227264, + 0.009101267904043198, + -0.1057748794555664, + 1.2308436632156372, + 0.001764024025760591, + -0.21611623466014862, + -0.015445422381162643, + 0.16207991540431976, + -0.10615105926990509, + 0.01260316651314497, + -0.18847018480300903, + 2.2475099563598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/149.png", + [ + 0.18346327543258667, + 0.011634071357548237, + -0.1146899163722992, + 1.3308299779891968, + -0.001955093815922737, + -0.21522337198257446, + -0.02495957911014557, + 0.26958492398262024, + -0.11526188999414444, + 0.022168701514601707, + -0.18212945759296417, + 2.1638588905334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/161.png", + [ + 0.1907980591058731, + 0.024375319480895996, + -0.09974890202283859, + 1.1667746305465698, + 0.01364037673920393, + -0.21463245153427124, + -0.02635796181857586, + 0.2908692955970764, + -0.10177396237850189, + 0.01693061739206314, + -0.19053427875041962, + 2.292628765106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/5.png", + [ + 0.18350011110305786, + 0.00394422048702836, + -0.1151522547006607, + 1.2773562669754028, + -0.005722595378756523, + -0.21596841514110565, + -0.01651660166680813, + 0.17250165343284607, + -0.11507758498191833, + 0.01702907495200634, + -0.18279783427715302, + 2.0926027297973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/108.png", + [ + 0.18473243713378906, + 0.006521113682538271, + -0.11304555833339691, + 1.3244624137878418, + 0.0003558358584996313, + -0.21634739637374878, + -0.011898668482899666, + 0.12199971079826355, + -0.11323293298482895, + 0.009958915412425995, + -0.18446414172649384, + 2.21710205078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/60.png", + [ + 0.18449075520038605, + 0.003677603555843234, + -0.1135672777891159, + 1.3015540838241577, + -0.0054537225514650345, + -0.21602492034435272, + -0.015855057165026665, + 0.16569094359874725, + -0.113495834171772, + 0.016358518972992897, + -0.18384499847888947, + 2.167522430419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/56.png", + [ + 0.18515394628047943, + -0.0008378587663173676, + -0.11253980547189713, + 1.277282476425171, + -0.010734997689723969, + -0.21581217646598816, + -0.016054825857281685, + 0.16660639643669128, + -0.1120297759771347, + 0.019294962286949158, + -0.18445847928524017, + 2.1455278396606445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/147.png", + [ + 0.1823921948671341, + 0.008998256176710129, + -0.11661910265684128, + 1.3534443378448486, + -0.004600993357598782, + -0.21531334519386292, + -0.023809388279914856, + 0.25808024406433105, + -0.11687520891427994, + 0.02251860685646534, + -0.1810552179813385, + 2.148256301879883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/30.png", + [ + 0.18161050975322723, + 0.009273933246731758, + -0.11781135201454163, + 1.3641259670257568, + 0.002421723213046789, + -0.2162531167268753, + -0.013289947994053364, + 0.13239657878875732, + -0.1181509867310524, + 0.009822506457567215, + -0.1813608556985855, + 2.167837142944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/17.png", + [ + 0.17864812910556793, + -0.004095893353223801, + -0.12253963947296143, + 1.4173661470413208, + -0.006638778373599052, + -0.21655914187431335, + -0.0024400444235652685, + 0.0039732977747917175, + -0.12242820113897324, + 0.005766355432569981, + -0.17867842316627502, + 2.1180992126464844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/12.png", + [ + 0.18336611986160278, + -0.008202111348509789, + -0.1151411384344101, + 1.306587815284729, + -0.013145692646503448, + -0.2162046879529953, + -0.005533555056899786, + 0.04454922303557396, + -0.11468193680047989, + 0.01166854053735733, + -0.18346604704856873, + 2.1319804191589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/114.png", + [ + 0.18717636168003082, + 0.007664631120860577, + -0.10887683928012848, + 1.2684167623519897, + 0.00010111464507644996, + -0.21615183353424072, + -0.015042664483189583, + 0.15839724242687225, + -0.10914625227451324, + 0.012943933717906475, + -0.18672826886177063, + 2.233063220977783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/27.png", + [ + 0.1811022162437439, + 0.012515074573457241, + -0.11829306185245514, + 1.375330924987793, + 0.005190036725252867, + -0.21609823405742645, + -0.014916842803359032, + 0.1500954031944275, + -0.11883997917175293, + 0.009634393267333508, + -0.18092022836208344, + 2.162956714630127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/42.png", + [ + 0.18365617096424103, + 0.0018509920919314027, + -0.11495596170425415, + 1.325071096420288, + -0.005374914035201073, + -0.21627143025398254, + -0.012069428339600563, + 0.1234632134437561, + -0.1148451641201973, + 0.013081843964755535, + -0.18326851725578308, + 2.1672778129577637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/174.png", + [ + 0.1876467615365982, + 0.01238593365997076, + -0.10762515664100647, + 1.2238500118255615, + 0.0022752159275114536, + -0.21565696597099304, + -0.020851779729127884, + 0.2196793258190155, + -0.10831163078546524, + 0.016928141936659813, + -0.1868954747915268, + 2.180860996246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/7.png", + [ + 0.18358024954795837, + 0.0026786080561578274, + -0.11506088823080063, + 1.286387324333191, + -0.005950674414634705, + -0.21610532701015472, + -0.014525247737765312, + 0.14897991716861725, + -0.11493813246488571, + 0.015466687269508839, + -0.1830243170261383, + 2.1037135124206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/73.png", + [ + 0.18764589726924896, + 0.012564601376652718, + -0.1076059490442276, + 1.2687076330184937, + 0.00572586664929986, + -0.21606189012527466, + -0.01524354424327612, + 0.16436423361301422, + -0.10818561166524887, + 0.010357702150940895, + -0.18744727969169617, + 2.2726998329162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/120.png", + [ + 0.18798239529132843, + 0.009417549706995487, + -0.10733974725008011, + 1.2447540760040283, + 0.00048126172623597085, + -0.2159167230129242, + -0.01810082234442234, + 0.19300056993961334, + -0.10775101184844971, + 0.01546548306941986, + -0.18734575808048248, + 2.230048179626465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/46.png", + [ + 0.1835009902715683, + 0.0037747621536254883, + -0.11515657603740692, + 1.3148874044418335, + -0.0052565159276127815, + -0.21605853736400604, + -0.015458477661013603, + 0.15814881026744843, + -0.11509846150875092, + 0.015885422006249428, + -0.18288764357566833, + 2.1444411277770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/127.png", + [ + 0.18635603785514832, + 0.007886286824941635, + -0.11025936901569366, + 1.2711542844772339, + -0.002452009590342641, + -0.21577443182468414, + -0.019577525556087494, + 0.20932918787002563, + -0.1105138435959816, + 0.018085861578583717, + -0.18549256026744843, + 2.196335792541504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/133.png", + [ + 0.18849937617778778, + 0.007412097882479429, + -0.106587715446949, + 1.2213579416275024, + -0.0017348284600302577, + -0.21591180562973022, + -0.0180825088173151, + 0.19125933945178986, + -0.10683102905750275, + 0.01658456027507782, + -0.18777640163898468, + 2.213067054748535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/57.png", + [ + 0.18415246903896332, + 3.872016168315895e-05, + -0.1141742691397667, + 1.2986174821853638, + -0.010269388556480408, + -0.2157907485961914, + -0.016636747866868973, + 0.17386221885681152, + -0.11371148377656937, + 0.01955096423625946, + -0.18339942395687103, + 2.1403117179870605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/44.png", + [ + 0.18283972144126892, + 0.000802071182988584, + -0.11626214534044266, + 1.3361907005310059, + -0.005838656798005104, + -0.21633276343345642, + -0.010674607940018177, + 0.10497765243053436, + -0.11611821502447128, + 0.012140586972236633, + -0.18252962827682495, + 2.1572561264038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/113.png", + [ + 0.18630683422088623, + 0.008600804954767227, + -0.11028911918401718, + 1.2879127264022827, + 0.0004267954209353775, + -0.21607305109500885, + -0.016129309311509132, + 0.17156969010829926, + -0.11062315106391907, + 0.01365148089826107, + -0.1858064830303192, + 2.2266087532043457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/126.png", + [ + 0.18740518391132355, + 0.007909885607659817, + -0.10846483707427979, + 1.2489243745803833, + -0.002643800340592861, + -0.21570554375648499, + -0.02029844932258129, + 0.2188037931919098, + -0.10872072726488113, + 0.01887989602982998, + -0.18647049367427826, + 2.206773281097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/29.png", + [ + 0.18096420168876648, + 0.01025571022182703, + -0.11872100830078125, + 1.3754507303237915, + 0.0019792886450886726, + -0.2160995900630951, + -0.015650762245059013, + 0.15914995968341827, + -0.11914671212434769, + 0.011986840516328812, + -0.1805776059627533, + 2.1558966636657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/4.png", + [ + 0.18407955765724182, + 0.003624760778620839, + -0.11423427611589432, + 1.2607539892196655, + -0.004285973962396383, + -0.21619437634944916, + -0.013766559772193432, + 0.1404218226671219, + -0.11421140283346176, + 0.013955245725810528, + -0.18359985947608948, + 2.093669891357422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/55.png", + [ + 0.18600882589817047, + -0.0013168317964300513, + -0.11111650615930557, + 1.2576963901519775, + -0.01132961269468069, + -0.2157551646232605, + -0.016408858820796013, + 0.16841644048690796, + -0.11054523289203644, + 0.019896652549505234, + -0.18528832495212555, + 2.1480584144592285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/9.png", + [ + 0.18421728909015656, + -0.00360620254650712, + -0.11401263624429703, + 1.2788978815078735, + -0.009797055274248123, + -0.21626628935337067, + -0.008989240974187851, + 0.08441761136054993, + -0.11364815384149551, + 0.01279781386256218, + -0.18403317034244537, + 2.1181387901306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/25.png", + [ + 0.17937417328357697, + 0.011301683261990547, + -0.12101682275533676, + 1.410309076309204, + 0.003977919463068247, + -0.21616621315479279, + -0.014291447587311268, + 0.14159658551216125, + -0.12147829681634903, + 0.009609437547624111, + -0.17916077375411987, + 2.1445279121398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/99.png", + [ + 0.18655729293823242, + 0.009172488935291767, + -0.10981865972280502, + 1.2785505056381226, + 0.004819161258637905, + -0.21639525890350342, + -0.00988751370459795, + 0.09676411747932434, + -0.11009562015533447, + 0.00607064226642251, + -0.1865207701921463, + 2.230642318725586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/34.png", + [ + 0.18195216357707977, + 0.008305099792778492, + -0.117355577647686, + 1.361353874206543, + 0.004101694095879793, + -0.216450497508049, + -0.008958510123193264, + 0.08129885792732239, + -0.11757755279541016, + 0.005301329772919416, + -0.18192116916179657, + 2.1774377822875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/72.png", + [ + 0.185945525765419, + 0.012420409359037876, + -0.11053457856178284, + 1.306193470954895, + 0.005251459311693907, + -0.21605971455574036, + -0.015443718060851097, + 0.16522863507270813, + -0.11110617965459824, + 0.010574485175311565, + -0.185718834400177, + 2.2561116218566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/102.png", + [ + 0.1864331215620041, + 0.009271323680877686, + -0.11002100259065628, + 1.2823898792266846, + 0.003721017623320222, + -0.21631433069705963, + -0.0119231678545475, + 0.12115128338336945, + -0.11034823209047318, + 0.00836961716413498, + -0.18628235161304474, + 2.228487014770508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/134.png", + [ + 0.18742775917053223, + 0.007009079679846764, + -0.1084877997636795, + 1.2430951595306396, + -0.0021735173650085926, + -0.2159390151500702, + -0.017706241458654404, + 0.1873244345188141, + -0.10869225114583969, + 0.016404513269662857, + -0.18672113120555878, + 2.200202465057373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/70.png", + [ + 0.1832769364118576, + 0.011211086995899677, + -0.11502943187952042, + 1.3548837900161743, + 0.005439938046038151, + -0.21625059843063354, + -0.012408902868628502, + 0.12816990911960602, + -0.11544636636972427, + 0.007608239538967609, + -0.18319973349571228, + 2.2201457023620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/135.png", + [ + 0.1872003972530365, + 0.007174219936132431, + -0.10886889696121216, + 1.2461000680923462, + -0.0024244042579084635, + -0.21587879955768585, + -0.01839470863342285, + 0.19574101269245148, + -0.10907807946205139, + 0.017110630869865417, + -0.18643254041671753, + 2.196211338043213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/130.png", + [ + 0.18544961512088776, + 0.007698494475334883, + -0.11179029941558838, + 1.2884776592254639, + -0.002439660020172596, + -0.21583403646945953, + -0.018910685554146767, + 0.20095951855182648, + -0.11202849447727203, + 0.017444174736738205, + -0.1846434623003006, + 2.1871509552001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/90.png", + [ + 0.18654079735279083, + 0.010420207865536213, + -0.10973533242940903, + 1.270086407661438, + 0.004354773089289665, + -0.21623258292675018, + -0.0131301861256361, + 0.13543716073036194, + -0.11014290899038315, + 0.00909863319247961, + -0.1863696575164795, + 2.2102761268615723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/122.png", + [ + 0.1878064125776291, + 0.009346652776002884, + -0.10765354335308075, + 1.2467377185821533, + -1.982010689971503e-05, + -0.21585959196090698, + -0.018775852397084236, + 0.20162124931812286, + -0.10805852711200714, + 0.016284137964248657, + -0.1870991289615631, + 2.223367691040039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/15.png", + [ + 0.17942969501018524, + -0.007021788507699966, + -0.12125829607248306, + 1.3958313465118408, + -0.009716270491480827, + -0.2164488136768341, + -0.0018434170633554459, + -0.0026712026447057724, + -0.1210721880197525, + 0.00696409260854125, + -0.17955757677555084, + 2.115062713623047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/162.png", + [ + 0.19077420234680176, + 0.022741666063666344, + -0.10017938166856766, + 1.1770695447921753, + 0.012346744537353516, + -0.2148427963256836, + -0.025259124115109444, + 0.27950066328048706, + -0.10198357701301575, + 0.016531240195035934, + -0.19045725464820862, + 2.297928810119629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/22.png", + [ + 0.17643572390079498, + 0.007610332686454058, + -0.12554046511650085, + 1.4578795433044434, + 0.0018568984232842922, + -0.21641166508197784, + -0.010509289801120758, + 0.10349485278129578, + -0.12575723230838776, + 0.007481719367206097, + -0.17628678679466248, + 2.1061439514160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/171.png", + [ + 0.18824630975723267, + 0.012814834713935852, + -0.10652228444814682, + 1.231152057647705, + 0.002665764419361949, + -0.21561574935913086, + -0.021228045225143433, + 0.22824102640151978, + -0.10725720971822739, + 0.017132315784692764, + -0.1874840408563614, + 2.224307060241699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/138.png", + [ + 0.18525968492031097, + 0.006260583642870188, + -0.11219421774148941, + 1.284846544265747, + -0.0037589045241475105, + -0.21587173640727997, + -0.01825278252363205, + 0.19399097561836243, + -0.11230587959289551, + 0.017552737146615982, + -0.18446458876132965, + 2.177285671234131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/109.png", + [ + 0.18463648855686188, + 0.006989376153796911, + -0.11317422240972519, + 1.3287584781646729, + -3.5382425267016515e-05, + -0.21625903248786926, + -0.013413378968834877, + 0.13949455320835114, + -0.11338984966278076, + 0.011448519304394722, + -0.18428121507167816, + 2.219390392303467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/26.png", + [ + 0.18010859191417694, + 0.011131949722766876, + -0.11993693560361862, + 1.3971508741378784, + 0.004569551907479763, + -0.21622349321842194, + -0.013206721283495426, + 0.12960952520370483, + -0.12036570906639099, + 0.008448549546301365, + -0.17996835708618164, + 2.1537084579467773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/43.png", + [ + 0.184622660279274, + 0.0018429233459755778, + -0.11339735984802246, + 1.304099678993225, + -0.004628847353160381, + -0.21634307503700256, + -0.01105223223567009, + 0.11073625087738037, + -0.11331783980131149, + 0.011839834973216057, + -0.18430078029632568, + 2.1768269538879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/84.png", + [ + 0.18692220747470856, + 0.015735290944576263, + -0.10844530165195465, + 1.237366795539856, + 0.00871940515935421, + -0.2158849835395813, + -0.016295431181788445, + 0.17045360803604126, + -0.10923349857330322, + 0.009693796746432781, + -0.18687421083450317, + 2.1887030601501465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/136.png", + [ + 0.18704883754253387, + 0.007067146711051464, + -0.10913605242967606, + 1.2469573020935059, + -0.0018174125580117106, + -0.2159910500049591, + -0.017101455479860306, + 0.1807716339826584, + -0.10934953391551971, + 0.015678590163588524, + -0.1863994598388672, + 2.194972515106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/89.png", + [ + 0.18810614943504333, + 0.012456104159355164, + -0.10681208223104477, + 1.2321118116378784, + 0.00626288540661335, + -0.21611982583999634, + -0.014173712581396103, + 0.14657893776893616, + -0.10735340416431427, + 0.00921755749732256, + -0.18798451125621796, + 2.2255892753601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/63.png", + [ + 0.18342503905296326, + 0.00537897227331996, + -0.11521376669406891, + 1.3274774551391602, + -0.001072829240001738, + -0.21634992957115173, + -0.011808697134256363, + 0.11806896328926086, + -0.11533425748348236, + 0.010567068122327328, + -0.18312355875968933, + 2.171172618865967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/88.png", + [ + 0.18782097101211548, + 0.013391641899943352, + -0.1072000116109848, + 1.234214186668396, + 0.006738589610904455, + -0.2160370647907257, + -0.015181363560259342, + 0.15768711268901825, + -0.10782287269830704, + 0.00982580054551363, + -0.1876847892999649, + 2.2168526649475098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/62.png", + [ + 0.18532435595989227, + 0.004904179368168116, + -0.11215491592884064, + 1.288657546043396, + -0.0030124043114483356, + -0.21617257595062256, + -0.014430229552090168, + 0.14875951409339905, + -0.11222165822982788, + 0.013901623897254467, + -0.1848267763853073, + 2.187901020050049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/65.png", + [ + 0.18220244348049164, + 0.00809094775468111, + -0.1169816330075264, + 1.3547016382217407, + 0.003863709280267358, + -0.21645508706569672, + -0.008953111246228218, + 0.08546110987663269, + -0.1171974465250969, + 0.0054427022114396095, + -0.1821621060371399, + 2.171359062194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/80.png", + [ + 0.18828725814819336, + 0.019916055724024773, + -0.10535251349210739, + 1.1954011917114258, + 0.013831336982548237, + -0.21563661098480225, + -0.016044864431023598, + 0.16524596512317657, + -0.10632259398698807, + 0.00721763027831912, + -0.18865658342838287, + 2.2027058601379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/146.png", + [ + 0.17995059490203857, + 0.007932636886835098, + -0.12042736262083054, + 1.396540641784668, + -0.0033491498325020075, + -0.21579459309577942, + -0.01921907067298889, + 0.2046915739774704, + -0.12064186483621597, + 0.017823096364736557, + -0.17909710109233856, + 2.122422218322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/119.png", + [ + 0.18831709027290344, + 0.009297377429902554, + -0.10676199942827225, + 1.2390190362930298, + 0.0009228334529325366, + -0.2159903645515442, + -0.0171817559748888, + 0.1817791610956192, + -0.10716209560632706, + 0.014478368684649467, + -0.18776196241378784, + 2.2345032691955566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/180.png", + [ + 0.18617288768291473, + 0.013159557245671749, + -0.11006531864404678, + 1.2263225317001343, + -0.000702841323800385, + -0.21499791741371155, + -0.02689427323639393, + 0.2860477566719055, + -0.11084700375795364, + 0.023465335369110107, + -0.1846895068883896, + 2.1149282455444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/145.png", + [ + 0.1807214468717575, + 0.006988046690821648, + -0.11932653933763504, + 1.378004550933838, + -0.003194450866430998, + -0.21594442427158356, + -0.017484255135059357, + 0.18539054691791534, + -0.11948828399181366, + 0.01634230464696884, + -0.1800093650817871, + 2.1294684410095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/167.png", + [ + 0.18908195197582245, + 0.015472867526113987, + -0.10467328876256943, + 1.2309269905090332, + 0.005157844629138708, + -0.21543845534324646, + -0.022529106587171555, + 0.24675163626670837, + -0.10568492859601974, + 0.017168410122394562, + -0.18837152421474457, + 2.2734761238098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/79.png", + [ + 0.18846085667610168, + 0.019666137173771858, + -0.10508876293897629, + 1.1927621364593506, + 0.015211599878966808, + -0.2157430201768875, + -0.013094079680740833, + 0.13266301155090332, + -0.10582538694143295, + 0.00401133019477129, + -0.1890311986207962, + 2.211519718170166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/176.png", + [ + 0.18567098677158356, + 0.013068891130387783, + -0.11092063039541245, + 1.2521419525146484, + 0.002184114418923855, + -0.2155698835849762, + -0.021742869168519974, + 0.2284875512123108, + -0.11166651546955109, + 0.017513617873191833, + -0.18485605716705322, + 2.1389880180358887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/165.png", + [ + 0.18972282111644745, + 0.01892029494047165, + -0.10293285548686981, + 1.2177454233169556, + 0.008757864125072956, + -0.2152271717786789, + -0.023419104516506195, + 0.25808119773864746, + -0.10429022461175919, + 0.01634555123746395, + -0.18922016024589539, + 2.29530668258667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/116.png", + [ + 0.18848556280136108, + 0.008233048021793365, + -0.10655190050601959, + 1.2403584718704224, + 0.0010852557606995106, + -0.21616701781749725, + -0.014783014543354511, + 0.15558657050132751, + -0.10686399787664413, + 0.012326079420745373, + -0.18808522820472717, + 2.244157314300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/19.png", + [ + 0.17634759843349457, + 0.0006268341094255447, + -0.12589292228221893, + 1.4559986591339111, + -0.004541670437902212, + -0.2164992392063141, + -0.00743982894346118, + 0.06515267491340637, + -0.12581254541873932, + 0.008693958632647991, + -0.17619168758392334, + 2.0947718620300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/77.png", + [ + 0.19510570168495178, + 0.017915120348334312, + -0.09252411872148514, + 1.0550501346588135, + 0.013984168879687786, + -0.2158721685409546, + -0.012310141697525978, + 0.13021951913833618, + -0.09319928288459778, + 0.005113223101943731, + -0.19553935527801514, + 2.3020596504211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/68.png", + [ + 0.1819685399532318, + 0.010180686600506306, + -0.11718229204416275, + 1.3730498552322388, + 0.00559060275554657, + -0.21636612713336945, + -0.010116219520568848, + 0.10028809309005737, + -0.11749076098203659, + 0.005472327116876841, + -0.18197214603424072, + 2.192347526550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/143.png", + [ + 0.1877584308385849, + 0.005333858076483011, + -0.10801027715206146, + 1.243537187576294, + -0.003817796939983964, + -0.21594905853271484, + -0.017300806939601898, + 0.1858493685722351, + -0.10807449370622635, + 0.016895070672035217, + -0.1870356947183609, + 2.213151454925537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/183.png", + [ + 0.18667764961719513, + 0.012603404931724072, + -0.10927259176969528, + 1.207387089729309, + -0.0016604940174147487, + -0.21490022540092468, + -0.027623137459158897, + 0.2955564856529236, + -0.10998449474573135, + 0.024636337533593178, + -0.1850523054599762, + 2.1085400581359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/86.png", + [ + 0.18798261880874634, + 0.013898171484470367, + -0.10685162991285324, + 1.2271603345870972, + 0.0072737266309559345, + -0.21601134538650513, + -0.015299991704523563, + 0.15899716317653656, + -0.1075059249997139, + 0.009686981327831745, + -0.1878737211227417, + 2.2122573852539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/1.png", + [ + 0.18742819130420685, + 0.002206479897722602, + -0.10869086533784866, + 1.184419870376587, + -0.002539788605645299, + -0.2164819985628128, + -0.0087743466719985, + 0.0843467116355896, + -0.10868357867002487, + 0.00886403676122427, + -0.18723568320274353, + 2.1159286499023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/81.png", + [ + 0.1867058426141739, + 0.019826525822281837, + -0.1081468015909195, + 1.2277369499206543, + 0.013025986962020397, + -0.21561047434806824, + -0.017039598897099495, + 0.17576509714126587, + -0.10917484760284424, + 0.008181271143257618, + -0.18698079884052277, + 2.182152271270752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/95.png", + [ + 0.18656553328037262, + 0.009565609507262707, + -0.10977111011743546, + 1.2744415998458862, + 0.00441767368465662, + -0.21633240580558777, + -0.011343290098011494, + 0.11466139554977417, + -0.11009850353002548, + 0.0075289588421583176, + -0.18646588921546936, + 2.2252392768859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/103.png", + [ + 0.18741856515407562, + 0.009211501106619835, + -0.10833889245986938, + 1.2626177072525024, + 0.003524082712829113, + -0.21629686653614044, + -0.01229419931769371, + 0.1262061595916748, + -0.10867265611886978, + 0.008872134611010551, + -0.18724162876605988, + 2.240598201751709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/150.png", + [ + 0.1842874139547348, + 0.011411584913730621, + -0.11338348686695099, + 1.3160102367401123, + -0.002003107685595751, + -0.21522778272628784, + -0.024917541071772575, + 0.26820141077041626, + -0.11393868923187256, + 0.022241223603487015, + -0.18295134603977203, + 2.1742944717407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/83.png", + [ + 0.18689097464084625, + 0.017019327729940414, + -0.10830508917570114, + 1.2319544553756714, + 0.00931562576442957, + -0.21573902666568756, + -0.017826737836003304, + 0.1878969371318817, + -0.1092376783490181, + 0.010719885118305683, + -0.18681570887565613, + 2.181797981262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/142.png", + [ + 0.18590815365314484, + 0.005492175463587046, + -0.11115707457065582, + 1.2834314107894897, + -0.0051079909317195415, + -0.21576151251792908, + -0.019203610718250275, + 0.20600199699401855, + -0.11117537319660187, + 0.019097285345196724, + -0.18499518930912018, + 2.195733070373535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/51.png", + [ + 0.1845722794532776, + -0.002414785325527191, + -0.11346867680549622, + 1.2790642976760864, + -0.012013059109449387, + -0.21582435071468353, + -0.014947808347642422, + 0.1493425816297531, + -0.11285682767629623, + 0.019024180248379707, + -0.18398185074329376, + 2.124807834625244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/128.png", + [ + 0.18595869839191437, + 0.007030093111097813, + -0.11098572611808777, + 1.2789523601531982, + -0.0032072572503238916, + -0.21581228077411652, + -0.019043870270252228, + 0.20300622284412384, + -0.11116190254688263, + 0.017987031489610672, + -0.1851145327091217, + 2.192702293395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/168.png", + [ + 0.18843920528888702, + 0.014613434672355652, + -0.10594815015792847, + 1.2409316301345825, + 0.004251508973538876, + -0.21549637615680695, + -0.0221616979688406, + 0.24129027128219604, + -0.10686668753623962, + 0.017194874584674835, + -0.18770121037960052, + 2.25766658782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/93.png", + [ + 0.18826884031295776, + 0.010543093085289001, + -0.10673133283853531, + 1.2357715368270874, + 0.004915469326078892, + -0.2162468135356903, + -0.012690559029579163, + 0.13021041452884674, + -0.10713809728622437, + 0.008605541661381721, + -0.18813630938529968, + 2.235018253326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/76.png", + [ + 0.17652419209480286, + -0.013312796130776405, + -0.1249394565820694, + 1.4213862419128418, + -0.006992705632001162, + -0.21616196632385254, + 0.013153077103197575, + -0.1595473736524582, + -0.1254519820213318, + -0.006683624815195799, + -0.1765361875295639, + 2.0547561645507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/48.png", + [ + 0.18282674252986908, + -0.011749573051929474, + -0.115690216422081, + 1.3151607513427734, + -0.006368726026266813, + -0.21625395119190216, + 0.011898309923708439, + -0.14379596710205078, + -0.11611081659793854, + -0.006639123894274235, + -0.18281711637973785, + 2.1242146492004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/35.png", + [ + 0.18345680832862854, + -0.014501738362014294, + -0.11437302827835083, + 1.3235955238342285, + -0.005514319986104965, + -0.21581141650676727, + 0.01851835660636425, + -0.22213105857372284, + -0.11515677720308304, + -0.012768588960170746, + -0.18309499323368073, + 2.157839775085449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/124.png", + [ + 0.17920680344104767, + -0.01769077032804489, + -0.12049835920333862, + 1.342378854751587, + -0.008414763025939465, + -0.21566283702850342, + 0.019147638231515884, + -0.2222885638475418, + -0.12149902433156967, + -0.01115692313760519, + -0.17905698716640472, + 2.0537776947021484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/97.png", + [ + 0.17741522192955017, + -0.0036631841212511063, + -0.12433145940303802, + 1.4060460329055786, + 0.0033596165012568235, + -0.21636049449443817, + 0.011168657802045345, + -0.12757378816604614, + -0.12434004247188568, + -0.011072805151343346, + -0.1771012246608734, + 2.0398716926574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/13.png", + [ + 0.1799398958683014, + -0.02310386300086975, + -0.11847250908613205, + 1.3392459154129028, + -0.028319938108325005, + -0.2148129791021347, + -0.0011215860722586513, + 0.004662379622459412, + -0.1173350065946579, + 0.016416098922491074, + -0.18141362071037292, + 2.095550060272217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/32.png", + [ + 0.18196895718574524, + -0.016305986791849136, + -0.11648736894130707, + 1.337423324584961, + -0.00476043438538909, + -0.21542763710021973, + 0.022719282656908035, + -0.2693518102169037, + -0.11752671748399734, + -0.016520965844392776, + -0.1812799572944641, + 2.1144633293151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/38.png", + [ + 0.18503788113594055, + -0.012922748923301697, + -0.11199049651622772, + 1.301436185836792, + -0.006750643718987703, + -0.21613022685050964, + 0.013785740360617638, + -0.16845998167991638, + -0.11253131181001663, + -0.00828374084085226, + -0.18497560918331146, + 2.1947293281555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/111.png", + [ + 0.1755305677652359, + -0.007502878550440073, + -0.12680937349796295, + 1.417175054550171, + -0.0015388698084279895, + -0.21640609204769135, + 0.010673892684280872, + -0.1261879801750183, + -0.12702181935310364, + -0.007746415212750435, + -0.17536631226539612, + 2.003751277923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/11.png", + [ + 0.1799750179052353, + -0.019766023382544518, + -0.11902183294296265, + 1.3482331037521362, + -0.026001015678048134, + -0.21507881581783295, + -0.0035983354318886995, + 0.03411942347884178, + -0.1178169772028923, + 0.017271514981985092, + -0.18102140724658966, + 2.092280864715576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/125.png", + [ + 0.18070699274539948, + -0.015590027906000614, + -0.1185319721698761, + 1.3169769048690796, + -0.006692034658044577, + -0.21580667793750763, + 0.01818188838660717, + -0.21093256771564484, + -0.1193653792142868, + -0.011502844281494617, + -0.18046462535858154, + 2.068657875061035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/59.png", + [ + 0.18052078783512115, + -0.011271215975284576, + -0.11930253356695175, + 1.34798264503479, + -0.0029602956492453814, + -0.21606768667697906, + 0.015933865681290627, + -0.18983761966228485, + -0.11979721486568451, + -0.011645219288766384, + -0.18016913533210754, + 2.0810647010803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/105.png", + [ + 0.17386047542095184, + 0.0002169261424569413, + -0.1293073445558548, + 1.461483120918274, + 0.007392605300992727, + -0.21633660793304443, + 0.009576816111803055, + -0.10869935154914856, + -0.12909601628780365, + -0.012096237391233444, + -0.17359665036201477, + 1.9947670698165894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/121.png", + [ + 0.17740407586097717, + -0.015751000493764877, + -0.12340013682842255, + 1.3755654096603394, + -0.006561804097145796, + -0.2158164083957672, + 0.01811370439827442, + -0.21226397156715393, + -0.12422813475131989, + -0.011093675158917904, + -0.17717842757701874, + 2.0281333923339844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/24.png", + [ + 0.18096402287483215, + -0.025026798248291016, + -0.1165057122707367, + 1.3093022108078003, + -0.01851346716284752, + -0.2151745706796646, + 0.017465749755501747, + -0.20523996651172638, + -0.11771649867296219, + -0.004632510710507631, + -0.18184955418109894, + 2.091195583343506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/74.png", + [ + 0.17782828211784363, + -0.01282967533916235, + -0.1231275275349617, + 1.402547001838684, + -0.006126010324805975, + -0.21615584194660187, + 0.013675507158041, + -0.1644475907087326, + -0.1236424669623375, + -0.007742538116872311, + -0.17776525020599365, + 2.069423198699951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/98.png", + [ + 0.1765831708908081, + -0.002130327047780156, + -0.12554576992988586, + 1.4173133373260498, + 0.005773941986262798, + -0.21627652645111084, + 0.011791083961725235, + -0.13559353351593018, + -0.12543101608753204, + -0.012954913079738617, + -0.1762019544839859, + 2.0289978981018066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/0.png", + [ + 0.17180286347866058, + -0.021687278524041176, + -0.1302357017993927, + 1.492621898651123, + -0.027899326756596565, + -0.21486850082874298, + -0.0010233051143586636, + 0.011121869087219238, + -0.12904766201972961, + 0.01758071407675743, + -0.1731632649898529, + 2.018162727355957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/96.png", + [ + 0.1761084645986557, + -0.0032373364083468914, + -0.12618723511695862, + 1.430964469909668, + 0.003778078593313694, + -0.21637113392353058, + 0.010823736898601055, + -0.1250009536743164, + -0.12617221474647522, + -0.010997581295669079, + -0.17580534517765045, + 2.028902530670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/100.png", + [ + 0.1761053204536438, + -0.0004872579884249717, + -0.12623222172260284, + 1.419641375541687, + 0.007235363125801086, + -0.2162778377532959, + 0.010928820818662643, + -0.1262442022562027, + -0.12602563202381134, + -0.013097792863845825, + -0.17576655745506287, + 2.0172781944274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/40.png", + [ + 0.18520143628120422, + -0.01126859150826931, + -0.11189883202314377, + 1.293129801750183, + -0.00646225456148386, + -0.2162943333387375, + 0.011086028069257736, + -0.13537660241127014, + -0.11227897554636002, + -0.006138370838016272, + -0.18521243333816528, + 2.1914758682250977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/52.png", + [ + 0.1807764768600464, + -0.007297953125089407, + -0.11922457814216614, + 1.343889832496643, + -0.0037334098014980555, + -0.2165094017982483, + 0.0075920820236206055, + -0.09719531238079071, + -0.1193893775343895, + -0.004279944580048323, + -0.1807643473148346, + 2.088268756866455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/3.png", + [ + 0.1759497970342636, + -0.02007666975259781, + -0.12484583258628845, + 1.427382469177246, + -0.02395840734243393, + -0.21534425020217896, + 0.0008644090848974884, + -0.0154072605073452, + -0.12415936589241028, + 0.01310266274958849, + -0.17708942294120789, + 2.066275119781494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/47.png", + [ + 0.18365870416164398, + -0.01176819670945406, + -0.11436296254396439, + 1.3000520467758179, + -0.006753061432391405, + -0.2162686139345169, + 0.0114095788449049, + -0.13754285871982574, + -0.11476831883192062, + -0.006106704939156771, + -0.18368130922317505, + 2.1339197158813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/104.png", + [ + 0.17278479039669037, + 0.000784145959187299, + -0.1307390183210373, + 1.4741098880767822, + 0.006410364992916584, + -0.2164609432220459, + 0.007173654157668352, + -0.0797332152724266, + -0.13058415055274963, + -0.009588493034243584, + -0.17263758182525635, + 1.9803591966629028, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/21.png", + [ + 0.18078123033046722, + -0.020814213901758194, + -0.11761297285556793, + 1.3230353593826294, + -0.021013040095567703, + -0.21557387709617615, + 0.005851714871823788, + -0.07239584624767303, + -0.11757759749889374, + 0.006523724179714918, + -0.1818813979625702, + 2.0945229530334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/82.png", + [ + 0.17437033355236053, + -0.009886476211249828, + -0.12823860347270966, + 1.4470014572143555, + -0.00686523737385869, + -0.21644103527069092, + 0.007351494859904051, + -0.09090062230825424, + -0.12843579053878784, + -0.0018529818626120687, + -0.17449557781219482, + 2.0177226066589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/106.png", + [ + 0.1761557012796402, + -0.002220328664407134, + -0.12614332139492035, + 1.4291998147964478, + 0.006947988178580999, + -0.21614156663417816, + 0.013507121242582798, + -0.15520918369293213, + -0.12597139179706573, + -0.015026211738586426, + -0.17565111815929413, + 2.0214362144470215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/14.png", + [ + 0.18053719401359558, + -0.023949703201651573, + -0.11739092320203781, + 1.3277771472930908, + -0.02903306484222412, + -0.2147190421819687, + -0.0008441109675914049, + 0.002086728811264038, + -0.11623810231685638, + 0.0164329893887043, + -0.18211686611175537, + 2.1039772033691406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/67.png", + [ + 0.17950433492660522, + -0.01195987407118082, + -0.12076029926538467, + 1.3853825330734253, + -0.00487586110830307, + -0.2161564826965332, + 0.01416000071913004, + -0.16808032989501953, + -0.1212531253695488, + -0.00901337806135416, + -0.17934417724609375, + 2.0951762199401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/78.png", + [ + 0.17526084184646606, + -0.011594678275287151, + -0.12687431275844574, + 1.437643051147461, + -0.006020609755069017, + -0.21628814935684204, + 0.01144923735409975, + -0.14043620228767395, + -0.12726067006587982, + -0.005735521670430899, + -0.17527039349079132, + 2.0341930389404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/31.png", + [ + 0.1817261427640915, + -0.01604539342224598, + -0.11690186709165573, + 1.3355003595352173, + -0.004362865816801786, + -0.21542894840240479, + 0.022786594927310944, + -0.26890841126441956, + -0.11791719496250153, + -0.016757354140281677, + -0.18100446462631226, + 2.104248523712158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/39.png", + [ + 0.18525157868862152, + -0.011680862866342068, + -0.11177343875169754, + 1.294873595237732, + -0.006120131816715002, + -0.21622984111309052, + 0.012453648261725903, + -0.152000293135643, + -0.11221538484096527, + -0.007490446325391531, + -0.1852012574672699, + 2.1948647499084473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/92.png", + [ + 0.17313846945762634, + -0.009347057901322842, + -0.12993688881397247, + 1.4778327941894531, + -0.0020484442356973886, + -0.21628479659557343, + 0.012829011306166649, + -0.1550063043832779, + -0.1302565485239029, + -0.00902287196367979, + -0.17291532456874847, + 2.0077967643737793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/53.png", + [ + 0.18083029985427856, + -0.008107776753604412, + -0.11909054219722748, + 1.3418819904327393, + -0.0048647369258105755, + -0.21649520099163055, + 0.007352412212640047, + -0.09685026109218597, + -0.11926703155040741, + -0.0034623113460838795, + -0.18086260557174683, + 2.0912060737609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/75.png", + [ + 0.1773144006729126, + -0.012810434214770794, + -0.1238684356212616, + 1.4103432893753052, + -0.006227660458534956, + -0.216167613863945, + 0.013441253453493118, + -0.16273947060108185, + -0.12437327206134796, + -0.00743934465572238, + -0.17726770043373108, + 2.063086986541748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/87.png", + [ + 0.1711921989917755, + -0.010033374652266502, + -0.13244040310382843, + 1.49504816532135, + -0.007380104158073664, + -0.2164403200149536, + 0.0068575008772313595, + -0.0863606333732605, + -0.13261471688747406, + -0.0009070121450349689, + -0.17134879529476166, + 1.9847036600112915, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/107.png", + [ + 0.1770971715450287, + -0.005008903332054615, + -0.12473733723163605, + 1.413346290588379, + 0.004518535919487476, + -0.21610110998153687, + 0.015092909336090088, + -0.1741381287574768, + -0.12475607544183731, + -0.014937334693968296, + -0.17652393877506256, + 2.0334696769714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/112.png", + [ + 0.17449548840522766, + -0.006955242250114679, + -0.12826082110404968, + 1.4263437986373901, + -0.0017642818856984377, + -0.21646612882614136, + 0.009338119998574257, + -0.11023260653018951, + -0.12843716144561768, + -0.006475938484072685, + -0.1743842214345932, + 1.9862936735153198, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/69.png", + [ + 0.17883016169071198, + -0.012383547611534595, + -0.12171406298875809, + 1.3929928541183472, + -0.005168134346604347, + -0.21613402664661407, + 0.014396755024790764, + -0.17043600976467133, + -0.12223319709300995, + -0.00897908490151167, + -0.17867936193943024, + 2.084348201751709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/45.png", + [ + 0.1833532750606537, + -0.010084341280162334, + -0.11501208692789078, + 1.309343934059143, + -0.004106315318495035, + -0.2162795513868332, + 0.012417221441864967, + -0.15043361485004425, + -0.11538029462099075, + -0.008327977731823921, + -0.18321006000041962, + 2.1343674659729004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/50.png", + [ + 0.18149827420711517, + -0.00906071625649929, + -0.11800073087215424, + 1.3356263637542725, + -0.004105717409402132, + -0.2163907140493393, + 0.010300561785697937, + -0.1256657987833023, + -0.11827684193849564, + -0.006392333656549454, + -0.18143214285373688, + 2.102227210998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/101.png", + [ + 0.17544154822826385, + -0.00032381058554165065, + -0.1271536648273468, + 1.4284087419509888, + 0.006527692545205355, + -0.2163652926683426, + 0.009557646699249744, + -0.1102159172296524, + -0.12698639929294586, + -0.0115695521235466, + -0.1751813143491745, + 2.0077261924743652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/85.png", + [ + 0.17432644963264465, + -0.008790175430476665, + -0.1283780336380005, + 1.447527527809143, + -0.0072665950283408165, + -0.21649602055549622, + 0.004956287331879139, + -0.0647883489727974, + -0.12847328186035156, + 0.0003178014885634184, + -0.17447754740715027, + 2.016201972961426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/71.png", + [ + 0.1773008406162262, + -0.01216923352330923, + -0.1239524781703949, + 1.4150456190109253, + -0.00475049065425992, + -0.2161417305469513, + 0.014424990862607956, + -0.17164932191371918, + -0.12445777654647827, + -0.009086104109883308, + -0.17713159322738647, + 2.06465482711792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/115.png", + [ + 0.1742536872625351, + -0.009605241939425468, + -0.12841841578483582, + 1.4221159219741821, + -0.003284820821136236, + -0.21633228659629822, + 0.011723646894097328, + -0.13730865716934204, + -0.1287352293729782, + -0.007481526583433151, + -0.17412397265434265, + 1.979843258857727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/54.png", + [ + 0.1810259371995926, + -0.010065681301057339, + -0.11864311993122101, + 1.3323699235916138, + -0.0072759343311190605, + -0.2164306938648224, + 0.0072603411972522736, + -0.09333373606204987, + -0.1188468262553215, + -0.0020817879121750593, + -0.18116013705730438, + 2.0922045707702637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/33.png", + [ + 0.18120186030864716, + -0.01475935336202383, + -0.11788107454776764, + 1.3579511642456055, + -0.00436612730845809, + -0.2156781107187271, + 0.020292649045586586, + -0.2421606332063675, + -0.11872119456529617, + -0.014595068991184235, + -0.18066586554050446, + 2.115701198577881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/49.png", + [ + 0.18210376799106598, + -0.01029445044696331, + -0.11696211993694305, + 1.3277184963226318, + -0.004625391215085983, + -0.21630163490772247, + 0.011836358346045017, + -0.14304853975772858, + -0.1173231452703476, + -0.007451033219695091, + -0.18201003968715668, + 2.1122779846191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/118.png", + [ + 0.17484883964061737, + -0.018037496134638786, + -0.12669028341770172, + 1.4116110801696777, + -0.009777174331247807, + -0.21576738357543945, + 0.017226072028279305, + -0.2049216479063034, + -0.12759381532669067, + -0.008184095844626427, + -0.1749306470155716, + 2.0007829666137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/110.png", + [ + 0.17506100237369537, + -0.00777074508368969, + -0.12744081020355225, + 1.4329956769943237, + -0.0006227368139661849, + -0.21632234752178192, + 0.012334897182881832, + -0.14481139183044434, + -0.12767596542835236, + -0.009599635377526283, + -0.17479869723320007, + 2.0059170722961426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/18.png", + [ + 0.18070420622825623, + -0.022740017622709274, + -0.11737450957298279, + 1.3274030685424805, + -0.02285640686750412, + -0.21536657214164734, + 0.006536260712891817, + -0.08117686212062836, + -0.11735189706087112, + 0.006930343806743622, + -0.18201208114624023, + 2.1024575233459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/66.png", + [ + 0.17877762019634247, + -0.011849585920572281, + -0.1218443289399147, + 1.3956102132797241, + -0.005125755909830332, + -0.21619261801242828, + 0.013504299335181713, + -0.15905021131038666, + -0.1223118007183075, + -0.008259955793619156, + -0.17866025865077972, + 2.086183547973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/16.png", + [ + 0.18024426698684692, + -0.02388910949230194, + -0.11785247921943665, + 1.3339122533798218, + -0.026462478563189507, + -0.21503005921840668, + 0.003115480998530984, + -0.04312501102685928, + -0.11730147898197174, + 0.011801664717495441, + -0.18179377913475037, + 2.100984573364258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/94.png", + [ + 0.1747412383556366, + -0.007117409259080887, + -0.12791691720485687, + 1.4522383213043213, + -0.0005157338455319405, + -0.21637733280658722, + 0.011334903538227081, + -0.13199681043624878, + -0.1281137317419052, + -0.008836770430207253, + -0.1745184063911438, + 2.019303798675537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/28.png", + [ + 0.18122293055057526, + -0.018313823267817497, + -0.117348812520504, + 1.3272281885147095, + -0.00817786157131195, + -0.21549922227859497, + 0.021002329885959625, + -0.24400198459625244, + -0.1184874027967453, + -0.013136940076947212, + -0.18093106150627136, + 2.0876240730285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/61.png", + [ + 0.1800263673067093, + -0.01091037318110466, + -0.12008065730333328, + 1.3621162176132202, + -0.0028414810076355934, + -0.2161097377538681, + 0.0153754698112607, + -0.18047454953193665, + -0.12054181098937988, + -0.011200126260519028, + -0.1797001212835312, + 2.0799484252929688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/58.png", + [ + 0.18190722167491913, + -0.011484988033771515, + -0.1171569675207138, + 1.3197637796401978, + -0.0034890526439994574, + -0.21607224643230438, + 0.015764348208904266, + -0.1883804351091385, + -0.11766684800386429, + -0.011348268948495388, + -0.18158641457557678, + 2.0944814682006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/123.png", + [ + 0.17883647978305817, + -0.01583290658891201, + -0.12130431085824966, + 1.3526067733764648, + -0.0057775662280619144, + -0.21570564806461334, + 0.01963663101196289, + -0.22937308251857758, + -0.12219671159982681, + -0.012972916476428509, + -0.17845885455608368, + 2.044581413269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/64.png", + [ + 0.17780980467796326, + -0.01041872426867485, + -0.1233815923333168, + 1.4091182947158813, + -0.004008895717561245, + -0.21627743542194366, + 0.012485768646001816, + -0.14446328580379486, + -0.1237558051943779, + -0.007963406853377819, + -0.17767663300037384, + 2.068143367767334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/10.png", + [ + 0.179258793592453, + -0.018974775448441505, + -0.12022538483142853, + 1.3631430864334106, + -0.025158023461699486, + -0.21517984569072723, + -0.003550061257556081, + 0.03445809707045555, + -0.11908508837223053, + 0.016896361485123634, + -0.18022526800632477, + 2.086829662322998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/41.png", + [ + 0.18534182012081146, + -0.010800301097333431, + -0.11171237379312515, + 1.2857019901275635, + -0.006005994044244289, + -0.21631446480751038, + 0.010948646813631058, + -0.13238127529621124, + -0.1120724231004715, + -0.006268840283155441, + -0.18533311784267426, + 2.186741352081299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/91.png", + [ + 0.17346063256263733, + -0.009938702918589115, + -0.12946243584156036, + 1.4720287322998047, + -0.002651296090334654, + -0.216265007853508, + 0.01305010449141264, + -0.1578804850578308, + -0.12981627881526947, + -0.008863224647939205, + -0.1732543259859085, + 2.011873245239258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/23.png", + [ + 0.18106937408447266, + -0.021782495081424713, + -0.11699272692203522, + 1.3155282735824585, + -0.017214573919773102, + -0.21556785702705383, + 0.013492920435965061, + -0.1609494537115097, + -0.1177515834569931, + -0.0019807335920631886, + -0.1818750649690628, + 2.0920543670654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/37.png", + [ + 0.18439868092536926, + -0.014069783501327038, + -0.11290289461612701, + 1.3129804134368896, + -0.006670245435088873, + -0.21597857773303986, + 0.016020730137825012, + -0.19568009674549103, + -0.11358049511909485, + -0.010158604010939598, + -0.1842394322156906, + 2.184093475341797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/36.png", + [ + 0.18380193412303925, + -0.014234130270779133, + -0.11385135352611542, + 1.3207125663757324, + -0.006192625500261784, + -0.21591809391975403, + 0.01699751242995262, + -0.20656421780586243, + -0.11457046866416931, + -0.011164838448166847, + -0.18356700241565704, + 2.169656276702881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/8.png", + [ + 0.17990396916866302, + -0.018712375313043594, + -0.11929918080568314, + 1.358734369277954, + -0.024179095402359962, + -0.21530450880527496, + -0.002691192552447319, + 0.026347629725933075, + -0.11831238865852356, + 0.015547286719083786, + -0.18085451424121857, + 2.101297378540039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/6.png", + [ + 0.17987202107906342, + -0.01879529282450676, + -0.11933435499668121, + 1.3622311353683472, + -0.022882893681526184, + -0.21546220779418945, + -0.0005557270487770438, + 0.0023594871163368225, + -0.11861839890480042, + 0.013064173981547356, + -0.18085049092769623, + 2.1033682823181152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/20.png", + [ + 0.1805032640695572, + -0.021014420315623283, + -0.11800362169742584, + 1.3301039934158325, + -0.021393518894910812, + -0.21554158627986908, + 0.005659836810082197, + -0.07077498733997345, + -0.11793546378612518, + 0.006936177611351013, + -0.18163424730300903, + 2.0950093269348145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/2.png", + [ + 0.17527157068252563, + -0.020822817459702492, + -0.12567487359046936, + 1.437211036682129, + -0.02560432255268097, + -0.21515648066997528, + -6.0043497796868905e-05, + -0.0037209447473287582, + -0.1247885525226593, + 0.014899502508342266, + -0.17650413513183594, + 2.060439109802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/117.png", + [ + 0.17435196042060852, + -0.015210370533168316, + -0.12774167954921722, + 1.4230643510818481, + -0.007815595716238022, + -0.216009721159935, + 0.015053221955895424, + -0.179059699177742, + -0.12840642035007477, + -0.007505177054554224, + -0.1743655800819397, + 1.99240243434906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/5.png", + [ + 0.1796514093875885, + -0.019969016313552856, + -0.11947595328092575, + 1.363932490348816, + -0.023974591866135597, + -0.21534417569637299, + -5.740225242334418e-05, + -0.00306120328605175, + -0.11873704940080643, + 0.013267355971038342, + -0.1807578206062317, + 2.1023693084716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/108.png", + [ + 0.17707139253616333, + -0.0070672123692929745, + -0.12467429786920547, + 1.409864902496338, + 0.002379240468144417, + -0.2160971462726593, + 0.015628721565008163, + -0.18016737699508667, + -0.1248517706990242, + -0.01414115447551012, + -0.17652183771133423, + 2.0333175659179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/60.png", + [ + 0.1809249371290207, + -0.010965612716972828, + -0.11871741712093353, + 1.3433197736740112, + -0.0028197811916470528, + -0.2160894274711609, + 0.015662267804145813, + -0.18506820499897003, + -0.11918941140174866, + -0.011533133685588837, + -0.18057896196842194, + 2.0861692428588867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/56.png", + [ + 0.1830030381679535, + -0.011962288059294224, + -0.11538927257061005, + 1.2932478189468384, + -0.006139046512544155, + -0.21621625125408173, + 0.012678618542850018, + -0.1515422761440277, + -0.11584513634443283, + -0.0074390145018696785, + -0.182954803109169, + 2.1068010330200195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/30.png", + [ + 0.18073101341724396, + -0.01597125642001629, + -0.1184445470571518, + 1.3481453657150269, + -0.004768436308950186, + -0.2155238837003708, + 0.02178557589650154, + -0.2568221092224121, + -0.1194213256239891, + -0.015564970672130585, + -0.18012267351150513, + 2.088791847229004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/17.png", + [ + 0.1806132048368454, + -0.023738522082567215, + -0.11731687188148499, + 1.3277055025100708, + -0.0252557210624218, + -0.21514740586280823, + 0.004652057308703661, + -0.06039172410964966, + -0.11699961870908737, + 0.009796714410185814, + -0.1821071207523346, + 2.10444974899292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/12.png", + [ + 0.18003840744495392, + -0.02088945172727108, + -0.1187337189912796, + 1.3436062335968018, + -0.026527240872383118, + -0.21503132581710815, + -0.0023922009859234095, + 0.019418299198150635, + -0.11760259419679642, + 0.01652415841817856, + -0.18123044073581696, + 2.0936012268066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/114.png", + [ + 0.17168684303760529, + -0.010629584081470966, + -0.13175180554389954, + 1.46180260181427, + -0.0052942330949008465, + -0.21635256707668304, + 0.010556118562817574, + -0.12339642643928528, + -0.13207381963729858, + -0.0051451437175273895, + -0.17169137299060822, + 1.9592093229293823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/27.png", + [ + 0.18107984960079193, + -0.019651463255286217, + -0.11735332012176514, + 1.3256676197052002, + -0.010350554250180721, + -0.21549059450626373, + 0.02011386677622795, + -0.23490825295448303, + -0.11853627860546112, + -0.011203641071915627, + -0.1810290813446045, + 2.088348388671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/42.png", + [ + 0.18632736802101135, + -0.011627111583948135, + -0.10997644811868668, + 1.2603336572647095, + -0.006453840993344784, + -0.21624977886676788, + 0.011928308755159378, + -0.1431477665901184, + -0.11040089279413223, + -0.006981894839555025, + -0.18630832433700562, + 2.1864194869995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/7.png", + [ + 0.18028928339481354, + -0.01921292580664158, + -0.1186361238360405, + 1.353717565536499, + -0.02358400449156761, + -0.21538516879081726, + -0.0009589303517714143, + 0.007058687508106232, + -0.1178450658917427, + 0.013710880652070045, + -0.1813076138496399, + 2.1086130142211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/73.png", + [ + 0.1774984449148178, + -0.012547032907605171, + -0.12363158166408539, + 1.4094384908676147, + -0.005207690875977278, + -0.21612901985645294, + 0.01445764023810625, + -0.1734783947467804, + -0.12415745109319687, + -0.008872169069945812, + -0.17735305428504944, + 2.066286563873291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/120.png", + [ + 0.17737911641597748, + -0.0168361347168684, + -0.12329268455505371, + 1.374404788017273, + -0.007838956080377102, + -0.21576771140098572, + 0.018186217173933983, + -0.21456922590732574, + -0.12418974190950394, + -0.010427474975585938, + -0.17724578082561493, + 2.0273513793945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/46.png", + [ + 0.18336068093776703, + -0.010831697843968868, + -0.11493226885795593, + 1.307116150856018, + -0.005493755452334881, + -0.2162930965423584, + 0.011619734577834606, + -0.1404084414243698, + -0.11531075090169907, + -0.006919096689671278, + -0.18331244587898254, + 2.1307339668273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/57.png", + [ + 0.1822962611913681, + -0.01009173970669508, + -0.11667956411838531, + 1.3117340803146362, + -0.0026670037768781185, + -0.21617044508457184, + 0.014529972337186337, + -0.1740456074476242, + -0.117084801197052, + -0.010788408108055592, + -0.18199630081653595, + 2.0980000495910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/44.png", + [ + 0.1850287765264511, + -0.011348497122526169, + -0.11217600852251053, + 1.2781113386154175, + -0.005764365196228027, + -0.21624450385570526, + 0.012368745170533657, + -0.14851129055023193, + -0.1126011312007904, + -0.007577955722808838, + -0.1849633753299713, + 2.1583924293518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/113.png", + [ + 0.17101222276687622, + -0.008342727087438107, + -0.1327897161245346, + 1.4758132696151733, + -0.003907840233296156, + -0.2164699137210846, + 0.0085673863068223, + -0.10050436854362488, + -0.1329941302537918, + -0.004366948269307613, + -0.1710011214017868, + 1.9516252279281616, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/29.png", + [ + 0.18049176037311554, + -0.01624724082648754, + -0.11877141892910004, + 1.3461036682128906, + -0.005950732622295618, + -0.21562503278255463, + 0.020453181117773056, + -0.23840416967868805, + -0.11972974985837936, + -0.013775741681456566, + -0.1800636202096939, + 2.0815272331237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/4.png", + [ + 0.17752918601036072, + -0.020721634849905968, + -0.12248222529888153, + 1.4003844261169434, + -0.025117583572864532, + -0.2152138501405716, + 3.909723091055639e-06, + -0.004204202443361282, + -0.12165684998035431, + 0.014195309020578861, + -0.1787344366312027, + 2.0825462341308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/55.png", + [ + 0.18135344982147217, + -0.011721081100404263, + -0.11798913031816483, + 1.3218777179718018, + -0.007087590638548136, + -0.2162994146347046, + 0.010593382641673088, + -0.12943941354751587, + -0.11835785210132599, + -0.0050069899298250675, + -0.18142279982566833, + 2.0940237045288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/9.png", + [ + 0.17947445809841156, + -0.01844303123652935, + -0.11998610198497772, + 1.3626625537872314, + -0.025015413761138916, + -0.21518194675445557, + -0.004342341795563698, + 0.044922877103090286, + -0.1187899112701416, + 0.0174493957310915, + -0.1803673356771469, + 2.0924859046936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/25.png", + [ + 0.1807273030281067, + -0.02318960800766945, + -0.11725091189146042, + 1.3184430599212646, + -0.014947821386158466, + -0.21527376770973206, + 0.019536178559064865, + -0.22831286489963531, + -0.11858370900154114, + -0.008206196129322052, + -0.181158646941185, + 2.0842337608337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/99.png", + [ + 0.17635414004325867, + -0.0008190579828806221, + -0.12588262557983398, + 1.4184203147888184, + 0.006935698911547661, + -0.21627774834632874, + 0.011123716831207275, + -0.12740002572536469, + -0.12569409608840942, + -0.013083202764391899, + -0.17600487172603607, + 2.0245776176452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/34.png", + [ + 0.18327756226062775, + -0.014137406833469868, + -0.11470553278923035, + 1.3250064849853516, + -0.003930707927793264, + -0.21568554639816284, + 0.020302629098296165, + -0.24173332750797272, + -0.1155065968632698, + -0.015092410147190094, + -0.18269741535186768, + 2.1456685066223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/72.png", + [ + 0.17771680653095245, + -0.0132658826187253, + -0.12324222922325134, + 1.406299114227295, + -0.00539614912122488, + -0.21605394780635834, + 0.015474888496100903, + -0.184431254863739, + -0.12383662909269333, + -0.009623249992728233, + -0.17753809690475464, + 2.069525718688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/102.png", + [ + 0.17400899529457092, + -0.000668563530780375, + -0.1291058212518692, + 1.4512627124786377, + 0.004958420060575008, + -0.21647725999355316, + 0.007803973276168108, + -0.0876418799161911, + -0.1290123015642166, + -0.009221765212714672, + -0.17383520305156708, + 1.9911264181137085, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/70.png", + [ + 0.1777704507112503, + -0.012409872375428677, + -0.12325403094291687, + 1.4090607166290283, + -0.005898868199437857, + -0.21618811786174774, + 0.013258976861834526, + -0.1574859321117401, + -0.1237366795539856, + -0.00752277672290802, + -0.17770913243293762, + 2.0721983909606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/90.png", + [ + 0.1727539747953415, + -0.008716585114598274, + -0.13049131631851196, + 1.4823240041732788, + -0.0017820335924625397, + -0.2163296639919281, + 0.012091247364878654, + -0.14640381932258606, + -0.13076995313167572, + -0.008567088283598423, + -0.17255060374736786, + 2.0042190551757812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/122.png", + [ + 0.177970290184021, + -0.015920547768473625, + -0.12256020307540894, + 1.366041660308838, + -0.0064591215923428535, + -0.21577388048171997, + 0.018649665638804436, + -0.2166159749031067, + -0.12342101335525513, + -0.01166474912315607, + -0.17770503461360931, + 2.034691333770752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/15.png", + [ + 0.1803598254919052, + -0.02401614934206009, + -0.11764970421791077, + 1.3312467336654663, + -0.027748437598347664, + -0.2148863971233368, + 0.0013263100991025567, + -0.02158237248659134, + -0.11682573705911636, + 0.013962789438664913, + -0.18194693326950073, + 2.102320671081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/22.png", + [ + 0.17982548475265503, + -0.021441899240016937, + -0.11895770579576492, + 1.338797926902771, + -0.01913929358124733, + -0.2155991792678833, + 0.009928926825523376, + -0.1195472925901413, + -0.11934980750083923, + 0.00226741936057806, + -0.18082691729068756, + 2.083238124847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/109.png", + [ + 0.17715942859649658, + -0.00705680763348937, + -0.12454968690872192, + 1.4043803215026855, + 0.0018915595719590783, + -0.21615086495876312, + 0.014937353320419788, + -0.17311060428619385, + -0.12473510950803757, + -0.013300524093210697, + -0.17666956782341003, + 2.0296082496643066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/26.png", + [ + 0.18138264119625092, + -0.02081485092639923, + -0.11668320000171661, + 1.3161767721176147, + -0.01109420508146286, + -0.21535232663154602, + 0.02117040380835533, + -0.24738019704818726, + -0.11800486594438553, + -0.011747741140425205, + -0.1813414990901947, + 2.0904054641723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/43.png", + [ + 0.1859496533870697, + -0.011700451374053955, + -0.11060615628957748, + 1.2637720108032227, + -0.005994807463139296, + -0.21621350944042206, + 0.012793710455298424, + -0.15444426238536835, + -0.11106162518262863, + -0.007919355295598507, + -0.18587763607501984, + 2.175217628479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/84.png", + [ + 0.1730111986398697, + -0.00809126440435648, + -0.1301904320716858, + 1.4675341844558716, + -0.005948182195425034, + -0.21652178466320038, + 0.005552119575440884, + -0.07107815891504288, + -0.1303059309720993, + -0.0008592717931605875, + -0.17311127483844757, + 2.001873016357422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/89.png", + [ + 0.17250463366508484, + -0.008965750224888325, + -0.1308038979768753, + 1.4818737506866455, + -0.0030562852043658495, + -0.2163836658000946, + 0.0108010433614254, + -0.13055087625980377, + -0.1310751736164093, + -0.006754164583981037, + -0.17239944636821747, + 2.0007410049438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/63.png", + [ + 0.17840702831745148, + -0.011469568125903606, + -0.12242255359888077, + 1.3964699506759644, + -0.0044384244829416275, + -0.21619004011154175, + 0.01378635223954916, + -0.1608692705631256, + -0.12287852168083191, + -0.008843760937452316, + -0.17824296653270721, + 2.072518825531006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/88.png", + [ + 0.170014888048172, + -0.011903473176062107, + -0.1337951272726059, + 1.513843059539795, + -0.008237282745540142, + -0.21633990108966827, + 0.008780104108154774, + -0.10543203353881836, + -0.13407078385353088, + -0.001802887418307364, + -0.1702047884464264, + 1.9770656824111938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/62.png", + [ + 0.17961503565311432, + -0.010256313718855381, + -0.12075241655111313, + 1.3741432428359985, + -0.002915701363235712, + -0.21620050072669983, + 0.014026356860995293, + -0.16528432071208954, + -0.1211521178483963, + -0.01000240072607994, + -0.17936000227928162, + 2.078319549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/65.png", + [ + 0.1778326779603958, + -0.009995800442993641, + -0.12338362634181976, + 1.4104454517364502, + -0.0039213853888213634, + -0.21631357073783875, + 0.011872535571455956, + -0.13811397552490234, + -0.12372574210166931, + -0.007511216215789318, + -0.17771723866462708, + 2.0706605911254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/80.png", + [ + 0.174970805644989, + -0.010168414562940598, + -0.1273958832025528, + 1.4383621215820312, + -0.006219374481588602, + -0.21640928089618683, + 0.008731289766728878, + -0.10827024281024933, + -0.12764963507652283, + -0.0033940195571631193, + -0.17504839599132538, + 2.025040626525879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/119.png", + [ + 0.17621788382530212, + -0.019453808665275574, + -0.12456606328487396, + 1.3887373208999634, + -0.010235803201794624, + -0.2155805230140686, + 0.01918765716254711, + -0.22774271667003632, + -0.1256597936153412, + -0.009720447473227978, + -0.17624707520008087, + 2.0165348052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/79.png", + [ + 0.17506416141986847, + -0.011107727885246277, + -0.1271890103816986, + 1.438454031944275, + -0.006576396059244871, + -0.21635101735591888, + 0.009842650964856148, + -0.12167303264141083, + -0.1275036334991455, + -0.004092083312571049, + -0.17513984441757202, + 2.028496265411377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/116.png", + [ + 0.1725633144378662, + -0.01097660418599844, + -0.13057298958301544, + 1.4504790306091309, + -0.004159087315201759, + -0.216263085603714, + 0.012683545239269733, + -0.15018722414970398, + -0.13096751272678375, + -0.007595030590891838, + -0.17244626581668854, + 1.9669286012649536, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/19.png", + [ + 0.18015506863594055, + -0.022589758038520813, + -0.11824445426464081, + 1.3353809118270874, + -0.022560037672519684, + -0.2153903841972351, + 0.006776736583560705, + -0.08393102884292603, + -0.11825012415647507, + 0.0066769965924322605, + -0.18143931031227112, + 2.0954480171203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/77.png", + [ + 0.17653821408748627, + -0.013080406002700329, + -0.12494421750307083, + 1.418894648551941, + -0.0071802763268351555, + -0.2161952406167984, + 0.01248820312321186, + -0.15200357139110565, + -0.1254216730594635, + -0.006034444086253643, + -0.17658108472824097, + 2.052313804626465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/68.png", + [ + 0.17820043861865997, + -0.012139158323407173, + -0.1226586252450943, + 1.4079242944717407, + -0.004905454348772764, + -0.21614889800548553, + 0.014264889992773533, + -0.17065227031707764, + -0.12316019833087921, + -0.008954961784183979, + -0.17804288864135742, + 2.081331729888916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/86.png", + [ + 0.17296390235424042, + -0.007408281322568655, + -0.13029389083385468, + 1.469007134437561, + -0.005818804260343313, + -0.2165478765964508, + 0.004588123876601458, + -0.06295478343963623, + -0.13037453591823578, + -0.00016349463840015233, + -0.17306166887283325, + 1.9979537725448608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/1.png", + [ + 0.1735745668411255, + -0.021290691569447517, + -0.12793149054050446, + 1.4636073112487793, + -0.02669673040509224, + -0.2150232195854187, + -0.00043680111411958933, + 0.003362230956554413, + -0.12691354751586914, + 0.01611250266432762, + -0.1748749166727066, + 2.040677547454834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/81.png", + [ + 0.17427636682987213, + -0.009446777403354645, + -0.12839937210083008, + 1.449692964553833, + -0.006015365943312645, + -0.21645204722881317, + 0.007760457694530487, + -0.09594237804412842, + -0.12860582768917084, + -0.0026772641576826572, + -0.17435958981513977, + 2.016158103942871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/95.png", + [ + 0.17566223442554474, + -0.005039566662162542, + -0.12674887478351593, + 1.4380089044570923, + 0.001715252990834415, + -0.21638941764831543, + 0.01098087802529335, + -0.12732025980949402, + -0.12683743238449097, + -0.009905783459544182, + -0.17539110779762268, + 2.026479721069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/103.png", + [ + 0.17320990562438965, + -0.00025798831484280527, + -0.13017739355564117, + 1.4645297527313232, + 0.004335079807788134, + -0.216542586684227, + 0.006197268608957529, + -0.06799231469631195, + -0.13010545074939728, + -0.007558603771030903, + -0.17309918999671936, + 1.983890414237976, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/83.png", + [ + 0.1731349527835846, + -0.00835395883768797, + -0.1300092190504074, + 1.4671435356140137, + -0.005686814896762371, + -0.2165071964263916, + 0.006338827777653933, + -0.07967597246170044, + -0.13015314936637878, + -0.0016528678825125098, + -0.1732204258441925, + 2.004685401916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/51.png", + [ + 0.18043199181556702, + -0.009101180359721184, + -0.11962173134088516, + 1.3510240316390991, + -0.004328365903347731, + -0.21640339493751526, + 0.009935909882187843, + -0.1218494176864624, + -0.11988934129476547, + -0.005884349346160889, + -0.180387943983078, + 2.0878829956054688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/93.png", + [ + 0.172583669424057, + -0.008701552636921406, + -0.1307174563407898, + 1.4865162372589111, + -0.0020867236889898777, + -0.21635131537914276, + 0.011646938510239124, + -0.1389523595571518, + -0.13099011778831482, + -0.008018014021217823, + -0.17240995168685913, + 1.9997833967208862, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/76.png", + [ + 0.18505966663360596, + -0.03361796587705612, + 0.1075669527053833, + -1.1651008129119873, + -0.021676579490303993, + -0.21356621384620667, + -0.02945329248905182, + 0.31455838680267334, + 0.11059360951185226, + 0.014394544996321201, + -0.1857680082321167, + 2.058375835418701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/48.png", + [ + 0.17599935829639435, + -0.034715984016656876, + 0.12151921540498734, + -1.337777853012085, + -0.01889665424823761, + -0.21322624385356903, + -0.033546630293130875, + 0.3611499071121216, + 0.12496013939380646, + 0.01665113866329193, + -0.17622597515583038, + 1.9951194524765015, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/35.png", + [ + 0.17451359331607819, + -0.0382336787879467, + 0.12260132282972336, + -1.367875576019287, + -0.025751905515789986, + -0.21306642889976501, + -0.029789693653583527, + 0.32362717390060425, + 0.12581628561019897, + 0.009421913884580135, + -0.1761515885591507, + 2.020369529724121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/124.png", + [ + 0.18632002174854279, + -0.02976449579000473, + 0.10652142763137817, + -1.183814287185669, + -0.014569218270480633, + -0.21346765756607056, + -0.03416420519351959, + 0.37106722593307495, + 0.10963794589042664, + 0.022215532138943672, + -0.18556368350982666, + 2.1003684997558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/97.png", + [ + 0.19807402789592743, + 0.006120509002357721, + 0.08761914074420929, + -0.9593510627746582, + 0.010762669146060944, + -0.21621036529541016, + -0.009227298200130463, + 0.09985484182834625, + 0.08717074245214462, + 0.012787394225597382, + -0.19795362651348114, + 2.2136306762695312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/13.png", + [ + 0.1629588007926941, + -0.03775188326835632, + 0.13772115111351013, + -1.5462861061096191, + -0.025241540744900703, + -0.21329043805599213, + -0.02859971486032009, + 0.3184430003166199, + 0.14055313169956207, + 0.00546571658924222, + -0.16481152176856995, + 1.921211838722229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/32.png", + [ + 0.17664982378482819, + -0.038754042237997055, + 0.11933506280183792, + -1.3379894495010376, + -0.024940378963947296, + -0.2128133624792099, + -0.032192256301641464, + 0.35595405101776123, + 0.12296630442142487, + 0.012509515509009361, + -0.17796260118484497, + 2.048088550567627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/38.png", + [ + 0.17455752193927765, + -0.037566449493169785, + 0.12274497747421265, + -1.3711967468261719, + -0.02459273301064968, + -0.2131374329328537, + -0.03025762178003788, + 0.3305228352546692, + 0.12598715722560883, + 0.010444511659443378, + -0.17597171664237976, + 2.0198779106140137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/111.png", + [ + 0.18940940499305725, + -0.020897455513477325, + 0.10312744975090027, + -1.159648060798645, + -0.006564061623066664, + -0.21429160237312317, + -0.03136754035949707, + 0.3490426540374756, + 0.10501851886510849, + 0.024296211078763008, + -0.18795929849147797, + 2.159125328063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/11.png", + [ + 0.16158945858478546, + -0.03786404803395271, + 0.13929483294487, + -1.5549206733703613, + -0.026915663853287697, + -0.21332405507564545, + -0.02676355093717575, + 0.2937263250350952, + 0.14181777834892273, + 0.0026560311671346426, + -0.16379423439502716, + 1.8980101346969604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/59.png", + [ + 0.17465081810951233, + -0.03675442561507225, + 0.12285804003477097, + -1.3618576526641846, + -0.019169563427567482, + -0.21273478865623474, + -0.036391306668519974, + 0.39853277802467346, + 0.1267971247434616, + 0.018463801592588425, + -0.17472682893276215, + 1.9778860807418823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/105.png", + [ + 0.198482483625412, + 0.00047120804083533585, + 0.08690442889928818, + -0.945918083190918, + 0.004233033861964941, + -0.21646668016910553, + -0.008494185283780098, + 0.08668731153011322, + 0.08680254966020584, + 0.009478804655373096, + -0.19830118119716644, + 2.218827724456787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/121.png", + [ + 0.18558484315872192, + -0.02894122339785099, + 0.10802114754915237, + -1.2014403343200684, + -0.014113372191786766, + -0.2136809527873993, + -0.033002424985170364, + 0.3590127229690552, + 0.11093680560588837, + 0.021230947226285934, + -0.18490582704544067, + 2.0980753898620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/24.png", + [ + 0.17913228273391724, + -0.0414368100464344, + 0.11464079469442368, + -1.2953754663467407, + -0.031116904690861702, + -0.21256494522094727, + -0.028209593147039413, + 0.31323397159576416, + 0.11786120384931564, + 0.006858125329017639, + -0.1816854327917099, + 2.1233620643615723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/74.png", + [ + 0.18387314677238464, + -0.03498230129480362, + 0.10915490984916687, + -1.1842621564865112, + -0.022127533331513405, + -0.2132890671491623, + -0.031081348657608032, + 0.3297148644924164, + 0.1124674528837204, + 0.015228812582790852, + -0.18457260727882385, + 2.0499982833862305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/98.png", + [ + 0.19755315780639648, + 0.006286162417382002, + 0.08877573162317276, + -0.972342848777771, + 0.011506953276693821, + -0.21612344682216644, + -0.010302902199327946, + 0.11253324151039124, + 0.08825098723173141, + 0.014108293689787388, + -0.19738443195819855, + 2.20699405670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/0.png", + [ + 0.13085728883743286, + -0.04311345890164375, + 0.1672288477420807, + -1.8526087999343872, + -0.019429203122854233, + -0.2121572494506836, + -0.03949306160211563, + 0.42999985814094543, + 0.1716005951166153, + 0.008855828084051609, + -0.1319950670003891, + 1.5167102813720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/96.png", + [ + 0.19787319004535675, + 0.007680430542677641, + 0.08794942498207092, + -0.963058352470398, + 0.012761381454765797, + -0.21607448160648346, + -0.009841909632086754, + 0.10825379192829132, + 0.08735695481300354, + 0.014167816378176212, + -0.19777747988700867, + 2.2126617431640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/100.png", + [ + 0.1987755447626114, + 0.005238362587988377, + 0.08607396483421326, + -0.940648078918457, + 0.01160427089780569, + -0.2159322202205658, + -0.013657025061547756, + 0.1496303826570511, + 0.08544887602329254, + 0.017138641327619553, + -0.19837503135204315, + 2.214684009552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/40.png", + [ + 0.1735217571258545, + -0.03745841979980469, + 0.12423751503229141, + -1.3889089822769165, + -0.021995771676301956, + -0.21293915808200836, + -0.03348120301961899, + 0.36927613615989685, + 0.12788383662700653, + 0.014201096259057522, + -0.17433284223079681, + 2.003187656402588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/52.png", + [ + 0.17379848659038544, + -0.0323747843503952, + 0.12527507543563843, + -1.3780564069747925, + -0.018238002434372902, + -0.21381767094135284, + -0.029954584315419197, + 0.32411810755729675, + 0.1280989944934845, + 0.01348239928483963, + -0.17423194646835327, + 1.9713927507400513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/3.png", + [ + 0.13209477066993713, + -0.04131392762064934, + 0.16670939326286316, + -1.84768545627594, + -0.02418680489063263, + -0.21269147098064423, + -0.03354442119598389, + 0.37139010429382324, + 0.1700407713651657, + 0.001840896438807249, + -0.13427822291851044, + 1.5383787155151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/47.png", + [ + 0.17651353776454926, + -0.0334138423204422, + 0.121137835085392, + -1.3379969596862793, + -0.01741029880940914, + -0.2133626788854599, + -0.03348345309495926, + 0.35803717374801636, + 0.12444976717233658, + 0.017543522641062737, + -0.1765003651380539, + 2.0023064613342285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/104.png", + [ + 0.1988527476787567, + 0.00155019445810467, + 0.08604109287261963, + -0.9374475479125977, + 0.005311193875968456, + -0.21644756197929382, + -0.008375181816518307, + 0.08843033015727997, + 0.0858910009264946, + 0.009795374237000942, + -0.19868235290050507, + 2.230290412902832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/21.png", + [ + 0.17148567736148834, + -0.04098090901970863, + 0.12594091892242432, + -1.4229217767715454, + -0.02759457193315029, + -0.21257473528385162, + -0.031597621738910675, + 0.35090476274490356, + 0.12953412532806396, + 0.008968537673354149, + -0.173459991812706, + 2.0242137908935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/82.png", + [ + 0.19233617186546326, + -0.01626478135585785, + 0.0984385684132576, + -1.0818077325820923, + -0.007549470756202936, + -0.21553580462932587, + -0.020861811935901642, + 0.2260877788066864, + 0.09948719292879105, + 0.015088622458279133, + -0.19189198315143585, + 2.1487956047058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/106.png", + [ + 0.19484031200408936, + -0.0031729028560221195, + 0.09473692625761032, + -1.0391426086425781, + 0.001836290117353201, + -0.21638624370098114, + -0.011023745872080326, + 0.11069479584693909, + 0.09477226436138153, + 0.010715765878558159, + -0.19455407559871674, + 2.183284282684326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/14.png", + [ + 0.1657969057559967, + -0.03753086179494858, + 0.1343529373407364, + -1.5090011358261108, + -0.024210240691900253, + -0.21326006948947906, + -0.029696788638830185, + 0.33036279678344727, + 0.13737955689430237, + 0.00771165220066905, + -0.16737766563892365, + 1.9494174718856812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/67.png", + [ + 0.17151685059070587, + -0.03633960708975792, + 0.1273157298564911, + -1.4117358922958374, + -0.017356054857373238, + -0.2127266824245453, + -0.03733668103814125, + 0.41047051548957825, + 0.13125789165496826, + 0.019357001408934593, + -0.17130255699157715, + 1.9426370859146118, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/78.png", + [ + 0.18591241538524628, + -0.03206869214773178, + 0.10656484961509705, + -1.1646069288253784, + -0.022624772042036057, + -0.21404197812080383, + -0.02494087442755699, + 0.26197436451911926, + 0.10896141082048416, + 0.010272604413330555, + -0.18700209259986877, + 2.084657669067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/31.png", + [ + 0.17774492502212524, + -0.037860579788684845, + 0.11798816919326782, + -1.328635811805725, + -0.025111595168709755, + -0.21303793787956238, + -0.030530868098139763, + 0.3386579155921936, + 0.12134265154600143, + 0.011371133849024773, + -0.17914952337741852, + 2.071537971496582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/39.png", + [ + 0.1744990199804306, + -0.03595747426152229, + 0.12330873310565948, + -1.3772794008255005, + -0.021778736263513565, + -0.21328204870224, + -0.031374234706163406, + 0.3455527424812317, + 0.12658464908599854, + 0.012873057276010513, + -0.17538104951381683, + 2.0163278579711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/92.png", + [ + 0.19834579527378082, + 0.01124361902475357, + 0.08648940175771713, + -0.9495370388031006, + 0.015738338232040405, + -0.21595346927642822, + -0.008018730208277702, + 0.0853588879108429, + 0.08578542619943619, + 0.013622644357383251, + -0.1985023319721222, + 2.2315845489501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/53.png", + [ + 0.17264847457408905, + -0.0313662625849247, + 0.12710843980312347, + -1.400156021118164, + -0.017937026917934418, + -0.2140475958585739, + -0.02845660038292408, + 0.3074205219745636, + 0.12968677282333374, + 0.012152050621807575, + -0.17315183579921722, + 1.960394024848938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/75.png", + [ + 0.18506570160388947, + -0.03357727453112602, + 0.10756924748420715, + -1.1641067266464233, + -0.021131321787834167, + -0.213503897190094, + -0.030289288610219955, + 0.3228064179420471, + 0.1106889620423317, + 0.015379869379103184, + -0.18563218414783478, + 2.0564327239990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/87.png", + [ + 0.19793759286403656, + 0.009849964641034603, + 0.08758759498596191, + -0.96180659532547, + 0.015576871111989021, + -0.21583746373653412, + -0.010929139330983162, + 0.11476373672485352, + 0.08675234019756317, + 0.01628076285123825, + -0.19788092374801636, + 2.2225823402404785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/107.png", + [ + 0.1893966794013977, + -0.01022634468972683, + 0.10474830865859985, + -1.1658695936203003, + -0.001750786672346294, + -0.2159256637096405, + -0.017914721742272377, + 0.18840280175209045, + 0.10523176193237305, + 0.014812979847192764, + -0.18882466852664948, + 2.1366219520568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/112.png", + [ + 0.18912377953529358, + -0.022331174463033676, + 0.1033509150147438, + -1.1603559255599976, + -0.008493747562170029, + -0.21431134641170502, + -0.030763672664761543, + 0.34352487325668335, + 0.10539425909519196, + 0.022800570353865623, + -0.18793638050556183, + 2.160029411315918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/69.png", + [ + 0.1741175800561905, + -0.03966771811246872, + 0.12270873785018921, + -1.3550190925598145, + -0.021803371608257294, + -0.21225666999816895, + -0.037677738815546036, + 0.410370796918869, + 0.12710459530353546, + 0.017929615452885628, + -0.17455899715423584, + 1.9679330587387085, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/45.png", + [ + 0.1740095317363739, + -0.03279966488480568, + 0.12487096339464188, + -1.3903443813323975, + -0.016845133155584335, + -0.21354222297668457, + -0.032616857439279556, + 0.34998267889022827, + 0.12800319492816925, + 0.01648636721074581, + -0.17404389381408691, + 1.9872311353683472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/50.png", + [ + 0.1768644005060196, + -0.03598300740122795, + 0.1198837012052536, + -1.3185217380523682, + -0.019095512107014656, + -0.21285571157932281, + -0.035716891288757324, + 0.38636767864227295, + 0.12370222806930542, + 0.018589187413454056, + -0.17691834270954132, + 1.99791419506073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/101.png", + [ + 0.19779059290885925, + 0.004977263044565916, + 0.08832895010709763, + -0.9641385078430176, + 0.011174220591783524, + -0.21600441634655, + -0.01285020262002945, + 0.14162525534629822, + 0.0877605453133583, + 0.016285507008433342, + -0.19743548333644867, + 2.2065820693969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/85.png", + [ + 0.1961687058210373, + 0.0022618547081947327, + 0.09198164939880371, + -1.0098997354507446, + 0.009204531088471413, + -0.21600496768951416, + -0.014318827539682388, + 0.15356530249118805, + 0.0915478840470314, + 0.016871165484189987, + -0.19565849006175995, + 2.1977524757385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/71.png", + [ + 0.17862428724765778, + -0.03756637126207352, + 0.11674770712852478, + -1.2802406549453735, + -0.02207271195948124, + -0.21273884177207947, + -0.034682516008615494, + 0.3714632987976074, + 0.12064019590616226, + 0.01669877953827381, + -0.17920655012130737, + 2.009507656097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/115.png", + [ + 0.1877909004688263, + -0.027628706768155098, + 0.1044945940375328, + -1.1752345561981201, + -0.013908566907048225, + -0.21391168236732483, + -0.03156336024403572, + 0.3498191237449646, + 0.10718683898448944, + 0.020648207515478134, + -0.18716979026794434, + 2.14652681350708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/54.png", + [ + 0.1719004362821579, + -0.03027355670928955, + 0.1283808946609497, + -1.4164799451828003, + -0.017592934891581535, + -0.2142685502767563, + -0.026970036327838898, + 0.2891377806663513, + 0.1307234913110733, + 0.010972967371344566, + -0.17244958877563477, + 1.9485474824905396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/33.png", + [ + 0.17658650875091553, + -0.04038983955979347, + 0.11888549476861954, + -1.3287097215652466, + -0.02644001878798008, + -0.2125195562839508, + -0.032928161323070526, + 0.36177751421928406, + 0.12274373322725296, + 0.01232878491282463, + -0.17812880873680115, + 2.045689582824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/49.png", + [ + 0.17663568258285522, + -0.03557110205292702, + 0.12034294754266739, + -1.3240187168121338, + -0.019467351958155632, + -0.21303938329219818, + -0.034396834671497345, + 0.37094005942344666, + 0.12397076934576035, + 0.01722836121916771, + -0.17686811089515686, + 2.0000500679016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/118.png", + [ + 0.18668116629123688, + -0.03023131750524044, + 0.10575490444898605, + -1.181494116783142, + -0.01487433910369873, + -0.21335472166538239, + -0.034733474254608154, + 0.3862074315547943, + 0.10898067057132721, + 0.022665562108159065, + -0.1858961582183838, + 2.1245851516723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/110.png", + [ + 0.18744361400604248, + -0.02165069989860058, + 0.10650837421417236, + -1.2020810842514038, + -0.0071530514396727085, + -0.21432916820049286, + -0.030979564413428307, + 0.34364795684814453, + 0.1084510013461113, + 0.023284045979380608, + -0.18612931668758392, + 2.138050079345703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/18.png", + [ + 0.16567692160606384, + -0.0357319675385952, + 0.1349899172782898, + -1.5271821022033691, + -0.021495699882507324, + -0.21349024772644043, + -0.030128801241517067, + 0.33099356293678284, + 0.1379745900630951, + 0.009645543061196804, + -0.16678689420223236, + 1.9439512491226196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/66.png", + [ + 0.17255476117134094, + -0.03648190200328827, + 0.12586428225040436, + -1.394269347190857, + -0.017385801300406456, + -0.21264249086380005, + -0.03779943659901619, + 0.4144945740699768, + 0.1298864185810089, + 0.020003365352749825, + -0.17227095365524292, + 1.9485243558883667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/16.png", + [ + 0.16276076436042786, + -0.03675789758563042, + 0.1382232904434204, + -1.5584557056427002, + -0.022080566734075546, + -0.21334415674209595, + -0.03073456510901451, + 0.33804360032081604, + 0.14131268858909607, + 0.009001205675303936, + -0.1640048772096634, + 1.910983920097351, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/94.png", + [ + 0.19861367344856262, + 0.010451339185237885, + 0.08597248792648315, + -0.9417884945869446, + 0.015320634469389915, + -0.21593885123729706, + -0.009142895229160786, + 0.10166478157043457, + 0.08523952215909958, + 0.014459731988608837, + -0.19867821037769318, + 2.2258400917053223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/28.png", + [ + 0.17662979662418365, + -0.03596516326069832, + 0.1202344298362732, + -1.3665480613708496, + -0.026016470044851303, + -0.2135704755783081, + -0.02566496841609478, + 0.28224411606788635, + 0.12277195602655411, + 0.00648494204506278, + -0.17841772735118866, + 2.0785369873046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/61.png", + [ + 0.17317752540111542, + -0.036658983677625656, + 0.12495420128107071, + -1.3850064277648926, + -0.018336357548832893, + -0.21270494163036346, + -0.03699035942554474, + 0.4050489366054535, + 0.12892328202724457, + 0.018990200012922287, + -0.1731070578098297, + 1.9620448350906372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/58.png", + [ + 0.17391720414161682, + -0.03497135266661644, + 0.12440941482782364, + -1.379847764968872, + -0.017894482240080833, + -0.2130977362394333, + -0.034886084496974945, + 0.3824502229690552, + 0.12798626720905304, + 0.017727266997098923, + -0.17393432557582855, + 1.971917986869812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/123.png", + [ + 0.1880388706922531, + -0.028359925374388695, + 0.10385081171989441, + -1.152754783630371, + -0.013494051061570644, + -0.2135816365480423, + -0.033892400562763214, + 0.36693912744522095, + 0.10680443793535233, + 0.02294555865228176, + -0.18712085485458374, + 2.1160569190979004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/64.png", + [ + 0.17122894525527954, + -0.03558646887540817, + 0.12791462242603302, + -1.4147207736968994, + -0.017536083236336708, + -0.21297964453697205, + -0.03577783703804016, + 0.3912980854511261, + 0.13160939514636993, + 0.01792125403881073, + -0.17118903994560242, + 1.9401260614395142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/10.png", + [ + 0.16185185313224792, + -0.038044869899749756, + 0.1389404982328415, + -1.548714280128479, + -0.028715038672089577, + -0.21330831944942474, + -0.02495819516479969, + 0.2695333957672119, + 0.1411641389131546, + 0.00023006326227914542, + -0.16437920928001404, + 1.8987895250320435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/41.png", + [ + 0.17274624109268188, + -0.03690352663397789, + 0.1254781186580658, + -1.4037647247314453, + -0.021092968061566353, + -0.21301047503948212, + -0.033608291298151016, + 0.37099239230155945, + 0.12908026576042175, + 0.01457946840673685, + -0.17341746389865875, + 1.9928780794143677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/91.png", + [ + 0.19818085432052612, + 0.013160199858248234, + 0.08659704774618149, + -0.9527666568756104, + 0.017018331214785576, + -0.21591816842556, + -0.006133940536528826, + 0.0622296966612339, + 0.08592214435338974, + 0.012412006966769695, + -0.19852258265018463, + 2.2337393760681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/23.png", + [ + 0.17899896204471588, + -0.04190777614712715, + 0.114677794277668, + -1.291290283203125, + -0.030029529705643654, + -0.21237094700336456, + -0.03073602169752121, + 0.3422519564628601, + 0.11834477633237839, + 0.009498095139861107, + -0.18125173449516296, + 2.1173253059387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/37.png", + [ + 0.17362606525421143, + -0.03711802884936333, + 0.12419396638870239, + -1.3858668804168701, + -0.02438102662563324, + -0.2132473587989807, + -0.029648300260305405, + 0.3227786123752594, + 0.12730848789215088, + 0.009783062152564526, + -0.1750563681125641, + 2.00839900970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/36.png", + [ + 0.17552655935287476, + -0.03722134605050087, + 0.12146149575710297, + -1.3549058437347412, + -0.02487226389348507, + -0.21322521567344666, + -0.02939850464463234, + 0.31771114468574524, + 0.1245780661702156, + 0.009872850961983204, + -0.1770048886537552, + 2.0271968841552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/8.png", + [ + 0.1604223996400833, + -0.0358973890542984, + 0.14115214347839355, + -1.563742995262146, + -0.029460376128554344, + -0.21364735066890717, + -0.020851807668805122, + 0.22112411260604858, + 0.14263463020324707, + -0.0037535433657467365, + -0.16306185722351074, + 1.8741604089736938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/6.png", + [ + 0.15780173242092133, + -0.035447362810373306, + 0.14418736100196838, + -1.5831705331802368, + -0.024639621376991272, + -0.21374373137950897, + -0.02558114193379879, + 0.2760451138019562, + 0.14642196893692017, + 0.0022338831331580877, + -0.15969817340373993, + 1.8237258195877075, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/20.png", + [ + 0.16950754821300507, + -0.038059432059526443, + 0.12948580086231232, + -1.4664819240570068, + -0.02442629635334015, + -0.21309912204742432, + -0.030659662559628487, + 0.33842116594314575, + 0.1327345073223114, + 0.009388202801346779, + -0.1710008978843689, + 1.993618130683899, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/2.png", + [ + 0.1303420066833496, + -0.04487190395593643, + 0.16716869175434113, + -1.8522402048110962, + -0.02059357240796089, + -0.2118007242679596, + -0.04079528898000717, + 0.44745245575904846, + 0.17185679078102112, + 0.008652329444885254, + -0.1316748708486557, + 1.5056968927383423, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/117.png", + [ + 0.18522027134895325, + -0.029931535944342613, + 0.10837643593549728, + -1.2134952545166016, + -0.014359889551997185, + -0.21344280242919922, + -0.03440718725323677, + 0.38287317752838135, + 0.11151298880577087, + 0.02222980000078678, + -0.18444128334522247, + 2.109194278717041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/5.png", + [ + 0.15608741343021393, + -0.036317117512226105, + 0.14582756161689758, + -1.597632884979248, + -0.021428946405649185, + -0.21348272264003754, + -0.03022945672273636, + 0.32887351512908936, + 0.14874613285064697, + 0.007354374509304762, + -0.15737977623939514, + 1.7873048782348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/108.png", + [ + 0.18535619974136353, + -0.016014594584703445, + 0.11106085777282715, + -1.2493935823440552, + -0.0045019532553851604, + -0.21534523367881775, + -0.023538460955023766, + 0.25451526045799255, + 0.11211919784545898, + 0.01782861351966858, + -0.1845516711473465, + 2.106678009033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/60.png", + [ + 0.17204415798187256, + -0.035954732447862625, + 0.1267121434211731, + -1.4036552906036377, + -0.017539482563734055, + -0.21284301578998566, + -0.036580149084329605, + 0.4019600749015808, + 0.13054147362709045, + 0.018788238987326622, + -0.17191225290298462, + 1.9498902559280396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/56.png", + [ + 0.1740594506263733, + -0.03259122371673584, + 0.12485593557357788, + -1.383077621459961, + -0.016030961647629738, + -0.21348723769187927, + -0.033378228545188904, + 0.3617411255836487, + 0.12803985178470612, + 0.017575828358530998, + -0.17391027510166168, + 1.9696182012557983, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/30.png", + [ + 0.17827129364013672, + -0.0363328754901886, + 0.11767399311065674, + -1.3273564577102661, + -0.024952920153737068, + -0.21339286863803864, + -0.028084270656108856, + 0.31129294633865356, + 0.12060097604990005, + 0.009554924443364143, + -0.17975538969039917, + 2.0798816680908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/17.png", + [ + 0.16412688791751862, + -0.03624248877167702, + 0.13673600554466248, + -1.5456420183181763, + -0.022262834012508392, + -0.21345031261444092, + -0.029853440821170807, + 0.3273620903491974, + 0.13969475030899048, + 0.008564095944166183, + -0.16540835797786713, + 1.9300371408462524, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/12.png", + [ + 0.15992164611816406, + -0.038493119180202484, + 0.14103630185127258, + -1.5802505016326904, + -0.02649257332086563, + -0.21319875121116638, + -0.02814841829240322, + 0.31198662519454956, + 0.14377447962760925, + 0.003531223628669977, + -0.16206268966197968, + 1.8877063989639282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/114.png", + [ + 0.1885446310043335, + -0.02554965205490589, + 0.10366308689117432, + -1.1662192344665527, + -0.01223880983889103, + -0.21416433155536652, + -0.030524488538503647, + 0.3384346663951874, + 0.10606145113706589, + 0.020706230774521828, + -0.18780340254306793, + 2.1572747230529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/27.png", + [ + 0.1759902685880661, + -0.035274818539619446, + 0.12137134373188019, + -1.3811438083648682, + -0.024291709065437317, + -0.21362616121768951, + -0.02686399035155773, + 0.29590094089508057, + 0.12403719127178192, + 0.008212702348828316, + -0.1774689108133316, + 2.072017192840576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/42.png", + [ + 0.16995656490325928, + -0.035971060395240784, + 0.12949417531490326, + -1.44674551486969, + -0.01958148553967476, + -0.21316950023174286, + -0.033514492213726044, + 0.368834525346756, + 0.13296324014663696, + 0.014585557393729687, + -0.17045801877975464, + 1.9564937353134155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/7.png", + [ + 0.1592962145805359, + -0.035218071192502975, + 0.14259135723114014, + -1.571669578552246, + -0.026464808732271194, + -0.2137930542230606, + -0.02323867753148079, + 0.24862048029899597, + 0.14447222650051117, + -0.00033146562054753304, + -0.16147929430007935, + 1.8517318964004517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/73.png", + [ + 0.18254104256629944, + -0.0364382341504097, + 0.11090048402547836, + -1.2089046239852905, + -0.02404569461941719, + -0.21317076683044434, + -0.030461909249424934, + 0.32133960723876953, + 0.11422989517450333, + 0.013355830684304237, + -0.18363292515277863, + 2.04673433303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/120.png", + [ + 0.18600939214229584, + -0.030261175706982613, + 0.10692360252141953, + -1.1919828653335571, + -0.01517386082559824, + -0.21344973146915436, + -0.03401268646121025, + 0.3722072243690491, + 0.1100824624300003, + 0.021711058914661407, + -0.1853601187467575, + 2.106362819671631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/46.png", + [ + 0.17660227417945862, + -0.03204135224223137, + 0.12137909978628159, + -1.3481218814849854, + -0.016913585364818573, + -0.21366101503372192, + -0.03179304301738739, + 0.33978819847106934, + 0.12439239770174026, + 0.016438322141766548, + -0.1766471415758133, + 2.009723663330078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/57.png", + [ + 0.17385654151439667, + -0.03310321643948555, + 0.1250038743019104, + -1.38573157787323, + -0.015926366671919823, + -0.21334148943424225, + -0.03434603288769722, + 0.3751731812953949, + 0.12832827866077423, + 0.01837051287293434, + -0.17361529171466827, + 1.967570424079895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/44.png", + [ + 0.17152149975299835, + -0.0348416306078434, + 0.12772750854492188, + -1.4261343479156494, + -0.018318600952625275, + -0.21327191591262817, + -0.033577002584934235, + 0.36362168192863464, + 0.13112087547779083, + 0.0157812237739563, + -0.17177355289459229, + 1.9657646417617798, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/113.png", + [ + 0.18796692788600922, + -0.024647478014230728, + 0.10492297261953354, + -1.1786915063858032, + -0.011412245221436024, + -0.2142985761165619, + -0.029896162450313568, + 0.33174675703048706, + 0.10717317461967468, + 0.020408866927027702, + -0.18720385432243347, + 2.149773120880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/29.png", + [ + 0.18014752864837646, + -0.03396392986178398, + 0.11550416052341461, + -1.3052548170089722, + -0.023498235270380974, + -0.2137952297925949, + -0.026217032223939896, + 0.28863033652305603, + 0.11807875335216522, + 0.009271002374589443, + -0.18143689632415771, + 2.1024298667907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/4.png", + [ + 0.14113502204418182, + -0.03815736994147301, + 0.159915030002594, + -1.7617217302322388, + -0.02022351324558258, + -0.21318672597408295, + -0.033020034432411194, + 0.3638768196105957, + 0.16315577924251556, + 0.006582405883818865, + -0.1424245536327362, + 1.6288830041885376, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/55.png", + [ + 0.17419429123401642, + -0.0306173637509346, + 0.1251671463251114, + -1.382948875427246, + -0.016257064417004585, + -0.21400949358940125, + -0.029724400490522385, + 0.3189183473587036, + 0.12782779335975647, + 0.014505487866699696, + -0.17434890568256378, + 1.970716118812561, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/9.png", + [ + 0.16030468046665192, + -0.03609311580657959, + 0.14123591780662537, + -1.5697537660598755, + -0.027896596118807793, + -0.2136438637971878, + -0.02293410152196884, + 0.24466994404792786, + 0.1430806666612625, + -0.0012163687497377396, + -0.16270935535430908, + 1.8744210004806519, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/25.png", + [ + 0.17812111973762512, + -0.03917558491230011, + 0.11698731034994125, + -1.3257100582122803, + -0.029514914378523827, + -0.21302567422389984, + -0.026397524401545525, + 0.2921786606311798, + 0.11978992819786072, + 0.005764802917838097, + -0.18045784533023834, + 2.105419635772705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/99.png", + [ + 0.19803524017333984, + 0.006379248574376106, + 0.08768828958272934, + -0.9592249989509583, + 0.011979682371020317, + -0.21604593098163605, + -0.011337759904563427, + 0.12381158769130707, + 0.08710004389286041, + 0.01521061360836029, + -0.19781333208084106, + 2.2104640007019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/34.png", + [ + 0.1748810112476349, + -0.03940827026963234, + 0.12170255929231644, + -1.3596619367599487, + -0.026471411809325218, + -0.2128235101699829, + -0.030875757336616516, + 0.3371312916278839, + 0.12515506148338318, + 0.010051683522760868, + -0.1765872836112976, + 2.0269336700439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/72.png", + [ + 0.18064752221107483, + -0.037409257143735886, + 0.11364378035068512, + -1.2437764406204224, + -0.02375287190079689, + -0.2129276990890503, + -0.0323341004550457, + 0.3423723876476288, + 0.11726108938455582, + 0.014499664306640625, + -0.18162456154823303, + 2.0324769020080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/102.png", + [ + 0.19868317246437073, + 0.002029022201895714, + 0.08642207086086273, + -0.9417521953582764, + 0.008093947544693947, + -0.21609999239444733, + -0.01353426743298769, + 0.14979258179664612, + 0.08606613427400589, + 0.01563877984881401, + -0.19823205471038818, + 2.217080593109131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/70.png", + [ + 0.17368292808532715, + -0.037943173199892044, + 0.12386465817689896, + -1.3647476434707642, + -0.020785029977560043, + -0.2126503437757492, + -0.03599592670798302, + 0.38956767320632935, + 0.12786757946014404, + 0.01697174459695816, + -0.17409692704677582, + 1.9608508348464966, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/90.png", + [ + 0.19853869080543518, + 0.0130603713914752, + 0.0857887715101242, + -0.9448108077049255, + 0.017121657729148865, + -0.21589139103889465, + -0.006757175084203482, + 0.06759089231491089, + 0.08507136255502701, + 0.012970631942152977, + -0.1988530158996582, + 2.2374563217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/122.png", + [ + 0.1874760091304779, + -0.0293223075568676, + 0.1045984998345375, + -1.162947177886963, + -0.014862088486552238, + -0.2135934680700302, + -0.033239174634218216, + 0.3595488667488098, + 0.10760930925607681, + 0.021585339680314064, + -0.1868213266134262, + 2.116304397583008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/15.png", + [ + 0.16310544312000275, + -0.03758782893419266, + 0.1375923901796341, + -1.5506776571273804, + -0.0228214580565691, + -0.21320012211799622, + -0.031189415603876114, + 0.3459174931049347, + 0.14079663157463074, + 0.008986304514110088, + -0.16444891691207886, + 1.9176656007766724, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/22.png", + [ + 0.17684894800186157, + -0.04190409556031227, + 0.11796775460243225, + -1.3261148929595947, + -0.028990887105464935, + -0.21233408153057098, + -0.03196348249912262, + 0.3556045889854431, + 0.12178616970777512, + 0.010304475203156471, + -0.1789129227399826, + 2.0846939086914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/109.png", + [ + 0.18423663079738617, + -0.02057459019124508, + 0.11216707527637482, + -1.2682994604110718, + -0.006684854160994291, + -0.21470102667808533, + -0.028402188792824745, + 0.3122634291648865, + 0.11384235322475433, + 0.02068955823779106, + -0.18319323658943176, + 2.1025443077087402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/26.png", + [ + 0.1778545379638672, + -0.03888248652219772, + 0.11748964339494705, + -1.3349449634552002, + -0.028924282640218735, + -0.21306553483009338, + -0.026727493852376938, + 0.29378288984298706, + 0.12032891064882278, + 0.006255013402551413, + -0.1800825297832489, + 2.1003150939941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/43.png", + [ + 0.17111222445964813, + -0.037196867167949677, + 0.12761229276657104, + -1.4260892868041992, + -0.019765755161643028, + -0.21282552182674408, + -0.03553169593214989, + 0.38742589950561523, + 0.13144512474536896, + 0.016418877989053726, + -0.1714657098054886, + 1.9637647867202759, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/84.png", + [ + 0.1949928104877472, + -0.0036488373298197985, + 0.0944054052233696, + -1.0370659828186035, + 0.0039227623492479324, + -0.216013565659523, + -0.016451483592391014, + 0.17727726697921753, + 0.09439441561698914, + 0.016514400020241737, + -0.1943318396806717, + 2.178783416748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/89.png", + [ + 0.19854006171226501, + 0.014027990400791168, + 0.08563268929719925, + -0.9417148232460022, + 0.018218206241726875, + -0.21579748392105103, + -0.006888009607791901, + 0.06942984461784363, + 0.0848400816321373, + 0.013511596247553825, + -0.1989157795906067, + 2.2363996505737305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/63.png", + [ + 0.173884779214859, + -0.03729775547981262, + 0.12377744168043137, + -1.3698176145553589, + -0.018634362146258354, + -0.21252554655075073, + -0.03786225989460945, + 0.41328164935112, + 0.12792474031448364, + 0.019739996641874313, + -0.1737627238035202, + 1.9660743474960327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/88.png", + [ + 0.19809384644031525, + 0.012805413454771042, + 0.08684895932674408, + -0.9545934200286865, + 0.01763342134654522, + -0.21579238772392273, + -0.008402653969824314, + 0.08680418133735657, + 0.08599872142076492, + 0.014750034548342228, + -0.1983294039964676, + 2.22904109954834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/62.png", + [ + 0.17387744784355164, + -0.03698462247848511, + 0.12388169020414352, + -1.371955394744873, + -0.018484555184841156, + -0.21259820461273193, + -0.03752627968788147, + 0.41015538573265076, + 0.12795644998550415, + 0.01954578422009945, + -0.17376135289669037, + 1.9680596590042114, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/65.png", + [ + 0.17326664924621582, + -0.0365685373544693, + 0.12485714256763458, + -1.3798531293869019, + -0.018039364367723465, + -0.21268364787101746, + -0.037257857620716095, + 0.4073341488838196, + 0.12884540855884552, + 0.019398674368858337, + -0.17311972379684448, + 1.9560846090316772, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/80.png", + [ + 0.186964213848114, + -0.02708897553384304, + 0.10610587149858475, + -1.168266773223877, + -0.01805799826979637, + -0.21469317376613617, + -0.022992298007011414, + 0.24416446685791016, + 0.10801007598638535, + 0.010996570810675621, + -0.1875120997428894, + 2.099792957305908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/119.png", + [ + 0.18664094805717468, + -0.03040865994989872, + 0.10577507317066193, + -1.1820282936096191, + -0.015143180266022682, + -0.2133549153804779, + -0.034615904092788696, + 0.38280996680259705, + 0.10901255905628204, + 0.02242521196603775, + -0.18590661883354187, + 2.120589256286621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/79.png", + [ + 0.1858416050672531, + -0.03091392293572426, + 0.10702860355377197, + -1.1750946044921875, + -0.020927833393216133, + -0.21414689719676971, + -0.025515224784612656, + 0.26877763867378235, + 0.10942036658525467, + 0.011546868830919266, + -0.18665944039821625, + 2.0864768028259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/116.png", + [ + 0.18790921568870544, + -0.028836969286203384, + 0.10395408421754837, + -1.1659348011016846, + -0.01470948290079832, + -0.21368901431560516, + -0.032688435167074203, + 0.36248090863227844, + 0.10687213391065598, + 0.021291589364409447, + -0.18727761507034302, + 2.1443519592285156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/19.png", + [ + 0.16614560782909393, + -0.03682271018624306, + 0.13411793112754822, + -1.519000768661499, + -0.023141982033848763, + -0.21334917843341827, + -0.02990768663585186, + 0.32835152745246887, + 0.13714216649532318, + 0.008608652278780937, + -0.16752852499485016, + 1.9530776739120483, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/77.png", + [ + 0.18532417714595795, + -0.03400667756795883, + 0.10698778927326202, + -1.163554310798645, + -0.023547857999801636, + -0.21367600560188293, + -0.0271285530179739, + 0.2877638638019562, + 0.1097649335861206, + 0.01157608162611723, + -0.18645521998405457, + 2.073254108428955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/68.png", + [ + 0.17205028235912323, + -0.03803885355591774, + 0.12609373033046722, + -1.3963353633880615, + -0.018900590017437935, + -0.21242478489875793, + -0.03829327970743179, + 0.419064462184906, + 0.1303432285785675, + 0.01940755732357502, + -0.17199386656284332, + 1.945721983909607, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/86.png", + [ + 0.19664087891578674, + 0.007017924450337887, + 0.0907248929142952, + -0.9969045519828796, + 0.013727152720093727, + -0.21584482491016388, + -0.013056359253823757, + 0.1389428973197937, + 0.08995455503463745, + 0.017596930265426636, + -0.1963324248790741, + 2.205080032348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/1.png", + [ + 0.13106492161750793, + -0.044409044086933136, + 0.1667264699935913, + -1.8465447425842285, + -0.019094135612249374, + -0.2118218094110489, + -0.04141053557395935, + 0.45282670855522156, + 0.1714797168970108, + 0.01035640761256218, + -0.13204295933246613, + 1.5134917497634888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/81.png", + [ + 0.18969827890396118, + -0.022606533020734787, + 0.10223209857940674, + -1.1256459951400757, + -0.01356436312198639, + -0.21508711576461792, + -0.022392554208636284, + 0.240626722574234, + 0.10381938517093658, + 0.0132046639919281, + -0.1897236406803131, + 2.1242332458496094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/95.png", + [ + 0.1980123370885849, + 0.007971787825226784, + 0.08760972321033478, + -0.960224449634552, + 0.013067285530269146, + -0.21605469286441803, + -0.009874949231743813, + 0.11036518216133118, + 0.08699574321508408, + 0.014308011159300804, + -0.19792655110359192, + 2.217977523803711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/103.png", + [ + 0.19958437979221344, + 0.0021165059879422188, + 0.08431779593229294, + -0.9183433055877686, + 0.007552178576588631, + -0.2161847949028015, + -0.012449810281395912, + 0.13670867681503296, + 0.08400555700063705, + 0.01440672017633915, + -0.19920694828033447, + 2.230501174926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/83.png", + [ + 0.1928054392337799, + -0.009509536437690258, + 0.0984048843383789, + -1.0832867622375488, + -0.0008090215851552784, + -0.215814471244812, + -0.019270503893494606, + 0.21027353405952454, + 0.0988599956035614, + 0.01678021252155304, + -0.19207556545734406, + 2.157978057861328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/51.png", + [ + 0.17503081262111664, + -0.03575768321752548, + 0.1226111352443695, + -1.3505744934082031, + -0.01938544772565365, + -0.21303731203079224, + -0.03445583954453468, + 0.3720594048500061, + 0.1262390911579132, + 0.01686381921172142, + -0.1752917468547821, + 1.9824453592300415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/93.png", + [ + 0.19809246063232422, + 0.010373103432357311, + 0.08717607706785202, + -0.9560357928276062, + 0.015323781408369541, + -0.21593934297561646, + -0.009125948883593082, + 0.09976477921009064, + 0.08644334971904755, + 0.014508617110550404, + -0.19815382361412048, + 2.2226858139038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/76.png", + [ + 0.19254444539546967, + -0.002143614226952195, + -0.0993475392460823, + 1.0765445232391357, + -0.020016875118017197, + -0.2130204290151596, + -0.034198176115751266, + 0.3650154173374176, + -0.09733372926712036, + 0.03956760838627815, + -0.1894952356815338, + 2.1060619354248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/48.png", + [ + 0.19366642832756042, + 0.002178126946091652, + -0.09714143723249435, + 1.0541530847549438, + -0.0161643885076046, + -0.21287941932678223, + -0.036999430507421494, + 0.3969309628009796, + -0.0958118811249733, + 0.04031750187277794, + -0.19011175632476807, + 2.123427391052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/137.png", + [ + 0.1919173151254654, + -0.01464513223618269, + -0.09950456768274307, + 1.0714492797851562, + -0.03085198812186718, + -0.21260297298431396, + -0.028214106336236, + 0.29701507091522217, + -0.09572771191596985, + 0.039158664643764496, + -0.19039617478847504, + 2.1047401428222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/35.png", + [ + 0.19267025589942932, + 0.002474541077390313, + -0.09909561276435852, + 1.0751081705093384, + -0.015324035659432411, + -0.21325965225696564, + -0.0351196750998497, + 0.37741705775260925, + -0.09793487191200256, + 0.03823734074831009, + -0.18945860862731934, + 2.116464614868164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/124.png", + [ + 0.18880049884319305, + -0.004411105997860432, + -0.106220543384552, + 1.1517235040664673, + -0.02588680014014244, + -0.21187953650951385, + -0.03721330687403679, + 0.3962470591068268, + -0.10311225056648254, + 0.04511650279164314, + -0.18514929711818695, + 2.060149669647217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/97.png", + [ + 0.1910121589899063, + -0.010825727134943008, + -0.10171065479516983, + 1.0934038162231445, + -0.0259010661393404, + -0.21355466544628143, + -0.025912072509527206, + 0.27605390548706055, + -0.09895143657922745, + 0.035001490265131, + -0.1895557940006256, + 2.091212749481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/155.png", + [ + 0.1895494908094406, + -0.01878003403544426, + -0.1032772958278656, + 1.1017014980316162, + -0.037715326994657516, + -0.21112798154354095, + -0.030828947201371193, + 0.3203577995300293, + -0.0979614406824112, + 0.04494641721248627, + -0.18796615302562714, + 2.0627493858337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/13.png", + [ + 0.19269613921642303, + 0.007799581158906221, + -0.09876871109008789, + 1.073917269706726, + -0.010151085443794727, + -0.21331124007701874, + -0.03664938732981682, + 0.3900408446788788, + -0.09855480492115021, + 0.03722080960869789, + -0.1893395334482193, + 2.111030101776123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/32.png", + [ + 0.19303444027900696, + 0.002778903115540743, + -0.09837619960308075, + 1.0639774799346924, + -0.01330690085887909, + -0.21386227011680603, + -0.03215201571583748, + 0.3438204526901245, + -0.0975116640329361, + 0.034685779362916946, + -0.1903582662343979, + 2.1174092292785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/158.png", + [ + 0.18823160231113434, + -0.017475269734859467, + -0.10588379204273224, + 1.12945556640625, + -0.03802989050745964, + -0.21077106893062592, + -0.03282037377357483, + 0.3429889976978302, + -0.10035183280706406, + 0.047096334397792816, + -0.18617020547389984, + 2.0416979789733887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/38.png", + [ + 0.19272910058498383, + 0.003037835704162717, + -0.09896545857191086, + 1.0796701908111572, + -0.015117183327674866, + -0.2131306231021881, + -0.03598202019929886, + 0.38756996393203735, + -0.0978512167930603, + 0.038910236209630966, + -0.18936480581760406, + 2.128347873687744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/148.png", + [ + 0.19227376580238342, + -0.021088819950819016, + -0.0976419597864151, + 1.047505259513855, + -0.036512020975351334, + -0.2119733840227127, + -0.026116183027625084, + 0.2693402171134949, + -0.09298153221607208, + 0.039628833532333374, + -0.19165565073490143, + 2.112269401550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/111.png", + [ + 0.1870938092470169, + -0.006520913913846016, + -0.10909297317266464, + 1.1733378171920776, + -0.028422070667147636, + -0.21174946427345276, + -0.036086589097976685, + 0.37864169478416443, + -0.10552718490362167, + 0.045470140874385834, + -0.1836964190006256, + 2.0361123085021973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/164.png", + [ + 0.18720915913581848, + -0.016762692481279373, + -0.10779445618391037, + 1.1560484170913696, + -0.03783831000328064, + -0.21078751981258392, + -0.03293592855334282, + 0.3448619842529297, + -0.10231763124465942, + 0.04728133603930473, + -0.18504992127418518, + 2.0376696586608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/11.png", + [ + 0.19469480216503143, + 0.007758582942187786, + -0.09477147459983826, + 1.0304348468780518, + -0.01001284085214138, + -0.2130788117647171, + -0.038013946264982224, + 0.4030303955078125, + -0.09455987811088562, + 0.038537271320819855, + -0.1911052167415619, + 2.1317458152770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/125.png", + [ + 0.1897246390581131, + -0.0036715178284794092, + -0.1045895367860794, + 1.1354440450668335, + -0.025331668555736542, + -0.21171313524246216, + -0.038519468158483505, + 0.4117254614830017, + -0.1015418991446495, + 0.045956097543239594, + -0.18580950796604156, + 2.0713891983032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/59.png", + [ + 0.1934104859828949, + 0.003704906441271305, + -0.09760405123233795, + 1.0525459051132202, + -0.014101154170930386, + -0.21319128572940826, + -0.03603503480553627, + 0.3783586025238037, + -0.096651092171669, + 0.03851804882287979, + -0.19006004929542542, + 2.106853485107422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/105.png", + [ + 0.18700283765792847, + -0.006306329742074013, + -0.10926146805286407, + 1.16829514503479, + -0.026336198672652245, + -0.21255120635032654, + -0.03280686214566231, + 0.3395218849182129, + -0.1062273159623146, + 0.04159466177225113, + -0.18421056866645813, + 2.0286011695861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/121.png", + [ + 0.1870041936635971, + -0.007723110727965832, + -0.10916813462972641, + 1.1824727058410645, + -0.030648840591311455, + -0.21118170022964478, + -0.03756116330623627, + 0.39945879578590393, + -0.10506176948547363, + 0.04785964637994766, + -0.18335585296154022, + 2.0402450561523438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/24.png", + [ + 0.19174708425998688, + 0.005642117001116276, + -0.10074280947446823, + 1.0942093133926392, + -0.011442232877016068, + -0.21372419595718384, + -0.03374803438782692, + 0.3603765666484833, + -0.10024979710578918, + 0.035185523331165314, + -0.1888381540775299, + 2.111732006072998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/74.png", + [ + 0.1921805441379547, + -0.0016848009545356035, + -0.10005849599838257, + 1.0801390409469604, + -0.020257916301488876, + -0.21281355619430542, + -0.03532562032341957, + 0.37600213289260864, + -0.09800080209970474, + 0.04068714752793312, + -0.18891344964504242, + 2.093717575073242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/129.png", + [ + 0.19114826619625092, + -0.0038048229180276394, + -0.10195960104465485, + 1.1117039918899536, + -0.02313923090696335, + -0.21249879896640778, + -0.035450346767902374, + 0.3808899223804474, + -0.09937209635972977, + 0.04216247797012329, + -0.18787071108818054, + 2.107168197631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/153.png", + [ + 0.19079555571079254, + -0.01860702782869339, + -0.10098876804113388, + 1.0751863718032837, + -0.036562081426382065, + -0.21143299341201782, + -0.030119607225060463, + 0.31222400069236755, + -0.09595920145511627, + 0.043563228100538254, + -0.18931975960731506, + 2.072618007659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/144.png", + [ + 0.19113068282604218, + -0.018559429794549942, + -0.10036186128854752, + 1.082180380821228, + -0.035569678992033005, + -0.21181713044643402, + -0.028569141402840614, + 0.29755184054374695, + -0.09566479921340942, + 0.041676681488752365, + -0.18989259004592896, + 2.10231351852417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/98.png", + [ + 0.19217322766780853, + -0.012124680913984776, + -0.09934958815574646, + 1.0619208812713623, + -0.02724073827266693, + -0.213295578956604, + -0.026661401614546776, + 0.2802995443344116, + -0.09630830585956573, + 0.03613696247339249, + -0.19070062041282654, + 2.096649169921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/0.png", + [ + 0.19754654169082642, + 0.02432708814740181, + -0.08562389016151428, + 0.9206051826477051, + 0.00905697699636221, + -0.21283726394176483, + -0.039574671536684036, + 0.4214574992656708, + -0.08855071663856506, + 0.032501935958862305, + -0.19506484270095825, + 2.1766233444213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/163.png", + [ + 0.1871013194322586, + -0.016758019104599953, + -0.10798219591379166, + 1.1590158939361572, + -0.03790506348013878, + -0.21077048778533936, + -0.03296832740306854, + 0.34573543071746826, + -0.10248997062444687, + 0.04735898599028587, + -0.18493466079235077, + 2.0374903678894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/96.png", + [ + 0.1907140612602234, + -0.013485589064657688, + -0.10195184499025345, + 1.0988965034484863, + -0.028797654435038567, + -0.2132129967212677, + -0.025667164474725723, + 0.2728901505470276, + -0.09872555732727051, + 0.03614204004406929, + -0.18945951759815216, + 2.0950675010681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/100.png", + [ + 0.191120445728302, + -0.010576236993074417, + -0.10153332352638245, + 1.078917145729065, + -0.0278665479272604, + -0.21272879838943481, + -0.030295439064502716, + 0.3153284788131714, + -0.09820554405450821, + 0.039780665189027786, + -0.1890001744031906, + 2.0677995681762695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/40.png", + [ + 0.19283930957317352, + 0.002215112093836069, + -0.09877244383096695, + 1.07954740524292, + -0.01571611501276493, + -0.21317407488822937, + -0.03546423092484474, + 0.3824708163738251, + -0.0975392535328865, + 0.03872726857662201, + -0.18956315517425537, + 2.1333069801330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/141.png", + [ + 0.18891732394695282, + -0.017239803448319435, + -0.10469447076320648, + 1.1320476531982422, + -0.03461665287613869, + -0.21211156249046326, + -0.027536539360880852, + 0.287757009267807, + -0.1002986952662468, + 0.04073527827858925, + -0.18769310414791107, + 2.0800347328186035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/52.png", + [ + 0.19380012154579163, + 0.003503314917907119, + -0.09683557599782944, + 1.0529804229736328, + -0.013996044173836708, + -0.2132502645254135, + -0.03572569042444229, + 0.38240912556648254, + -0.09588281065225601, + 0.03820917382836342, + -0.19051098823547363, + 2.1307058334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/3.png", + [ + 0.1965155303478241, + 0.02038179524242878, + -0.0889613926410675, + 0.9626402258872986, + 0.0017889343434944749, + -0.2120220810174942, + -0.044624269008636475, + 0.4763001501560211, + -0.09124882519245148, + 0.0397379994392395, + -0.19246411323547363, + 2.1518893241882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/47.png", + [ + 0.1940760314464569, + 0.002123843180015683, + -0.09632176160812378, + 1.0462698936462402, + -0.016333768144249916, + -0.21276094019412994, + -0.037601713091135025, + 0.4032992720603943, + -0.09495052695274353, + 0.04094105586409569, + -0.19041040539741516, + 2.1277222633361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/104.png", + [ + 0.18683482706546783, + -0.009623154997825623, + -0.10930709540843964, + 1.1695998907089233, + -0.027859581634402275, + -0.21292732656002045, + -0.028873762115836143, + 0.29471635818481445, + -0.1061343103647232, + 0.03895183280110359, + -0.18484090268611908, + 2.0365543365478516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/21.png", + [ + 0.19230599701404572, + 0.008856767788529396, + -0.09943768382072449, + 1.0877376794815063, + -0.009047522209584713, + -0.2133859246969223, + -0.03650328889489174, + 0.3923359215259552, + -0.09942051023244858, + 0.036550045013427734, + -0.18901734054088593, + 2.124087333679199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/82.png", + [ + 0.1941525936126709, + -0.005293597932904959, + -0.09604501724243164, + 1.0439984798431396, + -0.023179790005087852, + -0.2125454694032669, + -0.035142749547958374, + 0.3774418532848358, + -0.09335612505674362, + 0.04176473990082741, + -0.1910189539194107, + 2.1284608840942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/106.png", + [ + 0.18634216487407684, + -0.007266562897711992, + -0.11032533645629883, + 1.1806142330169678, + -0.027926255017518997, + -0.2122892439365387, + -0.033185724169015884, + 0.34552592039108276, + -0.10697947442531586, + 0.04275938868522644, + -0.1835072636604309, + 2.024714946746826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/14.png", + [ + 0.19135373830795288, + 0.008934774436056614, + -0.10125120729207993, + 1.1036572456359863, + -0.009536504745483398, + -0.21330572664737701, + -0.03684583306312561, + 0.3924793303012848, + -0.1011962965130806, + 0.036996353417634964, + -0.18798530101776123, + 2.097529888153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/67.png", + [ + 0.19297191500663757, + 0.000592556141782552, + -0.0985361784696579, + 1.061935305595398, + -0.017882773652672768, + -0.21286217868328094, + -0.03630145266652107, + 0.38604703545570374, + -0.09690167754888535, + 0.04046279564499855, + -0.18952763080596924, + 2.103330612182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/78.png", + [ + 0.19204720854759216, + -0.0039104679599404335, + -0.10025203227996826, + 1.0883307456970215, + -0.02144487574696541, + -0.2131062000989914, + -0.03276824578642845, + 0.35104048252105713, + -0.09800958633422852, + 0.03896600380539894, + -0.18927140533924103, + 2.107051372528076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/31.png", + [ + 0.1943580061197281, + 0.004116643685847521, + -0.09568654000759125, + 1.0342448949813843, + -0.011714918538928032, + -0.21382704377174377, + -0.0329945869743824, + 0.35313868522644043, + -0.09505590051412582, + 0.03476974740624428, + -0.1915811449289322, + 2.1275720596313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/152.png", + [ + 0.19026720523834229, + -0.01799195632338524, + -0.1020909771323204, + 1.0889005661010742, + -0.03589364513754845, + -0.21162082254886627, + -0.029600191861391068, + 0.3067273497581482, + -0.09725185483694077, + 0.042904723435640335, + -0.1888098418712616, + 2.0684995651245117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/39.png", + [ + 0.19256609678268433, + 0.0018135277787223458, + -0.09931214153766632, + 1.0853275060653687, + -0.01640998385846615, + -0.2130807489156723, + -0.03570998087525368, + 0.3851253092288971, + -0.09796377271413803, + 0.039258141070604324, + -0.18923474848270416, + 2.1284594535827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/92.png", + [ + 0.1932549625635147, + -0.014430135488510132, + -0.09691329300403595, + 1.0511301755905151, + -0.030489947646856308, + -0.21252821385860443, + -0.02915516495704651, + 0.3081333041191101, + -0.09311701357364655, + 0.03964128717780113, + -0.19158728420734406, + 2.125020980834961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/53.png", + [ + 0.19414477050304413, + 0.003764885710552335, + -0.09613289684057236, + 1.0459944009780884, + -0.013508247211575508, + -0.21329708397388458, + -0.03563394024968147, + 0.38106289505958557, + -0.09525353461503983, + 0.037921976298093796, + -0.19088369607925415, + 2.137260913848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/75.png", + [ + 0.1925048530101776, + -0.0019180455710738897, + -0.09942884743213654, + 1.0749346017837524, + -0.01979576051235199, + -0.21303807199001312, + -0.03421706333756447, + 0.36433085799217224, + -0.09745718538761139, + 0.039484184235334396, + -0.18944917619228363, + 2.101315498352051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/151.png", + [ + 0.19046129286289215, + -0.019683703780174255, + -0.10141468048095703, + 1.0823829174041748, + -0.03719261288642883, + -0.21150721609592438, + -0.02879769541323185, + 0.2982361614704132, + -0.09637993574142456, + 0.04272177070379257, + -0.18929778039455414, + 2.0760717391967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/87.png", + [ + 0.19608215987682343, + -0.01051310170441866, + -0.09159232676029205, + 0.9943559765815735, + -0.026178840547800064, + -0.21274977922439575, + -0.03162430599331856, + 0.33701324462890625, + -0.08839879930019379, + 0.039685048162937164, + -0.19380052387714386, + 2.1567606925964355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/139.png", + [ + 0.18916292488574982, + -0.016882967203855515, + -0.10430844873189926, + 1.1243990659713745, + -0.034114208072423935, + -0.2121949940919876, + -0.02752089686691761, + 0.2883028984069824, + -0.10000753402709961, + 0.04044928029179573, + -0.18791019916534424, + 2.0788040161132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/107.png", + [ + 0.18587490916252136, + -0.0074211545288562775, + -0.11110056191682816, + 1.1907846927642822, + -0.028301477432250977, + -0.21224166452884674, + -0.03317226096987724, + 0.3459055423736572, + -0.10769138485193253, + 0.04296858236193657, + -0.18304142355918884, + 2.025500774383545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/112.png", + [ + 0.18654334545135498, + -0.008280327543616295, + -0.109913170337677, + 1.184734582901001, + -0.03025079146027565, + -0.2116120606660843, + -0.03539946302771568, + 0.370119571685791, + -0.10599226504564285, + 0.0458221398293972, + -0.1833408623933792, + 2.0371360778808594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/69.png", + [ + 0.1934073567390442, + -0.002784943673759699, + -0.09764084219932556, + 1.0519646406173706, + -0.020603997632861137, + -0.21287661790847778, + -0.034740742295980453, + 0.3680696189403534, + -0.09548278898000717, + 0.040295008569955826, + -0.19028201699256897, + 2.1123228073120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/157.png", + [ + 0.18823030591011047, + -0.01776125468313694, + -0.10583846271038055, + 1.1311626434326172, + -0.038203705102205276, + -0.2107781171798706, + -0.032572392374277115, + 0.3403611481189728, + -0.10028817504644394, + 0.04695766046643257, + -0.18623949587345123, + 2.04628849029541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/45.png", + [ + 0.19356703758239746, + 0.003698194632306695, + -0.09729347378015518, + 1.0581586360931396, + -0.015446068719029427, + -0.2126099020242691, + -0.03881167992949486, + 0.41764846444129944, + -0.09613070636987686, + 0.0416083037853241, + -0.18967217206954956, + 2.1235928535461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/50.png", + [ + 0.19429145753383636, + 0.002908725757151842, + -0.09586583822965622, + 1.0405207872390747, + -0.015113982371985912, + -0.21294039487838745, + -0.03709249570965767, + 0.3968935012817383, + -0.09471160918474197, + 0.03994777798652649, + -0.19074009358882904, + 2.12786865234375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/101.png", + [ + 0.18955211341381073, + -0.010138873010873795, + -0.10447534173727036, + 1.110036849975586, + -0.02744053676724434, + -0.21294817328453064, + -0.02912033721804619, + 0.2995489835739136, + -0.10131589323282242, + 0.03870633617043495, + -0.18757614493370056, + 2.052358627319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/85.png", + [ + 0.19422972202301025, + -0.008420764468610287, + -0.09566505253314972, + 1.0396918058395386, + -0.02528231032192707, + -0.21270979940891266, + -0.032607488334178925, + 0.3504670262336731, + -0.0926472619175911, + 0.040392257273197174, + -0.1916581392288208, + 2.1363744735717773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/156.png", + [ + 0.1905195116996765, + -0.017190812155604362, + -0.10175798088312149, + 1.085995078086853, + -0.035908959805965424, + -0.2113395631313324, + -0.03152832016348839, + 0.3278900384902954, + -0.09675101190805435, + 0.04458659142255783, + -0.18867743015289307, + 2.0679521560668945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/131.png", + [ + 0.19223804771900177, + -0.0046136463060975075, + -0.09985560923814774, + 1.088747501373291, + -0.023227762430906296, + -0.21258099377155304, + -0.03489524498581886, + 0.3740328252315521, + -0.09722600877285004, + 0.04166439548134804, + -0.18910068273544312, + 2.1213955879211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/71.png", + [ + 0.19261357188224792, + -0.0032532461918890476, + -0.09918327629566193, + 1.0682834386825562, + -0.02109191194176674, + -0.21295233070850372, + -0.0339755155146122, + 0.3599129915237427, + -0.09696925431489944, + 0.03985749930143356, + -0.18962129950523376, + 2.102372169494629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/160.png", + [ + 0.18761089444160461, + -0.016178302466869354, + -0.1071835458278656, + 1.1459439992904663, + -0.037665605545043945, + -0.21062736213207245, + -0.034136634320020676, + 0.3575517237186432, + -0.10164324939250946, + 0.04818993806838989, + -0.18518711626529694, + 2.033407211303711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/115.png", + [ + 0.18785856664180756, + -0.008439267054200172, + -0.10763749480247498, + 1.1582415103912354, + -0.031176049262285233, + -0.21105040609836578, + -0.03786391764879227, + 0.3971867263317108, + -0.10336878895759583, + 0.04831564426422119, + -0.1841966062784195, + 2.043323040008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/54.png", + [ + 0.19367197155952454, + 0.003964025527238846, + -0.09707392007112503, + 1.0568313598632812, + -0.013086849823594093, + -0.21345670521259308, + -0.03482608124613762, + 0.3709774613380432, + -0.09626937657594681, + 0.03699199855327606, + -0.19055627286434174, + 2.1344761848449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/33.png", + [ + 0.1919596791267395, + 0.0005396138876676559, + -0.10049422830343246, + 1.0875098705291748, + -0.016433315351605415, + -0.2135864794254303, + -0.0325370728969574, + 0.34903931617736816, + -0.09914296120405197, + 0.03644754737615585, + -0.189182847738266, + 2.1089587211608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/159.png", + [ + 0.18763573467731476, + -0.015673456713557243, + -0.1072150245308876, + 1.1443337202072144, + -0.03726750984787941, + -0.21065092086791992, + -0.0344269759953022, + 0.3600101172924042, + -0.10174406319856644, + 0.048253778368234634, + -0.18511512875556946, + 2.030050277709961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/49.png", + [ + 0.19441770017147064, + 0.0034541215281933546, + -0.09559140354394913, + 1.0362675189971924, + -0.014177066273987293, + -0.21310128271579742, + -0.0365341491997242, + 0.3908187747001648, + -0.09459733963012695, + 0.03903590887784958, + -0.19098542630672455, + 2.1294450759887695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/118.png", + [ + 0.1868811696767807, + -0.007018139585852623, + -0.10942606627941132, + 1.1823620796203613, + -0.030575795099139214, + -0.2109890729188919, + -0.03868630528450012, + 0.4075009226799011, + -0.10530165582895279, + 0.048808351159095764, + -0.18296776711940765, + 2.032768726348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/110.png", + [ + 0.18664784729480743, + -0.005271814297884703, + -0.10992124676704407, + 1.181839942932129, + -0.026915377005934715, + -0.21203970909118652, + -0.03553329035639763, + 0.371812641620636, + -0.10670536011457443, + 0.04426352679729462, + -0.1833101063966751, + 2.0307044982910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/18.png", + [ + 0.1916479915380478, + 0.007363514043390751, + -0.10082022845745087, + 1.1018379926681519, + -0.010595593601465225, + -0.2134454846382141, + -0.0357302650809288, + 0.38236597180366516, + -0.1005319356918335, + 0.03653351217508316, + -0.1884317398071289, + 2.1132874488830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/66.png", + [ + 0.1938992440700531, + 0.0021184226498007774, + -0.09667723625898361, + 1.0409919023513794, + -0.015660766512155533, + -0.21307501196861267, + -0.03607875108718872, + 0.3815130889415741, + -0.0954238697886467, + 0.03927401825785637, + -0.1905248910188675, + 2.110579013824463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/16.png", + [ + 0.19184757769107819, + 0.0069408477284014225, + -0.10047002136707306, + 1.094399094581604, + -0.010754779912531376, + -0.21351134777069092, + -0.03528642654418945, + 0.3761153817176819, + -0.10013359040021896, + 0.036230120807886124, + -0.18870224058628082, + 2.107271194458008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/94.png", + [ + 0.19166013598442078, + -0.013328367844223976, + -0.10018300265073776, + 1.0826890468597412, + -0.029735947027802467, + -0.21271193027496338, + -0.02858862280845642, + 0.3011520504951477, + -0.09659218788146973, + 0.03903703764081001, + -0.18998408317565918, + 2.0997443199157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/28.png", + [ + 0.19304105639457703, + 0.0033760361839085817, + -0.09834455698728561, + 1.0656541585922241, + -0.012313632294535637, + -0.21401618421077728, + -0.03151737526059151, + 0.34100276231765747, + -0.09762901812791824, + 0.03366857394576073, + -0.19048069417476654, + 2.122282028198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/61.png", + [ + 0.19226856529712677, + 0.003457052167505026, + -0.09984362870454788, + 1.0735136270523071, + -0.015358746983110905, + -0.21294774115085602, + -0.036949533969163895, + 0.3908958435058594, + -0.09871580451726913, + 0.03986486792564392, + -0.18871641159057617, + 2.087883949279785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/132.png", + [ + 0.19278237223625183, + -0.006126122083514929, + -0.09871840476989746, + 1.0751885175704956, + -0.0241033174097538, + -0.21264873445034027, + -0.03387395665049553, + 0.3626716732978821, + -0.0959264412522316, + 0.04112037643790245, + -0.18988187611103058, + 2.1257987022399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/58.png", + [ + 0.19395864009857178, + 0.0028874350246042013, + -0.09653809666633606, + 1.0423381328582764, + -0.014897088520228863, + -0.21309150755405426, + -0.03630387410521507, + 0.38363268971443176, + -0.09542545676231384, + 0.03913511335849762, + -0.19055266678333282, + 2.1201252937316895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/123.png", + [ + 0.18944406509399414, + -0.005671209655702114, + -0.10500797629356384, + 1.1363680362701416, + -0.026854464784264565, + -0.21179479360580444, + -0.03700944408774376, + 0.39362064003944397, + -0.10167435556650162, + 0.04537288472056389, + -0.1858803927898407, + 2.065829277038574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/64.png", + [ + 0.19426248967647552, + -0.0007626593578606844, + -0.09596559405326843, + 1.0325757265090942, + -0.017564501613378525, + -0.2132905125617981, + -0.03386063128709793, + 0.35764744877815247, + -0.09434757381677628, + 0.03813754394650459, + -0.1912902444601059, + 2.1175994873046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/10.png", + [ + 0.1942640095949173, + 0.008954763412475586, + -0.09554685652256012, + 1.0388249158859253, + -0.009473185986280441, + -0.21288618445396423, + -0.03921264410018921, + 0.4167686402797699, + -0.09549684822559357, + 0.03933427110314369, + -0.19047588109970093, + 2.125354290008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/41.png", + [ + 0.19445940852165222, + 0.004968690685927868, + -0.09543979167938232, + 1.041317343711853, + -0.013458490371704102, + -0.2128015011548996, + -0.03850044682621956, + 0.4148210883140564, + -0.09461664408445358, + 0.04048120230436325, + -0.19067475199699402, + 2.139185905456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/91.png", + [ + 0.19344621896743774, + -0.01343507319688797, + -0.09667448699474335, + 1.0510739088058472, + -0.029849980026483536, + -0.2124728411436081, + -0.03020215407013893, + 0.3198843002319336, + -0.09292704612016678, + 0.040282633155584335, + -0.19154572486877441, + 2.1298294067382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/140.png", + [ + 0.1900792121887207, + -0.017780816182494164, + -0.10247744619846344, + 1.1072865724563599, + -0.03456510975956917, + -0.2121502310037613, + -0.027302643284201622, + 0.28532207012176514, + -0.09809708595275879, + 0.040299177169799805, + -0.1889466494321823, + 2.093205451965332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/23.png", + [ + 0.19167226552963257, + 0.0069909850135445595, + -0.10080058127641678, + 1.098514437675476, + -0.010451625101268291, + -0.21362419426441193, + -0.034689582884311676, + 0.37095654010772705, + -0.10050072520971298, + 0.03554897755384445, + -0.18863660097122192, + 2.1144165992736816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/37.png", + [ + 0.19209696352481842, + 0.0023076850920915604, + -0.10020644217729568, + 1.0931161642074585, + -0.015410907566547394, + -0.21336154639720917, + -0.034456461668014526, + 0.37053319811820984, + -0.09904121607542038, + 0.0376751683652401, + -0.18899554014205933, + 2.1224923133850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/36.png", + [ + 0.19248579442501068, + 0.002602068707346916, + -0.09945019334554672, + 1.0815494060516357, + -0.015051590278744698, + -0.21334539353847504, + -0.03471442684531212, + 0.3728923201560974, + -0.0983390212059021, + 0.03774746507406235, + -0.18934746086597443, + 2.120854377746582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/8.png", + [ + 0.19323769211769104, + 0.011762093752622604, + -0.0973074808716774, + 1.0616742372512817, + -0.00680592330172658, + -0.2129794806241989, + -0.03925952687859535, + 0.41747647523880005, + -0.09777919948101044, + 0.0380694642663002, + -0.1895727813243866, + 2.122889518737793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/6.png", + [ + 0.19432030618190765, + 0.014727531932294369, + -0.09471333771944046, + 1.028451681137085, + -0.004420940298587084, + -0.21249675750732422, + -0.04211266711354256, + 0.4486359655857086, + -0.09574952721595764, + 0.03970039263367653, + -0.1902729719877243, + 2.12959623336792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/154.png", + [ + 0.19002872705459595, + -0.01900751329958439, + -0.10235082358121872, + 1.0906307697296143, + -0.03753798082470894, + -0.21121160686016083, + -0.03047057054936886, + 0.31689733266830444, + -0.09709726274013519, + 0.04445526376366615, + -0.18853048980236053, + 2.067382335662842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/20.png", + [ + 0.19097287952899933, + 0.0075324904173612595, + -0.10208094120025635, + 1.1188287734985352, + -0.011024226434528828, + -0.21331661939620972, + -0.036364611238241196, + 0.39028221368789673, + -0.10176307708024979, + 0.03724487125873566, + -0.18762992322444916, + 2.1106371879577637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/2.png", + [ + 0.19641388952732086, + 0.0248470026999712, + -0.08804602921009064, + 0.9499530792236328, + 0.006941033992916346, + -0.21197639405727386, + -0.04433659836649895, + 0.47270384430885315, + -0.0912211537361145, + 0.03737029433250427, + -0.19295091927051544, + 2.15285062789917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/117.png", + [ + 0.18804582953453064, + -0.008225024677813053, + -0.10732664167881012, + 1.1576147079467773, + -0.03030897118151188, + -0.21134594082832336, + -0.03690742328763008, + 0.38710781931877136, + -0.10328613221645355, + 0.04704403504729271, + -0.1845717579126358, + 2.0487961769104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/149.png", + [ + 0.19065742194652557, + -0.022280162200331688, + -0.10050487518310547, + 1.075697898864746, + -0.038720954209566116, + -0.21152549982070923, + -0.026562044396996498, + 0.27443745732307434, + -0.09538513422012329, + 0.0413333885371685, + -0.19010816514492035, + 2.092702865600586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/161.png", + [ + 0.18770447373390198, + -0.015861568972468376, + -0.10706695914268494, + 1.147542953491211, + -0.03713824972510338, + -0.21076154708862305, + -0.0338854044675827, + 0.3558073043823242, + -0.10166452825069427, + 0.04770619422197342, + -0.18530066311359406, + 2.038583755493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/5.png", + [ + 0.19562514126300812, + 0.018756281584501266, + -0.09125186502933502, + 0.9895043969154358, + 8.352903387276456e-05, + -0.21227289736270905, + -0.043452370911836624, + 0.46329882740974426, + -0.0931595042347908, + 0.03919588401913643, + -0.19165824353694916, + 2.1423540115356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/108.png", + [ + 0.18611043691635132, + -0.005830989684909582, + -0.11080070585012436, + 1.1879295110702515, + -0.026516534388065338, + -0.21244274079799652, + -0.03335946053266525, + 0.34693387150764465, + -0.1077389121055603, + 0.042213503271341324, + -0.18318909406661987, + 2.0273661613464355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/60.png", + [ + 0.1928943395614624, + 0.0022940298076719046, + -0.0986630916595459, + 1.0606986284255981, + -0.01648261770606041, + -0.2128247320652008, + -0.03717326372861862, + 0.39099395275115967, + -0.097303606569767, + 0.04059883579611778, + -0.18929246068000793, + 2.0932750701904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/56.png", + [ + 0.19440607726573944, + 0.0036574287805706263, + -0.09560749679803848, + 1.0368660688400269, + -0.013764801435172558, + -0.21319471299648285, + -0.036144714802503586, + 0.3839711844921112, + -0.09468209743499756, + 0.038503680378198624, + -0.1910514533519745, + 2.134097099304199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/147.png", + [ + 0.1923043429851532, + -0.020630694925785065, + -0.09767960011959076, + 1.050011157989502, + -0.036268141120672226, + -0.21195051074028015, + -0.02663642168045044, + 0.27520671486854553, + -0.0930137112736702, + 0.03999064117670059, + -0.19156484305858612, + 2.1166815757751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/30.png", + [ + 0.19429050385951996, + 0.003405721392482519, + -0.09585142135620117, + 1.0375051498413086, + -0.011279299855232239, + -0.21422408521175385, + -0.03047475405037403, + 0.3251962661743164, + -0.09524637460708618, + 0.03231615945696831, + -0.1919158399105072, + 2.1344618797302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/17.png", + [ + 0.19196896255016327, + 0.007631785701960325, + -0.10018764436244965, + 1.0942354202270508, + -0.010458052158355713, + -0.21335764229297638, + -0.03629111498594284, + 0.3881004750728607, + -0.09993216395378113, + 0.03698880597949028, + -0.1886618286371231, + 2.11179780960083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/12.png", + [ + 0.19384950399398804, + 0.006807968020439148, + -0.09656043350696564, + 1.0486698150634766, + -0.011348786763846874, + -0.21304915845394135, + -0.03780418261885643, + 0.4019275903701782, + -0.09613257646560669, + 0.038879334926605225, + -0.19024935364723206, + 2.1201276779174805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/114.png", + [ + 0.18779143691062927, + -0.008606056682765484, + -0.10774137079715729, + 1.1599854230880737, + -0.031340591609478, + -0.2110431045293808, + -0.03776865452528, + 0.39557069540023804, + -0.10344097763299942, + 0.048318106681108475, + -0.1841554194688797, + 2.0409841537475586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/27.png", + [ + 0.1925831288099289, + 0.004867963492870331, + -0.0991763025522232, + 1.0718779563903809, + -0.010971199721097946, + -0.21404586732387543, + -0.03181037679314613, + 0.3422771692276001, + -0.09868773072957993, + 0.033295195549726486, + -0.19000014662742615, + 2.112903594970703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/42.png", + [ + 0.1937476098537445, + 0.005227354355156422, + -0.09686295688152313, + 1.0560616254806519, + -0.01337498240172863, + -0.21285374462604523, + -0.03823993355035782, + 0.41280892491340637, + -0.09607739746570587, + 0.04017284885048866, + -0.19000834226608276, + 2.1322274208068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/7.png", + [ + 0.19432510435581207, + 0.013655505143105984, + -0.09486402571201324, + 1.0323150157928467, + -0.004960719030350447, + -0.21274350583553314, + -0.04078587517142296, + 0.43652433156967163, + -0.09571335464715958, + 0.0387507863342762, + -0.19048680365085602, + 2.131840705871582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/73.png", + [ + 0.1909719705581665, + -0.001869740430265665, + -0.10234302282333374, + 1.1042119264602661, + -0.02092137187719345, + -0.21277812123298645, + -0.03515193983912468, + 0.3737252950668335, + -0.10019923001527786, + 0.0408640019595623, + -0.1877182424068451, + 2.0806732177734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/120.png", + [ + 0.1866987943649292, + -0.007518860511481762, + -0.10970381647348404, + 1.1879314184188843, + -0.030772274360060692, + -0.21110299229621887, + -0.037901073694229126, + 0.40108904242515564, + -0.10556763410568237, + 0.04823786020278931, + -0.18296578526496887, + 2.0357961654663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/46.png", + [ + 0.19413334131240845, + 0.003212500363588333, + -0.09617599844932556, + 1.0453319549560547, + -0.015656813979148865, + -0.21261383593082428, + -0.038705408573150635, + 0.4165080785751343, + -0.09494739770889282, + 0.0416284054517746, + -0.19026288390159607, + 2.1288886070251465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/127.png", + [ + 0.1904817670583725, + -0.00405301945284009, + -0.10318993777036667, + 1.1216052770614624, + -0.02404712326824665, + -0.21229685842990875, + -0.0360509492456913, + 0.38655802607536316, + -0.10043070465326309, + 0.04314519464969635, + -0.18708303570747375, + 2.089539051055908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/133.png", + [ + 0.19246919453144073, + -0.005844788160175085, + -0.09934456646442413, + 1.080467700958252, + -0.023332133889198303, + -0.21292191743850708, + -0.03267650306224823, + 0.35054129362106323, + -0.09674251824617386, + 0.039723802357912064, + -0.1897651106119156, + 2.1180710792541504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/57.png", + [ + 0.19529327750205994, + 0.0028555267490446568, + -0.09380978345870972, + 1.0135835409164429, + -0.014421818777918816, + -0.21308906376361847, + -0.036509688943624496, + 0.3866586685180664, + -0.0927385538816452, + 0.039150889962911606, + -0.19187147915363312, + 2.1364402770996094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/44.png", + [ + 0.19433994591236115, + 0.0058066872879862785, + -0.0956355407834053, + 1.0395727157592773, + -0.013232100754976273, + -0.21257726848125458, + -0.039795827120542526, + 0.42722776532173157, + -0.09489355236291885, + 0.04153406620025635, + -0.19031034409999847, + 2.128262996673584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/113.png", + [ + 0.1870986819267273, + -0.006127106491476297, + -0.10910742729902267, + 1.1748366355895996, + -0.02904594875872135, + -0.21134041249752045, + -0.03794015944004059, + 0.3978821635246277, + -0.10534849017858505, + 0.04738756641745567, + -0.18331393599510193, + 2.0315675735473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/126.png", + [ + 0.18998600542545319, + -0.004367529880255461, + -0.10408718138933182, + 1.131050944328308, + -0.024998974055051804, + -0.21207019686698914, + -0.0367310605943203, + 0.3928813338279724, + -0.10113489627838135, + 0.04421588033437729, + -0.18645264208316803, + 2.080927848815918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/29.png", + [ + 0.19517144560813904, + 0.004699366167187691, + -0.09398888796567917, + 1.016470193862915, + -0.010008186101913452, + -0.21414051949977875, + -0.03148922324180603, + 0.3380183279514313, + -0.09357260912656784, + 0.03270551562309265, + -0.1926717758178711, + 2.1404237747192383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/4.png", + [ + 0.1970045119524002, + 0.019711991772055626, + -0.08802586048841476, + 0.9514061212539673, + 0.0012483106693252921, + -0.21201354265213013, + -0.0446833036839962, + 0.4760184586048126, + -0.09019730985164642, + 0.04011973738670349, + -0.19288012385368347, + 2.1527633666992188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/55.png", + [ + 0.19448620080947876, + 0.004711311776190996, + -0.09539822489023209, + 1.0363364219665527, + -0.012355745770037174, + -0.2133515626192093, + -0.035725902765989304, + 0.3788403570652008, + -0.09471194446086884, + 0.03750744089484215, + -0.1912347674369812, + 2.1377921104431152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/9.png", + [ + 0.19505663216114044, + 0.009900525212287903, + -0.0938231498003006, + 1.0224781036376953, + -0.007824428379535675, + -0.21303831040859222, + -0.03874734416604042, + 0.41075414419174194, + -0.09401905536651611, + 0.038269538432359695, + -0.19142559170722961, + 2.137877941131592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/25.png", + [ + 0.19204457104206085, + 0.004676403943449259, + -0.10022430121898651, + 1.086570382118225, + -0.011709821410477161, + -0.2139153778553009, + -0.032418910413980484, + 0.34533506631851196, + -0.09964767098426819, + 0.03415020927786827, + -0.18934623897075653, + 2.111454963684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/99.png", + [ + 0.19184057414531708, + -0.012420414946973324, + -0.09995412081480026, + 1.0648292303085327, + -0.028526853770017624, + -0.21291682124137878, + -0.028293900191783905, + 0.2967836856842041, + -0.09659872204065323, + 0.03821071982383728, + -0.19014869630336761, + 2.087078094482422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/34.png", + [ + 0.19154003262519836, + 0.002092644339427352, + -0.10127151757478714, + 1.097664713859558, + -0.015884822234511375, + -0.2133275270462036, + -0.034451924264431, + 0.3699520230293274, + -0.10003985464572906, + 0.03787985444068909, + -0.18842780590057373, + 2.102504253387451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/72.png", + [ + 0.1913730800151825, + -0.002786471275612712, + -0.10157004743814468, + 1.0958137512207031, + -0.021058162674307823, + -0.21297821402549744, + -0.03383387252688408, + 0.3585771918296814, + -0.09940217435359955, + 0.03975440561771393, + -0.18837912380695343, + 2.0904932022094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/102.png", + [ + 0.18792451918125153, + -0.00879068486392498, + -0.10749416053295135, + 1.1462829113006592, + -0.02592216618359089, + -0.21330486238002777, + -0.027874212712049484, + 0.28319603204727173, + -0.1046915054321289, + 0.03703584894537926, + -0.1860535591840744, + 2.039928913116455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/134.png", + [ + 0.19137178361415863, + -0.007123313378542662, + -0.10136070102453232, + 1.1028114557266235, + -0.024775026366114616, + -0.21288944780826569, + -0.03181472048163414, + 0.3427529036998749, + -0.09854406118392944, + 0.03968925401568413, + -0.18884311616420746, + 2.107276439666748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/70.png", + [ + 0.19270333647727966, + -0.003614216111600399, + -0.09899625182151794, + 1.066555142402649, + -0.021320493891835213, + -0.2129691243171692, + -0.03372666984796524, + 0.35702982544898987, + -0.09674066305160522, + 0.03973649442195892, + -0.1897634118795395, + 2.104783535003662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/135.png", + [ + 0.19161583483219147, + -0.011274087242782116, + -0.10051944106817245, + 1.0908911228179932, + -0.027953052893280983, + -0.21284113824367523, + -0.02941378951072693, + 0.31440845131874084, + -0.09721054136753082, + 0.03897998481988907, + -0.18968015909194946, + 2.112919807434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/130.png", + [ + 0.19202832877635956, + -0.0035822943318635225, + -0.10030043870210648, + 1.0951205492019653, + -0.022213909775018692, + -0.21268314123153687, + -0.03493311256170273, + 0.3748009204864502, + -0.0978751927614212, + 0.04124254733324051, + -0.18885812163352966, + 2.1202826499938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/90.png", + [ + 0.19414366781711578, + -0.01240632589906454, + -0.09540549665689468, + 1.0364607572555542, + -0.028549091890454292, + -0.21261657774448395, + -0.030447255820035934, + 0.3224477469921112, + -0.09187531471252441, + 0.0398518368601799, + -0.19214226305484772, + 2.136559009552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/122.png", + [ + 0.18793494999408722, + -0.007239797152578831, + -0.10759151726961136, + 1.1651802062988281, + -0.02950977347791195, + -0.21138624846935272, + -0.03732194006443024, + 0.3964495360851288, + -0.10371848195791245, + 0.04702487960457802, + -0.18433400988578796, + 2.050363540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/15.png", + [ + 0.19145017862319946, + 0.006149784661829472, + -0.10127636790275574, + 1.1024874448776245, + -0.011780623346567154, + -0.21346619725227356, + -0.035232044756412506, + 0.37595707178115845, + -0.10077668726444244, + 0.036636870354413986, + -0.18828091025352478, + 2.1021156311035156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/162.png", + [ + 0.18697108328342438, + -0.015170896425843239, + -0.10844148695468903, + 1.1640732288360596, + -0.03682855889201164, + -0.21079611778259277, + -0.034008290618658066, + 0.3574887812137604, + -0.10311823338270187, + 0.047778140753507614, + -0.1844770461320877, + 2.032866954803467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/22.png", + [ + 0.19191868603229523, + 0.005640759132802486, + -0.10041561722755432, + 1.0968658924102783, + -0.011948145925998688, + -0.213522806763649, + -0.03483027592301369, + 0.3742886781692505, + -0.09986168146133423, + 0.03638801723718643, + -0.18881593644618988, + 2.1219544410705566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/138.png", + [ + 0.18995144963264465, + -0.014983040280640125, + -0.10315932333469391, + 1.1124011278152466, + -0.0324176587164402, + -0.21228310465812683, + -0.028859583660960197, + 0.30356669425964355, + -0.09907287359237671, + 0.040734365582466125, + -0.18834321200847626, + 2.0826830863952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/109.png", + [ + 0.1868423968553543, + -0.005159831140190363, + -0.10959555208683014, + 1.1761951446533203, + -0.026454785838723183, + -0.21216781437397003, + -0.035112060606479645, + 0.3663962483406067, + -0.10647983849048615, + 0.043658774346113205, + -0.18358609080314636, + 2.0311412811279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/26.png", + [ + 0.1911269873380661, + 0.005540978629142046, + -0.10191992670297623, + 1.103940725326538, + -0.010742487385869026, + -0.21406157314777374, + -0.031782690435647964, + 0.3396109342575073, + -0.10150355845689774, + 0.03308834135532379, + -0.1885472983121872, + 2.1006689071655273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/43.png", + [ + 0.19352535903453827, + 0.005521868355572224, + -0.09728999435901642, + 1.0606238842010498, + -0.014102237299084663, + -0.21246220171451569, + -0.040110278874635696, + 0.432753324508667, + -0.09642073512077332, + 0.042157046496868134, + -0.18940359354019165, + 2.1242480278015137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/84.png", + [ + 0.193430095911026, + -0.005725004710257053, + -0.09746754914522171, + 1.061356544494629, + -0.023509064689278603, + -0.21266894042491913, + -0.034163471311330795, + 0.36807355284690857, + -0.09476297348737717, + 0.04107363149523735, + -0.19047527015209198, + 2.12595272064209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/136.png", + [ + 0.193404883146286, + -0.012168653309345245, + -0.09692453593015671, + 1.0456358194351196, + -0.02741282619535923, + -0.21310921013355255, + -0.02794465608894825, + 0.29500171542167664, + -0.09376022219657898, + 0.03720605745911598, + -0.19176189601421356, + 2.1223087310791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/89.png", + [ + 0.19367046654224396, + -0.011155636981129646, + -0.09651528298854828, + 1.0499647855758667, + -0.028189171105623245, + -0.2124348133802414, + -0.032011136412620544, + 0.3409377634525299, + -0.0929785892367363, + 0.04116908833384514, + -0.1913321167230606, + 2.131303310394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/63.png", + [ + 0.1922197788953781, + 0.0004422107303980738, + -0.09999626874923706, + 1.0759861469268799, + -0.017539922147989273, + -0.21316425502300262, + -0.03465912491083145, + 0.36786434054374695, + -0.09844694286584854, + 0.0388420931994915, + -0.18906979262828827, + 2.0939512252807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/88.png", + [ + 0.19464221596717834, + -0.010548990219831467, + -0.09460984915494919, + 1.0280983448028564, + -0.027358124032616615, + -0.21245460212230682, + -0.03259560093283653, + 0.3466637432575226, + -0.0911802351474762, + 0.04122691601514816, + -0.1921832412481308, + 2.1407175064086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/62.png", + [ + 0.19322514533996582, + 0.0005723150679841638, + -0.09803880006074905, + 1.0539188385009766, + -0.017402810975909233, + -0.2130299210548401, + -0.03554287552833557, + 0.3781351149082184, + -0.09648355841636658, + 0.03957052528858185, + -0.18992888927459717, + 2.1003079414367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/65.png", + [ + 0.19351597130298615, + 0.0015762114198878407, + -0.09745246917009354, + 1.0487778186798096, + -0.015874551609158516, + -0.21324366331100464, + -0.034971874207258224, + 0.37095412611961365, + -0.09616376459598541, + 0.038373809307813644, + -0.1903362274169922, + 2.1082515716552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/80.png", + [ + 0.19316139817237854, + -0.00502984831109643, + -0.09803711622953415, + 1.0653318166732788, + -0.022549500688910484, + -0.21287716925144196, + -0.03350723534822464, + 0.3601243793964386, + -0.09554106742143631, + 0.04007387533783913, + -0.19029945135116577, + 2.1213150024414062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/146.png", + [ + 0.19353796541690826, + -0.02097482793033123, + -0.09513674676418304, + 1.0228170156478882, + -0.03636225685477257, + -0.2118544727563858, + -0.027264615520834923, + 0.2824959456920624, + -0.09038102626800537, + 0.04031909629702568, + -0.19275251030921936, + 2.129805564880371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/119.png", + [ + 0.18701227009296417, + -0.007840631529688835, + -0.10914590954780579, + 1.1807540655136108, + -0.03114352934062481, + -0.21099378168582916, + -0.038204796612262726, + 0.40300390124320984, + -0.10490179061889648, + 0.048662617802619934, + -0.18323606252670288, + 2.0365395545959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/145.png", + [ + 0.19233210384845734, + -0.019738951697945595, + -0.09780910611152649, + 1.0526646375656128, + -0.03593842312693596, + -0.21184179186820984, + -0.02791742794215679, + 0.28984159231185913, + -0.09308424592018127, + 0.041003983467817307, + -0.19131620228290558, + 2.1162357330322266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/79.png", + [ + 0.1920231729745865, + -0.0043418011628091335, + -0.10028034448623657, + 1.0888655185699463, + -0.022132275626063347, + -0.212975412607193, + -0.03315916657447815, + 0.35571521520614624, + -0.09790382534265518, + 0.039629749953746796, + -0.18918830156326294, + 2.107710361480713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/165.png", + [ + 0.18741367757320404, + -0.01767123118042946, + -0.10729274898767471, + 1.1495903730392456, + -0.0381493903696537, + -0.21089021861553192, + -0.031903624534606934, + 0.3331053555011749, + -0.10182646661996841, + 0.04648596793413162, + -0.18552175164222717, + 2.040738105773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/116.png", + [ + 0.18733112514019012, + -0.008775458671152592, + -0.10852618515491486, + 1.1698980331420898, + -0.031210582703351974, + -0.21123458445072174, + -0.03679326921701431, + 0.3858754634857178, + -0.1043112650513649, + 0.04744298383593559, + -0.18389186263084412, + 2.0413150787353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/19.png", + [ + 0.19208449125289917, + 0.008051742799580097, + -0.09993305802345276, + 1.0935686826705933, + -0.009887523017823696, + -0.2134004682302475, + -0.036199089139699936, + 0.38693520426750183, + -0.09976814687252045, + 0.03665114566683769, + -0.18881447613239288, + 2.121293544769287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/77.png", + [ + 0.19276480376720428, + -0.0017801052890717983, + -0.09892650693655014, + 1.0724563598632812, + -0.01932278648018837, + -0.213145449757576, + -0.03381633758544922, + 0.3612106144428253, + -0.09703737497329712, + 0.03890688717365265, + -0.18978381156921387, + 2.110442638397217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/68.png", + [ + 0.1927027553319931, + -0.0009654475725255907, + -0.09905865043401718, + 1.0679312944412231, + -0.019286485388875008, + -0.21288412809371948, + -0.035443950444459915, + 0.37621068954467773, + -0.09716779738664627, + 0.04033993184566498, + -0.1894175410270691, + 2.1026268005371094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/143.png", + [ + 0.19119976460933685, + -0.018187111243605614, + -0.1002984270453453, + 1.0829790830612183, + -0.035046666860580444, + -0.21192963421344757, + -0.02838056907057762, + 0.2963974177837372, + -0.09571978449821472, + 0.04126686602830887, + -0.18995437026023865, + 2.1023788452148438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/86.png", + [ + 0.19507235288619995, + -0.008254768326878548, + -0.09394963830709457, + 1.020400047302246, + -0.02461066097021103, + -0.21282005310058594, + -0.032401178032159805, + 0.34719014167785645, + -0.09104388952255249, + 0.03984193876385689, + -0.19253966212272644, + 2.144407272338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/1.png", + [ + 0.19533602893352509, + 0.025269312784075737, + -0.09029502421617508, + 0.9751667976379395, + 0.00817848090082407, + -0.21245430409908295, + -0.04176335036754608, + 0.44708114862442017, + -0.09340686351060867, + 0.0342421717941761, + -0.19248513877391815, + 2.1515889167785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/81.png", + [ + 0.19276030361652374, + -0.004611825104802847, + -0.0988437831401825, + 1.0758378505706787, + -0.02275877259671688, + -0.2127028852701187, + -0.03445880860090256, + 0.3711320757865906, + -0.09629850089550018, + 0.04103781282901764, + -0.189711332321167, + 2.116548538208008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/95.png", + [ + 0.19195377826690674, + -0.013590449467301369, + -0.09958384186029434, + 1.0739446878433228, + -0.02966010943055153, + -0.21278329193592072, + -0.028132563456892967, + 0.29718199372291565, + -0.0960308313369751, + 0.03855467587709427, + -0.19036677479743958, + 2.1044669151306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/103.png", + [ + 0.1877681463956833, + -0.00828461442142725, + -0.10780715942382812, + 1.1522856950759888, + -0.02529752627015114, + -0.21340756118297577, + -0.027661142870783806, + 0.28032779693603516, + -0.10512400418519974, + 0.036557745188474655, + -0.18590418994426727, + 2.042819023132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/150.png", + [ + 0.1901763677597046, + -0.01937662810087204, + -0.10200682282447815, + 1.090954065322876, + -0.03680318966507912, + -0.21162711083889008, + -0.028414547443389893, + 0.2936737835407257, + -0.0970894917845726, + 0.04226591810584068, + -0.18903733789920807, + 2.07572078704834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/83.png", + [ + 0.1936948448419571, + -0.0054159811697900295, + -0.09695807099342346, + 1.0555435419082642, + -0.023256877437233925, + -0.2126287966966629, + -0.0345834381878376, + 0.3720267415046692, + -0.09428319334983826, + 0.041322678327560425, + -0.19065941870212555, + 2.126156806945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/142.png", + [ + 0.19001126289367676, + -0.01662800833582878, + -0.1027965173125267, + 1.1113497018814087, + -0.033681001514196396, + -0.21221069991588593, + -0.02793020009994507, + 0.2917371988296509, + -0.09853529185056686, + 0.040472399443387985, + -0.18868140876293182, + 2.0901050567626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/51.png", + [ + 0.19350872933864594, + 0.0025040183681994677, + -0.09744738042354584, + 1.0585894584655762, + -0.015350742265582085, + -0.21311774849891663, + -0.03595944494009018, + 0.3843657970428467, + -0.09626326709985733, + 0.039018671959638596, + -0.19015473127365112, + 2.1236462593078613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/128.png", + [ + 0.19107000529766083, + -0.003443198511376977, + -0.10211902856826782, + 1.111820936203003, + -0.023120805621147156, + -0.21239162981510162, + -0.036098916083574295, + 0.3877560794353485, + -0.0995267853140831, + 0.0427299402654171, + -0.18766051530838013, + 2.1003670692443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/93.png", + [ + 0.19255603849887848, + -0.014491393230855465, + -0.09828563779592514, + 1.0651346445083618, + -0.030849961563944817, + -0.212482288479805, + -0.029110880568623543, + 0.3073423206806183, + -0.09443700313568115, + 0.03986430540680885, + -0.19089365005493164, + 2.1145505905151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/76.png", + [ + 0.19724808633327484, + 0.01935882866382599, + -0.08755753189325333, + 1.0269745588302612, + 0.01864982210099697, + -0.21579529345035553, + -0.005698001477867365, + 0.05497944727540016, + -0.08771127462387085, + -0.002349201124161482, + -0.19811387360095978, + 2.368626594543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/48.png", + [ + 0.21375827491283417, + -0.013863200321793556, + -0.0326053723692894, + 0.38782310485839844, + -0.016112852841615677, + -0.21562354266643524, + -0.013955456204712391, + 0.15307950973510742, + -0.031554315239191055, + 0.016192296519875526, + -0.21375226974487305, + 2.5886926651000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/35.png", + [ + 0.20343521237373352, + -0.018106285482645035, + -0.07234759628772736, + 0.8427863121032715, + -0.017204364761710167, + -0.21591635048389435, + 0.005659759044647217, + -0.07761696726083755, + -0.07256735861301422, + 0.0004306004266254604, + -0.2041609287261963, + 2.444246768951416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/97.png", + [ + 0.20284225046634674, + 0.028808411210775375, + -0.07051941752433777, + 0.8500905632972717, + 0.02232464961707592, + -0.2142568826675415, + -0.02331298217177391, + 0.2656755745410919, + -0.0728321522474289, + 0.014558865688741207, + -0.20354707539081573, + 2.496901035308838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/13.png", + [ + 0.19933238625526428, + 0.002331549534574151, + -0.084906205534935, + 1.0097880363464355, + 0.012674781493842602, + -0.21498438715934753, + 0.0238527599722147, + -0.29704195261001587, + -0.08398720622062683, + -0.02691037580370903, + -0.19791381061077118, + 2.3986353874206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/32.png", + [ + 0.19504614174365997, + -0.002256048144772649, + -0.09433877468109131, + 1.1030888557434082, + -0.001478345482610166, + -0.21665915846824646, + 0.0021247670520097017, + -0.039617642760276794, + -0.09435417503118515, + -0.0012690104776993394, + -0.19504761695861816, + 2.326605796813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/38.png", + [ + 0.20730693638324738, + -0.02886231802403927, + -0.056024033576250076, + 0.6635584235191345, + -0.028302524238824844, + -0.2147371917963028, + 0.005899302661418915, + -0.08366692066192627, + -0.05630891025066376, + 0.001673733931966126, + -0.20922333002090454, + 2.523151397705078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/11.png", + [ + 0.19746781885623932, + 0.0020352068822830915, + -0.08916395902633667, + 1.0586906671524048, + 0.010959307663142681, + -0.21553029119968414, + 0.01935155875980854, + -0.24103562533855438, + -0.08851128071546555, + -0.022146042436361313, + -0.1965278536081314, + 2.3774309158325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/59.png", + [ + 0.21100561320781708, + 0.007752496749162674, + -0.04862533509731293, + 0.5737932324409485, + 0.006454299669712782, + -0.21648073196411133, + -0.0065063354559242725, + 0.05844913050532341, + -0.04881461337208748, + 0.004887654911726713, + -0.2110477238893509, + 2.543405055999756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/24.png", + [ + 0.199327290058136, + -0.003192014992237091, + -0.08489016443490982, + 1.0125138759613037, + 0.003589898580685258, + -0.21601168811321259, + 0.016551708802580833, + -0.2088659405708313, + -0.08487426489591599, + -0.01663302443921566, + -0.19866453111171722, + 2.4141507148742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/74.png", + [ + 0.19637256860733032, + 0.017873622477054596, + -0.0898122489452362, + 1.0562002658843994, + 0.018679162487387657, + -0.2158576101064682, + -0.0021164393983781338, + 0.011649593710899353, + -0.08964817970991135, + -0.005824432708323002, + -0.19717295467853546, + 2.3592185974121094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/98.png", + [ + 0.20262783765792847, + 0.027365949004888535, + -0.07170044630765915, + 0.865505039691925, + 0.020642239600419998, + -0.21440546214580536, + -0.0234966017305851, + 0.26758065819740295, + -0.07391715794801712, + 0.015142557211220264, + -0.2031129151582718, + 2.4969019889831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/0.png", + [ + 0.1919993758201599, + 0.022186381742358208, + -0.09793819487094879, + 1.114556908607483, + 0.013140941970050335, + -0.21505406498908997, + -0.02295548841357231, + 0.2521418333053589, + -0.09955622255802155, + 0.01440150011330843, + -0.19190895557403564, + 2.232769012451172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/96.png", + [ + 0.20266413688659668, + 0.02957323007285595, + -0.07071468979120255, + 0.8504756689071655, + 0.0230423416942358, + -0.2141578197479248, + -0.023523861542344093, + 0.26921525597572327, + -0.07310399413108826, + 0.014482595026493073, + -0.20345506072044373, + 2.494211196899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/100.png", + [ + 0.2011837363243103, + 0.026967015117406845, + -0.07580093294382095, + 0.9178066253662109, + 0.020575042814016342, + -0.2145974487066269, + -0.021737055853009224, + 0.24510788917541504, + -0.0777796134352684, + 0.012985064648091793, + -0.20181581377983093, + 2.485973834991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/40.png", + [ + 0.2099718153476715, + -0.025352725759148598, + -0.04708467796444893, + 0.5579758882522583, + -0.025809330865740776, + -0.21513070166110992, + 0.0007416062871925533, + -0.02062312886118889, + -0.046835947781801224, + 0.004889855161309242, + -0.21149557828903198, + 2.5541305541992188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/52.png", + [ + 0.21345335245132446, + 0.0017161088762804866, + -0.03718360513448715, + 0.4431874752044678, + -0.0026272572576999664, + -0.21520985662937164, + -0.02501426264643669, + 0.28712767362594604, + -0.03713035210967064, + 0.025093240663409233, + -0.21198953688144684, + 2.5648436546325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/3.png", + [ + 0.19389013946056366, + 0.017946140840649605, + -0.09503918141126633, + 1.0892146825790405, + 0.01281573623418808, + -0.21580170094966888, + -0.014604110270738602, + 0.15483027696609497, + -0.0958658829331398, + 0.007447090931236744, + -0.19417047500610352, + 2.290862560272217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/47.png", + [ + 0.21383264660835266, + -0.018677683547139168, + -0.029574325308203697, + 0.3491199016571045, + -0.020372966304421425, + -0.2154209464788437, + -0.011254413053393364, + 0.12122690677642822, + -0.0284330565482378, + 0.013887541368603706, + -0.2143515646457672, + 2.5928139686584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/104.png", + [ + 0.20240218937397003, + 0.024407261982560158, + -0.07338622212409973, + 0.8840480446815491, + 0.017742034047842026, + -0.21477198600769043, + -0.02249699831008911, + 0.25390201807022095, + -0.0752759799361229, + 0.015006006695330143, + -0.2026233971118927, + 2.490717887878418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/21.png", + [ + 0.2007225751876831, + -0.0018671790603548288, + -0.08157730102539062, + 0.9773836135864258, + 0.006036096718162298, + -0.2156846672296524, + 0.019788626581430435, + -0.24765586853027344, + -0.08137509971857071, + -0.020604318007826805, + -0.19975347816944122, + 2.4366378784179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/82.png", + [ + 0.1965244561433792, + 0.023985419422388077, + -0.08803824335336685, + 1.0186432600021362, + 0.01929130032658577, + -0.21525099873542786, + -0.015580423176288605, + 0.16767457127571106, + -0.08918450772762299, + 0.006293132435530424, + -0.19736872613430023, + 2.3337860107421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/14.png", + [ + 0.1989498883485794, + 0.0030898796394467354, + -0.08577461540699005, + 1.0209041833877563, + 0.012705164961516857, + -0.21520890295505524, + 0.021716471761465073, + -0.2694492042064667, + -0.08488468825817108, + -0.024969561025500298, + -0.19778524339199066, + 2.3991622924804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/67.png", + [ + 0.19935785233974457, + 0.014402118511497974, + -0.08364755660295486, + 0.9781743884086609, + 0.01437016949057579, + -0.21617716550827026, + -0.002972022397443652, + 0.026257436722517014, + -0.0836530551314354, + -0.0028131280560046434, + -0.19985531270503998, + 2.384427070617676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/78.png", + [ + 0.19719623029232025, + 0.022633101791143417, + -0.08688659220933914, + 1.014338731765747, + 0.01977398991584778, + -0.2154769003391266, + -0.01125091128051281, + 0.12036029994487762, + -0.08758154511451721, + 0.0023101118858903646, + -0.1981717348098755, + 2.3637375831604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/31.png", + [ + 0.1947026401758194, + -0.002023405861109495, + -0.09505090862512589, + 1.1055084466934204, + -0.000764903612434864, + -0.21665188670158386, + 0.0030451673083007336, + -0.05021221935749054, + -0.09506937116384506, + -0.0024008220061659813, + -0.19468936324119568, + 2.3143773078918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/39.png", + [ + 0.20811964571475983, + -0.0272650346159935, + -0.053765494376420975, + 0.6386291980743408, + -0.027126982808113098, + -0.21493279933929443, + 0.003989389631897211, + -0.06114910542964935, + -0.053835272789001465, + 0.0028993950691074133, + -0.20986007153987885, + 2.5338711738586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/92.png", + [ + 0.19850841164588928, + 0.034163523465394974, + -0.07984457910060883, + 0.9491307735443115, + 0.02928215265274048, + -0.2138701230287552, + -0.01870889589190483, + 0.20755967497825623, + -0.08176098763942719, + 0.006349852308630943, + -0.20055601000785828, + 2.4273486137390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/53.png", + [ + 0.21360138058662415, + 0.002832653233781457, + -0.03625353053212166, + 0.4301247298717499, + -0.0013218121603131294, + -0.21526867151260376, + -0.02460787259042263, + 0.28020215034484863, + -0.03633999451994896, + 0.024480003863573074, + -0.21219807863235474, + 2.567007541656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/75.png", + [ + 0.19583742320537567, + 0.019786346703767776, + -0.09057647734880447, + 1.0631771087646484, + 0.020044639706611633, + -0.215712308883667, + -0.0037831892259418964, + 0.03116707131266594, + -0.09051966667175293, + -0.0049598910845816135, + -0.19679808616638184, + 2.353468894958496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/87.png", + [ + 0.19857238233089447, + 0.030794575810432434, + -0.08104689419269562, + 0.9415009021759033, + 0.027166400104761124, + -0.21444639563560486, + -0.014920849353075027, + 0.1616954207420349, + -0.0823340192437172, + 0.0035127161536365747, + -0.20039129257202148, + 2.377941131591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/69.png", + [ + 0.1988755613565445, + 0.014501138590276241, + -0.08477096259593964, + 0.9902048110961914, + 0.014823265373706818, + -0.2161557972431183, + -0.0022002796176820993, + 0.017803102731704712, + -0.08471522480249405, + -0.0037798627745360136, + -0.1993914097547531, + 2.377984046936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/45.png", + [ + 0.21335957944393158, + -0.019144440069794655, + -0.03254354000091553, + 0.38252905011177063, + -0.02050950564444065, + -0.215566024184227, + -0.007651543710380793, + 0.08002559840679169, + -0.031700972467660904, + 0.0106149110943079, + -0.2140800505876541, + 2.5930299758911133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/50.png", + [ + 0.21338488161563873, + -0.0031535320449620485, + -0.03748122602701187, + 0.4508993327617645, + -0.0072077857330441475, + -0.21533870697021484, + -0.02291693724691868, + 0.2615104019641876, + -0.03691659867763519, + 0.0238158218562603, + -0.2121741622686386, + 2.5726261138916016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/101.png", + [ + 0.20143495500087738, + 0.025988569483160973, + -0.0754748210310936, + 0.9131503701210022, + 0.0195606742054224, + -0.21469390392303467, + -0.021720945835113525, + 0.24492201209068298, + -0.0773901492357254, + 0.01337959710508585, + -0.20193970203399658, + 2.487499713897705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/85.png", + [ + 0.19786293804645538, + 0.029219776391983032, + -0.0833328366279602, + 0.9627594947814941, + 0.025606168434023857, + -0.21466894447803497, + -0.014472892507910728, + 0.15514783561229706, + -0.08451320230960846, + 0.0033682503271847963, + -0.19948449730873108, + 2.356889247894287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/71.png", + [ + 0.1986120343208313, + 0.012852591462433338, + -0.08565022051334381, + 1.0034830570220947, + 0.013423437252640724, + -0.2162543684244156, + -0.0013236734084784985, + 0.007098950445652008, + -0.08556260168552399, + -0.004092878196388483, + -0.1990230530500412, + 2.376361846923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/54.png", + [ + 0.21361465752124786, + 0.003820038167759776, + -0.03608430549502373, + 0.4266568422317505, + 0.00032286904752254486, + -0.2156621515750885, + -0.020919568836688995, + 0.2318648099899292, + -0.03628451004624367, + 0.020570365712046623, + -0.21262218058109283, + 2.5693764686584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/33.png", + [ + 0.19798877835273743, + -0.0037571610882878304, + -0.08794444054365158, + 1.0314277410507202, + -0.0033878451213240623, + -0.21664203703403473, + 0.001628342317417264, + -0.03278125077486038, + -0.08795943856239319, + -0.00011284864012850448, + -0.19801773130893707, + 2.3657984733581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/49.png", + [ + 0.21392939984798431, + -0.008404437452554703, + -0.0333387553691864, + 0.39861565828323364, + -0.011451279744505882, + -0.21552276611328125, + -0.01914941892027855, + 0.21553170680999756, + -0.03241875022649765, + 0.0206687543541193, + -0.21323631703853607, + 2.5814781188964844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/18.png", + [ + 0.1996411830186844, + 0.0022823589388281107, + -0.08417882770299911, + 1.0074394941329956, + 0.009990766644477844, + -0.2157072126865387, + 0.01784590631723404, + -0.22286199033260345, + -0.0836150050163269, + -0.020324433222413063, + -0.19885508716106415, + 2.4241456985473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/66.png", + [ + 0.1989854872226715, + 0.01591605506837368, + -0.08425766229629517, + 0.9885072708129883, + 0.015095515176653862, + -0.21608635783195496, + -0.005168119911104441, + 0.05125736817717552, + -0.08440852165222168, + -0.0011239525629207492, + -0.19955408573150635, + 2.3855042457580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/16.png", + [ + 0.19965152442455292, + 0.0029391853604465723, + -0.08413399010896683, + 1.0042595863342285, + 0.011320559307932854, + -0.21551311016082764, + 0.019335037097334862, + -0.23968291282653809, + -0.08342069387435913, + -0.0222117081284523, + -0.19873479008674622, + 2.4143729209899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/94.png", + [ + 0.20060773193836212, + 0.0329674556851387, + -0.07495051622390747, + 0.8977630734443665, + 0.02698604017496109, + -0.21387481689453125, + -0.02184508927166462, + 0.24753504991531372, + -0.07730580121278763, + 0.01089041493833065, + -0.20212149620056152, + 2.4655189514160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/28.png", + [ + 0.1956215798854828, + -0.00028094337903894484, + -0.09316661208868027, + 1.0900019407272339, + 0.0028177304193377495, + -0.21655669808387756, + 0.006569401826709509, + -0.09123159199953079, + -0.09312442690134048, + -0.0071426681242883205, + -0.19551141560077667, + 2.335740566253662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/61.png", + [ + 0.20438241958618164, + 0.010991029441356659, + -0.0710979551076889, + 0.8436833024024963, + 0.010133691132068634, + -0.21639437973499298, + -0.004321484360843897, + 0.03220410272479057, + -0.07122520357370377, + 0.0007511304575018585, + -0.20463210344314575, + 2.468395709991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/58.png", + [ + 0.21295179426670074, + 0.0055736335925757885, + -0.03960248455405235, + 0.46234965324401855, + 0.003652615938335657, + -0.21637392044067383, + -0.010811390355229378, + 0.10950435698032379, + -0.03982562944293022, + 0.009958031587302685, + -0.21275021135807037, + 2.562753677368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/64.png", + [ + 0.19931070506572723, + 0.012269399128854275, + -0.08409874886274338, + 0.9895592927932739, + 0.00981738418340683, + -0.2162933498620987, + -0.008288823999464512, + 0.08482927083969116, + -0.08442012965679169, + 0.0038141144905239344, + -0.19951589405536652, + 2.395876884460449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/10.png", + [ + 0.19715718924999237, + 0.0032896907068789005, + -0.08981160074472427, + 1.0645462274551392, + 0.011384611949324608, + -0.21569928526878357, + 0.017091047018766403, + -0.21244026720523834, + -0.08914782106876373, + -0.0202704519033432, + -0.19644252955913544, + 2.373439311981201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/41.png", + [ + 0.21074581146240234, + -0.024149853736162186, + -0.0441688671708107, + 0.5226504802703857, + -0.02490975707769394, + -0.21523481607437134, + -0.001171354204416275, + 0.003802783787250519, + -0.043744806200265884, + 0.006217127200216055, + -0.21212173998355865, + 2.5636653900146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/91.png", + [ + 0.19761009514331818, + 0.03379872068762779, + -0.08219366520643234, + 0.9740712642669678, + 0.029086356982588768, + -0.21395345032215118, + -0.01805000565946102, + 0.1995856761932373, + -0.08397699892520905, + 0.005428180564194918, + -0.19966545701026917, + 2.405531883239746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/23.png", + [ + 0.1993255466222763, + -0.0030883473809808493, + -0.08489807695150375, + 1.0158262252807617, + 0.00496713537722826, + -0.21573732793331146, + 0.019509853795170784, + -0.24621933698654175, + -0.08480890840291977, + -0.019893940538167953, + -0.19839249551296234, + 2.4191832542419434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/37.png", + [ + 0.20619942247867584, + -0.0278469305485487, + -0.060450322926044464, + 0.7123435735702515, + -0.026938259601593018, + -0.21487639844417572, + 0.007096645887941122, + -0.09828898310661316, + -0.060860682278871536, + 0.0007619832176715136, + -0.20795021951198578, + 2.5032005310058594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/36.png", + [ + 0.20506733655929565, + -0.02398650161921978, + -0.065726138651371, + 0.7684860229492188, + -0.0228252112865448, + -0.21534283459186554, + 0.007373261731117964, + -0.09947586059570312, + -0.06613839417695999, + -5.446941941045225e-05, + -0.206333726644516, + 2.475606918334961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/8.png", + [ + 0.19693367183208466, + 0.004001719877123833, + -0.09027189761400223, + 1.0644419193267822, + 0.00994104240089655, + -0.21610760688781738, + 0.012107017450034618, + -0.15370701253414154, + -0.08981205523014069, + -0.015145639888942242, + -0.19660186767578125, + 2.36549711227417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/6.png", + [ + 0.19719021022319794, + 0.0030021669808775187, + -0.08974908292293549, + 1.0431852340698242, + 0.006078099366277456, + -0.2165030986070633, + 0.006112187635153532, + -0.08700045943260193, + -0.08959334343671799, + -0.008080167695879936, + -0.19711834192276, + 2.352381706237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/20.png", + [ + 0.2005952149629593, + 5.282761048874818e-05, + -0.08191125839948654, + 0.981835126876831, + 0.007044867612421513, + -0.21588283777236938, + 0.017113177105784416, + -0.21494002640247345, + -0.08160776644945145, + -0.01850643754005432, + -0.19986388087272644, + 2.439126491546631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/2.png", + [ + 0.19321152567863464, + 0.020748240873217583, + -0.09584730863571167, + 1.0945534706115723, + 0.014176481403410435, + -0.215454563498497, + -0.018062515184283257, + 0.19469769299030304, + -0.09703723341226578, + 0.00983552448451519, + -0.19348108768463135, + 2.2713422775268555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/5.png", + [ + 0.19611912965774536, + 0.007383048068732023, + -0.0918186828494072, + 1.0614556074142456, + 0.007811063900589943, + -0.21653257310390472, + -0.0007272065849974751, + -0.008089233189821243, + -0.09178325533866882, + -0.0026518211234360933, + -0.19625671207904816, + 2.335989475250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/60.png", + [ + 0.2078249454498291, + 0.00887220073491335, + -0.060646310448646545, + 0.7187832593917847, + 0.008579687215387821, + -0.21649278700351715, + -0.00227045058272779, + 0.00787298008799553, + -0.06068838760256767, + -0.000223700117203407, + -0.20800183713436127, + 2.509979724884033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/56.png", + [ + 0.21345961093902588, + 0.0046945251524448395, + -0.036889657378196716, + 0.4329754710197449, + 0.00229230266995728, + -0.2161935269832611, + -0.014248225837945938, + 0.14843915402889252, + -0.03711644187569618, + 0.013646540232002735, + -0.21303528547286987, + 2.570758819580078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/30.png", + [ + 0.19478227198123932, + -0.000761195202358067, + -0.09490618109703064, + 1.1055546998977661, + 0.0012909272918477654, + -0.2166263610124588, + 0.004386909306049347, + -0.0663820207118988, + -0.0949004516005516, + -0.004509106744080782, + -0.1947343349456787, + 2.3149919509887695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/17.png", + [ + 0.20016521215438843, + 0.002887317445129156, + -0.08290622383356094, + 0.9905146360397339, + 0.010899725370109081, + -0.21558144688606262, + 0.018807921558618546, + -0.23381321132183075, + -0.08223730325698853, + -0.021545425057411194, + -0.19930057227611542, + 2.4237828254699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/12.png", + [ + 0.1989012062549591, + 0.0026733758859336376, + -0.08590145409107208, + 1.02125883102417, + 0.01275095995515585, + -0.21509087085723877, + 0.022830376401543617, + -0.2843708097934723, + -0.08499187231063843, + -0.026012806221842766, + -0.1976046860218048, + 2.391780376434326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/27.png", + [ + 0.19677972793579102, + -0.0015667296247556806, + -0.09068172425031662, + 1.063545823097229, + 0.0018456507241353393, + -0.2165282666683197, + 0.007746078073978424, + -0.10497915744781494, + -0.09067647159099579, + -0.007807271555066109, + -0.1966334581375122, + 2.357379913330078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/42.png", + [ + 0.21159465610980988, + -0.0232425257563591, + -0.04043985530734062, + 0.4781236946582794, + -0.02407107874751091, + -0.21532225608825684, + -0.0021928639616817236, + 0.01686003804206848, + -0.039952222257852554, + 0.006634045392274857, + -0.21285606920719147, + 2.5783233642578125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/7.png", + [ + 0.19719228148460388, + 0.0037137039471417665, + -0.08971790969371796, + 1.0500341653823853, + 0.008438711054623127, + -0.21629756689071655, + 0.009594333358108997, + -0.12663228809833527, + -0.08939734101295471, + -0.012225852347910404, + -0.19699375331401825, + 2.360065460205078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/73.png", + [ + 0.19604051113128662, + 0.01557097863405943, + -0.09095906466245651, + 1.0687772035598755, + 0.017261432483792305, + -0.21598584949970245, + 0.0002289939293405041, + -0.015608543530106544, + -0.0906534492969513, + -0.007453458849340677, + -0.19665780663490295, + 2.3514938354492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/46.png", + [ + 0.21351449191570282, + -0.017550813034176826, + -0.03242582827806473, + 0.38150754570961, + -0.018942585214972496, + -0.21569734811782837, + -0.007982902228832245, + 0.0834907591342926, + -0.031632956117391586, + 0.010701271705329418, + -0.21408581733703613, + 2.5868382453918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/57.png", + [ + 0.2132527232170105, + 0.0032105150166898966, + -0.038221325725317, + 0.44659459590911865, + 0.0012140608159825206, + -0.2163710594177246, + -0.011400987394154072, + 0.11579620838165283, + -0.038336705416440964, + 0.011006772518157959, + -0.21297194063663483, + 2.5667929649353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/44.png", + [ + 0.2129647135734558, + -0.02021219953894615, + -0.03442953899502754, + 0.4054145812988281, + -0.021519435569643974, + -0.21550244092941284, + -0.006596147548407316, + 0.06846614181995392, + -0.03362796828150749, + 0.00990264117717743, + -0.21381999552249908, + 2.589564323425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/29.png", + [ + 0.19572770595550537, + -0.0008698802557773888, + -0.09293976426124573, + 1.0837414264678955, + 0.0021863547153770924, + -0.21656212210655212, + 0.006631316617131233, + -0.09230025112628937, + -0.09291812777519226, + -0.0069280462339520454, + -0.19561727344989777, + 2.3294482231140137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/4.png", + [ + 0.19469855725765228, + 0.01327836886048317, + -0.09414910525083542, + 1.0829941034317017, + 0.010135636664927006, + -0.21622729301452637, + -0.00953542347997427, + 0.095026895403862, + -0.0945390909910202, + 0.004164178855717182, + -0.1949177086353302, + 2.310633659362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/55.png", + [ + 0.2135937362909317, + 0.004909974057227373, + -0.03607633709907532, + 0.42493194341659546, + 0.0018354190979152918, + -0.21587444841861725, + -0.01851363107562065, + 0.20060129463672638, + -0.03636263683438301, + 0.017944788560271263, + -0.2128465175628662, + 2.5706028938293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/9.png", + [ + 0.19804731011390686, + 0.004190761595964432, + -0.08779291063547134, + 1.0390725135803223, + 0.010772696696221828, + -0.2159537822008133, + 0.013993076980113983, + -0.17563332617282867, + -0.08723019063472748, + -0.01715501956641674, + -0.19759680330753326, + 2.3815407752990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/25.png", + [ + 0.19857566058635712, + -0.0016805360792204738, + -0.08667627722024918, + 1.0277973413467407, + 0.0032473644241690636, + -0.2163376808166504, + 0.011634217575192451, + -0.15037427842617035, + -0.08663172274827957, + -0.011961446143686771, + -0.19824166595935822, + 2.3982009887695312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/99.png", + [ + 0.20274318754673004, + 0.02682734839618206, + -0.07157789170742035, + 0.8649936318397522, + 0.02097276598215103, + -0.2146286517381668, + -0.021037673577666283, + 0.23667094111442566, + -0.07350676506757736, + 0.01275672484189272, + -0.20342546701431274, + 2.501437187194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/34.png", + [ + 0.20107245445251465, + -0.008877999149262905, + -0.08024298399686813, + 0.9371676445007324, + -0.008064903318881989, + -0.21649211645126343, + 0.0037434669211506844, + -0.05638309568166733, + -0.08032876253128052, + -0.00048716505989432335, + -0.20123356580734253, + 2.4050464630126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/72.png", + [ + 0.1970469206571579, + 0.013834277167916298, + -0.08904504776000977, + 1.0459531545639038, + 0.015465311706066132, + -0.21612101793289185, + 0.0006459008436650038, + -0.017755944281816483, + -0.08877630531787872, + -0.006943047512322664, + -0.19753089547157288, + 2.362062454223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/102.png", + [ + 0.20186246931552887, + 0.024928372353315353, + -0.07468607276678085, + 0.9029070138931274, + 0.0182211734354496, + -0.21473926305770874, + -0.022426249459385872, + 0.2524340748786926, + -0.07659909874200821, + 0.014612462371587753, + -0.20215573906898499, + 2.487877368927002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/70.png", + [ + 0.19860123097896576, + 0.01392731536179781, + -0.08550716191530228, + 0.9992355108261108, + 0.014329393394291401, + -0.21619164943695068, + -0.0019312348449602723, + 0.014238886535167694, + -0.08544069528579712, + -0.0038847187533974648, + -0.19907960295677185, + 2.3766984939575195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/90.png", + [ + 0.19765324890613556, + 0.03222113475203514, + -0.0827217549085617, + 0.9734352231025696, + 0.028018342331051826, + -0.2142212837934494, + -0.01649550162255764, + 0.18070276081562042, + -0.08423813432455063, + 0.004350590519607067, + -0.1995818167924881, + 2.390591621398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/15.png", + [ + 0.1999846249818802, + 0.003544724080711603, + -0.08331550657749176, + 0.9925345778465271, + 0.012070332653820515, + -0.21542952954769135, + 0.01980714499950409, + -0.24554657936096191, + -0.08251271396875381, + -0.022922715172171593, + -0.19903290271759033, + 2.4132165908813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/22.png", + [ + 0.1998269259929657, + -0.0026608232874423265, + -0.08372583240270615, + 1.0020592212677002, + 0.0059582628309726715, + -0.21556532382965088, + 0.021071184426546097, + -0.2639426290988922, + -0.08355594426393509, + -0.02173512801527977, + -0.1987306773662567, + 2.423553943634033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/26.png", + [ + 0.19662387669086456, + -0.0011555022792890668, + -0.09102531522512436, + 1.0745223760604858, + 0.0030165514908730984, + -0.21645550429821014, + 0.009263805113732815, + -0.1241302341222763, + -0.09098266065120697, + -0.009673804976046085, + -0.1964089423418045, + 2.367280960083008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/43.png", + [ + 0.2125966101884842, + -0.020492814481258392, + -0.03647781163454056, + 0.429532527923584, + -0.021504022181034088, + -0.21556346118450165, + -0.004226658493280411, + 0.0409325547516346, + -0.03589099273085594, + 0.007767373695969582, + -0.21354016661643982, + 2.5847244262695312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/84.png", + [ + 0.19689571857452393, + 0.026828626170754433, + -0.08637242019176483, + 0.9977594614028931, + 0.022429101169109344, + -0.21494273841381073, + -0.01563490927219391, + 0.1679912805557251, + -0.08761794865131378, + 0.0052668433636426926, + -0.1980990767478943, + 2.3407702445983887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/89.png", + [ + 0.19682060182094574, + 0.032787129282951355, + -0.08446627855300903, + 0.9893681406974792, + 0.028672225773334503, + -0.2141486257314682, + -0.016314607113599777, + 0.1796705573797226, + -0.08595028519630432, + 0.0036423946730792522, + -0.19886471331119537, + 2.3727669715881348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/63.png", + [ + 0.20041297376155853, + 0.012316028587520123, + -0.08142999559640884, + 0.9622620940208435, + 0.010332035832107067, + -0.2163054496049881, + -0.007286631967872381, + 0.07022066414356232, + -0.08170543611049652, + 0.0028568089473992586, + -0.20065881311893463, + 2.4162702560424805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/88.png", + [ + 0.19775071740150452, + 0.03228246048092842, + -0.08246445655822754, + 0.9616380929946899, + 0.028488175943493843, + -0.21423007547855377, + -0.015549951232969761, + 0.16925697028636932, + -0.08385087549686432, + 0.0033495044335722923, + -0.19976413249969482, + 2.3767342567443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/62.png", + [ + 0.20224647223949432, + 0.010992337949573994, + -0.07696381211280823, + 0.9129649996757507, + 0.01010464783757925, + -0.21639510989189148, + -0.004353459924459457, + 0.033844392746686935, + -0.07708538323640823, + 0.0004743504978250712, + -0.2024981826543808, + 2.4425363540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/65.png", + [ + 0.19937929511070251, + 0.01484468299895525, + -0.08351903408765793, + 0.9820218682289124, + 0.012775415554642677, + -0.21615257859230042, + -0.007921109907329082, + 0.08208175003528595, + -0.08386050164699554, + 0.0023644440807402134, + -0.19977417588233948, + 2.3938050270080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/80.png", + [ + 0.19625194370746613, + 0.02395230159163475, + -0.08865303546190262, + 1.0311428308486938, + 0.019293369725346565, + -0.21526028215885162, + -0.015449194237589836, + 0.1666957437992096, + -0.08978218585252762, + 0.006099093239754438, + -0.19710367918014526, + 2.3405065536499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/79.png", + [ + 0.19702857732772827, + 0.023700745776295662, + -0.08698222041130066, + 1.0139700174331665, + 0.01973244920372963, + -0.215321347117424, + -0.013973205350339413, + 0.15208366513252258, + -0.0879673957824707, + 0.004784817807376385, + -0.1979563981294632, + 2.3571290969848633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/19.png", + [ + 0.20069193840026855, + 0.0013999404618516564, + -0.08166199177503586, + 0.9780334830284119, + 0.008440244011580944, + -0.21583838760852814, + 0.01704254001379013, + -0.21311429142951965, + -0.08123671263456345, + -0.018966445699334145, + -0.19997191429138184, + 2.4384517669677734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/77.png", + [ + 0.19711731374263763, + 0.022448135539889336, + -0.08711335808038712, + 1.0191339254379272, + 0.020675281062722206, + -0.2155083417892456, + -0.00875072367489338, + 0.09098891913890839, + -0.0875510647892952, + -0.0003515593125484884, + -0.1981983333826065, + 2.368685722351074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/68.png", + [ + 0.19891849160194397, + 0.014588327147066593, + -0.08465521037578583, + 0.9887593388557434, + 0.014703616499900818, + -0.21615828573703766, + -0.002699968870729208, + 0.02339624986052513, + -0.08463526517152786, + -0.003266021143645048, + -0.19943442940711975, + 2.3793087005615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/86.png", + [ + 0.19862882792949677, + 0.029228676110506058, + -0.08148721605539322, + 0.9431702494621277, + 0.02582349255681038, + -0.21467070281505585, + -0.014054364524781704, + 0.15031005442142487, + -0.0826294794678688, + 0.003172115422785282, + -0.20027533173561096, + 2.3706841468811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/1.png", + [ + 0.19271300733089447, + 0.024013224989175797, + -0.09608826041221619, + 1.0929139852523804, + 0.016073288396000862, + -0.2150058001279831, + -0.02149534597992897, + 0.23373538255691528, + -0.09773042798042297, + 0.011990229599177837, + -0.19301007688045502, + 2.25128173828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/81.png", + [ + 0.19623905420303345, + 0.02448778785765171, + -0.08853520452976227, + 1.0261729955673218, + 0.019628603011369705, + -0.21518884599208832, + -0.016011705622076988, + 0.17283712327480316, + -0.0897376760840416, + 0.006481146439909935, + -0.19711175560951233, + 2.33351469039917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/95.png", + [ + 0.20190511643886566, + 0.031331539154052734, + -0.07211484014987946, + 0.8655765056610107, + 0.02529996819794178, + -0.21404817700386047, + -0.022162780165672302, + 0.2523481547832489, + -0.0744454637169838, + 0.012231593951582909, + -0.20311611890792847, + 2.485042095184326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/103.png", + [ + 0.2012237310409546, + 0.02553746849298477, + -0.0761888176202774, + 0.9200289249420166, + 0.01893954537808895, + -0.21472612023353577, + -0.021951718255877495, + 0.24666786193847656, + -0.07809091359376907, + 0.013726689852774143, + -0.20164641737937927, + 2.481264114379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/83.png", + [ + 0.19678674638271332, + 0.024040384218096733, + -0.08743532747030258, + 1.0114688873291016, + 0.019147343933582306, + -0.2152269184589386, + -0.016082681715488434, + 0.17310722172260284, + -0.08863551914691925, + 0.006879920605570078, + -0.19759632647037506, + 2.336270332336426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/51.png", + [ + 0.21343784034252167, + -0.0006115368450991809, + -0.037306979298591614, + 0.4469859302043915, + -0.004953169263899326, + -0.2151924967765808, + -0.02481025457382202, + 0.2851979732513428, + -0.03698175773024559, + 0.02529246173799038, + -0.2119918167591095, + 2.5695958137512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/93.png", + [ + 0.2000599205493927, + 0.03393837809562683, + -0.07597439736127853, + 0.9052659273147583, + 0.028606057167053223, + -0.21382680535316467, + -0.020191151648759842, + 0.22641965746879578, + -0.07813844084739685, + 0.008612509816884995, + -0.20191112160682678, + 2.4524664878845215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/76.png", + [ + 0.1613672524690628, + -0.02613968960940838, + 0.14221540093421936, + -1.5462106466293335, + 0.01198489684611559, + -0.2099536806344986, + -0.05218910425901413, + 0.5629019141197205, + 0.14410018920898438, + 0.04673390090465546, + -0.15491600334644318, + 1.7438822984695435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/48.png", + [ + 0.17131297290325165, + -0.02944876439869404, + 0.12935426831245422, + -1.4015982151031494, + 0.007310055196285248, + -0.20885245501995087, + -0.057228535413742065, + 0.6195127367973328, + 0.1324625015258789, + 0.049611616879701614, + -0.1641348898410797, + 1.8337994813919067, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/35.png", + [ + 0.16787362098693848, + -0.03183913603425026, + 0.13323894143104553, + -1.4088637828826904, + 0.009088601917028427, + -0.20768827199935913, + -0.06108087673783302, + 0.6448845863342285, + 0.1366884857416153, + 0.052912626415491104, + -0.1595757007598877, + 1.7431927919387817, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/97.png", + [ + 0.15749993920326233, + 0.00974088441580534, + 0.1484815776348114, + -1.6378095149993896, + 0.04248587042093277, + -0.21015335619449615, + -0.031279582530260086, + 0.34077391028404236, + 0.14260649681091309, + 0.051851484924554825, + -0.1546696424484253, + 1.762094259262085, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/13.png", + [ + 0.15735135972499847, + -0.006007550284266472, + 0.14883668720722198, + -1.6331965923309326, + 0.032018743455410004, + -0.2100735306739807, + -0.04232975095510483, + 0.45725637674331665, + 0.14547593891620636, + 0.05273439735174179, + -0.15166980028152466, + 1.7217028141021729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/32.png", + [ + 0.16100873053073883, + -0.02708715759217739, + 0.14244426786899567, + -1.461177945137024, + 0.016642915084958076, + -0.20800095796585083, + -0.058365337550640106, + 0.6024524569511414, + 0.14403852820396423, + 0.05431193485856056, + -0.1524827927350998, + 1.6335712671279907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/38.png", + [ + 0.16735538840293884, + -0.030566947534680367, + 0.13418541848659515, + -1.4434092044830322, + 0.010127944871783257, + -0.2079542875289917, + -0.060002751648426056, + 0.643078088760376, + 0.13724973797798157, + 0.05261717736721039, + -0.15919117629528046, + 1.7655577659606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/11.png", + [ + 0.15665556490421295, + -0.0048265340737998486, + 0.14961159229278564, + -1.6398981809616089, + 0.03429059684276581, + -0.2096460610628128, + -0.04266832396388054, + 0.4603901505470276, + 0.14570888876914978, + 0.05452646687626839, + -0.15081006288528442, + 1.7085915803909302, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/59.png", + [ + 0.1689126193523407, + -0.026994390413165092, + 0.13299518823623657, + -1.4556097984313965, + 0.007021539378911257, + -0.2103217989206314, + -0.0516074039041996, + 0.5615237355232239, + 0.13552533090114594, + 0.044541314244270325, + -0.16308540105819702, + 1.843575358390808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/105.png", + [ + 0.153794065117836, + 0.017337368801236153, + 0.15163999795913696, + -1.6932870149612427, + 0.04786675423383713, + -0.2098904401063919, + -0.02454943209886551, + 0.2725471556186676, + 0.1449277400970459, + 0.05092461779713631, + -0.1528087854385376, + 1.7727190256118774, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/24.png", + [ + 0.16949649155139923, + -0.017118830233812332, + 0.13388720154762268, + -1.276017427444458, + 0.019127700477838516, + -0.20970961451530457, + -0.05102849751710892, + 0.4534582793712616, + 0.13361497223377228, + 0.051737044006586075, + -0.16253678500652313, + 1.7095705270767212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/74.png", + [ + 0.1627715826034546, + -0.027059122920036316, + 0.14043185114860535, + -1.5298032760620117, + 0.009279311634600163, + -0.21031443774700165, + -0.05127989873290062, + 0.5540381073951721, + 0.14271368086338043, + 0.044536929577589035, + -0.15683481097221375, + 1.7675002813339233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/98.png", + [ + 0.1555953174829483, + 0.009329882450401783, + 0.1505022943019867, + -1.6662147045135498, + 0.0409097820520401, + -0.2107604295015335, + -0.02922879345715046, + 0.32124948501586914, + 0.14513573050498962, + 0.04940531775355339, + -0.1531098634004593, + 1.7550534009933472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/0.png", + [ + 0.158615380525589, + -0.010484481230378151, + 0.1472383439540863, + -1.6584337949752808, + 0.01843124069273472, + -0.21302925050258636, + -0.035024698823690414, + 0.38654354214668274, + 0.14645595848560333, + 0.038164325058460236, + -0.15505492687225342, + 1.8185490369796753, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/96.png", + [ + 0.1615050584077835, + 0.008991925977170467, + 0.14416362345218658, + -1.5832821130752563, + 0.0425451286137104, + -0.20962221920490265, + -0.034588102251291275, + 0.37495964765548706, + 0.13803593814373016, + 0.054088544100522995, + -0.15801392495632172, + 1.7888751029968262, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/100.png", + [ + 0.1586327999830246, + 0.010762282647192478, + 0.14719951152801514, + -1.6307989358901978, + 0.038930267095565796, + -0.2114960253238678, + -0.02649083361029625, + 0.29145514965057373, + 0.14236557483673096, + 0.04584215208888054, + -0.1567751169204712, + 1.7998309135437012, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/40.png", + [ + 0.16856838762760162, + -0.03052687644958496, + 0.1326676309108734, + -1.4392660856246948, + 0.009739273227751255, + -0.2079114317893982, + -0.0602152943611145, + 0.6516957879066467, + 0.13578562438488007, + 0.052809517830610275, + -0.16037864983081818, + 1.7927366495132446, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/52.png", + [ + 0.16599810123443604, + -0.0296571534126997, + 0.1360624134540558, + -1.4673781394958496, + 0.004942454397678375, + -0.21031591296195984, + -0.05187184736132622, + 0.5579741597175598, + 0.13916930556297302, + 0.04284355789422989, + -0.1604500710964203, + 1.7886360883712769, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/3.png", + [ + 0.15976066887378693, + -0.006731330417096615, + 0.14621597528457642, + -1.642556071281433, + 0.02632337249815464, + -0.21159511804580688, + -0.038503021001815796, + 0.42735394835472107, + 0.1439843773841858, + 0.04615291953086853, + -0.1551976203918457, + 1.8032175302505493, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/47.png", + [ + 0.17119371891021729, + -0.029345180839300156, + 0.12953558564186096, + -1.4063618183135986, + 0.006757435854524374, + -0.20912182331085205, + -0.05630537495017052, + 0.6105583310127258, + 0.13264591991901398, + 0.04852646589279175, + -0.16431108117103577, + 1.8393778800964355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/104.png", + [ + 0.1537579894065857, + 0.014410581439733505, + 0.1519826054573059, + -1.694262981414795, + 0.04323406517505646, + -0.21098676323890686, + -0.023733913898468018, + 0.263419508934021, + 0.14641445875167847, + 0.047167982906103134, + -0.15259712934494019, + 1.7670131921768188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/21.png", + [ + 0.1679302603006363, + -0.013444463722407818, + 0.13625921308994293, + -1.3892391920089722, + 0.021748587489128113, + -0.21027082204818726, + -0.04755072668194771, + 0.45578789710998535, + 0.13518255949020386, + 0.05053037777543068, + -0.16161760687828064, + 1.7741143703460693, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/82.png", + [ + 0.16584041714668274, + -0.004141123965382576, + 0.13938328623771667, + -1.5086314678192139, + 0.02776147425174713, + -0.21126309037208557, + -0.039307739585638046, + 0.42228829860687256, + 0.13665339350700378, + 0.04794422537088394, + -0.1611679047346115, + 1.7992154359817505, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/106.png", + [ + 0.1543799340724945, + 0.02012990415096283, + 0.1506967842578888, + -1.6839120388031006, + 0.053790271282196045, + -0.2081078588962555, + -0.027306143194437027, + 0.3039760887622833, + 0.1422017514705658, + 0.05686656013131142, + -0.15327343344688416, + 1.77639639377594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/14.png", + [ + 0.15149036049842834, + -0.008097094483673573, + 0.15470296144485474, + -1.698769211769104, + 0.03267994895577431, + -0.20983868837356567, + -0.04298418015241623, + 0.46507036685943604, + 0.15142850577831268, + 0.053385913372039795, + -0.14548969268798828, + 1.6621330976486206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/67.png", + [ + 0.1601683497428894, + -0.02779289148747921, + 0.14325343072414398, + -1.562846064567566, + 0.007968109101057053, + -0.21072529256343842, + -0.049792200326919556, + 0.5393901467323303, + 0.1457069218158722, + 0.04207504540681839, + -0.15474845468997955, + 1.7447417974472046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/78.png", + [ + 0.16016393899917603, + -0.020966917276382446, + 0.14441531896591187, + -1.5684953927993774, + 0.01974174939095974, + -0.2093421369791031, + -0.05228791758418083, + 0.5631296038627625, + 0.144587904214859, + 0.05180879309773445, + -0.1528335064649582, + 1.7162950038909912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/31.png", + [ + 0.1649313122034073, + -0.027337640523910522, + 0.13783399760723114, + -1.3904873132705688, + 0.013778693042695522, + -0.2083640992641449, + -0.05781390145421028, + 0.5839752554893494, + 0.1398417055606842, + 0.052772656083106995, + -0.15686693787574768, + 1.6547735929489136, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/39.png", + [ + 0.16883742809295654, + -0.030773013830184937, + 0.1322680562734604, + -1.4310076236724854, + 0.009231575764715672, + -0.20794925093650818, + -0.06016464903950691, + 0.6485626697540283, + 0.13548649847507477, + 0.05251694098114967, + -0.16072732210159302, + 1.7897711992263794, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/92.png", + [ + 0.15356232225894928, + 0.0018412864301353693, + 0.1528499722480774, + -1.6695494651794434, + 0.040860459208488464, + -0.20926959812641144, + -0.03852995112538338, + 0.4157581925392151, + 0.14729876816272736, + 0.05613148584961891, + -0.14866143465042114, + 1.6781595945358276, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/53.png", + [ + 0.16686435043811798, + -0.029092110693454742, + 0.13512153923511505, + -1.4607223272323608, + 0.007858099415898323, + -0.2094813585281372, + -0.054806143045425415, + 0.5912384390830994, + 0.13799433410167694, + 0.047107454389333725, + -0.1602696180343628, + 1.7898874282836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/75.png", + [ + 0.16169258952140808, + -0.026957208290696144, + 0.14169229567050934, + -1.5388357639312744, + 0.011610021814703941, + -0.20973338186740875, + -0.053150951862335205, + 0.5743093490600586, + 0.14376580715179443, + 0.047255951911211014, + -0.15506824851036072, + 1.7456198930740356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/87.png", + [ + 0.15753605961799622, + 0.0010918531334027648, + 0.14875850081443787, + -1.6247901916503906, + 0.03335988521575928, + -0.21140992641448975, + -0.033776599913835526, + 0.3671354353427887, + 0.1449737697839737, + 0.047461021691560745, + -0.1538763791322708, + 1.7423197031021118, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/107.png", + [ + 0.15599662065505981, + 0.021701520308852196, + 0.14880184829235077, + -1.669270396232605, + 0.05886586755514145, + -0.2061087042093277, + -0.031652867794036865, + 0.3509112596511841, + 0.1383754163980484, + 0.06321502476930618, + -0.15428543090820312, + 1.789350152015686, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/69.png", + [ + 0.1588038206100464, + -0.028139883652329445, + 0.14469757676124573, + -1.5805423259735107, + 0.007499077823013067, + -0.21087238192558289, + -0.04923928901553154, + 0.5317176580429077, + 0.1472175419330597, + 0.04109611734747887, + -0.15357734262943268, + 1.7325396537780762, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/45.png", + [ + 0.17156560719013214, + -0.030404414981603622, + 0.12879714369773865, + -1.4039210081100464, + 0.006503702607005835, + -0.20868656039237976, + -0.057926785200834274, + 0.6287257075309753, + 0.13217727839946747, + 0.04973311349749565, + -0.1643279492855072, + 1.845782995223999, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/50.png", + [ + 0.17333078384399414, + -0.028963031247258186, + 0.1267496645450592, + -1.3618639707565308, + 0.004391868598759174, + -0.20980529487133026, + -0.05394762009382248, + 0.5775630474090576, + 0.12994247674942017, + 0.0457250215113163, + -0.16724853217601776, + 1.8479528427124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/101.png", + [ + 0.15790697932243347, + 0.011055133305490017, + 0.1479562669992447, + -1.6416867971420288, + 0.03793485835194588, + -0.21189871430397034, + -0.024653302505612373, + 0.27063867449760437, + 0.1434371918439865, + 0.04387052357196808, + -0.156361922621727, + 1.8020814657211304, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/85.png", + [ + 0.15768930315971375, + 0.000534007151145488, + 0.14859910309314728, + -1.616240382194519, + 0.032062456011772156, + -0.21169191598892212, + -0.03326306492090225, + 0.36055946350097656, + 0.14509987831115723, + 0.0461968332529068, + -0.15414203703403473, + 1.7372311353683472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/71.png", + [ + 0.16014152765274048, + -0.028386695310473442, + 0.14316697418689728, + -1.566596269607544, + 0.006472587585449219, + -0.21094678342342377, + -0.049065861850976944, + 0.5304651260375977, + 0.14581046998500824, + 0.040540702641010284, + -0.15506017208099365, + 1.7513319253921509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/54.png", + [ + 0.17035821080207825, + -0.028688305988907814, + 0.1307782679796219, + -1.4158307313919067, + 0.009235016070306301, + -0.2086203396320343, + -0.05779419094324112, + 0.6247683167457581, + 0.13356904685497284, + 0.05101407319307327, + -0.16280284523963928, + 1.8157212734222412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/33.png", + [ + 0.16073277592658997, + -0.031163722276687622, + 0.14192141592502594, + -1.4768255949020386, + 0.01160507183521986, + -0.20820313692092896, + -0.05886145308613777, + 0.6157238483428955, + 0.14483849704265594, + 0.051265694200992584, + -0.15277935564517975, + 1.650926947593689, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/49.png", + [ + 0.17208194732666016, + -0.029348695650696754, + 0.12835243344306946, + -1.3864598274230957, + 0.006877995561808348, + -0.20893102884292603, + -0.056994881480932236, + 0.6146185398101807, + 0.13148531317710876, + 0.049339409917593, + -0.16500040888786316, + 1.8362873792648315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/18.png", + [ + 0.15896746516227722, + -0.010159135796129704, + 0.14688099920749664, + -1.5695815086364746, + 0.028292587026953697, + -0.21002183854579926, + -0.04514702782034874, + 0.4698226749897003, + 0.14448793232440948, + 0.05230217054486275, + -0.15275996923446655, + 1.7152312994003296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/66.png", + [ + 0.16190120577812195, + -0.02690795063972473, + 0.1414632350206375, + -1.5447226762771606, + 0.008431924507021904, + -0.21072149276733398, + -0.04973180219531059, + 0.5395621061325073, + 0.1437525451183319, + 0.042665109038352966, + -0.15640586614608765, + 1.7638767957687378, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/16.png", + [ + 0.15518707036972046, + -0.009269126690924168, + 0.15092697739601135, + -1.6460978984832764, + 0.030441703274846077, + -0.20992411673069, + -0.04419337213039398, + 0.47347983717918396, + 0.1481153964996338, + 0.05285673961043358, + -0.14904996752738953, + 1.6913865804672241, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/94.png", + [ + 0.16039422154426575, + 0.008734706789255142, + 0.14541423320770264, + -1.5895718336105347, + 0.04479121044278145, + -0.2087644338607788, + -0.036865413188934326, + 0.39999380707740784, + 0.13861939311027527, + 0.05734994634985924, + -0.15634430944919586, + 1.7639819383621216, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/28.png", + [ + 0.16720330715179443, + -0.026516588404774666, + 0.13523243367671967, + -1.2982714176177979, + 0.012697389349341393, + -0.20875686407089233, + -0.05663260444998741, + 0.5278624296188354, + 0.13722142577171326, + 0.051626987755298615, + -0.15953941643238068, + 1.64962637424469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/61.png", + [ + 0.16669325530529022, + -0.028850814327597618, + 0.13538417220115662, + -1.47745943069458, + 0.004979866091161966, + -0.2105291187763214, + -0.05099596455693245, + 0.547838568687439, + 0.13833454251289368, + 0.042344048619270325, + -0.16130228340625763, + 1.8172200918197632, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/58.png", + [ + 0.1646585911512375, + -0.02884540520608425, + 0.1378527730703354, + -1.5063762664794922, + 0.010080590844154358, + -0.2091236263513565, + -0.05579948052763939, + 0.6063120365142822, + 0.14047712087631226, + 0.04881744459271431, + -0.15757833421230316, + 1.7803858518600464, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/64.png", + [ + 0.16326799988746643, + -0.027616562321782112, + 0.13974542915821075, + -1.5241743326187134, + 0.008112938143312931, + -0.21041589975357056, + -0.05106104910373688, + 0.5524624586105347, + 0.14221686124801636, + 0.043707843869924545, + -0.15751788020133972, + 1.7788344621658325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/10.png", + [ + 0.15201249718666077, + -0.009185603819787502, + 0.15412892401218414, + -1.693452000617981, + 0.03215070068836212, + -0.20966680347919464, + -0.0442047119140625, + 0.4749756157398224, + 0.15101797878742218, + 0.05388273298740387, + -0.1457330286502838, + 1.656111478805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/41.png", + [ + 0.16992723941802979, + -0.03009616769850254, + 0.13102231919765472, + -1.4245034456253052, + 0.010672982782125473, + -0.2074882984161377, + -0.06150275841355324, + 0.6683061718940735, + 0.13401013612747192, + 0.0546874925494194, + -0.1612403690814972, + 1.8063015937805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/91.png", + [ + 0.15273752808570862, + 0.001984449103474617, + 0.15367239713668823, + -1.6805779933929443, + 0.03981874883174896, + -0.20976926386356354, + -0.036867655813694, + 0.39930230379104614, + 0.1484372317790985, + 0.054229315370321274, + -0.1482345014810562, + 1.6751139163970947, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/23.png", + [ + 0.17065738141536713, + -0.016140667721629143, + 0.13252706825733185, + -1.2815072536468506, + 0.02058577723801136, + -0.2093316912651062, + -0.05200347304344177, + 0.46968796849250793, + 0.13190971314907074, + 0.0535501129925251, + -0.16334044933319092, + 1.7379083633422852, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/37.png", + [ + 0.1651361584663391, + -0.031109776347875595, + 0.13678494095802307, + -1.4655296802520752, + 0.009561720304191113, + -0.2082914263010025, + -0.05891646444797516, + 0.6300978064537048, + 0.13995182514190674, + 0.050938770174980164, + -0.15737412869930267, + 1.7424771785736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/36.png", + [ + 0.16759836673736572, + -0.031731605529785156, + 0.1336105465888977, + -1.4207751750946045, + 0.008883585222065449, + -0.20786425471305847, + -0.06050974875688553, + 0.6423706412315369, + 0.13703924417495728, + 0.05228244140744209, + -0.15948255360126495, + 1.7536942958831787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/8.png", + [ + 0.14837831258773804, + -0.009553059935569763, + 0.15760870277881622, + -1.7365689277648926, + 0.03400510177016258, + -0.20926930010318756, + -0.044697925448417664, + 0.4830572307109833, + 0.15419280529022217, + 0.055344294756650925, + -0.1418078988790512, + 1.6201651096343994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/6.png", + [ + 0.1572083830833435, + -0.00532342866063118, + 0.1490136831998825, + -1.6509294509887695, + 0.03368018940091133, + -0.20967255532741547, + -0.04302279278635979, + 0.47029897570610046, + 0.1452551633119583, + 0.05437809228897095, + -0.1513005495071411, + 1.728426218032837, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/20.png", + [ + 0.16452763974666595, + -0.01267232745885849, + 0.14042063057422638, + -1.4544432163238525, + 0.025440501049160957, + -0.2095872312784195, + -0.04872234910726547, + 0.4834682047367096, + 0.13867704570293427, + 0.05348363518714905, + -0.15765807032585144, + 1.7483618259429932, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/2.png", + [ + 0.16001997888088226, + -0.010206686332821846, + 0.14573028683662415, + -1.639931559562683, + 0.02155710570514202, + -0.2121291607618332, + -0.03852804750204086, + 0.42631739377975464, + 0.14448800683021545, + 0.042952798306941986, + -0.15564756095409393, + 1.816702127456665, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/5.png", + [ + 0.1591281145811081, + -0.0038676264230161905, + 0.14700737595558167, + -1.6371678113937378, + 0.03374212607741356, + -0.20986078679561615, + -0.04204539954662323, + 0.4650888741016388, + 0.14313489198684692, + 0.05377162620425224, + -0.15352167189121246, + 1.7615642547607422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/108.png", + [ + 0.15455709397792816, + 0.020348194986581802, + 0.15048570930957794, + -1.701503872871399, + 0.061008092015981674, + -0.2049504667520523, + -0.03494592010974884, + 0.38978177309036255, + 0.13906116783618927, + 0.0672990009188652, + -0.15192343294620514, + 1.7717809677124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/60.png", + [ + 0.16905976831912994, + -0.030437638983130455, + 0.13206146657466888, + -1.4439568519592285, + 0.0018803089624270797, + -0.21059206128120422, + -0.05094452202320099, + 0.5488371849060059, + 0.13551069796085358, + 0.040895361453294754, + -0.16404971480369568, + 1.8489971160888672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/56.png", + [ + 0.16765549778938293, + -0.030012531206011772, + 0.13393574953079224, + -1.455127477645874, + 0.012055867351591587, + -0.2073942869901657, + -0.06156429275870323, + 0.6688721776008606, + 0.13672669231891632, + 0.05508860945701599, + -0.1588047593832016, + 1.7871989011764526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/30.png", + [ + 0.16469278931617737, + -0.027588095515966415, + 0.13806909322738647, + -1.3695892095565796, + 0.011791817843914032, + -0.20902550220489502, + -0.05583178251981735, + 0.5490783452987671, + 0.14030370116233826, + 0.04995130002498627, + -0.15737736225128174, + 1.6478586196899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/17.png", + [ + 0.15713360905647278, + -0.009172383695840836, + 0.14890529215335846, + -1.6092942953109741, + 0.030545935034751892, + -0.20970498025417328, + -0.04515143856406212, + 0.4776197373867035, + 0.14602693915367126, + 0.05373614653944969, + -0.15078610181808472, + 1.703183650970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/12.png", + [ + 0.1608913242816925, + -0.003328351303935051, + 0.14508892595767975, + -1.5912582874298096, + 0.034604351967573166, + -0.2094898670911789, + -0.04317900538444519, + 0.4687172472476959, + 0.14094118773937225, + 0.055234137922525406, + -0.1550247222185135, + 1.7542625665664673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/27.png", + [ + 0.16277262568473816, + -0.027215709909796715, + 0.14040039479732513, + -1.336768388748169, + 0.010826745070517063, + -0.2097596526145935, + -0.053212493658065796, + 0.48205289244651794, + 0.14260345697402954, + 0.04699035733938217, + -0.15621796250343323, + 1.6202014684677124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/42.png", + [ + 0.1680964082479477, + -0.031419623643159866, + 0.13305750489234924, + -1.4504597187042236, + 0.00935403723269701, + -0.20773792266845703, + -0.060871630907058716, + 0.6621125340461731, + 0.13639646768569946, + 0.05296849086880684, + -0.15980689227581024, + 1.7969225645065308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/7.png", + [ + 0.15001286566257477, + -0.00946603249758482, + 0.15605905652046204, + -1.725054383277893, + 0.03362089768052101, + -0.20926415920257568, + -0.04501161351799965, + 0.4891659915447235, + 0.152688130736351, + 0.055378738790750504, + -0.1434134691953659, + 1.6404980421066284, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/73.png", + [ + 0.16208243370056152, + -0.0291423499584198, + 0.14081156253814697, + -1.5403685569763184, + 0.00604133028537035, + -0.21061080694198608, + -0.050541914999485016, + 0.5470038652420044, + 0.14366862177848816, + 0.0417337603867054, + -0.15673387050628662, + 1.7701966762542725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/46.png", + [ + 0.17167234420776367, + -0.029008885845541954, + 0.12897665798664093, + -1.4026192426681519, + 0.00712808920070529, + -0.20905499160289764, + -0.05650748685002327, + 0.6122194528579712, + 0.13200639188289642, + 0.049014199525117874, + -0.16468095779418945, + 1.8466601371765137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/57.png", + [ + 0.16554535925388336, + -0.028783222660422325, + 0.13679969310760498, + -1.4920234680175781, + 0.012758363969624043, + -0.20803648233413696, + -0.05921100452542305, + 0.6451343894004822, + 0.13921155035495758, + 0.05329395458102226, + -0.15725073218345642, + 1.7760995626449585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/44.png", + [ + 0.1695212572813034, + -0.03176993131637573, + 0.13115300238132477, + -1.4311115741729736, + 0.004922451917082071, + -0.20898841321468353, + -0.056986935436725616, + 0.6193521022796631, + 0.13485625386238098, + 0.047564830631017685, + -0.16278597712516785, + 1.8302838802337646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/29.png", + [ + 0.16668564081192017, + -0.027770867571234703, + 0.1356191784143448, + -1.320589542388916, + 0.012661542743444443, + -0.20832185447216034, + -0.05822019651532173, + 0.5564676523208618, + 0.13785308599472046, + 0.052713241428136826, + -0.1586371213197708, + 1.6443102359771729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/4.png", + [ + 0.16568365693092346, + -0.0021854410879313946, + 0.13961388170719147, + -1.559146523475647, + 0.033057961612939835, + -0.20987482368946075, + -0.0425160676240921, + 0.4718261659145355, + 0.1356612890958786, + 0.05381142348051071, + -0.1601506769657135, + 1.8411328792572021, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/55.png", + [ + 0.16705480217933655, + -0.028524156659841537, + 0.13500723242759705, + -1.4641733169555664, + 0.013797788880765438, + -0.20747917890548706, + -0.060909003019332886, + 0.6608134508132935, + 0.13729603588581085, + 0.05555770546197891, + -0.15814875066280365, + 1.7736748456954956, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/9.png", + [ + 0.14602960646152496, + -0.012206442654132843, + 0.15960654616355896, + -1.7566672563552856, + 0.032782625406980515, + -0.2091839611530304, + -0.045992009341716766, + 0.49383744597435, + 0.15667974948883057, + 0.05514497309923172, + -0.13913439214229584, + 1.5889924764633179, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/25.png", + [ + 0.16882473230361938, + -0.02162075974047184, + 0.13408444821834564, + -1.2721105813980103, + 0.014327236451208591, + -0.209882915019989, + -0.05188237503170967, + 0.45937225222587585, + 0.13505861163139343, + 0.04929090663790703, + -0.16210328042507172, + 1.6937980651855469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/99.png", + [ + 0.15263666212558746, + 0.009033353999257088, + 0.15351983904838562, + -1.703163504600525, + 0.040039751678705215, + -0.21117495000362396, + -0.027383532375097275, + 0.3017728924751282, + 0.14848151803016663, + 0.047659605741500854, + -0.15043167769908905, + 1.7311851978302002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/34.png", + [ + 0.16465045511722565, + -0.03157513216137886, + 0.13726301491260529, + -1.4407305717468262, + 0.009725028648972511, + -0.20810730755329132, + -0.0595371313393116, + 0.6259908676147461, + 0.14051173627376556, + 0.05140288919210434, + -0.15672296285629272, + 1.7031641006469727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/72.png", + [ + 0.16128966212272644, + -0.029403474181890488, + 0.1416649967432022, + -1.5499136447906494, + 0.004870055243372917, + -0.21092955768108368, + -0.04932446405291557, + 0.5338451862335205, + 0.14460226893424988, + 0.039900582283735275, + -0.1563522070646286, + 1.7684022188186646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/102.png", + [ + 0.15680137276649475, + 0.010568780824542046, + 0.14916275441646576, + -1.6559078693389893, + 0.03717800974845886, + -0.21210165321826935, + -0.02405364252626896, + 0.2648257911205292, + 0.14484135806560516, + 0.0430009663105011, + -0.15530548989772797, + 1.7948421239852905, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/70.png", + [ + 0.16223756968975067, + -0.028654469177126884, + 0.1407330334186554, + -1.5375406742095947, + 0.005935410037636757, + -0.21079924702644348, + -0.04976291581988335, + 0.5374048352241516, + 0.14349786937236786, + 0.04111567512154579, + -0.1570533663034439, + 1.7702058553695679, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/90.png", + [ + 0.15601232647895813, + 0.002501165959984064, + 0.15033890306949615, + -1.645674705505371, + 0.03846884146332741, + -0.21009819209575653, + -0.03642518073320389, + 0.3956339359283447, + 0.14535540342330933, + 0.05291871353983879, + -0.15172114968299866, + 1.7155126333236694, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/15.png", + [ + 0.15003518760204315, + -0.010547640733420849, + 0.15596817433834076, + -1.711101770401001, + 0.031156662851572037, + -0.20982594788074493, + -0.044161342084407806, + 0.475442498922348, + 0.153188094496727, + 0.053006693720817566, + -0.14377617835998535, + 1.6431466341018677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/22.png", + [ + 0.1693897396326065, + -0.01368794683367014, + 0.13441592454910278, + -1.3356009721755981, + 0.020565090700984, + -0.21043622493743896, + -0.04734523966908455, + 0.4371687173843384, + 0.13353683054447174, + 0.04977082088589668, + -0.1632135957479477, + 1.7643259763717651, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/109.png", + [ + 0.14562448859214783, + 0.01983715407550335, + 0.159210205078125, + -1.8023539781570435, + 0.06613098829984665, + -0.2033192366361618, + -0.03515488654375076, + 0.3942399024963379, + 0.14617829024791718, + 0.07221953570842743, + -0.14270298182964325, + 1.6757639646530151, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/26.png", + [ + 0.16158375144004822, + -0.026723260059952736, + 0.14186064898967743, + -1.3531370162963867, + 0.012295951135456562, + -0.2096078246831894, + -0.05349074304103851, + 0.4773055613040924, + 0.14383108913898468, + 0.04794076830148697, + -0.1547972559928894, + 1.620558738708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/43.png", + [ + 0.1697036325931549, + -0.030984021723270416, + 0.13110513985157013, + -1.4309959411621094, + 0.007122991140931845, + -0.20850735902786255, + -0.058496519923210144, + 0.6376593112945557, + 0.13452817499637604, + 0.050125543028116226, + -0.16228830814361572, + 1.8254649639129639, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/84.png", + [ + 0.1571854203939438, + -0.0010261835996061563, + 0.14912942051887512, + -1.6173542737960815, + 0.030159303918480873, + -0.21197392046451569, + -0.03324713930487633, + 0.3586900532245636, + 0.1460515409708023, + 0.04487653076648712, + -0.15363246202468872, + 1.727941870689392, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/89.png", + [ + 0.15432031452655792, + 0.0012237445916980505, + 0.1520908921957016, + -1.6697355508804321, + 0.03678492084145546, + -0.21053564548492432, + -0.03563013672828674, + 0.38889721035957336, + 0.14758048951625824, + 0.05119706317782402, + -0.15015575289726257, + 1.7077667713165283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/63.png", + [ + 0.1636280119419098, + -0.026826580986380577, + 0.13947796821594238, + -1.5187883377075195, + 0.006797508802264929, + -0.21105189621448517, + -0.048567261546850204, + 0.5259698033332825, + 0.1418716460466385, + 0.041052643209695816, + -0.1585402488708496, + 1.7910192012786865, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/88.png", + [ + 0.1588912457227707, + 0.0015053064562380314, + 0.14730647206306458, + -1.613638162612915, + 0.03367875888943672, + -0.2112964242696762, + -0.03416818380355835, + 0.3728581964969635, + 0.14341270923614502, + 0.04795266315340996, + -0.15518130362033844, + 1.7583860158920288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/62.png", + [ + 0.16729088127613068, + -0.02381904423236847, + 0.13562564551830292, + -1.4769552946090698, + 0.007855264469981194, + -0.21141020953655243, + -0.04681786894798279, + 0.506356418132782, + 0.1374771147966385, + 0.04106423631310463, + -0.16236275434494019, + 1.8264695405960083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/65.png", + [ + 0.16195499897003174, + -0.02661990560591221, + 0.14145617187023163, + -1.5432847738265991, + 0.007978621870279312, + -0.2109493762254715, + -0.04883230850100517, + 0.5291739106178284, + 0.14371779561042786, + 0.041708916425704956, + -0.1566953957080841, + 1.7676817178726196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/80.png", + [ + 0.16646896302700043, + -0.009498155675828457, + 0.13836821913719177, + -1.497571349143982, + 0.026136105880141258, + -0.21014472842216492, + -0.045869193971157074, + 0.49547603726387024, + 0.13620895147323608, + 0.051931340247392654, + -0.1603064239025116, + 1.7856700420379639, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/79.png", + [ + 0.1588166207075119, + -0.01375173032283783, + 0.14675168693065643, + -1.5945923328399658, + 0.026278866454958916, + -0.20963135361671448, + -0.048083361238241196, + 0.5195968151092529, + 0.1450330764055252, + 0.053042229264974594, + -0.1519862562417984, + 1.7059966325759888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/19.png", + [ + 0.15976224839687347, + -0.011724031530320644, + 0.14589881896972656, + -1.537855863571167, + 0.0257872361689806, + -0.21034559607505798, + -0.045140355825424194, + 0.45907193422317505, + 0.14407961070537567, + 0.050647612661123276, + -0.15370027720928192, + 1.7172681093215942, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/77.png", + [ + 0.16380278766155243, + -0.02228461019694805, + 0.14007121324539185, + -1.5185208320617676, + 0.01795363239943981, + -0.20900438725948334, + -0.05424695461988449, + 0.5842341184616089, + 0.14069192111492157, + 0.0526161715388298, + -0.1561576873064041, + 1.750955581665039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/68.png", + [ + 0.1615220159292221, + -0.02812572941184044, + 0.141659677028656, + -1.5446690320968628, + 0.008074939250946045, + -0.21043510735034943, + -0.050987835973501205, + 0.5512426495552063, + 0.14419889450073242, + 0.043288663029670715, + -0.1558225303888321, + 1.754805326461792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/86.png", + [ + 0.15853892266750336, + 0.0006632109871134162, + 0.1476917862892151, + -1.6102094650268555, + 0.03255864977836609, + -0.21149899065494537, + -0.03400016203522682, + 0.369905948638916, + 0.14405986666679382, + 0.04707055166363716, + -0.15485160052776337, + 1.7483667135238647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/1.png", + [ + 0.1568347066640854, + -0.01224216353148222, + 0.1489996463060379, + -1.6791162490844727, + 0.01686045527458191, + -0.21312092244625092, + -0.03525757044553757, + 0.38993486762046814, + 0.1485479474067688, + 0.037114694714546204, + -0.15330980718135834, + 1.796542763710022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/81.png", + [ + 0.16722837090492249, + -0.006206251215189695, + 0.13763739168643951, + -1.4872703552246094, + 0.026423044502735138, + -0.21099215745925903, + -0.04161771014332771, + 0.4477559030056, + 0.13521979749202728, + 0.04890494421124458, + -0.16208581626415253, + 1.8059834241867065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/95.png", + [ + 0.15961039066314697, + 0.009144269861280918, + 0.14624908566474915, + -1.6028854846954346, + 0.04348653554916382, + -0.20946605503559113, + -0.03436253219842911, + 0.3741716146469116, + 0.13993330299854279, + 0.05466483533382416, + -0.15613557398319244, + 1.7664587497711182, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/103.png", + [ + 0.15488332509994507, + 0.012030377052724361, + 0.1510441154241562, + -1.6821954250335693, + 0.03937310725450516, + -0.2117665410041809, + -0.023507077246904373, + 0.2605329751968384, + 0.1463174968957901, + 0.044250357896089554, + -0.15356101095676422, + 1.7770631313323975, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/83.png", + [ + 0.16363514959812164, + -0.0019995716866105795, + 0.1420120894908905, + -1.5362634658813477, + 0.028835901990532875, + -0.21167297661304474, + -0.036206938326358795, + 0.38835078477859497, + 0.13906803727149963, + 0.04624341428279877, + -0.15959171950817108, + 1.7832509279251099, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/51.png", + [ + 0.16917665302753448, + -0.029309147968888283, + 0.1321670562028885, + -1.4197667837142944, + 0.003876554546877742, + -0.21040017902851105, + -0.05162006616592407, + 0.5531619787216187, + 0.13532233238220215, + 0.04266887158155441, + -0.16375325620174408, + 1.815571904182434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/93.png", + [ + 0.15002988278865814, + 0.002087578410282731, + 0.15631558001041412, + -1.711281418800354, + 0.041762422770261765, + -0.20931655168533325, + -0.03728768974542618, + 0.40313923358917236, + 0.15064799785614014, + 0.05594742298126221, + -0.14533738791942596, + 1.6495391130447388, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/76.png", + [ + 0.2019512951374054, + -0.00771738588809967, + -0.07812818884849548, + 0.8629226684570312, + -0.021929997950792313, + -0.2125873863697052, + -0.035687148571014404, + 0.389009952545166, + -0.07538333535194397, + 0.04116963967680931, + -0.19892287254333496, + 2.2642621994018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/48.png", + [ + 0.20095227658748627, + -0.01690085232257843, + -0.07924924045801163, + 0.8900344967842102, + -0.024626417085528374, + -0.21462388336658478, + -0.016674069687724113, + 0.17680808901786804, + -0.0771985724568367, + 0.024471333250403404, + -0.20097123086452484, + 2.3247580528259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/137.png", + [ + 0.20342831313610077, + 0.0026693157851696014, + -0.07454992830753326, + 0.8372081518173218, + -0.009741272777318954, + -0.21373116970062256, + -0.03423433005809784, + 0.3852039575576782, + -0.07395894080400467, + 0.035493042320013046, + -0.2005448043346405, + 2.3358206748962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/173.png", + [ + 0.20206671953201294, + 0.006215554662048817, + -0.07796347886323929, + 0.8904351592063904, + -0.010864934884011745, + -0.21166419982910156, + -0.04503457993268967, + 0.5126116871833801, + -0.07745249569416046, + 0.04590781033039093, + -0.19708241522312164, + 2.3285622596740723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/35.png", + [ + 0.19761477410793304, + -0.026144789531826973, + -0.08492787927389145, + 0.94111168384552, + -0.033865299075841904, + -0.21361418068408966, + -0.013039136305451393, + 0.1401115208864212, + -0.08215495198965073, + 0.02516600303351879, + -0.19890986382961273, + 2.271998882293701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/124.png", + [ + 0.2069062441587448, + 0.0015267307171598077, + -0.0643068328499794, + 0.7460727691650391, + -0.00986570492386818, + -0.2132975161075592, + -0.03680672496557236, + 0.4194277822971344, + -0.06356387585401535, + 0.03807540237903595, + -0.20361186563968658, + 2.439311981201172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/97.png", + [ + 0.20332205295562744, + -0.006223880220204592, + -0.07462774217128754, + 0.8192134499549866, + -0.018801797181367874, + -0.21325135231018066, + -0.0334402397274971, + 0.37148910760879517, + -0.07248812168836594, + 0.03785525634884834, + -0.20064981281757355, + 2.2893624305725098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/155.png", + [ + 0.20427091419696808, + 0.006426510866731405, + -0.07197213917970657, + 0.8160080909729004, + -0.007924258708953857, + -0.21252195537090302, + -0.04146701842546463, + 0.4679233133792877, + -0.07182266563177109, + 0.04172538220882416, + -0.2001209408044815, + 2.3560051918029785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/13.png", + [ + 0.20313887298107147, + -0.0320565439760685, + -0.0682266429066658, + 0.7698522210121155, + -0.032159365713596344, + -0.21421873569488525, + 0.004899756982922554, + -0.06890802830457687, + -0.06817824393510818, + 0.005532695911824703, + -0.2055942863225937, + 2.3847312927246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/32.png", + [ + 0.19872324168682098, + -0.028811687603592873, + -0.08140554279088974, + 0.9079221487045288, + -0.03318031504750252, + -0.21405497193336487, + -0.00523814233019948, + 0.04848307743668556, + -0.07972479611635208, + 0.017270144075155258, + -0.20073264837265015, + 2.3048534393310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/158.png", + [ + 0.20446206629276276, + 0.005122590344399214, + -0.07153265178203583, + 0.8143579363822937, + -0.009893854148685932, + -0.2120397835969925, + -0.04346422478556633, + 0.491129606962204, + -0.07103007286787033, + 0.0442807674407959, + -0.1998545378446579, + 2.34989595413208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/38.png", + [ + 0.1989385336637497, + -0.02442588284611702, + -0.08230876177549362, + 0.9079339504241943, + -0.03162901848554611, + -0.21396206319332123, + -0.012951460666954517, + 0.13696160912513733, + -0.07981830090284348, + 0.02390630729496479, + -0.20001354813575745, + 2.2633423805236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/148.png", + [ + 0.20277279615402222, + 0.00312629877589643, + -0.07629750669002533, + 0.8691089749336243, + -0.011445934884250164, + -0.21280278265476227, + -0.03913901746273041, + 0.44378066062927246, + -0.07549883425235748, + 0.040658313781023026, + -0.19898422062397003, + 2.3406519889831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/111.png", + [ + 0.20587953925132751, + -0.004118695855140686, + -0.06741326302289963, + 0.7709611058235168, + -0.01255194004625082, + -0.2148369550704956, + -0.025207791477441788, + 0.282674103975296, + -0.06636234372854233, + 0.027857141569256783, + -0.20437200367450714, + 2.4235010147094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/164.png", + [ + 0.20186591148376465, + 0.007894853129982948, + -0.07833085209131241, + 0.8945654034614563, + -0.00905605684965849, + -0.21182279288768768, + -0.04468761011958122, + 0.5069195628166199, + -0.07820510119199753, + 0.044907309114933014, + -0.1970156878232956, + 2.3245081901550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/11.png", + [ + 0.20398704707622528, + -0.033985815942287445, + -0.06466948986053467, + 0.7321414947509766, + -0.033482421189546585, + -0.21396300196647644, + 0.006830527912825346, + -0.08676061779260635, + -0.06493155658245087, + 0.0035627237521111965, + -0.20668597519397736, + 2.4047393798828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/125.png", + [ + 0.20583771169185638, + 0.0016642740229144692, + -0.06764586269855499, + 0.7844364047050476, + -0.01031340379267931, + -0.2133067101240158, + -0.0366302989423275, + 0.41622695326805115, + -0.06687574833631516, + 0.03801809251308441, + -0.20255902409553528, + 2.4265918731689453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/59.png", + [ + 0.2019364982843399, + -0.01736977882683277, + -0.0766017735004425, + 0.8550160527229309, + -0.02559221349656582, + -0.21432921290397644, + -0.01886577345430851, + 0.20186355710029602, + -0.07426020503044128, + 0.026630239561200142, + -0.20180225372314453, + 2.322176456451416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/105.png", + [ + 0.20508693158626556, + -0.00550779839977622, + -0.06969154626131058, + 0.7830908298492432, + -0.013901274651288986, + -0.21490058302879333, + -0.02392456866800785, + 0.2639535069465637, + -0.06851278990507126, + 0.0271163173019886, + -0.20376113057136536, + 2.3612895011901855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/121.png", + [ + 0.20702362060546875, + 0.00047719464055262506, + -0.06394436955451965, + 0.7419799566268921, + -0.009727843105793, + -0.21391180157661438, + -0.03309081867337227, + 0.37640607357025146, + -0.06320188194513321, + 0.034487754106521606, + -0.20436245203018188, + 2.4477548599243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/175.png", + [ + 0.20164471864700317, + 0.0059125968255102634, + -0.07907171547412872, + 0.904168426990509, + -0.01114118192344904, + -0.2118152230978012, + -0.044250186532735825, + 0.5032715201377869, + -0.07850585877895355, + 0.04524650424718857, + -0.19681838154792786, + 2.329066276550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/24.png", + [ + 0.20033441483974457, + -0.02870381996035576, + -0.07739584892988205, + 0.8705508708953857, + -0.03133610635995865, + -0.21439072489738464, + -0.0016004417557269335, + 0.004893872886896133, + -0.07636801153421402, + 0.01267295517027378, + -0.2023739516735077, + 2.341754913330078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/74.png", + [ + 0.2028219848871231, + -0.014330693520605564, + -0.07487169653177261, + 0.819491982460022, + -0.026713255792856216, + -0.21267849206924438, + -0.031656891107559204, + 0.3451858460903168, + -0.0713970810174942, + 0.038863711059093475, + -0.20084811747074127, + 2.294572353363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/129.png", + [ + 0.20352642238140106, + 0.003347933990880847, + -0.07425418496131897, + 0.8508469462394714, + -0.011897367425262928, + -0.21219663321971893, + -0.04217740520834923, + 0.48080357909202576, + -0.0733712762594223, + 0.04369521886110306, + -0.19913634657859802, + 2.3503479957580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/172.png", + [ + 0.2020537555217743, + 0.004173122812062502, + -0.07813292741775513, + 0.8935543894767761, + -0.01255561038851738, + -0.2118331491947174, + -0.04378326237201691, + 0.4992067515850067, + -0.07723034173250198, + 0.045356396585702896, + -0.19729715585708618, + 2.3340935707092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/153.png", + [ + 0.20488445460796356, + 0.006745339836925268, + -0.07017656415700912, + 0.7969616651535034, + -0.007281953003257513, + -0.21250218152999878, + -0.04168568179011345, + 0.47101739048957825, + -0.07012291997671127, + 0.04177587106823921, + -0.20071235299110413, + 2.362727642059326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/144.png", + [ + 0.20494107902050018, + 0.00595904840156436, + -0.07008231431245804, + 0.7922414541244507, + -0.007268569897860289, + -0.21294526755809784, + -0.03936200216412544, + 0.4420020580291748, + -0.06995861977338791, + 0.03958142176270485, + -0.2012138068675995, + 2.3549580574035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/98.png", + [ + 0.20178870856761932, + -0.0017806184478104115, + -0.07890527695417404, + 0.8719950914382935, + -0.01544994581490755, + -0.21331973373889923, + -0.034697093069553375, + 0.38537269830703735, + -0.0773984044790268, + 0.03793966770172119, + -0.1987912803888321, + 2.273221015930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/0.png", + [ + 0.2059301882982254, + -0.041346922516822815, + -0.05320791155099869, + 0.6223632097244263, + -0.036806706339120865, + -0.2123318463563919, + 0.02254657819867134, + -0.2847093641757965, + -0.056443918496370316, + -0.012390069663524628, + -0.20882639288902283, + 2.5084996223449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/163.png", + [ + 0.2031177282333374, + 0.005961872637271881, + -0.0752033144235611, + 0.858903169631958, + -0.010774881578981876, + -0.2114897221326828, + -0.045868244022130966, + 0.5196223258972168, + -0.07466581463813782, + 0.04673810303211212, + -0.197960764169693, + 2.3316850662231445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/96.png", + [ + 0.20386996865272522, + -0.005157841835170984, + -0.07320061326026917, + 0.8032421469688416, + -0.017768898978829384, + -0.2131763994693756, + -0.034467123448848724, + 0.38421833515167236, + -0.07119831442832947, + 0.03843322768807411, + -0.20100143551826477, + 2.2913408279418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/100.png", + [ + 0.20205587148666382, + -0.0005334033630788326, + -0.07823705673217773, + 0.860956609249115, + -0.012992785312235355, + -0.21388983726501465, + -0.03209705650806427, + 0.3574755787849426, + -0.07715249806642532, + 0.03462294861674309, + -0.19949094951152802, + 2.2747716903686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/40.png", + [ + 0.20005010068416595, + -0.02270522341132164, + -0.08007699251174927, + 0.8890494704246521, + -0.029091449454426765, + -0.2143833041191101, + -0.011890137568116188, + 0.11781677603721619, + -0.07798422873020172, + 0.021729258820414543, + -0.20098307728767395, + 2.2973833084106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/141.png", + [ + 0.2038685530424118, + 0.00500738900154829, + -0.07321498543024063, + 0.8284466862678528, + -0.00788086373358965, + -0.21342569589614868, + -0.03654122352600098, + 0.4098101556301117, + -0.07296164333820343, + 0.037044502794742584, + -0.20062950253486633, + 2.356558322906494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/52.png", + [ + 0.20126870274543762, + -0.019186118617653847, + -0.07791468501091003, + 0.87457674741745, + -0.02683865837752819, + -0.21436870098114014, + -0.01654217019677162, + 0.17678889632225037, + -0.07562071084976196, + 0.025016989558935165, + -0.2015032321214676, + 2.333983898162842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/3.png", + [ + 0.20519208908081055, + -0.03892020508646965, + -0.05770028382539749, + 0.6699113845825195, + -0.035514045506715775, + -0.2130347043275833, + 0.017402928322553635, + -0.21769282221794128, + -0.05985698103904724, + -0.007023308426141739, + -0.20812426507472992, + 2.4870758056640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/47.png", + [ + 0.20067061483860016, + -0.016231641173362732, + -0.08009826391935349, + 0.8980429172515869, + -0.02408990077674389, + -0.21467101573944092, + -0.016850216314196587, + 0.17781126499176025, + -0.07809529453516006, + 0.024510957300662994, + -0.2006196230649948, + 2.3142428398132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/104.png", + [ + 0.2041510045528412, + -0.005693864077329636, + -0.0723729282617569, + 0.8102864027023315, + -0.013824989087879658, + -0.2151034027338028, + -0.022074775770306587, + 0.24226707220077515, + -0.07126802206039429, + 0.025416646152734756, + -0.20303389430046082, + 2.3483362197875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/21.png", + [ + 0.2013150304555893, + -0.029307428747415543, + -0.07457372546195984, + 0.8350257277488708, + -0.03161301463842392, + -0.21435321867465973, + -0.0011000127997249365, + 0.00224129855632782, + -0.07362596690654755, + 0.011902404017746449, + -0.20343412458896637, + 2.3495163917541504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/82.png", + [ + 0.20245465636253357, + -0.0039007258601486683, + -0.07710239291191101, + 0.8501461744308472, + -0.02008001133799553, + -0.21161048114299774, + -0.042020201683044434, + 0.45871323347091675, + -0.07454385608434677, + 0.046407848596572876, + -0.19808435440063477, + 2.242537498474121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/106.png", + [ + 0.20608550310134888, + -0.0076622264459729195, + -0.06646766513586044, + 0.748796820640564, + -0.015049842186272144, + -0.21504178643226624, + -0.021873127669095993, + 0.2416253685951233, + -0.06519327312707901, + 0.025420892983675003, + -0.20506465435028076, + 2.3846988677978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/14.png", + [ + 0.2027907818555832, + -0.03230905905365944, + -0.06913692504167557, + 0.7787865996360779, + -0.03245260939002037, + -0.2141745239496231, + 0.004898795858025551, + -0.067879319190979, + -0.06906966120004654, + 0.005770139861851931, + -0.20528998970985413, + 2.378462314605713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/67.png", + [ + 0.19869881868362427, + -0.015407885424792767, + -0.0850251168012619, + 0.9376459121704102, + -0.02604147233068943, + -0.2139674574136734, + -0.022083165124058723, + 0.2324601113796234, + -0.08239243924617767, + 0.03047000803053379, + -0.1980680674314499, + 2.252528190612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/78.png", + [ + 0.20183821022510529, + -0.005961896851658821, + -0.07857280969619751, + 0.8683743476867676, + -0.022743871435523033, + -0.21126602590084076, + -0.042394258081912994, + 0.46651265025138855, + -0.07544499635696411, + 0.047738999128341675, + -0.19742578268051147, + 2.2385997772216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/31.png", + [ + 0.19990527629852295, + -0.031107721850275993, + -0.07757627964019775, + 0.8657940030097961, + -0.03445417806506157, + -0.21389652788639069, + -0.0030130152590572834, + 0.027100566774606705, + -0.07614906132221222, + 0.015115497633814812, + -0.20228874683380127, + 2.323479175567627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/152.png", + [ + 0.20285159349441528, + 0.004620839841663837, + -0.07601166516542435, + 0.8658481240272522, + -0.010405066423118114, + -0.21256518363952637, + -0.04068998992443085, + 0.46198469400405884, + -0.07543779164552689, + 0.04174432158470154, + -0.19878241419792175, + 2.350053310394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/39.png", + [ + 0.19886472821235657, + -0.021312719210982323, + -0.08334560692310333, + 0.9227574467658997, + -0.02771797589957714, + -0.21459923684597015, + -0.011259551160037518, + 0.11278370022773743, + -0.08143976330757141, + 0.02099599502980709, + -0.19968631863594055, + 2.2710986137390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/92.png", + [ + 0.20412416756153107, + -0.0026192693039774895, + -0.0726248249411583, + 0.799609363079071, + -0.016752175986766815, + -0.21239814162254333, + -0.03942447155714035, + 0.4333922564983368, + -0.07071486860513687, + 0.042755864560604095, + -0.20029787719249725, + 2.293973922729492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/53.png", + [ + 0.20178985595703125, + -0.018755953758955002, + -0.07666134834289551, + 0.8603498339653015, + -0.026490988209843636, + -0.21435320377349854, + -0.017286594957113266, + 0.18466626107692719, + -0.07434363663196564, + 0.025471806526184082, + -0.2019210159778595, + 2.339305877685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/75.png", + [ + 0.20326276123523712, + -0.012252000160515308, + -0.0740407332777977, + 0.8106409907341003, + -0.024776920676231384, + -0.2127370685338974, + -0.032816674560308456, + 0.3562922179698944, + -0.07083957642316818, + 0.039251990616321564, + -0.20096996426582336, + 2.291750431060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/151.png", + [ + 0.20297712087631226, + 0.005689880810678005, + -0.07560302317142487, + 0.8614497780799866, + -0.009404294192790985, + -0.212505504488945, + -0.04124157875776291, + 0.47047141194343567, + -0.07523130625486374, + 0.04191579297184944, + -0.19882456958293915, + 2.3487749099731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/87.png", + [ + 0.20199169218540192, + -0.0023782202042639256, + -0.07836832106113434, + 0.8621274828910828, + -0.01765267550945282, + -0.21239370107650757, + -0.039053723216056824, + 0.4220133423805237, + -0.0763913094997406, + 0.04279198870062828, + -0.19819460809230804, + 2.25766658782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/139.png", + [ + 0.2040984332561493, + 0.005189893767237663, + -0.07255883514881134, + 0.8174049854278564, + -0.006858245003968477, + -0.2137870043516159, + -0.034582819789648056, + 0.385311096906662, + -0.07242018729448318, + 0.03487222269177437, + -0.20121416449546814, + 2.3510704040527344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/107.png", + [ + 0.20634736120700836, + -0.007900909520685673, + -0.06562193483114243, + 0.742046594619751, + -0.014864823780953884, + -0.21515747904777527, + -0.020837198942899704, + 0.23160725831985474, + -0.06440263241529465, + 0.024345995858311653, + -0.2054445594549179, + 2.404542922973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/112.png", + [ + 0.2044181078672409, + -0.00367324473336339, + -0.0717470794916153, + 0.8267757296562195, + -0.01348856370896101, + -0.21450527012348175, + -0.027448872104287148, + 0.3108862042427063, + -0.070563405752182, + 0.030362626537680626, + -0.2026001363992691, + 2.41511869430542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/69.png", + [ + 0.20086699724197388, + -0.01794339157640934, + -0.07923625409603119, + 0.8719193339347839, + -0.028670689091086388, + -0.21338343620300293, + -0.024359704926609993, + 0.26216763257980347, + -0.0760153979063034, + 0.03306717798113823, + -0.2001902014017105, + 2.291604995727539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/157.png", + [ + 0.20349137485027313, + 0.007686567958444357, + -0.07402754575014114, + 0.8438641428947449, + -0.007866796106100082, + -0.2120872139930725, + -0.04364656284451485, + 0.4938126504421234, + -0.07400861382484436, + 0.04367866367101669, + -0.19890397787094116, + 2.3448314666748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/45.png", + [ + 0.20066222548484802, + -0.01664108783006668, + -0.0800352469086647, + 0.8928908705711365, + -0.024164879694581032, + -0.21473224461078644, + -0.015937985852360725, + 0.16664601862430573, + -0.07809369266033173, + 0.023686179891228676, + -0.20071929693222046, + 2.3111753463745117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/50.png", + [ + 0.20151549577713013, + -0.017351269721984863, + -0.0777067169547081, + 0.8714414238929749, + -0.02529068849980831, + -0.21446461975574493, + -0.01769772544503212, + 0.19040340185165405, + -0.07549690455198288, + 0.02552962675690651, + -0.20148535072803497, + 2.329524040222168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/101.png", + [ + 0.20329858362674713, + -0.00701889069750905, + -0.07462112605571747, + 0.8200393319129944, + -0.016641637310385704, + -0.21456490457057953, + -0.025156596675515175, + 0.2788967192173004, + -0.07307963818311691, + 0.029334858059883118, + -0.20185817778110504, + 2.3071980476379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/85.png", + [ + 0.2023591548204422, + -0.0036276730243116617, + -0.07736604660749435, + 0.8470308780670166, + -0.019862893968820572, + -0.2116289585828781, + -0.04203029349446297, + 0.4554579555988312, + -0.07486072927713394, + 0.04634565860033035, + -0.1979793906211853, + 2.247969150543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/156.png", + [ + 0.20345577597618103, + 0.007979725487530231, + -0.07409431040287018, + 0.8436869382858276, + -0.006999045144766569, + -0.21243062615394592, + -0.0420968234539032, + 0.47544601559638977, + -0.07419335842132568, + 0.041921984404325485, + -0.1992129236459732, + 2.3498988151550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/131.png", + [ + 0.202641561627388, + 0.004655526019632816, + -0.07656775414943695, + 0.8774695992469788, + -0.011247225105762482, + -0.21213464438915253, + -0.042664870619773865, + 0.48651841282844543, + -0.07588014006614685, + 0.04387615993618965, + -0.19815392792224884, + 2.3323802947998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/71.png", + [ + 0.19887612760066986, + -0.007392981089651585, + -0.08568274229764938, + 0.9531483054161072, + -0.02005222626030445, + -0.2139088213443756, + -0.02808598428964615, + 0.30730217695236206, + -0.08363071829080582, + 0.03370842710137367, + -0.19702166318893433, + 2.2488183975219727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/160.png", + [ + 0.2033456414937973, + 0.006448728963732719, + -0.07454437762498856, + 0.8515486121177673, + -0.009606060571968555, + -0.2118319422006607, + -0.04452914744615555, + 0.5047480463981628, + -0.07420359551906586, + 0.04509473592042923, + -0.19851495325565338, + 2.336225986480713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/115.png", + [ + 0.20593546330928802, + 0.0013298341073095798, + -0.06735509634017944, + 0.7775681614875793, + -0.009050295688211918, + -0.21412259340286255, + -0.03189846873283386, + 0.36237651109695435, + -0.06675754487514496, + 0.03313082829117775, + -0.20345436036586761, + 2.42604398727417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/54.png", + [ + 0.2019287645816803, + -0.0182228684425354, + -0.07642371952533722, + 0.8584731221199036, + -0.026348857209086418, + -0.21426695585250854, + -0.01852872222661972, + 0.19964204728603363, + -0.07401618361473083, + 0.026561303064227104, + -0.20190094411373138, + 2.3380465507507324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/33.png", + [ + 0.19792748987674713, + -0.024336526170372963, + -0.0847368836402893, + 0.945624828338623, + -0.029907003045082092, + -0.21444137394428253, + -0.008268655277788639, + 0.08224540948867798, + -0.08293478190898895, + 0.01924923248589039, + -0.19924654066562653, + 2.287815570831299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/159.png", + [ + 0.20324379205703735, + 0.0056905122473835945, + -0.07488305121660233, + 0.8550927042961121, + -0.010002482682466507, + -0.21207556128501892, + -0.043264277279376984, + 0.49063870310783386, + -0.07442985475063324, + 0.04403936490416527, + -0.19866710901260376, + 2.340085029602051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/177.png", + [ + 0.20048364996910095, + 0.002027223352342844, + -0.08215893805027008, + 0.9463072419166565, + -0.01203232817351818, + -0.21355056762695312, + -0.0346304327249527, + 0.4012684226036072, + -0.08129836618900299, + 0.0366051159799099, + -0.1974804699420929, + 2.3599300384521484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/49.png", + [ + 0.20205257833003998, + -0.018884526565670967, + -0.07593438029289246, + 0.8508684039115906, + -0.02664535492658615, + -0.21430833637714386, + -0.017602721229195595, + 0.187525674700737, + -0.07357091456651688, + 0.025752777233719826, + -0.20216825604438782, + 2.3344154357910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/118.png", + [ + 0.20685479044914246, + -0.002289454685524106, + -0.06444954872131348, + 0.7443691492080688, + -0.012343271635472775, + -0.2139403522014618, + -0.03201664239168167, + 0.36218538880348206, + -0.06329794973134995, + 0.03423711657524109, + -0.20437486469745636, + 2.438347816467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/110.png", + [ + 0.2053767591714859, + -0.00507659837603569, + -0.06886588037014008, + 0.78885817527771, + -0.013591249473392963, + -0.21483314037322998, + -0.024695903062820435, + 0.27830183506011963, + -0.06770198047161102, + 0.027727928012609482, + -0.2039497345685959, + 2.4185590744018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/18.png", + [ + 0.20291614532470703, + -0.029358984902501106, + -0.07007840275764465, + 0.7847582101821899, + -0.030744917690753937, + -0.2144806683063507, + 0.0008318459731526673, + -0.017358940094709396, + -0.06948153674602509, + 0.00916470866650343, + -0.20502737164497375, + 2.3700642585754395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/66.png", + [ + 0.1968415379524231, + -0.013320105150341988, + -0.08957607299089432, + 0.993729829788208, + -0.02430640161037445, + -0.21422508358955383, + -0.021557198837399483, + 0.22796359658241272, + -0.08723816275596619, + 0.029632560908794403, + -0.19611045718193054, + 2.231204032897949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/16.png", + [ + 0.2022823840379715, + -0.030699878931045532, + -0.07132495939731598, + 0.8007616996765137, + -0.03206435963511467, + -0.21428506076335907, + 0.001296475064009428, + -0.022148387506604195, + -0.0707220658659935, + 0.009344588965177536, + -0.20459462702274323, + 2.3699541091918945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/94.png", + [ + 0.20107796788215637, + -0.001340063288807869, + -0.08070776611566544, + 0.8970205783843994, + -0.015306400135159492, + -0.21334706246852875, + -0.03459247574210167, + 0.38234907388687134, + -0.07925435900688171, + 0.037803832441568375, + -0.19808460772037506, + 2.266787052154541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/28.png", + [ + 0.20010900497436523, + -0.02814556658267975, + -0.0781799852848053, + 0.8785102963447571, + -0.031198028475046158, + -0.2144002467393875, + -0.0026680761948227882, + 0.014542866498231888, + -0.07701276242733002, + 0.01372088398784399, + -0.20206104218959808, + 2.337902069091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/61.png", + [ + 0.20345063507556915, + -0.019514426589012146, + -0.07193686068058014, + 0.785576581954956, + -0.025896957144141197, + -0.2145959436893463, + -0.015027560293674469, + 0.16042757034301758, + -0.06989330053329468, + 0.02270830236375332, + -0.20383119583129883, + 2.310133934020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/132.png", + [ + 0.2028920203447342, + 0.004741495940834284, + -0.0758962482213974, + 0.8663403391838074, + -0.011328241787850857, + -0.2119555026292801, + -0.04352515563368797, + 0.4939470589160919, + -0.07519569993019104, + 0.044724561274051666, + -0.19822515547275543, + 2.3300271034240723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/58.png", + [ + 0.20180091261863708, + -0.016424167901277542, + -0.0771656185388565, + 0.8614252805709839, + -0.025148747488856316, + -0.21426354348659515, + -0.020163636654615402, + 0.21805858612060547, + -0.07477851212024689, + 0.027735870331525803, + -0.20146164298057556, + 2.321164131164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/123.png", + [ + 0.2073887437582016, + 0.00021456199465319514, + -0.06275154650211334, + 0.7269797325134277, + -0.010313797742128372, + -0.2136102169752121, + -0.034816641360521317, + 0.39593836665153503, + -0.06189854070544243, + 0.036311522126197815, + -0.20444545149803162, + 2.447411060333252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/64.png", + [ + 0.1984783113002777, + -0.016086246818304062, + -0.08541363477706909, + 0.940647542476654, + -0.02562829665839672, + -0.21429572999477386, + -0.01919420249760151, + 0.20762979984283447, + -0.08305086195468903, + 0.027685005217790604, + -0.19820189476013184, + 2.2421936988830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/10.png", + [ + 0.20513492822647095, + -0.03333117067813873, + -0.061291053891181946, + 0.696024477481842, + -0.032477378845214844, + -0.21408739686012268, + 0.007726090028882027, + -0.09699180722236633, + -0.0617477223277092, + 0.0018723078537732363, + -0.20768149197101593, + 2.420351982116699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/170.png", + [ + 0.20309041440486908, + 0.004077688325196505, + -0.07540257275104523, + 0.8649430274963379, + -0.01260902639478445, + -0.21148967742919922, + -0.04539847746491432, + 0.5192550420761108, + -0.07445259392261505, + 0.046940188854932785, + -0.19799324870109558, + 2.3471713066101074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/41.png", + [ + 0.20055629312992096, + -0.020651839673519135, + -0.07936352491378784, + 0.882498562335968, + -0.027335738763213158, + -0.21453440189361572, + -0.013253250159323215, + 0.13482727110385895, + -0.07731639593839645, + 0.022279873490333557, + -0.20118071138858795, + 2.30631160736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/166.png", + [ + 0.20223844051361084, + 0.007926561869680882, + -0.07736074179410934, + 0.88727867603302, + -0.009302498772740364, + -0.21153251826763153, + -0.04599294811487198, + 0.5250145196914673, + -0.07720737159252167, + 0.04624994471669197, + -0.19709859788417816, + 2.3350605964660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/91.png", + [ + 0.2041739523410797, + -0.002736825030297041, + -0.07248042523860931, + 0.7958582043647766, + -0.01708810031414032, + -0.21224066615104675, + -0.04012226313352585, + 0.4401821792125702, + -0.07049042731523514, + 0.04352366179227829, + -0.20021159946918488, + 2.2913618087768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/140.png", + [ + 0.20405539870262146, + 0.005621728021651506, + -0.07264769822359085, + 0.819647490978241, + -0.006350127514451742, + -0.21383482217788696, + -0.03438373655080795, + 0.3834109306335449, + -0.07258765399456024, + 0.03451031073927879, + -0.2012162059545517, + 2.361370086669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/23.png", + [ + 0.20080071687698364, + -0.03134236857295036, + -0.07513071596622467, + 0.8449499011039734, + -0.034423235803842545, + -0.21390482783317566, + -0.0027675132732838392, + 0.019971948117017746, + -0.07376998662948608, + 0.014500824734568596, + -0.20321321487426758, + 2.3503966331481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/37.png", + [ + 0.19750089943408966, + -0.02691960521042347, + -0.08495071530342102, + 0.9394441843032837, + -0.034146588295698166, + -0.2136477530002594, + -0.011685234494507313, + 0.12652955949306488, + -0.08231221139431, + 0.024038907140493393, + -0.19898423552513123, + 2.2576441764831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/36.png", + [ + 0.1988281011581421, + -0.02609614096581936, + -0.08206258714199066, + 0.9038521647453308, + -0.03383421525359154, + -0.21355397999286652, + -0.014065591618418694, + 0.15420465171337128, + -0.07918664067983627, + 0.02572132647037506, + -0.20003946125507355, + 2.27193021774292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/8.png", + [ + 0.20499548316001892, + -0.03181013464927673, + -0.06255286186933517, + 0.7160291075706482, + -0.029349111020565033, + -0.21429607272148132, + 0.012794818729162216, + -0.15673863887786865, + -0.06374460458755493, + -0.003632217412814498, + -0.20705391466617584, + 2.432387351989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/6.png", + [ + 0.20475812256336212, + -0.03697660565376282, + -0.06045443192124367, + 0.6935107707977295, + -0.033951714634895325, + -0.21343231201171875, + 0.015550785697996616, + -0.18803289532661438, + -0.062203604727983475, + -0.00522266048938036, + -0.20748813450336456, + 2.456852436065674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/169.png", + [ + 0.20302808284759521, + 0.005716320592910051, + -0.07546400278806686, + 0.8659785985946655, + -0.010885776951909065, + -0.21160311996936798, + -0.04531576484441757, + 0.5169942378997803, + -0.07489320635795593, + 0.046253032982349396, + -0.19798879325389862, + 2.3506860733032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/154.png", + [ + 0.20499290525913239, + 0.007308102212846279, + -0.06980253756046295, + 0.7923257350921631, + -0.00680274935439229, + -0.21241314709186554, + -0.04221697896718979, + 0.4762285053730011, + -0.06985359638929367, + 0.042132437229156494, + -0.20073172450065613, + 2.360616683959961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/20.png", + [ + 0.20230887830257416, + -0.029845742508769035, + -0.07161178439855576, + 0.8025080561637878, + -0.03148162364959717, + -0.21437497437000275, + 0.0004073348536621779, + -0.01359299011528492, + -0.0709078460931778, + 0.01002446562051773, + -0.20449812710285187, + 2.3630118370056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/2.png", + [ + 0.20509405434131622, + -0.04061710834503174, + -0.05687331408262253, + 0.6622224450111389, + -0.03673575446009636, + -0.21265500783920288, + 0.019396573305130005, + -0.24280954897403717, + -0.05945425480604172, + -0.008717390708625317, + -0.2081756293773651, + 2.4968385696411133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/117.png", + [ + 0.20699572563171387, + 0.0004219422989990562, + -0.06403498351573944, + 0.7400231957435608, + -0.010247022844851017, + -0.21365967392921448, + -0.034531787037849426, + 0.3914691209793091, + -0.06321120262145996, + 0.03601760417222977, + -0.2040954977273941, + 2.435072898864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/149.png", + [ + 0.2026650309562683, + 0.004867265932261944, + -0.07649239897727966, + 0.8687649369239807, + -0.010005716234445572, + -0.21270683407783508, + -0.0400446355342865, + 0.4534662365913391, + -0.075991190969944, + 0.0409877672791481, + -0.1987290382385254, + 2.334728717803955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/161.png", + [ + 0.2028271108865738, + 0.00812348909676075, + -0.07578306645154953, + 0.8657167553901672, + -0.008572488091886044, + -0.21164187788963318, + -0.04563029110431671, + 0.5169278383255005, + -0.07573359459638596, + 0.04571235924959183, + -0.1977946013212204, + 2.3272790908813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/5.png", + [ + 0.20411504805088043, + -0.03770004212856293, + -0.06215819716453552, + 0.7127575278282166, + -0.03400588408112526, + -0.21325816214084625, + 0.01767631806433201, + -0.21183176338672638, + -0.06425367295742035, + -0.00689632399007678, + -0.20681345462799072, + 2.4568634033203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/108.png", + [ + 0.20487463474273682, + -0.0038894140161573887, + -0.0704212412238121, + 0.8008792996406555, + -0.011914930306375027, + -0.21514400839805603, + -0.022781234234571457, + 0.25437289476394653, + -0.06951484829187393, + 0.025413040071725845, + -0.20364126563072205, + 2.396035671234131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/60.png", + [ + 0.2038138210773468, + -0.017996516078710556, + -0.07130177319049835, + 0.7833174467086792, + -0.024617599323391914, + -0.214662104845047, + -0.016188057139515877, + 0.1722521185874939, + -0.06929495930671692, + 0.02332819625735283, + -0.203965425491333, + 2.323801040649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/56.png", + [ + 0.2025979459285736, + -0.01698613539338112, + -0.07492285966873169, + 0.838493824005127, + -0.02488258108496666, + -0.21442990005016327, + -0.018670203164219856, + 0.20159763097763062, + -0.07268301397562027, + 0.02606128342449665, + -0.20244969427585602, + 2.3367156982421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/147.png", + [ + 0.2033163160085678, + 0.004123871214687824, + -0.07478872686624527, + 0.8503592610359192, + -0.010187297128140926, + -0.21281321346759796, + -0.039429180324077606, + 0.4459083080291748, + -0.07420632988214493, + 0.04051462933421135, + -0.19949907064437866, + 2.3433656692504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/30.png", + [ + 0.19996896386146545, + -0.03137483447790146, + -0.07730414718389511, + 0.8623031973838806, + -0.03416108340024948, + -0.21395927667617798, + -0.0015292532043531537, + 0.010438941419124603, + -0.07611394673585892, + 0.013599175959825516, + -0.2024095505475998, + 2.332014560699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/17.png", + [ + 0.20210760831832886, + -0.03087221272289753, + -0.07174478471279144, + 0.8056955933570862, + -0.03283287584781647, + -0.2141723334789276, + -0.0003317288646940142, + -0.004065524786710739, + -0.07086896896362305, + 0.011180969886481762, + -0.20445163547992706, + 2.367828845977783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/12.png", + [ + 0.20363052189350128, + -0.03371258080005646, + -0.06592394411563873, + 0.7445624470710754, + -0.033192042261362076, + -0.21400557458400726, + 0.006913525052368641, + -0.09033852815628052, + -0.0661875456571579, + 0.0036014614161103964, + -0.20628653466701508, + 2.395549774169922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/114.png", + [ + 0.20558804273605347, + -9.560205216985196e-05, + -0.06842109560966492, + 0.7882100939750671, + -0.010410165414214134, + -0.21419553458690643, + -0.03098061867058277, + 0.3524692952632904, + -0.06762459129095078, + 0.03268273174762726, + -0.20324039459228516, + 2.421102523803711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/27.png", + [ + 0.20034174621105194, + -0.02829664945602417, + -0.07752664387226105, + 0.8718660473823547, + -0.031103765591979027, + -0.2144201099872589, + -0.002115563489496708, + 0.0079418383538723, + -0.07644369453191757, + 0.01308508776128292, + -0.2023191601037979, + 2.340412139892578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/42.png", + [ + 0.19992698729038239, + -0.01907917857170105, + -0.0813208669424057, + 0.9069517254829407, + -0.02626720257103443, + -0.214605450630188, + -0.014227927662432194, + 0.14702603220939636, + -0.0792914479970932, + 0.022986624389886856, + -0.2003306895494461, + 2.30580472946167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/174.png", + [ + 0.2020968347787857, + 0.007233568001538515, + -0.07779742777347565, + 0.8880040645599365, + -0.009741539135575294, + -0.21172788739204407, + -0.04499225318431854, + 0.5112677812576294, + -0.07752333581447601, + 0.04546291008591652, + -0.19715768098831177, + 2.329263210296631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/7.png", + [ + 0.2059001922607422, + -0.03395866975188255, + -0.058307990431785583, + 0.6685506701469421, + -0.03110857866704464, + -0.21392284333705902, + 0.01473680604249239, + -0.1786811798810959, + -0.059877123683691025, + -0.005632556509226561, + -0.20816075801849365, + 2.4545907974243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/73.png", + [ + 0.20133091509342194, + -0.01136274915188551, + -0.07927575707435608, + 0.8723239898681641, + -0.02465031109750271, + -0.21286220848560333, + -0.03209264576435089, + 0.3506752848625183, + -0.07619789987802505, + 0.0388389453291893, + -0.1990811675786972, + 2.266714572906494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/120.png", + [ + 0.20686233043670654, + 0.0006719254888594151, + -0.06446249037981033, + 0.748370885848999, + -0.009650337509810925, + -0.21389873325824738, + -0.03319784998893738, + 0.37714624404907227, + -0.0637395903468132, + 0.0345655120909214, + -0.2041822373867035, + 2.4461140632629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/46.png", + [ + 0.20044705271720886, + -0.01718956232070923, + -0.0804574117064476, + 0.900729775428772, + -0.025107871741056442, + -0.2145652174949646, + -0.01671091467142105, + 0.17533725500106812, + -0.07834839075803757, + 0.024782631546258926, + -0.20048752427101135, + 2.313492774963379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/127.png", + [ + 0.206978440284729, + 0.002221121685579419, + -0.06405375152826309, + 0.7345069646835327, + -0.010739272460341454, + -0.21228110790252686, + -0.042063113301992416, + 0.4769202768802643, + -0.06318610906600952, + 0.0433555543422699, + -0.20267142355442047, + 2.403987407684326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/133.png", + [ + 0.2036643624305725, + 0.0040496597066521645, + -0.07383985817432404, + 0.840603232383728, + -0.011884554289281368, + -0.2117449790239334, + -0.04439276084303856, + 0.5038881897926331, + -0.07298959791660309, + 0.04577728360891342, + -0.19880859553813934, + 2.3364477157592773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/57.png", + [ + 0.20159639418125153, + -0.015826666727662086, + -0.07782218605279922, + 0.8716027736663818, + -0.024722125381231308, + -0.21428480744361877, + -0.02046303078532219, + 0.2224852442741394, + -0.07546915113925934, + 0.02791837602853775, + -0.20117869973182678, + 2.322648048400879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/44.png", + [ + 0.20015549659729004, + -0.017272159457206726, + -0.0811624750494957, + 0.9074752330780029, + -0.02449100650846958, + -0.21478433907032013, + -0.014689305797219276, + 0.15284700691699982, + -0.0792834460735321, + 0.02274329960346222, + -0.20036160945892334, + 2.3111343383789062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/113.png", + [ + 0.20599021017551422, + 0.00028293670038692653, + -0.06720005720853806, + 0.7728418707847595, + -0.009599500335752964, + -0.21432673931121826, + -0.030328011140227318, + 0.34327518939971924, + -0.06651148200035095, + 0.0318097248673439, + -0.20374557375907898, + 2.4258923530578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/126.png", + [ + 0.2057356834411621, + 0.0011735705193132162, + -0.0679658055305481, + 0.7851946949958801, + -0.011419739574193954, + -0.21296660602092743, + -0.038245394825935364, + 0.4346194863319397, + -0.0670098289847374, + 0.039896659553050995, + -0.20215298235416412, + 2.4167098999023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/29.png", + [ + 0.19961746037006378, + -0.03248082846403122, + -0.07775447517633438, + 0.870330810546875, + -0.035107873380184174, + -0.21380989253520966, + -0.0008156683179549873, + -0.0010558068752288818, + -0.07660418003797531, + 0.013350043445825577, + -0.20224112272262573, + 2.33927583694458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/4.png", + [ + 0.20426201820373535, + -0.03841506689786911, + -0.06123080104589462, + 0.7061998248100281, + -0.034976277500391006, + -0.21315224468708038, + 0.01704915426671505, + -0.20897705852985382, + -0.0632581114768982, + -0.006188397295773029, + -0.20714248716831207, + 2.4719576835632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/55.png", + [ + 0.20175054669380188, + -0.016648057848215103, + -0.07724934816360474, + 0.8648094534873962, + -0.02481183595955372, + -0.21444545686244965, + -0.01858527772128582, + 0.20022521913051605, + -0.07502660900354385, + 0.026151133701205254, + -0.20158131420612335, + 2.3300223350524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/9.png", + [ + 0.2047448307275772, + -0.03382217511534691, + -0.06231781467795372, + 0.7102029323577881, + -0.032088518142700195, + -0.21401666104793549, + 0.010728076100349426, + -0.13079066574573517, + -0.06322798132896423, + -0.0009084213525056839, + -0.20724211633205414, + 2.424046516418457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/25.png", + [ + 0.20032352209091187, + -0.028745904564857483, + -0.07740837335586548, + 0.8716882467269897, + -0.031298235058784485, + -0.21439778804779053, + -0.0013785890769213438, + 0.001574970781803131, + -0.07641206681728363, + 0.012456047348678112, + -0.2023708075284958, + 2.341830253601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/99.png", + [ + 0.20184460282325745, + -0.0005894197383895516, + -0.07878010720014572, + 0.868655264377594, + -0.01415227260440588, + -0.21341527998447418, + -0.03466317057609558, + 0.38467615842819214, + -0.07750076055526733, + 0.03743627294898033, + -0.19884681701660156, + 2.2651166915893555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/34.png", + [ + 0.19792546331882477, + -0.026080815121531487, + -0.08422110974788666, + 0.937892735004425, + -0.0331389382481575, + -0.21380724012851715, + -0.011668958701193333, + 0.11977697908878326, + -0.08170199394226074, + 0.023540284484624863, + -0.19929508864879608, + 2.285881519317627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/72.png", + [ + 0.19901569187641144, + -0.004944308660924435, + -0.08553480356931686, + 0.9503691792488098, + -0.019136572256684303, + -0.2134140282869339, + -0.03218916058540344, + 0.352262020111084, + -0.08351311832666397, + 0.03712013363838196, + -0.19645749032497406, + 2.2404675483703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/102.png", + [ + 0.20347914099693298, + -0.008483747020363808, + -0.07397399097681046, + 0.8189321160316467, + -0.016345296055078506, + -0.21510225534439087, + -0.020291650667786598, + 0.2239021360874176, + -0.07264265418052673, + 0.024636272341012955, + -0.2026425302028656, + 2.330270767211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/134.png", + [ + 0.20364658534526825, + 0.0029758941382169724, + -0.07393992692232132, + 0.8364551663398743, + -0.012143654748797417, + -0.21222035586833954, + -0.0419875830411911, + 0.4716878831386566, + -0.072996586561203, + 0.043606989085674286, + -0.19929330050945282, + 2.327920436859131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/70.png", + [ + 0.20040227472782135, + -0.01196871418505907, + -0.08150814473628998, + 0.8997220993041992, + -0.0231979638338089, + -0.21389950811862946, + -0.025627166032791138, + 0.27842292189598083, + -0.07904861122369766, + 0.032429106533527374, + -0.19911696016788483, + 2.273714542388916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/135.png", + [ + 0.20353864133358002, + 0.003348306519910693, + -0.0742206797003746, + 0.8356130719184875, + -0.011251028627157211, + -0.21256907284259796, + -0.0404437854886055, + 0.4571681618690491, + -0.0734393298625946, + 0.041845839470624924, + -0.19950811564922333, + 2.325563430786133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/130.png", + [ + 0.20338085293769836, + 0.00431316252797842, + -0.07460244745016098, + 0.8560546040534973, + -0.011488557793200016, + -0.21193696558475494, + -0.043573249131441116, + 0.4985388219356537, + -0.07383861392736435, + 0.044855453073978424, + -0.19870516657829285, + 2.340512275695801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/90.png", + [ + 0.20237129926681519, + -0.0016235194634646177, + -0.07740230113267899, + 0.8536460995674133, + -0.016258209943771362, + -0.2126876264810562, + -0.03804657608270645, + 0.41594189405441284, + -0.07569294422864914, + 0.041342902928590775, + -0.19876930117607117, + 2.27714204788208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/122.png", + [ + 0.20675253868103027, + 3.909038059646264e-05, + -0.06481727957725525, + 0.7531688213348389, + -0.010642098262906075, + -0.21371370553970337, + -0.03407478332519531, + 0.38802921772003174, + -0.06393768638372421, + 0.035697951912879944, + -0.20392528176307678, + 2.4436631202697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/15.png", + [ + 0.20316919684410095, + -0.03300783783197403, + -0.06768052279949188, + 0.7620959877967834, + -0.033837515860795975, + -0.2139979749917984, + 0.002790618920698762, + -0.0421021431684494, + -0.06726956367492676, + 0.007952813059091568, + -0.20581412315368652, + 2.3873744010925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/162.png", + [ + 0.20242317020893097, + 0.006278271321207285, + -0.07702814787626266, + 0.8798760175704956, + -0.010671583004295826, + -0.2116190642118454, + -0.045292243361473083, + 0.5136352777481079, + -0.07654324918985367, + 0.0461069792509079, + -0.19739092886447906, + 2.326512336730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/22.png", + [ + 0.2011517733335495, + -0.029995022341609, + -0.07474061846733093, + 0.8376991152763367, + -0.03266182914376259, + -0.21418991684913635, + -0.0019447723170742393, + 0.011719603091478348, + -0.07361431419849396, + 0.013071950525045395, + -0.20336654782295227, + 2.34580659866333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/171.png", + [ + 0.20140330493450165, + 0.006493826862424612, + -0.07963937520980835, + 0.9126508235931396, + -0.010905834846198559, + -0.2117028683423996, + -0.04484255239367485, + 0.5121480226516724, + -0.07915595173835754, + 0.04569049924612045, + -0.19645512104034424, + 2.3292665481567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/138.png", + [ + 0.20305758714675903, + 0.005907347425818443, + -0.07536989450454712, + 0.8490793108940125, + -0.006708492524921894, + -0.21375210583209991, + -0.03482714295387268, + 0.388955295085907, + -0.07530282437801361, + 0.034971944987773895, + -0.20013581216335297, + 2.3374838829040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/109.png", + [ + 0.20438960194587708, + -0.004041939973831177, + -0.07180843502283096, + 0.8209043741226196, + -0.013300275430083275, + -0.21472513675689697, + -0.0257703959941864, + 0.2898988127708435, + -0.0706816166639328, + 0.028717124834656715, + -0.2027987390756607, + 2.3986430168151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/26.png", + [ + 0.20100224018096924, + -0.029488544911146164, + -0.07534198462963104, + 0.8468186855316162, + -0.031895797699689865, + -0.21431070566177368, + -0.0012133412528783083, + -0.0007928796112537384, + -0.0743548721075058, + 0.012216365896165371, + -0.20315022766590118, + 2.3469347953796387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/43.png", + [ + 0.2001500278711319, + -0.018380846828222275, + -0.0809321328997612, + 0.9034319519996643, + -0.02579115331172943, + -0.2146076261997223, + -0.015042598359286785, + 0.1568448692560196, + -0.07888399064540863, + 0.023528870195150375, + -0.2004285603761673, + 2.309217929840088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/84.png", + [ + 0.20206724107265472, + -0.0035155920777469873, + -0.07813042402267456, + 0.8564315438270569, + -0.019912824034690857, + -0.21163475513458252, + -0.041977353394031525, + 0.454917848110199, + -0.0756320133805275, + 0.04632773622870445, + -0.19769024848937988, + 2.2371773719787598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/136.png", + [ + 0.20350958406925201, + 0.00227611162699759, + -0.0743408277630806, + 0.8356857299804688, + -0.010735901072621346, + -0.2134060114622116, + -0.03592366725206375, + 0.4087025821208954, + -0.07359673827886581, + 0.03742443770170212, + -0.2003268003463745, + 2.334764003753662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/89.png", + [ + 0.20105606317520142, + 0.000405152328312397, + -0.08077248930931091, + 0.8942566514015198, + -0.015348059125244617, + -0.21253284811973572, + -0.03926990553736687, + 0.429300457239151, + -0.07930193841457367, + 0.042160697281360626, + -0.19718411564826965, + 2.2552061080932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/63.png", + [ + 0.20117241144180298, + -0.018865322694182396, + -0.07824103534221649, + 0.8553369641304016, + -0.02668147161602974, + -0.21435904502868652, + -0.01691725105047226, + 0.18564572930335999, + -0.07593192905187607, + 0.025341546162962914, + -0.20134557783603668, + 2.275113105773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/88.png", + [ + 0.20118267834186554, + -0.0012103748740628362, + -0.08044848591089249, + 0.8878467679023743, + -0.01665724813938141, + -0.2125828117132187, + -0.038457468152046204, + 0.41680678725242615, + -0.07871441543102264, + 0.04189243167638779, + -0.19747647643089294, + 2.250422954559326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/62.png", + [ + 0.202965646982193, + -0.020609423518180847, + -0.07299377024173737, + 0.7952700853347778, + -0.0274023599922657, + -0.21436287462711334, + -0.01567041501402855, + 0.1716422736644745, + -0.07072446495294571, + 0.023910310119390488, + -0.20340660214424133, + 2.2952094078063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/65.png", + [ + 0.19641193747520447, + -0.012578676454722881, + -0.09062020480632782, + 1.002064824104309, + -0.023704061284661293, + -0.2142849713563919, + -0.021632477641105652, + 0.23214221000671387, + -0.08836492896080017, + 0.029523270204663277, + -0.19562186300754547, + 2.2179431915283203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/80.png", + [ + 0.20403917133808136, + -0.012507311068475246, + -0.07182951271533966, + 0.7835479378700256, + -0.027772443369030952, + -0.21070259809494019, + -0.042201925069093704, + 0.4657810628414154, + -0.06741367280483246, + 0.048947710543870926, + -0.2000185251235962, + 2.2729506492614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/146.png", + [ + 0.20364277064800262, + 0.0054737781174480915, + -0.07380754500627518, + 0.8379907608032227, + -0.008534987457096577, + -0.21290266513824463, + -0.03933839499950409, + 0.44356927275657654, + -0.07351646572351456, + 0.039879731833934784, + -0.19988206028938293, + 2.3464293479919434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/119.png", + [ + 0.20703871548175812, + 0.00044049142161384225, + -0.06389576941728592, + 0.740547239780426, + -0.009526751935482025, + -0.21403495967388153, + -0.032344669103622437, + 0.36670517921447754, + -0.06318309158086777, + 0.03371560946106911, + -0.2044970691204071, + 2.445126533508301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/145.png", + [ + 0.20424103736877441, + 0.007010362576693296, + -0.07200241088867188, + 0.8151887059211731, + -0.006550834514200687, + -0.21297667920589447, + -0.0393180325627327, + 0.44158509373664856, + -0.07204567641019821, + 0.03923870995640755, + -0.2005433589220047, + 2.346752643585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/167.png", + [ + 0.2022353857755661, + 0.007144378498196602, + -0.07744483649730682, + 0.8886210322380066, + -0.009863733313977718, + -0.21166011691093445, + -0.04528353363275528, + 0.5169682502746582, + -0.07714565098285675, + 0.045791368931531906, + -0.19722980260849, + 2.3399248123168945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/79.png", + [ + 0.203646719455719, + -0.012055981904268265, + -0.07301071286201477, + 0.797809362411499, + -0.02767988294363022, + -0.21067111194133759, + -0.042419400066137314, + 0.46589675545692444, + -0.0686275064945221, + 0.04919588565826416, + -0.199544295668602, + 2.258340358734131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/176.png", + [ + 0.20099590718746185, + 0.005836587864905596, + -0.08071232587099075, + 0.9261864423751831, + -0.009819370694458485, + -0.21275436878204346, + -0.03983794525265694, + 0.45963919162750244, + -0.08032511919736862, + 0.04061300307512283, + -0.19709478318691254, + 2.347168445587158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/165.png", + [ + 0.202569380402565, + 0.008457493968307972, + -0.07643304765224457, + 0.873934805393219, + -0.008559392765164375, + -0.21154221892356873, + -0.04609247297048569, + 0.524072527885437, + -0.07642170041799545, + 0.04611127823591232, + -0.19743698835372925, + 2.3320813179016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/116.png", + [ + 0.20590537786483765, + 0.00021540869784075767, + -0.06745979189872742, + 0.782167911529541, + -0.010761947371065617, + -0.21379368007183075, + -0.03353102132678032, + 0.38140571117401123, + -0.06659617274999619, + 0.035215090960264206, + -0.20315693318843842, + 2.428999900817871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/19.png", + [ + 0.20158612728118896, + -0.028501486405730247, + -0.07415255159139633, + 0.8322020173072815, + -0.03007693588733673, + -0.21457578241825104, + 0.0007098473142832518, + -0.016849838197231293, + -0.07352763414382935, + 0.009632810950279236, + -0.2035897672176361, + 2.3560962677001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/77.png", + [ + 0.20093899965286255, + -0.004491946194320917, + -0.08093974739313126, + 0.8978057503700256, + -0.02106017805635929, + -0.2118060141801834, + -0.040528781712055206, + 0.4454207420349121, + -0.07828085124492645, + 0.04545256495475769, + -0.19686055183410645, + 2.2368083000183105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/68.png", + [ + 0.2007633000612259, + -0.019102901220321655, + -0.07922794669866562, + 0.869448721408844, + -0.029448246583342552, + -0.21341052651405334, + -0.02316565252840519, + 0.24636584520339966, + -0.07599203288555145, + 0.0322323702275753, + -0.20033515989780426, + 2.28607177734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/143.png", + [ + 0.20434364676475525, + 0.006570305675268173, + -0.07175234705209732, + 0.8130837082862854, + -0.006786298472434282, + -0.2130577117204666, + -0.03883623704314232, + 0.43681618571281433, + -0.07173223793506622, + 0.03887335956096649, + -0.20072677731513977, + 2.355997085571289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/86.png", + [ + 0.20245185494422913, + -0.0037753309588879347, + -0.07711606472730637, + 0.8453616499900818, + -0.01920487731695175, + -0.21207591891288757, + -0.04003584012389183, + 0.43262970447540283, + -0.07478176802396774, + 0.04424300044775009, + -0.19848965108394623, + 2.259246349334717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/1.png", + [ + 0.20497539639472961, + -0.04111959785223007, + -0.05693996697664261, + 0.6663912534713745, + -0.037010788917541504, + -0.21252816915512085, + 0.020245376974344254, + -0.25465112924575806, + -0.059692397713661194, + -0.00942616444081068, + -0.2080765813589096, + 2.500957489013672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/81.png", + [ + 0.20348721742630005, + -0.0076669007539749146, + -0.074040986597538, + 0.8124159574508667, + -0.023473210632801056, + -0.21113502979278564, + -0.04264862835407257, + 0.4694753587245941, + -0.07063892483711243, + 0.04807406663894653, + -0.1991153359413147, + 2.256335735321045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/95.png", + [ + 0.20271112024784088, + -0.002666381187736988, + -0.07647865265607834, + 0.8447588682174683, + -0.015784142538905144, + -0.21334359049797058, + -0.034398701041936874, + 0.3832296133041382, + -0.07487960904836655, + 0.0377531498670578, + -0.19978898763656616, + 2.2850914001464844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/103.png", + [ + 0.20490005612373352, + -0.008772923611104488, + -0.06990634649991989, + 0.7783266305923462, + -0.01586182788014412, + -0.2152131050825119, + -0.019483810290694237, + 0.21476702392101288, + -0.06864592432975769, + 0.02354256436228752, + -0.2041601687669754, + 2.356645107269287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/150.png", + [ + 0.2031245231628418, + 0.005372950341552496, + -0.07522931694984436, + 0.8557242751121521, + -0.009455102495849133, + -0.21260499954223633, + -0.04071390628814697, + 0.4617038667201996, + -0.07482593506574631, + 0.04145060479640961, + -0.1990749090909958, + 2.341360092163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/83.png", + [ + 0.20249946415424347, + -0.002305292757228017, + -0.07704898715019226, + 0.8484197854995728, + -0.01917768456041813, + -0.21127459406852722, + -0.044081322848796844, + 0.47851184010505676, + -0.07465974241495132, + 0.048016998916864395, + -0.1976567506790161, + 2.234219551086426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/142.png", + [ + 0.20457226037979126, + 0.004401873331516981, + -0.07126504927873611, + 0.8046669960021973, + -0.008613742887973785, + -0.21316149830818176, + -0.03789294511079788, + 0.4255734384059906, + -0.07087939232587814, + 0.038609519600868225, + -0.20108036696910858, + 2.358635425567627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/51.png", + [ + 0.20116451382637024, + -0.019530169665813446, + -0.0780981108546257, + 0.8752566576004028, + -0.027488166466355324, + -0.21423213183879852, + -0.017230287194252014, + 0.18449339270591736, + -0.07566467672586441, + 0.025904720649123192, + -0.20137451589107513, + 2.33050537109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/128.png", + [ + 0.20636337995529175, + -0.00034983785008080304, + -0.06604484468698502, + 0.7558358311653137, + -0.013500372879207134, + -0.21232011914253235, + -0.04105854779481888, + 0.4662696421146393, + -0.0646512433886528, + 0.04321969673037529, + -0.20223788917064667, + 2.3907856941223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/168.png", + [ + 0.20203161239624023, + 0.007828867062926292, + -0.07790908217430115, + 0.8955948948860168, + -0.009305541403591633, + -0.21166042983531952, + -0.04540003836154938, + 0.5189624428749084, + -0.07774653285741806, + 0.04567784070968628, + -0.19702006876468658, + 2.3403525352478027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/93.png", + [ + 0.2026659995317459, + -0.0004931123112328351, + -0.0766429677605629, + 0.8482013940811157, + -0.015287735499441624, + -0.21257632970809937, + -0.039057470858097076, + 0.42878660559654236, + -0.07510441541671753, + 0.04193992540240288, + -0.19886744022369385, + 2.2729029655456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/76.png", + [ + 0.18936891853809357, + 0.05360680818557739, + -0.09062901139259338, + 1.016581654548645, + 0.050311632454395294, + -0.20989209413528442, + -0.019024645909667015, + 0.20611460506916046, + -0.09249889850616455, + -0.004416842013597488, + -0.19588859379291534, + 2.2470030784606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/48.png", + [ + 0.21542029082775116, + 0.00252544111572206, + -0.023143531754612923, + 0.26863816380500793, + 0.001837816322222352, + -0.21656852960586548, + -0.006525719538331032, + 0.06919904053211212, + -0.0232082586735487, + 0.0062916395254433155, + -0.21533621847629547, + 2.5609045028686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/137.png", + [ + 0.2165059894323349, + 0.003323363373056054, + -0.00787430815398693, + 0.09433353692293167, + 0.0027148243971168995, + -0.216026172041893, + -0.01652940921485424, + 0.1817442774772644, + -0.008104270324110985, + 0.016417883336544037, + -0.21589969098567963, + 2.5502982139587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/173.png", + [ + 0.21017512679100037, + 0.015313748270273209, + -0.050396423786878586, + 0.5686247944831848, + 0.01441881898790598, + -0.21612335741519928, + -0.005539704579859972, + 0.05032100901007652, + -0.05065973103046417, + 0.0020198544953018427, + -0.210659459233284, + 2.405569076538086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/35.png", + [ + 0.2162911593914032, + 0.006058385595679283, + -0.011372186243534088, + 0.13573603332042694, + 0.005611218046396971, + -0.21643196046352386, + -0.008579818531870842, + 0.09166879951953888, + -0.011599347926676273, + 0.00827012863010168, + -0.21620582044124603, + 2.610653877258301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/124.png", + [ + 0.21632906794548035, + 0.0074329315684735775, + -0.009714336134493351, + 0.11882159858942032, + 0.006482438184320927, + -0.21559523046016693, + -0.020605076104402542, + 0.23055678606033325, + -0.010372791439294815, + 0.020281584933400154, + -0.21547378599643707, + 2.579165458679199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/97.png", + [ + 0.21524755656719208, + 0.02482675015926361, + -0.0001294071553274989, + 0.006249991245567799, + 0.024696407839655876, + -0.21422739326953888, + -0.02108575776219368, + 0.24052080512046814, + -0.002543968614190817, + 0.020932132378220558, + -0.2156461626291275, + 2.603830337524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/155.png", + [ + 0.21642538905143738, + 0.009255655109882355, + -0.004719906952232122, + 0.05982201546430588, + 0.008851394057273865, + -0.21580052375793457, + -0.017311494797468185, + 0.19045087695121765, + -0.005440358072519302, + 0.017098767682909966, + -0.21593037247657776, + 2.5574636459350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/192.png", + [ + 0.196182519197464, + 0.018671153113245964, + -0.09006493538618088, + 1.0058801174163818, + 0.017099639400839806, + -0.21586844325065613, + -0.007504160515964031, + 0.07448047399520874, + -0.09037647396326065, + -0.0003133388818241656, + -0.19692610204219818, + 2.26267147064209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/13.png", + [ + 0.21570076048374176, + 0.004988078493624926, + -0.01990460604429245, + 0.2409423440694809, + 0.004475612659007311, + -0.21655163168907166, + -0.005766686517745256, + 0.05883536860346794, + -0.020026063546538353, + 0.005329620558768511, + -0.21568134427070618, + 2.6054983139038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/32.png", + [ + 0.2159852832555771, + 0.009214934892952442, + -0.014606115408241749, + 0.17603692412376404, + 0.008882108144462109, + -0.21642999351024628, + -0.005202190484851599, + 0.05313241109251976, + -0.01481087040156126, + 0.004586893133819103, + -0.216119185090065, + 2.614626407623291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/158.png", + [ + 0.2163916528224945, + 0.010930079035460949, + -0.001755165751092136, + 0.02418811433017254, + 0.010718383826315403, + -0.21545706689357758, + -0.020279789343476295, + 0.22568407654762268, + -0.0027683102525770664, + 0.020166480913758278, + -0.21571634709835052, + 2.560532569885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/38.png", + [ + 0.21609820425510406, + 0.007646579761058092, + -0.01381993480026722, + 0.1644415259361267, + 0.007357185240834951, + -0.21649767458438873, + -0.004746200051158667, + 0.04616514965891838, + -0.013976143673062325, + 0.0042643179185688496, + -0.21618135273456573, + 2.603483200073242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/148.png", + [ + 0.21647676825523376, + 0.005088195204734802, + -0.007733878679573536, + 0.09387846291065216, + 0.0045416452921926975, + -0.2161034196615219, + -0.01505270041525364, + 0.16426868736743927, + -0.008066974580287933, + 0.014876849949359894, + -0.21601271629333496, + 2.554814338684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/111.png", + [ + 0.21631427109241486, + 0.011574988253414631, + -0.004696488846093416, + 0.05469265207648277, + 0.010989279486238956, + -0.21507059037685394, + -0.0239118579775095, + 0.26143643260002136, + -0.005939117167145014, + 0.023633889853954315, + -0.21529993414878845, + 2.4930648803710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/164.png", + [ + 0.21609202027320862, + 0.014436548575758934, + -0.0066118002869188786, + 0.07847985625267029, + 0.013573812320828438, + -0.21476425230503082, + -0.025297462940216064, + 0.2913655638694763, + -0.0082390196621418, + 0.024815240874886513, + -0.21509118378162384, + 2.56162166595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/11.png", + [ + 0.21557864546775818, + 0.005309556145220995, + -0.02110815793275833, + 0.2565101981163025, + 0.004747098311781883, + -0.2165398895740509, + -0.0059862020425498486, + 0.060025934129953384, + -0.021241718903183937, + 0.005493466276675463, + -0.2155609130859375, + 2.6035051345825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/125.png", + [ + 0.21637661755084991, + 0.0073209661059081554, + -0.00868680514395237, + 0.10637125372886658, + 0.006482422351837158, + -0.21562828123569489, + -0.020256338641047478, + 0.2263258993625641, + -0.009329274296760559, + 0.019968587905168533, + -0.2155507355928421, + 2.573997974395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/59.png", + [ + 0.20883409678936005, + 0.0062392521649599075, + -0.05742201581597328, + 0.6441152095794678, + 0.0042159645818173885, + -0.21647877991199493, + -0.008188992738723755, + 0.08174128830432892, + -0.05760592222213745, + 0.006775374989956617, + -0.20876671373844147, + 2.403829574584961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/105.png", + [ + 0.21582446992397308, + 0.01845012791454792, + 0.005223858170211315, + -0.06100774556398392, + 0.018925918266177177, + -0.21445028483867645, + -0.024510785937309265, + 0.2772243618965149, + 0.0030831049662083387, + 0.024870900437235832, + -0.21522042155265808, + 2.591994285583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/121.png", + [ + 0.2161942720413208, + 0.009245660156011581, + -0.011065476574003696, + 0.13546711206436157, + 0.007899359799921513, + -0.2150425761938095, + -0.02534136176109314, + 0.28969040513038635, + -0.012063463218510151, + 0.024881767109036446, + -0.21490292251110077, + 2.594554901123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/175.png", + [ + 0.20323118567466736, + 0.017610518261790276, + -0.07304009795188904, + 0.8224783539772034, + 0.0179318655282259, + -0.21592049300670624, + -0.0021653438452631235, + 0.014596167951822281, + -0.07296186685562134, + -0.004013759084045887, + -0.20398125052452087, + 2.3415703773498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/24.png", + [ + 0.21613846719264984, + 0.007787696551531553, + -0.013092459179461002, + 0.15825989842414856, + 0.006764332763850689, + -0.21591922640800476, + -0.016763931140303612, + 0.18965895473957062, + -0.013649340718984604, + 0.016313716769218445, + -0.21562804281711578, + 2.601839065551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/74.png", + [ + 0.18760256469249725, + 0.05194906145334244, + -0.09515500068664551, + 1.0702630281448364, + 0.04915490001440048, + -0.2102663367986679, + -0.017881913110613823, + 0.19292820990085602, + -0.09662802517414093, + -0.006104276981204748, + -0.19383925199508667, + 2.2324414253234863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/193.png", + [ + 0.19779519736766815, + 0.0184136014431715, + -0.08652106672525406, + 0.9643415808677673, + 0.01641547679901123, + -0.21588782966136932, + -0.008418412879109383, + 0.08631275594234467, + -0.0869223102927208, + 0.001129975775256753, + -0.1984720081090927, + 2.279801368713379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/129.png", + [ + 0.21655309200286865, + 0.004228140693157911, + -0.005896941293030977, + 0.07220688462257385, + 0.0036955680698156357, + -0.21580639481544495, + -0.019022265449166298, + 0.21243491768836975, + -0.006244507618248463, + 0.01891101896762848, + -0.21575745940208435, + 2.5544896125793457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/172.png", + [ + 0.21343910694122314, + 0.013540690764784813, + -0.034760523587465286, + 0.3903105556964874, + 0.012729539535939693, + -0.21621543169021606, + -0.0060621765442192554, + 0.05426434054970741, + -0.035065699368715286, + 0.003929487429559231, + -0.21378226578235626, + 2.4340648651123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/153.png", + [ + 0.21648529171943665, + 0.007605987600982189, + -0.004915254190564156, + 0.061441756784915924, + 0.007144574075937271, + -0.21571075916290283, + -0.01912379078567028, + 0.21166229248046875, + -0.005564696155488491, + 0.018945004791021347, + -0.21577304601669312, + 2.550605297088623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/144.png", + [ + 0.21643881499767303, + 0.003993972670286894, + -0.009283359162509441, + 0.11199376732110977, + 0.003480828134343028, + -0.21631893515586853, + -0.011912238784134388, + 0.12884552776813507, + -0.0094876978546381, + 0.011750140227377415, + -0.21614767611026764, + 2.553561210632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/188.png", + [ + 0.1960664540529251, + 0.015304015949368477, + -0.09094853699207306, + 1.0147827863693237, + 0.015683423727750778, + -0.21609123051166534, + -0.002551666460931301, + 0.019066084176301956, + -0.09088388085365295, + -0.004274096339941025, + -0.19664624333381653, + 2.2577037811279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/98.png", + [ + 0.21538731455802917, + 0.023582935333251953, + 0.00020346097880974412, + 0.0034684285055845976, + 0.023492146283388138, + -0.2143775224685669, + -0.0209355391561985, + 0.23927515745162964, + -0.002077326877042651, + 0.020833218470215797, + -0.21566075086593628, + 2.6056113243103027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/0.png", + [ + 0.21625147759914398, + -0.00013945996761322021, + -0.013534193858504295, + 0.16334351897239685, + -0.000622597464825958, + -0.2165362685918808, + -0.00771670788526535, + 0.0821046382188797, + -0.01352058444172144, + 0.007740525994449854, + -0.21611380577087402, + 2.6212949752807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/163.png", + [ + 0.2161751687526703, + 0.013534130528569221, + -0.0057453131303191185, + 0.06854528933763504, + 0.012760077603161335, + -0.21475644409656525, + -0.025782713666558266, + 0.2979528605937958, + -0.00730491429567337, + 0.025384940207004547, + -0.21505844593048096, + 2.561401844024658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/96.png", + [ + 0.2151632308959961, + 0.02554510161280632, + -0.0003544887586031109, + 0.008121129125356674, + 0.02539869025349617, + -0.21421293914318085, + -0.02038663439452648, + 0.23165157437324524, + -0.0027539667207747698, + 0.02020287699997425, + -0.21571311354637146, + 2.598522186279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/100.png", + [ + 0.21540607511997223, + 0.023376034572720528, + 0.0012962790206074715, + -0.00929476972669363, + 0.023395709693431854, + -0.21447968482971191, + -0.01997506618499756, + 0.22624436020851135, + -0.000871871190611273, + 0.019998088479042053, + -0.21574802696704865, + 2.607288360595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/40.png", + [ + 0.21632523834705353, + 0.004588751122355461, + -0.011411572806537151, + 0.1358969509601593, + 0.004212940577417612, + -0.2165140062570572, + -0.007200012914836407, + 0.07626599073410034, + -0.011555595323443413, + 0.006966521497815847, + -0.2162540853023529, + 2.5976061820983887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/141.png", + [ + 0.2164694219827652, + 0.0036959382705390453, + -0.008673236705362797, + 0.10497888177633286, + 0.0031564845703542233, + -0.21623897552490234, + -0.013365653343498707, + 0.14486469328403473, + -0.008883782662451267, + 0.013226645067334175, + -0.21608801186084747, + 2.5562081336975098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/52.png", + [ + 0.21496672928333282, + 0.007885018363595009, + -0.025981195271015167, + 0.29738685488700867, + 0.007051811553537846, + -0.21643541753292084, + -0.007339639123529196, + 0.07718941569328308, + -0.02621961012482643, + 0.0064362115226686, + -0.21498605608940125, + 2.546229362487793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/184.png", + [ + 0.19662556052207947, + 0.018280360847711563, + -0.08917456865310669, + 0.9913704991340637, + 0.01723703183233738, + -0.21589744091033936, + -0.006251127924770117, + 0.06079493835568428, + -0.0893820971250534, + -0.0014213628601282835, + -0.19737455248832703, + 2.2610607147216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/3.png", + [ + 0.21598203480243683, + 0.002525624819099903, + -0.01712569035589695, + 0.20731352269649506, + 0.002121288562193513, + -0.21660204231739044, + -0.0051907566376030445, + 0.05253037437796593, + -0.017180459573864937, + 0.0050064995884895325, + -0.2159343957901001, + 2.608376979827881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/47.png", + [ + 0.21562063694000244, + 0.0021444344893097878, + -0.02123764529824257, + 0.24734291434288025, + 0.0014785779640078545, + -0.21656109392642975, + -0.0068552386946976185, + 0.07294729351997375, + -0.02129436284303665, + 0.006676966790109873, + -0.21552230417728424, + 2.5672402381896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/104.png", + [ + 0.2157319188117981, + 0.01973639242351055, + 0.00425459211692214, + -0.04861879721283913, + 0.020084543153643608, + -0.21444399654865265, + -0.023627763614058495, + 0.2668721079826355, + 0.0020585935562849045, + 0.023919343948364258, + -0.2153404951095581, + 2.598295211791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/21.png", + [ + 0.21618156135082245, + 0.004839230328798294, + -0.01378436665982008, + 0.16874919831752777, + 0.003782066749408841, + -0.21601086854934692, + -0.016519665718078613, + 0.18775610625743866, + -0.014111089520156384, + 0.016241468489170074, + -0.2156037539243698, + 2.604464054107666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/82.png", + [ + 0.2057865560054779, + 0.05076507851481438, + -0.04497433453798294, + 0.4928889274597168, + 0.04913527891039848, + -0.21063350141048431, + -0.012928411364555359, + 0.1375429332256317, + -0.04674941673874855, + 0.0020799250341951847, + -0.21156100928783417, + 2.4051103591918945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/106.png", + [ + 0.21591772139072418, + 0.017766844481229782, + 0.003430336946621537, + -0.03907999023795128, + 0.018041273579001427, + -0.2145354151725769, + -0.024432877078652382, + 0.27570533752441406, + 0.0013930269051343203, + 0.024633152410387993, + -0.21526533365249634, + 2.58394193649292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/14.png", + [ + 0.21569857001304626, + 0.004591585136950016, + -0.020023586228489876, + 0.24287070333957672, + 0.003970562946051359, + -0.2165289670228958, + -0.006880208384245634, + 0.07207950949668884, + -0.020155925303697586, + 0.006482282653450966, + -0.2156376987695694, + 2.608610153198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/67.png", + [ + 0.18150745332241058, + 0.053783342242240906, + -0.10540534555912018, + 1.1873446702957153, + 0.05292582884430885, + -0.2095186859369278, + -0.015769409015774727, + 0.16534213721752167, + -0.10583850741386414, + -0.01253676787018776, + -0.18865031003952026, + 2.177699565887451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/78.png", + [ + 0.19217535853385925, + 0.05213600769639015, + -0.08543043583631516, + 0.9589475989341736, + 0.05033059045672417, + -0.21020875871181488, + -0.015066584572196007, + 0.16095320880413055, + -0.08650638908147812, + -0.006481323391199112, + -0.19855107367038727, + 2.272736072540283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/191.png", + [ + 0.1952546089887619, + 0.017319131642580032, + -0.09232324361801147, + 1.0325593948364258, + 0.01735898107290268, + -0.21594476699829102, + -0.003797039622440934, + 0.031964320689439774, + -0.09231576323509216, + -0.003974845167249441, + -0.19598440825939178, + 2.250352382659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/31.png", + [ + 0.21592466533184052, + 0.00970399845391512, + -0.015174776315689087, + 0.18289217352867126, + 0.009276122786104679, + -0.21638193726539612, + -0.006380768958479166, + 0.06739312410354614, + -0.015440046787261963, + 0.005709031596779823, + -0.21604838967323303, + 2.6162896156311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/194.png", + [ + 0.19823944568634033, + 0.020534172654151917, + -0.08501390367746353, + 0.9447197318077087, + 0.017566395923495293, + -0.21567431092262268, + -0.011131597682833672, + 0.1168188601732254, + -0.08567635715007782, + 0.0032921903766691685, + -0.19898898899555206, + 2.286868095397949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/152.png", + [ + 0.21651269495487213, + 0.007059770170599222, + -0.004506294149905443, + 0.05641338229179382, + 0.006603727117180824, + -0.21560288965702057, + -0.02048601023852825, + 0.2265930473804474, + -0.005151487421244383, + 0.020333359017968178, + -0.21565692126750946, + 2.5450172424316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/39.png", + [ + 0.2161945104598999, + 0.006101734936237335, + -0.01306148525327444, + 0.15538454055786133, + 0.005836540833115578, + -0.2165481299161911, + -0.004554710350930691, + 0.04347795620560646, + -0.013182124122977257, + 0.00419278210029006, + -0.21623264253139496, + 2.6023755073547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/92.png", + [ + 0.21453818678855896, + 0.027917884290218353, + -0.01191022340208292, + 0.14468607306480408, + 0.027232639491558075, + -0.21459418535232544, + -0.012474535033106804, + 0.13699565827846527, + -0.013403171673417091, + 0.010854603722691536, + -0.21598710119724274, + 2.570547580718994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/53.png", + [ + 0.2148774266242981, + 0.007384357508271933, + -0.026852505281567574, + 0.30568626523017883, + 0.006496191490441561, + -0.21644596755504608, + -0.007538577076047659, + 0.07931552827358246, + -0.027081085368990898, + 0.006670975126326084, + -0.2148720771074295, + 2.5400233268737793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/75.png", + [ + 0.18772830069065094, + 0.05280167609453201, + -0.09443496912717819, + 1.0614159107208252, + 0.04958922788500786, + -0.21007685363292694, + -0.018881870433688164, + 0.20433735847473145, + -0.09616074711084366, + -0.00525348074734211, + -0.1940964013338089, + 2.2324905395507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/151.png", + [ + 0.21652700006961823, + 0.006380211561918259, + -0.004820886068046093, + 0.05967925488948822, + 0.005896051414310932, + -0.21561801433563232, + -0.020542746409773827, + 0.22719082236289978, + -0.005402280017733574, + 0.020397568121552467, + -0.2156447172164917, + 2.543701648712158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/87.png", + [ + 0.2125864177942276, + 0.040767084807157516, + -0.009641765616834164, + 0.1060008555650711, + 0.040276285260915756, + -0.21261663734912872, + -0.010949162766337395, + 0.11505526304244995, + -0.011521262116730213, + 0.008950326591730118, + -0.2161829173564911, + 2.5403823852539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/139.png", + [ + 0.2165205031633377, + 0.0028718081302940845, + -0.007650267332792282, + 0.09186134487390518, + 0.002289188327267766, + -0.21604762971401215, + -0.016311991959810257, + 0.17896130681037903, + -0.007844327948987484, + 0.01621956191956997, + -0.21592426300048828, + 2.5499672889709473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/107.png", + [ + 0.21611765027046204, + 0.015275636687874794, + 0.002777199959382415, + -0.030786294490098953, + 0.015492391772568226, + -0.21472160518169403, + -0.024546295404434204, + 0.2723616659641266, + 0.0010216447990387678, + 0.02468176931142807, + -0.21526184678077698, + 2.54986572265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/112.png", + [ + 0.21622861921787262, + 0.011861049570143223, + -0.007238383404910564, + 0.08513571321964264, + 0.010990931652486324, + -0.2150532305240631, + -0.02406657487154007, + 0.2658948600292206, + -0.00850165355950594, + 0.02364986389875412, + -0.21521222591400146, + 2.514766216278076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/69.png", + [ + 0.18356925249099731, + 0.058530040085315704, + -0.09911839663982391, + 1.1145823001861572, + 0.05661565437912941, + -0.20835542678833008, + -0.018181869760155678, + 0.19385410845279694, + -0.10022418946027756, + -0.010495091788470745, + -0.1918146312236786, + 2.2150917053222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/157.png", + [ + 0.21637938916683197, + 0.011025616899132729, + -0.0025082549545913935, + 0.03234638273715973, + 0.010766169056296349, + -0.21558208763599396, + -0.018877150490880013, + 0.2091517150402069, + -0.0034561825450509787, + 0.01872679963707924, + -0.21583618223667145, + 2.563046455383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/45.png", + [ + 0.2159530073404312, + 0.0019767493940889835, + -0.017557809129357338, + 0.2069239616394043, + 0.0013436219887807965, + -0.21652813255786896, + -0.007851936854422092, + 0.08530217409133911, + -0.017617572098970413, + 0.007716909982264042, + -0.21581928431987762, + 2.5793070793151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/50.png", + [ + 0.21517589688301086, + 0.0055063823238015175, + -0.024837519973516464, + 0.28577497601509094, + 0.004727532155811787, + -0.21650850772857666, + -0.007042895071208477, + 0.07488797605037689, + -0.02499745972454548, + 0.006452261004596949, + -0.21513108909130096, + 2.5562987327575684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/101.png", + [ + 0.21546699106693268, + 0.022841457277536392, + 0.0003703576512634754, + 0.001146349124610424, + 0.022776374593377113, + -0.21452556550502777, + -0.020196933299303055, + 0.22794729471206665, + -0.0017624408937990665, + 0.020123295485973358, + -0.2157309651374817, + 2.60646390914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/85.png", + [ + 0.21119600534439087, + 0.045897021889686584, + -0.015414668247103691, + 0.1619388312101364, + 0.04504760727286339, + -0.2115582823753357, + -0.01271649356931448, + 0.13620981574058533, + -0.01774434559047222, + 0.009190179407596588, + -0.21575118601322174, + 2.517277717590332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/156.png", + [ + 0.2164490669965744, + 0.009158851578831673, + -0.0037162392400205135, + 0.0472572036087513, + 0.00881825853139162, + -0.21573834121227264, + -0.01808595098555088, + 0.19984379410743713, + -0.004464675206691027, + 0.01791587844491005, + -0.21588650345802307, + 2.5599493980407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/181.png", + [ + 0.1967814564704895, + 0.020552009344100952, + -0.0883321464061737, + 0.9793435335159302, + 0.01958511210978031, + -0.21568816900253296, + -0.006552970968186855, + 0.06428299844264984, + -0.08855156600475311, + -0.0020329649560153484, + -0.197743222117424, + 2.259263038635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/131.png", + [ + 0.21660152077674866, + 0.0039522950537502766, + -0.004006802104413509, + 0.05006665736436844, + 0.0035720346495509148, + -0.2157464623451233, + -0.0197128988802433, + 0.22039851546287537, + -0.00434921495616436, + 0.01964019238948822, + -0.21573883295059204, + 2.540919780731201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/71.png", + [ + 0.18464143574237823, + 0.05544229596853256, + -0.09890193492174149, + 1.1134248971939087, + 0.05298781394958496, + -0.20928847789764404, + -0.018398914486169815, + 0.19713298976421356, + -0.1002383828163147, + -0.008507668040692806, + -0.1919056624174118, + 2.216111183166504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/160.png", + [ + 0.21629250049591064, + 0.012825383804738522, + -0.0009836475364863873, + 0.013435572385787964, + 0.012642365880310535, + -0.21501524746418, + -0.02359030768275261, + 0.26752564311027527, + -0.0023724697530269623, + 0.023491308093070984, + -0.215384379029274, + 2.5621280670166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/115.png", + [ + 0.21600180864334106, + 0.01164335384964943, + -0.012471909634768963, + 0.14827969670295715, + 0.009979993104934692, + -0.2146809846162796, + -0.02757476456463337, + 0.3146093785762787, + -0.013838929124176502, + 0.026914680376648903, + -0.21455064415931702, + 2.554694175720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/54.png", + [ + 0.21463310718536377, + 0.006510148756206036, + -0.028950734063982964, + 0.32821324467658997, + 0.005572961177676916, + -0.21647778153419495, + -0.007362866308540106, + 0.07620613276958466, + -0.029145654290914536, + 0.0065488675609230995, + -0.21460555493831635, + 2.5305023193359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/33.png", + [ + 0.21603068709373474, + 0.008920121937990189, + -0.014109129086136818, + 0.16945359110832214, + 0.008486192673444748, + -0.216399148106575, + -0.006877001374959946, + 0.07192102074623108, + -0.014374303631484509, + 0.006303971633315086, + -0.2161053717136383, + 2.613532543182373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/159.png", + [ + 0.21640244126319885, + 0.010781224817037582, + -0.0012815528316423297, + 0.01800680346786976, + 0.010596497915685177, + -0.21530137956142426, + -0.021929940208792686, + 0.2460925579071045, + -0.0023646133486181498, + 0.021839719265699387, + -0.21555818617343903, + 2.5620789527893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/177.png", + [ + 0.19850435853004456, + 0.019292563199996948, + -0.08468601852655411, + 0.9518364667892456, + 0.019710995256900787, + -0.21575607359409332, + -0.0029493507463485003, + 0.02301565557718277, + -0.08458960801362991, + -0.005001909099519253, + -0.199417844414711, + 2.2914352416992188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/49.png", + [ + 0.21532242000102997, + 0.005289528053253889, + -0.023583166301250458, + 0.27205729484558105, + 0.004445057827979326, + -0.21648234128952026, + -0.00797046534717083, + 0.08690294623374939, + -0.023756815120577812, + 0.007436918560415506, + -0.21523986756801605, + 2.554819107055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/118.png", + [ + 0.21595194935798645, + 0.011823938228189945, + -0.013146736659109592, + 0.15866248309612274, + 0.010100875049829483, + -0.21472331881523132, + -0.02719852700829506, + 0.31274133920669556, + -0.014512566849589348, + 0.026494940742850304, + -0.21455839276313782, + 2.579160690307617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/179.png", + [ + 0.19706138968467712, + 0.018722467124462128, + -0.08811455219984055, + 0.9838932156562805, + 0.01837804727256298, + -0.21584133803844452, + -0.004760608542710543, + 0.04473195597529411, + -0.08818703144788742, + -0.003144075395539403, + -0.19789153337478638, + 2.268217086791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/110.png", + [ + 0.21631737053394318, + 0.012137578800320625, + -0.0027142351027578115, + 0.031565286219120026, + 0.011779098771512508, + -0.2151099145412445, + -0.02317049913108349, + 0.24966824054718018, + -0.003992588724941015, + 0.022984743118286133, + -0.21541506052017212, + 2.485109329223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/18.png", + [ + 0.21614085137844086, + 0.004162507131695747, + -0.014618667773902416, + 0.17703160643577576, + 0.0030948638450354338, + -0.2160779982805252, + -0.015767499804496765, + 0.17861750721931458, + -0.014881323091685772, + 0.015519851818680763, + -0.21560513973236084, + 2.614114284515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/66.png", + [ + 0.1821696013212204, + 0.04900107532739639, + -0.10658808797597885, + 1.2013866901397705, + 0.04805971309542656, + -0.21076171100139618, + -0.014753347262740135, + 0.154006227850914, + -0.10701584070920944, + -0.01123796496540308, + -0.18806704878807068, + 2.168243408203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/16.png", + [ + 0.21571919322013855, + 0.005046626087278128, + -0.019689036533236504, + 0.23922258615493774, + 0.0042306226678192616, + -0.2164410501718521, + -0.009125418029725552, + 0.09925545752048492, + -0.019880352541804314, + 0.008700745180249214, + -0.21558517217636108, + 2.6146583557128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/190.png", + [ + 0.19592103362083435, + 0.015255854465067387, + -0.09126938879489899, + 1.019008755683899, + 0.015513488091528416, + -0.21610014140605927, + -0.0028199332300573587, + 0.02235303819179535, + -0.09122595936059952, + -0.003984880167990923, + -0.19649386405944824, + 2.253065586090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/94.png", + [ + 0.21524572372436523, + 0.024511681869626045, + -0.004042885731905699, + 0.050809409469366074, + 0.024108216166496277, + -0.21460774540901184, + -0.01761259324848652, + 0.19829979538917542, + -0.0059967744164168835, + 0.0170466136187315, + -0.21591976284980774, + 2.5871481895446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/28.png", + [ + 0.21585451066493988, + 0.009794283658266068, + -0.016087282449007034, + 0.19503416121006012, + 0.008892272599041462, + -0.21614359319210052, + -0.012278912588953972, + 0.13845303654670715, + -0.0166028942912817, + 0.01157221756875515, + -0.21572744846343994, + 2.6152725219726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/61.png", + [ + 0.2030685842037201, + 0.012493514455854893, + -0.07453155517578125, + 0.838158905506134, + 0.011007444933056831, + -0.21630406379699707, + -0.006267570424824953, + 0.05836024507880211, + -0.07476547360420227, + 0.0020876682829111814, + -0.20335599780082703, + 2.3482470512390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/132.png", + [ + 0.2165963053703308, + 0.0033119821455329657, + -0.004792689811438322, + 0.05986737832427025, + 0.0028731273487210274, + -0.21579599380493164, + -0.01928013376891613, + 0.2144099622964859, + -0.005067962687462568, + 0.019209614023566246, + -0.21576188504695892, + 2.5397987365722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/58.png", + [ + 0.2114955335855484, + 0.002632417716085911, + -0.04701715335249901, + 0.5279343724250793, + 0.000726394762750715, + -0.2164924442768097, + -0.00885356031358242, + 0.09010346233844757, + -0.04708518087863922, + 0.0084843123331666, + -0.21132652461528778, + 2.4369850158691406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/123.png", + [ + 0.21632790565490723, + 0.007978974841535091, + -0.009298577904701233, + 0.11451596766710281, + 0.006964534986764193, + -0.21536211669445038, + -0.022771792486310005, + 0.2574830949306488, + -0.010080816224217415, + 0.02243647351861, + -0.21527394652366638, + 2.581584930419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/64.png", + [ + 0.1867271363735199, + 0.03588955104351044, + -0.10388841480016708, + 1.176002860069275, + 0.03609893471002579, + -0.21346256136894226, + -0.00885973684489727, + 0.08827446401119232, + -0.10381584614515305, + -0.00967306736856699, + -0.18993839621543884, + 2.1971302032470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/10.png", + [ + 0.21561026573181152, + 0.0045941490679979324, + -0.020952334627509117, + 0.25385528802871704, + 0.004072800278663635, + -0.2165646106004715, + -0.005574221257120371, + 0.05534535273909569, + -0.02105988934636116, + 0.005153001751750708, + -0.21558716893196106, + 2.6004714965820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/170.png", + [ + 0.21604260802268982, + 0.011522814631462097, + -0.011862451210618019, + 0.125248983502388, + 0.010852876119315624, + -0.21605759859085083, + -0.012215700000524521, + 0.12334777414798737, + -0.012478304095566273, + 0.011585896834731102, + -0.21600452065467834, + 2.4761838912963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/41.png", + [ + 0.2163919359445572, + 0.00265921070240438, + -0.01074040587991476, + 0.12849876284599304, + 0.0022713858634233475, + -0.21652063727378845, + -0.007845547050237656, + 0.08364680409431458, + -0.010829058475792408, + 0.007722720503807068, + -0.2162659913301468, + 2.5954928398132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/166.png", + [ + 0.21612638235092163, + 0.015141969546675682, + -0.002829373814165592, + 0.030341515317559242, + 0.014779558405280113, + -0.2150535136461258, + -0.02194179594516754, + 0.24666184186935425, + -0.004341573920100927, + 0.021693279966711998, + -0.21554221212863922, + 2.5635180473327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/91.png", + [ + 0.2142251431941986, + 0.029110202565789223, + -0.014425165951251984, + 0.17491579055786133, + 0.02855839394032955, + -0.2145979106426239, + -0.008947067894041538, + 0.09494303166866302, + -0.015488944016397, + 0.006944639608263969, + -0.21600870788097382, + 2.5622363090515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/140.png", + [ + 0.2164984494447708, + 0.003609616309404373, + -0.007955149747431278, + 0.09591379761695862, + 0.003039834089577198, + -0.2161102294921875, + -0.015330392867326736, + 0.16726553440093994, + -0.008189818821847439, + 0.015206320211291313, + -0.21598514914512634, + 2.5504112243652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/23.png", + [ + 0.2162015587091446, + 0.005901861470192671, + -0.013036292977631092, + 0.15815715491771698, + 0.004908343777060509, + -0.21599845588207245, + -0.016385139897465706, + 0.18433870375156403, + -0.01344191562384367, + 0.016054054722189903, + -0.21566055715084076, + 2.6022753715515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/37.png", + [ + 0.21610966324806213, + 0.008080420084297657, + -0.013386949896812439, + 0.15879881381988525, + 0.007736224215477705, + -0.21645964682102203, + -0.005767718888819218, + 0.05770860239863396, + -0.013588761910796165, + 0.00527470838278532, + -0.21618376672267914, + 2.6062374114990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/178.png", + [ + 0.19715136289596558, + 0.01979653351008892, + -0.08767739683389664, + 0.9827340245246887, + 0.019468769431114197, + -0.21574176847934723, + -0.004934502765536308, + 0.046439219266176224, + -0.08775077015161514, + -0.0033881552517414093, + -0.1980813443660736, + 2.2734484672546387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/36.png", + [ + 0.2161368578672409, + 0.00800271611660719, + -0.012988865375518799, + 0.15415403246879578, + 0.007582572754472494, + -0.21642324328422546, + -0.007167699746787548, + 0.07459893822669983, + -0.013238528743386269, + 0.006695362739264965, + -0.21616613864898682, + 2.607757091522217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/182.png", + [ + 0.19552215933799744, + 0.020425081253051758, + -0.09111420065164566, + 1.011061429977417, + 0.019087301567196846, + -0.21570554375648499, + -0.007395259104669094, + 0.07263053953647614, + -0.09140382707118988, + -0.0013531239237636328, + -0.1964469701051712, + 2.247471332550049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/8.png", + [ + 0.21564845740795135, + 0.004009452648460865, + -0.020677657797932625, + 0.2510872185230255, + 0.003485248424112797, + -0.21657299995422363, + -0.005646223202347755, + 0.05450349673628807, + -0.02077244222164154, + 0.005286878906190395, + -0.21561181545257568, + 2.598954677581787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/6.png", + [ + 0.21590867638587952, + 0.0034698115196079016, + -0.017868822440505028, + 0.21732161939144135, + 0.003030106658115983, + -0.21658502519130707, + -0.005444278009235859, + 0.053612153977155685, + -0.017948618158698082, + 0.005175144877284765, + -0.21586790680885315, + 2.6066465377807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/197.png", + [ + 0.1966225802898407, + 0.02590264193713665, + -0.08727259188890457, + 0.9611040353775024, + 0.02312234416604042, + -0.21511651575565338, + -0.01175296027213335, + 0.12129871547222137, + -0.08805004507303238, + 0.0013520297361537814, + -0.1979728639125824, + 2.280017852783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/169.png", + [ + 0.21624086797237396, + 0.01247596275061369, + -0.005669343285262585, + 0.054679784923791885, + 0.012108047492802143, + -0.21592456102371216, + -0.01333706732839346, + 0.1370517909526825, + -0.006417655851691961, + 0.012993556447327137, + -0.2161894589662552, + 2.5238680839538574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/154.png", + [ + 0.21641285717487335, + 0.009146482683718204, + -0.005450740456581116, + 0.06812919676303864, + 0.008675702847540379, + -0.21578167378902435, + -0.017632346600294113, + 0.19418315589427948, + -0.006172590889036655, + 0.017392795532941818, + -0.21588720381259918, + 2.555438995361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/20.png", + [ + 0.21624909341335297, + 0.004033766221255064, + -0.012959600426256657, + 0.15870162844657898, + 0.0029304290656000376, + -0.215880885720253, + -0.018296130001544952, + 0.20854006707668304, + -0.013252739794552326, + 0.018084924668073654, + -0.2155114710330963, + 2.607536792755127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/2.png", + [ + 0.21610815823078156, + 0.001510165398940444, + -0.015584442764520645, + 0.1883864551782608, + 0.0011146381730213761, + -0.21660113334655762, + -0.005532519891858101, + 0.056269217282533646, + -0.015617716126143932, + 0.005437884945422411, + -0.216042622923851, + 2.611452102661133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/117.png", + [ + 0.21598125994205475, + 0.011074811220169067, + -0.013316945172846317, + 0.16042831540107727, + 0.009221176616847515, + -0.21454478800296783, + -0.028868606314063072, + 0.33256733417510986, + -0.014661595225334167, + 0.02820948325097561, + -0.2143295556306839, + 2.571700096130371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/149.png", + [ + 0.21648789942264557, + 0.006046934984624386, + -0.0066572558134794235, + 0.08089988678693771, + 0.0054802726954221725, + -0.21586742997169495, + -0.01786377839744091, + 0.19664490222930908, + -0.007130995858460665, + 0.017680004239082336, + -0.2158343344926834, + 2.545602321624756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/161.png", + [ + 0.21628035604953766, + 0.012637371197342873, + -0.0033181323669850826, + 0.04010329768061638, + 0.012183383107185364, + -0.21494105458259583, + -0.024490831419825554, + 0.2795444428920746, + -0.004719992633908987, + 0.024259688332676888, + -0.21526050567626953, + 2.5630335807800293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/5.png", + [ + 0.21593447029590607, + 0.003008300205692649, + -0.017639629542827606, + 0.21459293365478516, + 0.0026246567722409964, + -0.2166053205728531, + -0.004810757469385862, + 0.04695591703057289, + -0.01770078018307686, + 0.0045806486159563065, + -0.21590183675289154, + 2.6081385612487793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/187.png", + [ + 0.19618843495845795, + 0.015857569873332977, + -0.09058989584445953, + 1.009761929512024, + 0.015881791710853577, + -0.21606463193893433, + -0.0034268293529748917, + 0.02895548939704895, + -0.09058564901351929, + -0.0035372180864214897, + -0.1967984437942505, + 2.2577829360961914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/108.png", + [ + 0.21614696085453033, + 0.015000615268945694, + 0.0018344682175666094, + -0.020029399544000626, + 0.015111553482711315, + -0.2148108333349228, + -0.023996572941541672, + 0.26382529735565186, + 0.0001573799381731078, + 0.024066077545285225, + -0.21533390879631042, + 2.5191335678100586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/60.png", + [ + 0.2067725658416748, + 0.009265697561204433, + -0.06408703327178955, + 0.7180741429328918, + 0.007486729882657528, + -0.21642763912677765, + -0.007135655730962753, + 0.06825114786624908, + -0.06431911885738373, + 0.004595165140926838, + -0.20685704052448273, + 2.3830699920654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/56.png", + [ + 0.21445466578006744, + 0.0014865942066535354, + -0.03090117685496807, + 0.34377461671829224, + 0.0002748522674664855, + -0.21650734543800354, + -0.008508258499205112, + 0.0886363536119461, + -0.03093569166958332, + 0.008381889201700687, + -0.21429097652435303, + 2.4881510734558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/147.png", + [ + 0.21637436747550964, + 0.0055356998927891254, + -0.009969042614102364, + 0.12146815657615662, + 0.004936926998198032, + -0.21623289585113525, + -0.012917581014335155, + 0.1406208872795105, + -0.010278742760419846, + 0.01267253514379263, + -0.2160593718290329, + 2.556673526763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/30.png", + [ + 0.21586042642593384, + 0.010253953747451305, + -0.01571708545088768, + 0.18923009932041168, + 0.009689640253782272, + -0.21630840003490448, + -0.008042622357606888, + 0.08808788657188416, + -0.016071129590272903, + 0.007309536449611187, + -0.21595412492752075, + 2.6163411140441895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/17.png", + [ + 0.21595266461372375, + 0.004821639508008957, + -0.01700310781598091, + 0.2061104029417038, + 0.0037709041498601437, + -0.21622559428215027, + -0.013422571122646332, + 0.15093569457530975, + -0.017266564071178436, + 0.013081930577754974, + -0.2155890166759491, + 2.612119197845459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/12.png", + [ + 0.21559877693653107, + 0.004910738673061132, + -0.020998679101467133, + 0.2546752095222473, + 0.004347935318946838, + -0.216547891497612, + -0.006000404711812735, + 0.06186431273818016, + -0.021122390404343605, + 0.005549238529056311, + -0.21557119488716125, + 2.604322910308838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/114.png", + [ + 0.21602937579154968, + 0.011801854707300663, + -0.011829077266156673, + 0.1401737481355667, + 0.010227671824395657, + -0.21469011902809143, + -0.027412455528974533, + 0.3111799359321594, + -0.013213839381933212, + 0.026772454380989075, + -0.214607834815979, + 2.541378974914551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/27.png", + [ + 0.21593716740608215, + 0.009187835268676281, + -0.015317222103476524, + 0.18533754348754883, + 0.008250330574810505, + -0.21610747277736664, + -0.013318793848156929, + 0.15070085227489471, + -0.0158418957144022, + 0.012690228410065174, + -0.21572178602218628, + 2.615060806274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/42.png", + [ + 0.21633313596248627, + 0.0038676082622259855, + -0.01152893342077732, + 0.13810446858406067, + 0.003432872937992215, + -0.21649178862571716, + -0.00821076612919569, + 0.0873359888792038, + -0.01166576612740755, + 0.008015166968107224, + -0.21621184051036835, + 2.5919814109802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/174.png", + [ + 0.20696815848350525, + 0.017486000433564186, + -0.061695344746112823, + 0.6956194639205933, + 0.01690470054745674, + -0.2159672975540161, + -0.004500652197748423, + 0.03982601687312126, + -0.06185714527964592, + -0.0005143638700246811, + -0.20765675604343414, + 2.377674102783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/7.png", + [ + 0.2156762182712555, + 0.0040513607673347, + -0.020377689972519875, + 0.24696604907512665, + 0.0035601453855633736, + -0.2165786176919937, + -0.005378398112952709, + 0.05233609303832054, + -0.020469224080443382, + 0.0050187925808131695, + -0.21564722061157227, + 2.6020021438598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/73.png", + [ + 0.18670092523097992, + 0.05283349007368088, + -0.09643279016017914, + 1.0853360891342163, + 0.049979906529188156, + -0.21003496646881104, + -0.018308985978364944, + 0.1976439207792282, + -0.09794218093156815, + -0.006467748899012804, + -0.19316674768924713, + 2.225879669189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/120.png", + [ + 0.21611717343330383, + 0.00938241183757782, + -0.012378854677081108, + 0.14952096343040466, + 0.007821394130587578, + -0.21492429077625275, + -0.026349006220698357, + 0.30316779017448425, + -0.013419817201793194, + 0.025834370404481888, + -0.21471001207828522, + 2.5921335220336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/46.png", + [ + 0.21587714552879333, + 0.001856176066212356, + -0.018479766324162483, + 0.21571384370326996, + 0.0011590690119192004, + -0.21651601791381836, + -0.00820764061063528, + 0.0890389233827591, + -0.018536550924181938, + 0.008078576996922493, + -0.21572907269001007, + 2.5726752281188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/127.png", + [ + 0.21648284792900085, + 0.005857800133526325, + -0.006983096711337566, + 0.0857807993888855, + 0.00520823709666729, + -0.21573187410831451, + -0.01950712688267231, + 0.21734894812107086, + -0.007480088621377945, + 0.019322004169225693, + -0.21568171679973602, + 2.5623435974121094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/133.png", + [ + 0.2165866643190384, + 0.0034584251698106527, + -0.005112749058753252, + 0.06359308212995529, + 0.0029855796601623297, + -0.21577629446983337, + -0.019482551142573357, + 0.21657179296016693, + -0.005402519833296537, + 0.019404195249080658, + -0.21573635935783386, + 2.5407161712646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/57.png", + [ + 0.21361345052719116, + 0.0008401977247558534, + -0.03628339245915413, + 0.4040096402168274, + -0.0006402339204214513, + -0.21649561822414398, + -0.008782581426203251, + 0.08998961746692657, + -0.036287467926740646, + 0.008765713311731815, + -0.21343447268009186, + 2.4611353874206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/44.png", + [ + 0.2160644680261612, + 0.0027657451573759317, + -0.016012102365493774, + 0.1891113668680191, + 0.0021814159117639065, + -0.21651728451251984, + -0.007963052950799465, + 0.0857086032629013, + -0.01610211841762066, + 0.007779424078762531, + -0.21593539416790009, + 2.583935260772705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/113.png", + [ + 0.21616016328334808, + 0.011329307220876217, + -0.009712429717183113, + 0.11367083340883255, + 0.010101499035954475, + -0.21489040553569794, + -0.025845050811767578, + 0.2901727557182312, + -0.010983818210661411, + 0.025330884382128716, + -0.21490834653377533, + 2.5319266319274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/126.png", + [ + 0.21642254292964935, + 0.006658476777374744, + -0.008052259683609009, + 0.09812334179878235, + 0.005921769421547651, + -0.2157379537820816, + -0.01923457160592079, + 0.21391740441322327, + -0.008608534000813961, + 0.018992122262716293, + -0.2156689316034317, + 2.567727565765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/29.png", + [ + 0.2158689647912979, + 0.00965318363159895, + -0.01597798429429531, + 0.19363735616207123, + 0.008908681571483612, + -0.2162468582391739, + -0.010286842472851276, + 0.11480499804019928, + -0.016404734924435616, + 0.00959165021777153, + -0.2158397138118744, + 2.614941120147705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/4.png", + [ + 0.21599195897579193, + 0.0025806459598243237, + -0.016991451382637024, + 0.20578601956367493, + 0.0022378102876245975, + -0.21661730110645294, + -0.004453037399798632, + 0.04364589974284172, + -0.017039991915225983, + 0.004263520706444979, + -0.21596145629882812, + 2.6088361740112305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/55.png", + [ + 0.21454989910125732, + 0.0034650478046387434, + -0.030070455744862556, + 0.33907416462898254, + 0.0023909658193588257, + -0.21651773154735565, + -0.007890230044722557, + 0.0819021612405777, + -0.03017486073076725, + 0.007481036242097616, + -0.2144327461719513, + 2.5164871215820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/9.png", + [ + 0.2156543880701065, + 0.004740169737488031, + -0.02046009711921215, + 0.24858339130878448, + 0.0042046247981488705, + -0.21655474603176117, + -0.005853358656167984, + 0.05748825892806053, + -0.020576830953359604, + 0.005428763572126627, + -0.2156270295381546, + 2.5998082160949707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/25.png", + [ + 0.21610839664936066, + 0.00849640741944313, + -0.013147990219295025, + 0.1587551385164261, + 0.007604995742440224, + -0.2160475254058838, + -0.014612482860684395, + 0.16401107609272003, + -0.013682933524250984, + 0.01411281805485487, + -0.21578115224838257, + 2.607025623321533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/99.png", + [ + 0.21541599929332733, + 0.02329191379249096, + 0.0011523566208779812, + -0.0069869039580225945, + 0.023297032341361046, + -0.21445801854133606, + -0.020319966599345207, + 0.23089569807052612, + -0.001043771393597126, + 0.020325833931565285, + -0.2157166302204132, + 2.6070117950439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/34.png", + [ + 0.21628208458423615, + 0.006568455137312412, + -0.011261139065027237, + 0.13499777019023895, + 0.006129689514636993, + -0.2164207547903061, + -0.008507846854627132, + 0.09066793322563171, + -0.011505857110023499, + 0.008173857815563679, + -0.21621446311473846, + 2.609745502471924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/72.png", + [ + 0.18517543375492096, + 0.05405109375715256, + -0.09867338836193085, + 1.1108901500701904, + 0.05168119817972183, + -0.2096615433692932, + -0.017860407009720802, + 0.1918431669473648, + -0.09993503987789154, + -0.00827162154018879, + -0.19207412004470825, + 2.216785430908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/102.png", + [ + 0.21553483605384827, + 0.02210989035665989, + 0.0019448541570454836, + -0.018606344237923622, + 0.022194374352693558, + -0.21452730894088745, + -0.020816709846258163, + 0.23469260334968567, + -0.0001985962881008163, + 0.020906420424580574, + -0.2156635820865631, + 2.6050662994384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/134.png", + [ + 0.21654832363128662, + 0.0038951579481363297, + -0.006288622971624136, + 0.07686442881822586, + 0.003338151378557086, + -0.21583692729473114, + -0.018739856779575348, + 0.20740880072116852, + -0.006601195782423019, + 0.01863204874098301, + -0.21577109396457672, + 2.544365406036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/70.png", + [ + 0.1840403825044632, + 0.0573299378156662, + -0.0989459753036499, + 1.112954020500183, + 0.05538025125861168, + -0.20870982110500336, + -0.017920061945915222, + 0.19214460253715515, + -0.10005026310682297, + -0.010068724863231182, + -0.19192826747894287, + 2.2162303924560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/135.png", + [ + 0.21653537452220917, + 0.0034863713663071394, + -0.006940473802387714, + 0.08450696617364883, + 0.002931938273832202, + -0.21598511934280396, + -0.017021330073475838, + 0.18700599670410156, + -0.007192266173660755, + 0.01691647432744503, + -0.21589350700378418, + 2.5447869300842285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/130.png", + [ + 0.2165970802307129, + 0.0038837213069200516, + -0.004303471650928259, + 0.05329876393079758, + 0.0034702515695244074, + -0.21571998298168182, + -0.020018694922327995, + 0.2245272397994995, + -0.004643329884856939, + 0.01994260773062706, + -0.21570496261119843, + 2.546873092651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/90.png", + [ + 0.21345633268356323, + 0.03354935348033905, + -0.016085021197795868, + 0.19489018619060516, + 0.03307439386844635, + -0.21400582790374756, + -0.007449087221175432, + 0.07663477957248688, + -0.017040299251675606, + 0.004883140325546265, + -0.21594831347465515, + 2.554563522338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/122.png", + [ + 0.21620634198188782, + 0.008832001127302647, + -0.011167341843247414, + 0.13661065697669983, + 0.007577633950859308, + -0.21525919437408447, + -0.02353622205555439, + 0.26733002066612244, + -0.012053764425218105, + 0.02309480309486389, + -0.21510285139083862, + 2.593733310699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/15.png", + [ + 0.21573273837566376, + 0.004902394022792578, + -0.019576681777834892, + 0.23802953958511353, + 0.004195077810436487, + -0.216486856341362, + -0.007983378134667873, + 0.0859544575214386, + -0.01974034681916237, + 0.007569645997136831, + -0.21564070880413055, + 2.612208366394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/162.png", + [ + 0.21620814502239227, + 0.01322650071233511, + -0.0051954216323792934, + 0.06275983154773712, + 0.012536998838186264, + -0.21483804285526276, + -0.025205757468938828, + 0.29018110036849976, + -0.0066900234669446945, + 0.024850882589817047, + -0.21514080464839935, + 2.5636725425720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/22.png", + [ + 0.21621228754520416, + 0.005020142998546362, + -0.013226238079369068, + 0.16123007237911224, + 0.004036324564367533, + -0.21604397892951965, + -0.016018815338611603, + 0.18115201592445374, + -0.013558883219957352, + 0.01573825068771839, + -0.21567651629447937, + 2.6042637825012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/171.png", + [ + 0.2153022289276123, + 0.011412377469241619, + -0.02150806039571762, + 0.23571515083312988, + 0.0104997418820858, + -0.2162063866853714, + -0.009615516290068626, + 0.09266473352909088, + -0.02196803130209446, + 0.008512363769114017, + -0.21538996696472168, + 2.4474682807922363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/138.png", + [ + 0.21650655567646027, + 0.0031176996417343616, + -0.007942424155771732, + 0.09584742039442062, + 0.002494940534234047, + -0.21600943803787231, + -0.01678096316754818, + 0.18470752239227295, + -0.008159499615430832, + 0.016676492989063263, + -0.21587775647640228, + 2.550163745880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/109.png", + [ + 0.21627351641654968, + 0.013159699738025665, + -0.0006929350784048438, + 0.008644209243357182, + 0.013010787777602673, + -0.21504385769367218, + -0.023124633356928825, + 0.2510068118572235, + -0.002092190785333514, + 0.02304021641612053, + -0.21543599665164948, + 2.496481418609619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/26.png", + [ + 0.21600286662578583, + 0.008999018929898739, + -0.01448011677712202, + 0.17531868815422058, + 0.008048059418797493, + -0.216057687997818, + -0.014219732955098152, + 0.16013498604297638, + -0.015029464848339558, + 0.013637804426252842, + -0.21572208404541016, + 2.6103873252868652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/43.png", + [ + 0.21618437767028809, + 0.003372589824721217, + -0.01417185552418232, + 0.16873042285442352, + 0.0028812671080231667, + -0.21652300655841827, + -0.007575469557195902, + 0.07969564199447632, + -0.01427985168993473, + 0.0073698763735592365, + -0.21607792377471924, + 2.590121269226074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/84.png", + [ + 0.20978601276874542, + 0.04821207374334335, + -0.024765312671661377, + 0.2668493986129761, + 0.04692967236042023, + -0.21110455691814423, + -0.013430023565888405, + 0.14439484477043152, + -0.027116971090435982, + 0.007639117538928986, + -0.2148353010416031, + 2.4834237098693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/136.png", + [ + 0.21649639308452606, + 0.0033565813209861517, + -0.008120378479361534, + 0.09813336282968521, + 0.002745603211224079, + -0.21605761349201202, + -0.016107847914099693, + 0.17655685544013977, + -0.008346786722540855, + 0.0159916989505291, + -0.21592243015766144, + 2.547311782836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/89.png", + [ + 0.2134454846382141, + 0.0345454216003418, + -0.013983184471726418, + 0.1680903434753418, + 0.03398042172193527, + -0.21378427743911743, + -0.009461252018809319, + 0.09882709383964539, + -0.015305104665458202, + 0.007127309218049049, + -0.21601587533950806, + 2.5495223999023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/63.png", + [ + 0.19278645515441895, + 0.027259038761258125, + -0.09506954997777939, + 1.0760761499404907, + 0.027022643014788628, + -0.2148749828338623, + -0.0068127550184726715, + 0.06493937969207764, + -0.09513701498508453, + -0.00579497218132019, + -0.19458484649658203, + 2.2554450035095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/88.png", + [ + 0.21288326382637024, + 0.03824673220515251, + -0.012876495718955994, + 0.1509765088558197, + 0.037726689130067825, + -0.2131572663784027, + -0.009411507286131382, + 0.09707553684711456, + -0.014328756369650364, + 0.007004811428487301, + -0.21608681976795197, + 2.5420422554016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/62.png", + [ + 0.19821478426456451, + 0.018985755741596222, + -0.08543028682470322, + 0.9641283750534058, + 0.017877062782645226, + -0.21583837270736694, + -0.006488991901278496, + 0.06256167590618134, + -0.0856691524386406, + -0.0011123972944915295, + -0.19901621341705322, + 2.304429054260254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/65.png", + [ + 0.1821906417608261, + 0.043002814054489136, + -0.10911104083061218, + 1.2338722944259644, + 0.04350803419947624, + -0.21198157966136932, + -0.010897589847445488, + 0.11083881556987762, + -0.10891056060791016, + -0.012746152468025684, + -0.18687942624092102, + 2.1593518257141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/80.png", + [ + 0.1991496980190277, + 0.05290635675191879, + -0.06699413806200027, + 0.7451348304748535, + 0.0516599677503109, + -0.2100648283958435, + -0.012324929237365723, + 0.13040970265865326, + -0.06795987486839294, + -0.004644796252250671, + -0.20568853616714478, + 2.341151237487793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/146.png", + [ + 0.2163943499326706, + 0.004407484550029039, + -0.010097079910337925, + 0.12232910096645355, + 0.0038452246226370335, + -0.21630723774433136, + -0.012011982500553131, + 0.13003280758857727, + -0.010324301198124886, + 0.011817256920039654, + -0.216105654835701, + 2.5571484565734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/119.png", + [ + 0.21591854095458984, + 0.011506653390824795, + -0.013952602632343769, + 0.16881278157234192, + 0.009809947572648525, + -0.21495011448860168, + -0.025458132848143578, + 0.29203441739082336, + -0.015193522907793522, + 0.02473759464919567, + -0.21472099423408508, + 2.585292339324951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/180.png", + [ + 0.19699323177337646, + 0.01972699537873268, + -0.08804775774478912, + 0.9788722395896912, + 0.01896987110376358, + -0.21576200425624847, + -0.0058990600518882275, + 0.05751742050051689, + -0.0882139801979065, + -0.0023453598842024803, + -0.19789059460163116, + 2.26369047164917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/145.png", + [ + 0.21635949611663818, + 0.004859417211264372, + -0.01062321849167347, + 0.12827500700950623, + 0.004299444146454334, + -0.21633222699165344, + -0.011392306536436081, + 0.12336605787277222, + -0.010861928574740887, + 0.011164942756295204, + -0.21611398458480835, + 2.5536489486694336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/167.png", + [ + 0.21609841287136078, + 0.015379959717392921, + -0.0035815041046589613, + 0.035416413098573685, + 0.014994905330240726, + -0.21526122093200684, + -0.019638027995824814, + 0.21706508100032806, + -0.004952084273099899, + 0.01933794654905796, + -0.21575312316417694, + 2.56321382522583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/189.png", + [ + 0.19533424079418182, + 0.015399893745779991, + -0.09249471127986908, + 1.0337586402893066, + 0.015450648963451385, + -0.21609710156917572, + -0.0033497214317321777, + 0.02721303328871727, + -0.09248625487089157, + -0.0035758130252361298, + -0.1959117203950882, + 2.2499442100524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/79.png", + [ + 0.1946437805891037, + 0.05463932454586029, + -0.07795020937919617, + 0.8736807107925415, + 0.05268107354640961, + -0.20960929989814758, + -0.015379898250102997, + 0.16522575914859772, + -0.07928679138422012, + -0.005136271007359028, + -0.20158153772354126, + 2.3063859939575195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/176.png", + [ + 0.19986708462238312, + 0.01923869177699089, + -0.08143043518066406, + 0.9168812036514282, + 0.019587822258472443, + -0.21576794981956482, + -0.0028998027555644512, + 0.021862424910068512, + -0.08134716004133224, + -0.004686610773205757, + -0.20076994597911835, + 2.30795955657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/185.png", + [ + 0.19695238769054413, + 0.01693500205874443, + -0.08871786296367645, + 0.9882990717887878, + 0.016216663643717766, + -0.21600358188152313, + -0.005231313407421112, + 0.049096908420324326, + -0.08885197341442108, + -0.0018847985193133354, + -0.19760990142822266, + 2.2663779258728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/165.png", + [ + 0.21618632972240448, + 0.013823824934661388, + -0.004502241965383291, + 0.05088285729289055, + 0.013259358704090118, + -0.2149941474199295, + -0.023443764075636864, + 0.26798442006111145, + -0.005963033996522427, + 0.02311541698873043, + -0.21535556018352509, + 2.56610107421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/116.png", + [ + 0.2159808874130249, + 0.011866500601172447, + -0.012622879818081856, + 0.1507205069065094, + 0.010144171305000782, + -0.21459627151489258, + -0.028167903423309326, + 0.3238023519515991, + -0.014044457115232944, + 0.02748674340546131, + -0.21446475386619568, + 2.5644397735595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/19.png", + [ + 0.216234490275383, + 0.0037322237621992826, + -0.013289458118379116, + 0.16223067045211792, + 0.0025574490427970886, + -0.21582484245300293, + -0.018999870866537094, + 0.21626800298690796, + -0.013564609922468662, + 0.018804416060447693, + -0.21543048322200775, + 2.6082448959350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/77.png", + [ + 0.18963991105556488, + 0.0521533228456974, + -0.09091000258922577, + 1.0203161239624023, + 0.0504097044467926, + -0.21016475558280945, + -0.015411945059895515, + 0.1648789793252945, + -0.09188829362392426, + -0.007661378011107445, + -0.19607584178447723, + 2.247757911682129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/68.png", + [ + 0.18244332075119019, + 0.057222772389650345, + -0.10192092508077621, + 1.1469486951828003, + 0.055809859186410904, + -0.2086523473262787, + -0.017244040966033936, + 0.18236905336380005, + -0.10270141810178757, + -0.011732487939298153, + -0.19042757153511047, + 2.1964755058288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/143.png", + [ + 0.21642807126045227, + 0.004052870906889439, + -0.009505799040198326, + 0.11477028578519821, + 0.0035431201104074717, + -0.21633663773536682, + -0.011567043140530586, + 0.12399744987487793, + -0.009707332588732243, + 0.011398439295589924, + -0.2161567360162735, + 2.554542064666748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/183.png", + [ + 0.19653961062431335, + 0.01911870390176773, + -0.08918827772140503, + 0.989910900592804, + 0.017806554213166237, + -0.21582737565040588, + -0.007026109844446182, + 0.06900610029697418, + -0.08945948630571365, + -0.0009563970379531384, + -0.19734227657318115, + 2.257430076599121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/86.png", + [ + 0.21199442446231842, + 0.04380768537521362, + -0.009335068054497242, + 0.09576022624969482, + 0.043213166296482086, + -0.21191532909870148, + -0.013130106963217258, + 0.14171303808689117, + -0.011784692294895649, + 0.010984727181494236, + -0.2160748690366745, + 2.5305585861206055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/1.png", + [ + 0.21618372201919556, + 0.002231315243989229, + -0.014405453577637672, + 0.17459352314472198, + 0.0018786439904943109, + -0.21660025417804718, + -0.00535708200186491, + 0.0534740574657917, + -0.014455675147473812, + 0.005220044404268265, + -0.216128870844841, + 2.6202588081359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/81.png", + [ + 0.20251421630382538, + 0.053305622190237045, + -0.05562729388475418, + 0.6145437955856323, + 0.05172364413738251, + -0.21001192927360535, + -0.012944042682647705, + 0.13740862905979156, + -0.05710121989250183, + -0.0011810065479949117, + -0.20901183784008026, + 2.369231700897217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/95.png", + [ + 0.21522846817970276, + 0.024842502549290657, + -0.002730934415012598, + 0.03587346896529198, + 0.024497006088495255, + -0.2143906205892563, + -0.019607558846473694, + 0.22285032272338867, + -0.004950222093611956, + 0.019167933613061905, + -0.21576835215091705, + 2.590517997741699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/103.png", + [ + 0.21563062071800232, + 0.021088743582367897, + 0.0025677576195448637, + -0.027274325489997864, + 0.02124117873609066, + -0.2144790142774582, + -0.02225899137556553, + 0.2513163089752197, + 0.00037529037217609584, + 0.02240346558392048, + -0.2155129611492157, + 2.6030588150024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/196.png", + [ + 0.1979471892118454, + 0.02286399155855179, + -0.0851002186536789, + 0.9395105242729187, + 0.019937774166464806, + -0.21544821560382843, + -0.011508547700941563, + 0.12033939361572266, + -0.08583294600248337, + 0.0026831720024347305, + -0.19893065094947815, + 2.2895069122314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/150.png", + [ + 0.21650488674640656, + 0.00645909970626235, + -0.005640732124447823, + 0.06882597506046295, + 0.005938525777310133, + -0.21574817597866058, + -0.019114390015602112, + 0.21045884490013123, + -0.006186416372656822, + 0.018944816663861275, + -0.21575616300106049, + 2.542555332183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/83.png", + [ + 0.20822428166866302, + 0.04914360120892525, + -0.03428487479686737, + 0.37383559346199036, + 0.04763822257518768, + -0.21096806228160858, + -0.013075626455247402, + 0.1398385614156723, + -0.03634757176041603, + 0.005027778912335634, + -0.213545024394989, + 2.4447097778320312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/142.png", + [ + 0.21647000312805176, + 0.0036785586271435022, + -0.008666195906698704, + 0.10493913292884827, + 0.0032047266140580177, + -0.2163306176662445, + -0.011776517145335674, + 0.126495823264122, + -0.008852371014654636, + 0.011637217365205288, + -0.2161807119846344, + 2.5564780235290527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/186.png", + [ + 0.19637537002563477, + 0.01607486419379711, + -0.09014543145895004, + 1.0048967599868774, + 0.01575794816017151, + -0.21606004238128662, + -0.004200569353997707, + 0.03834916278719902, + -0.09020137041807175, + -0.002748908009380102, + -0.19698743522167206, + 2.260204792022705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/195.png", + [ + 0.19848358631134033, + 0.021666141226887703, + -0.0841590166091919, + 0.9319130182266235, + 0.018940936774015427, + -0.21557345986366272, + -0.010826889425516129, + 0.11397039890289307, + -0.0848139300942421, + 0.002561025321483612, + -0.19936883449554443, + 2.293259620666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/51.png", + [ + 0.21497514843940735, + 0.006717304699122906, + -0.026238415390253067, + 0.3019300699234009, + 0.005892453249543905, + -0.2164766788482666, + -0.007142537273466587, + 0.07535459101200104, + -0.02643587812781334, + 0.006372963078320026, + -0.2149614542722702, + 2.5528769493103027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/128.png", + [ + 0.21652278304100037, + 0.005243198946118355, + -0.006187389139086008, + 0.07562530040740967, + 0.00468417489901185, + -0.21579396724700928, + -0.01894497498869896, + 0.21100491285324097, + -0.006620680447667837, + 0.018797937780618668, + -0.2157561033964157, + 2.5575475692749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/168.png", + [ + 0.21614088118076324, + 0.014651203528046608, + -0.004044001922011375, + 0.03712799400091171, + 0.014333358034491539, + -0.2156614512205124, + -0.015251022763550282, + 0.16338388621807098, + -0.005056342110037804, + 0.014945938251912594, + -0.21609939634799957, + 2.5613532066345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/93.png", + [ + 0.21491360664367676, + 0.026345260441303253, + -0.008121317252516747, + 0.09861709177494049, + 0.025709928944706917, + -0.21457034349441528, + -0.015699094161391258, + 0.176265686750412, + -0.009951283223927021, + 0.014607850462198257, + -0.21595248579978943, + 2.5816802978515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/76.png", + [ + 0.16309881210327148, + 0.0032628702465444803, + -0.14260444045066833, + 1.641021490097046, + -0.023445021361112595, + -0.2130586802959442, + -0.031689323484897614, + 0.349687397480011, + -0.14070181548595428, + 0.03928404301404953, + -0.16002391278743744, + 1.8817273378372192, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/48.png", + [ + 0.18988586962223053, + -0.006300188601016998, + -0.10417082160711288, + 1.208475112915039, + -0.029095277190208435, + -0.21090005338191986, + -0.04028068855404854, + 0.45819130539894104, + -0.10022333264350891, + 0.049288712441921234, + -0.18567121028900146, + 2.19846773147583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/35.png", + [ + 0.19531650841236115, + -0.011209212243556976, + -0.09313274174928665, + 1.1281013488769531, + -0.03122507594525814, + -0.210623100399971, + -0.04013468697667122, + 0.47977152466773987, + -0.08845534175634384, + 0.04959992319345474, + -0.19147686660289764, + 2.3551487922668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/97.png", + [ + 0.19000957906246185, + 0.00018163659842684865, + -0.10413560271263123, + 1.1689505577087402, + -0.018936743959784508, + -0.21300140023231506, + -0.03492419049143791, + 0.3859410285949707, + -0.10239949822425842, + 0.039727404713630676, + -0.18677251040935516, + 2.147268295288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/13.png", + [ + 0.20879648625850677, + 0.004555673338472843, + -0.0577162504196167, + 0.6899620890617371, + -0.0072686634957790375, + -0.21223099529743195, + -0.043047260493040085, + 0.5104509592056274, + -0.05743766576051712, + 0.0434182733297348, + -0.20436160266399384, + 2.482776165008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/32.png", + [ + 0.19851242005825043, + -0.01126092579215765, + -0.08610406517982483, + 1.0457158088684082, + -0.029240673407912254, + -0.21096675097942352, + -0.03982338681817055, + 0.47900667786598206, + -0.08176614344120026, + 0.048105206340551376, + -0.1948026716709137, + 2.3983936309814453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/38.png", + [ + 0.19292022287845612, + -0.013118686154484749, + -0.09776287525892258, + 1.1703715324401855, + -0.03396240994334221, + -0.21045339107513428, + -0.03877917677164078, + 0.4558412730693817, + -0.09260796755552292, + 0.04985148087143898, + -0.18943728506565094, + 2.3072752952575684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/111.png", + [ + 0.20481881499290466, + 0.0013133658794686198, + -0.07067831605672836, + 0.8441449999809265, + -0.01287835743278265, + -0.21231861412525177, + -0.0412655770778656, + 0.48730549216270447, + -0.06950753927230835, + 0.04320850595831871, + -0.20062308013439178, + 2.4353342056274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/11.png", + [ + 0.20817023515701294, + -0.0009111309191212058, + -0.06010175868868828, + 0.71843022108078, + -0.013027490116655827, + -0.2121840864419937, + -0.041905730962753296, + 0.49912217259407043, + -0.05867994576692581, + 0.04387453943490982, + -0.2039107233285904, + 2.4822206497192383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/59.png", + [ + 0.19397345185279846, + 0.01077945064753294, + -0.09594792127609253, + 1.1128668785095215, + -0.007666897494345903, + -0.21292045712471008, + -0.03942076116800308, + 0.4506116807460785, + -0.09624665975570679, + 0.038685668259859085, + -0.19023115932941437, + 2.259769916534424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/105.png", + [ + 0.20422481000423431, + 0.0014102027053013444, + -0.07237490266561508, + 0.8502762317657471, + -0.012765171006321907, + -0.21253705024719238, + -0.040161509066820145, + 0.4663037061691284, + -0.07125423848628998, + 0.04211778566241264, + -0.20024190843105316, + 2.399995803833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/121.png", + [ + 0.20140041410923004, + 0.0038947698194533587, + -0.07981602102518082, + 0.9709467887878418, + -0.012380953878164291, + -0.21228300034999847, + -0.04159970581531525, + 0.5019991397857666, + -0.07894604653120041, + 0.04322793334722519, + -0.1970958411693573, + 2.437985420227051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/24.png", + [ + 0.20796985924243927, + 0.004488609731197357, + -0.06063237413764, + 0.707482635974884, + -0.003871693043038249, + -0.21466699242591858, + -0.029171740636229515, + 0.3328690230846405, + -0.06067488715052605, + 0.02908320352435112, + -0.205962672829628, + 2.4561023712158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/74.png", + [ + 0.16792477667331696, + 0.00487998453900218, + -0.1368405967950821, + 1.579005241394043, + -0.022056926041841507, + -0.21274510025978088, + -0.0346541702747345, + 0.3823187053203583, + -0.13513940572738647, + 0.04078731685876846, + -0.16438259184360504, + 1.9343253374099731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/98.png", + [ + 0.19337373971939087, + 0.000865477486513555, + -0.09774322062730789, + 1.0939900875091553, + -0.016565723344683647, + -0.21324177086353302, + -0.034661561250686646, + 0.3842482566833496, + -0.0963330864906311, + 0.03840700536966324, + -0.1902438849210739, + 2.189620018005371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/0.png", + [ + 0.18850034475326538, + -0.010822540149092674, + -0.10629387199878693, + 1.2404450178146362, + -0.030920349061489105, + -0.21186181902885437, + -0.033262625336647034, + 0.381499320268631, + -0.1022714301943779, + 0.04410604014992714, + -0.18585775792598724, + 2.1944589614868164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/96.png", + [ + 0.18548808991909027, + 0.0020160747226327658, + -0.11197320371866226, + 1.2597217559814453, + -0.018753495067358017, + -0.21302133798599243, + -0.03490136191248894, + 0.38572070002555847, + -0.11041000485420227, + 0.03956935554742813, + -0.18218615651130676, + 2.0958032608032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/100.png", + [ + 0.19625405967235565, + 0.002160911448299885, + -0.09180177003145218, + 1.044173002243042, + -0.014462996274232864, + -0.21318358182907104, + -0.03593713045120239, + 0.40714430809020996, + -0.09068107604980469, + 0.03867798298597336, + -0.19294779002666473, + 2.256113052368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/40.png", + [ + 0.19182175397872925, + -0.011513332836329937, + -0.10009870678186417, + 1.183397650718689, + -0.033438995480537415, + -0.21032994985580444, + -0.03988789767026901, + 0.46348315477371216, + -0.09504810720682144, + 0.05076075345277786, + -0.18798165023326874, + 2.2657113075256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/52.png", + [ + 0.19039329886436462, + -0.0022789700888097286, + -0.10340739786624908, + 1.1987860202789307, + -0.022881098091602325, + -0.2121831178665161, + -0.0374523401260376, + 0.4232085943222046, + -0.10086990892887115, + 0.0438295416533947, + -0.18668724596500397, + 2.207690715789795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/3.png", + [ + 0.19630394876003265, + -0.015317214652895927, + -0.0904325470328331, + 1.0614713430404663, + -0.03235512971878052, + -0.21146278083324432, + -0.034417010843753815, + 0.39944201707839966, + -0.08582427352666855, + 0.04468521103262901, + -0.19386933743953705, + 2.3154735565185547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/47.png", + [ + 0.18875055015087128, + -0.008576193824410439, + -0.10605455189943314, + 1.2328956127166748, + -0.03207965940237045, + -0.21050681173801422, + -0.040070950984954834, + 0.4576045274734497, + -0.10144957154989243, + 0.050608642399311066, + -0.1846473515033722, + 2.188884735107422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/104.png", + [ + 0.2034294158220291, + 0.0011646210914477706, + -0.07458559423685074, + 0.8723682761192322, + -0.013788900338113308, + -0.2123275250196457, + -0.040924105793237686, + 0.47420957684516907, + -0.07330916821956635, + 0.043168969452381134, + -0.19927392899990082, + 2.3795785903930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/21.png", + [ + 0.20899276435375214, + 0.007208720315247774, + -0.056727029383182526, + 0.6644604802131653, + -0.0021469967905431986, + -0.21380527317523956, + -0.03507973253726959, + 0.40253233909606934, + -0.05714291334152222, + 0.03439813107252121, + -0.2061537206172943, + 2.4728007316589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/82.png", + [ + 0.16257770359516144, + 0.0008533843792974949, + -0.14323285222053528, + 1.6367683410644531, + -0.030194148421287537, + -0.21159780025482178, + -0.03553282842040062, + 0.3922828733921051, + -0.14001677930355072, + 0.04662124440073967, + -0.1586494743824005, + 1.8536356687545776, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/106.png", + [ + 0.20348186790943146, + 0.001729557872749865, + -0.07443143427371979, + 0.876613199710846, + -0.013011482544243336, + -0.2124563753604889, + -0.040507834404706955, + 0.4716390073299408, + -0.07330573350191116, + 0.04251107946038246, + -0.19941656291484833, + 2.396091938018799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/14.png", + [ + 0.20851482450962067, + 0.00644758390262723, + -0.05854816734790802, + 0.6994858384132385, + -0.005034841131418943, + -0.21263337135314941, + -0.041347332298755646, + 0.4906104505062103, + -0.058686528354883194, + 0.04115070402622223, + -0.20447592437267303, + 2.482980728149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/67.png", + [ + 0.17699116468429565, + 0.012571578845381737, + -0.12435426563024521, + 1.4461548328399658, + -0.013931585475802422, + -0.21224817633628845, + -0.04128577187657356, + 0.46845516562461853, + -0.12420924752950668, + 0.04172001779079437, + -0.17256708443164825, + 2.0450282096862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/78.png", + [ + 0.16594348847866058, + -0.00023745611542835832, + -0.13932189345359802, + 1.595786213874817, + -0.02958585135638714, + -0.21179254353046417, + -0.034878138452768326, + 0.3870930075645447, + -0.1361445039510727, + 0.045735664665699005, + -0.16223691403865814, + 1.899377703666687, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/31.png", + [ + 0.1999949812889099, + -0.011114171706140041, + -0.08262189477682114, + 1.0009701251983643, + -0.02800174430012703, + -0.2112201452255249, + -0.039368148893117905, + 0.4727136790752411, + -0.07852264493703842, + 0.04701514169573784, + -0.19639670848846436, + 2.4124865531921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/39.png", + [ + 0.19251415133476257, + -0.01322190836071968, + -0.09854629635810852, + 1.171167254447937, + -0.03437561169266701, + -0.21035833656787872, + -0.038930464535951614, + 0.45399197936058044, + -0.09329795837402344, + 0.0502239465713501, + -0.18899983167648315, + 2.2855682373046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/92.png", + [ + 0.17092549800872803, + 0.008586661890149117, + -0.13288576900959015, + 1.5018994808197021, + -0.020989369601011276, + -0.21178355813026428, + -0.04068255424499512, + 0.44412508606910706, + -0.1314983367919922, + 0.0449654683470726, + -0.16623535752296448, + 1.9169472455978394, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/53.png", + [ + 0.19049760699272156, + -0.0006515939603559673, + -0.10323826223611832, + 1.1993660926818848, + -0.020675495266914368, + -0.2125217169523239, + -0.03680955246090889, + 0.4157085716724396, + -0.10114883631467819, + 0.04221367835998535, + -0.1869085729122162, + 2.213792324066162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/75.png", + [ + 0.16361553966999054, + 0.005233564879745245, + -0.1419522762298584, + 1.636972427368164, + -0.01985258236527443, + -0.21355992555618286, + -0.03075590543448925, + 0.33797067403793335, + -0.14065459370613098, + 0.0362306609749794, + -0.160784050822258, + 1.8920482397079468, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/87.png", + [ + 0.16657423973083496, + 0.0006959064048714936, + -0.13856562972068787, + 1.5793261528015137, + -0.03124598041176796, + -0.2109028398990631, + -0.03862100467085838, + 0.4247283637523651, + -0.13499853014945984, + 0.04967302456498146, + -0.16203665733337402, + 1.8823350667953491, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/107.png", + [ + 0.20355847477912903, + 0.0011441002134233713, + -0.07423295080661774, + 0.8761741518974304, + -0.013808702118694782, + -0.21228499710559845, + -0.041137438267469406, + 0.48012790083885193, + -0.07294628769159317, + 0.043378107249736786, + -0.1993616670370102, + 2.396851062774658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/112.png", + [ + 0.20479907095432281, + 0.00164225441403687, + -0.07072862982749939, + 0.8461667895317078, + -0.012639055959880352, + -0.212282195687294, + -0.04152616113424301, + 0.49128398299217224, + -0.06960955262184143, + 0.04337592422962189, + -0.2005515694618225, + 2.4398193359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/69.png", + [ + 0.1719224601984024, + 0.01141079980880022, + -0.1313786506652832, + 1.5229871273040771, + -0.015684373676776886, + -0.2125604748725891, + -0.03898639976978302, + 0.4387892484664917, + -0.13093723356723785, + 0.04044419527053833, + -0.16783206164836884, + 1.9818919897079468, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/45.png", + [ + 0.18994081020355225, + -0.009730047546327114, + -0.10380613803863525, + 1.2098103761672974, + -0.03281804174184799, + -0.21034280955791473, + -0.04033325985074043, + 0.4606989920139313, + -0.09896143525838852, + 0.05107956752181053, + -0.18586395680904388, + 2.21114444732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/50.png", + [ + 0.18968446552753448, + -0.0048828101716935635, + -0.10461284965276718, + 1.2117180824279785, + -0.026657573878765106, + -0.211560919880867, + -0.03846101462841034, + 0.4362221658229828, + -0.10127716511487961, + 0.046540673822164536, + -0.1858084797859192, + 2.1937952041625977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/101.png", + [ + 0.1991264671087265, + 1.4521607454298646e-06, + -0.08541982620954514, + 0.9788683652877808, + -0.015931420028209686, + -0.21287214756011963, + -0.037142153829336166, + 0.42419058084487915, + -0.08392101526260376, + 0.0404147244989872, + -0.19563183188438416, + 2.303586006164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/85.png", + [ + 0.16374042630195618, + 0.0008050416363403201, + -0.14190247654914856, + 1.6215811967849731, + -0.02972671017050743, + -0.21166910231113434, + -0.035502318292856216, + 0.39011192321777344, + -0.13875620067119598, + 0.0462973415851593, + -0.15984730422496796, + 1.863366961479187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/71.png", + [ + 0.17016564309597015, + 0.01040273904800415, + -0.13372857868671417, + 1.5456409454345703, + -0.01671328768134117, + -0.21269404888153076, + -0.037812624126672745, + 0.42209291458129883, + -0.13308723270893097, + 0.040011387318372726, + -0.16623708605766296, + 1.9583405256271362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/115.png", + [ + 0.20441237092018127, + 0.005878457333892584, + -0.07161644101142883, + 0.8583648204803467, + -0.00970580242574215, + -0.21171069145202637, + -0.04508069157600403, + 0.539477527141571, + -0.07119878381490707, + 0.045737460255622864, + -0.1994660496711731, + 2.4389634132385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/54.png", + [ + 0.19061937928199768, + 0.0026041462551802397, + -0.10298234224319458, + 1.1953023672103882, + -0.017833352088928223, + -0.21250085532665253, + -0.03838294371962547, + 0.43419405817985535, + -0.10145992785692215, + 0.04224330931901932, + -0.1867331862449646, + 2.209226608276367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/33.png", + [ + 0.1977161169052124, + -0.011846774257719517, + -0.08784009516239166, + 1.066429853439331, + -0.030532071366906166, + -0.21069158613681793, + -0.040308091789484024, + 0.48461857438087463, + -0.08321069926023483, + 0.049158964306116104, + -0.19392594695091248, + 2.3887081146240234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/49.png", + [ + 0.18961964547634125, + -0.0065879812464118, + -0.10463688522577286, + 1.2140196561813354, + -0.028897695243358612, + -0.21115423738956451, + -0.03907313942909241, + 0.4434334337711334, + -0.10078294575214386, + 0.04814961552619934, + -0.18566720187664032, + 2.1962971687316895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/118.png", + [ + 0.20403128862380981, + 0.005457094870507717, + -0.07272785156965256, + 0.8766469955444336, + -0.010219787247478962, + -0.21179616451263428, + -0.0445626862347126, + 0.5360063314437866, + -0.07221271097660065, + 0.045392703264951706, + -0.19918012619018555, + 2.4489431381225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/110.png", + [ + 0.2040197253227234, + 0.002025232883170247, + -0.07293655723333359, + 0.8678135275840759, + -0.012213236652314663, + -0.21258750557899475, + -0.040066055953502655, + 0.47165969014167786, + -0.0719352588057518, + 0.041837189346551895, + -0.20005714893341064, + 2.4224514961242676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/18.png", + [ + 0.20889009535312653, + 0.008634666912257671, + -0.056905798614025116, + 0.674921989440918, + -0.0020981987472623587, + -0.21293778717517853, + -0.040012430399656296, + 0.46660104393959045, + -0.05751891806721687, + 0.039125945419073105, + -0.20520387589931488, + 2.4816765785217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/66.png", + [ + 0.178953155875206, + 0.013197744265198708, + -0.12144742161035538, + 1.414566159248352, + -0.014173404313623905, + -0.21170872449874878, + -0.04389104247093201, + 0.5009337067604065, + -0.12133744359016418, + 0.044194214046001434, + -0.1739884912967682, + 2.0653905868530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/16.png", + [ + 0.20885303616523743, + 0.007134533487260342, + -0.05724853277206421, + 0.6815891861915588, + -0.0038345579523593187, + -0.2128191739320755, + -0.040511518716812134, + 0.4771551787853241, + -0.05756380409002304, + 0.04006226733326912, + -0.2050105184316635, + 2.48482084274292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/94.png", + [ + 0.17739304900169373, + 0.0006037094863131642, + -0.12441554665565491, + 1.3939217329025269, + -0.023175165057182312, + -0.21271967887878418, + -0.03407559543848038, + 0.3725613057613373, + -0.12223954498767853, + 0.04120521992444992, + -0.17409054934978485, + 1.9940065145492554, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/28.png", + [ + 0.2046741247177124, + -0.0047501795925199986, + -0.07094952464103699, + 0.8476066589355469, + -0.017773963510990143, + -0.21274568140506744, + -0.0370304100215435, + 0.4360954761505127, + -0.06885118037462234, + 0.040799520909786224, + -0.20135244727134705, + 2.4384164810180664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/61.png", + [ + 0.1925254911184311, + 0.01123835425823927, + -0.09877009689807892, + 1.1524170637130737, + -0.008122709579765797, + -0.21278709173202515, + -0.040044572204351425, + 0.457443505525589, + -0.09907498955726624, + 0.03928415849804878, + -0.18864992260932922, + 2.249720573425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/58.png", + [ + 0.19391846656799316, + 0.009911106899380684, + -0.0961524099111557, + 1.1136482954025269, + -0.008635571226477623, + -0.2128944993019104, + -0.03936060518026352, + 0.4485996663570404, + -0.09627535939216614, + 0.039058931171894073, + -0.19014035165309906, + 2.253000259399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/123.png", + [ + 0.1986989825963974, + 0.0016297973925247788, + -0.08639415353536606, + 1.0581165552139282, + -0.016262641176581383, + -0.21205943822860718, + -0.04140308499336243, + 0.5000581741333008, + -0.08486537635326385, + 0.04445258900523186, + -0.19434435665607452, + 2.3996801376342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/64.png", + [ + 0.18510323762893677, + 0.015101448632776737, + -0.11160928755998611, + 1.3053879737854004, + -0.008032954297959805, + -0.21240098774433136, + -0.042061805725097656, + 0.4805075228214264, + -0.11233948171138763, + 0.04007081687450409, + -0.18089242279529572, + 2.1526966094970703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/10.png", + [ + 0.2076297551393509, + -0.0037575317546725273, + -0.06183576583862305, + 0.739527702331543, + -0.015885205939412117, + -0.21227386593818665, + -0.040439631789922714, + 0.48025283217430115, + -0.05987854674458504, + 0.04328491911292076, + -0.20368815958499908, + 2.47756290435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/41.png", + [ + 0.19055607914924622, + -0.010949505493044853, + -0.10254938900470734, + 1.208004117012024, + -0.03340086340904236, + -0.21039018034934998, + -0.03960110619664192, + 0.4577198326587677, + -0.09757383167743683, + 0.0506356917321682, + -0.18671707808971405, + 2.2423410415649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/91.png", + [ + 0.16886074841022491, + 0.007246190216392279, + -0.13557812571525574, + 1.5355770587921143, + -0.023201067000627518, + -0.21164335310459137, + -0.04020823910832405, + 0.4410702884197235, + -0.13377460837364197, + 0.04585286229848862, + -0.16416381299495697, + 1.8972660303115845, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/23.png", + [ + 0.20871660113334656, + 0.002785802586004138, + -0.05811634287238121, + 0.677318274974823, + -0.005525489803403616, + -0.21449892222881317, + -0.030125999823212624, + 0.3451753854751587, + -0.057920124381780624, + 0.030501578003168106, + -0.2065497636795044, + 2.462585926055908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/37.png", + [ + 0.1940411776304245, + -0.012164496816694736, + -0.09564485400915146, + 1.1515330076217651, + -0.032770827412605286, + -0.21046754717826843, + -0.039716292172670364, + 0.47030994296073914, + -0.09067516773939133, + 0.05003334954380989, + -0.19032226502895355, + 2.328512668609619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/36.png", + [ + 0.1953841596841812, + -0.012623146176338196, + -0.09280934184789658, + 1.1199012994766235, + -0.03280045837163925, + -0.21032394468784332, + -0.0404457189142704, + 0.48236605525016785, + -0.08773282915353775, + 0.050521109253168106, + -0.19156841933727264, + 2.3483428955078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/8.png", + [ + 0.20438866317272186, + -0.009321215562522411, + -0.07131818681955338, + 0.8535258173942566, + -0.022968541830778122, + -0.21205665171146393, + -0.038109272718429565, + 0.45131075382232666, + -0.06815874576568604, + 0.04350845143198967, + -0.20102064311504364, + 2.44504976272583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/6.png", + [ + 0.2004256397485733, + -0.013290020637214184, + -0.08124550431966782, + 0.9671567678451538, + -0.02887105755507946, + -0.2115989625453949, + -0.03660936281085014, + 0.43049389123916626, + -0.07709681987762451, + 0.04468958079814911, + -0.19750145077705383, + 2.388604164123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/20.png", + [ + 0.2090538889169693, + 0.008467082865536213, + -0.056326523423194885, + 0.6629772782325745, + -0.0010872981511056423, + -0.21363505721092224, + -0.036149393767118454, + 0.41614705324172974, + -0.056948982179164886, + 0.035160619765520096, + -0.20607872307300568, + 2.476767063140869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/2.png", + [ + 0.1936374008655548, + -0.01333942636847496, + -0.09630424529314041, + 1.1274895668029785, + -0.03113996982574463, + -0.21182823181152344, + -0.03327159956097603, + 0.3841303288936615, + -0.09210184961557388, + 0.04357472434639931, + -0.1912233978509903, + 2.27459716796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/117.png", + [ + 0.20478762686252594, + 0.007431048899888992, + -0.07038960605859756, + 0.847240149974823, + -0.008203517645597458, + -0.21153318881988525, + -0.04619847983121872, + 0.5544008016586304, + -0.07030375301837921, + 0.04632900282740593, + -0.1996469348669052, + 2.4479618072509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/5.png", + [ + 0.19983913004398346, + -0.01473558135330677, + -0.08243228495121002, + 0.9750291109085083, + -0.030520835891366005, + -0.21143874526023865, + -0.036194365471601486, + 0.42440178990364075, + -0.07797882705926895, + 0.04499351605772972, + -0.19708572328090668, + 2.369236946105957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/108.png", + [ + 0.2036561369895935, + 0.0018508218927308917, + -0.07395035773515701, + 0.8744922876358032, + -0.012986062094569206, + -0.21234849095344543, + -0.04107769951224327, + 0.48086223006248474, + -0.07282473891973495, + 0.04304172098636627, + -0.19947898387908936, + 2.402195930480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/60.png", + [ + 0.1927858144044876, + 0.01157117635011673, + -0.09822235256433487, + 1.1428501605987549, + -0.006957188714295626, + -0.21306686103343964, + -0.03875575587153435, + 0.442777156829834, + -0.09865657240152359, + 0.03763667494058609, + -0.18920427560806274, + 2.254971504211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/56.png", + [ + 0.1920776665210724, + 0.006044158712029457, + -0.10008760541677475, + 1.1584725379943848, + -0.01367098093032837, + -0.21268236637115479, + -0.03907953202724457, + 0.44196778535842896, + -0.09933360666036606, + 0.04095819219946861, + -0.18815726041793823, + 2.223905563354492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/30.png", + [ + 0.20135179162025452, + -0.00902057159692049, + -0.0795234888792038, + 0.9593455195426941, + -0.024811120703816414, + -0.21172265708446503, + -0.03880494087934494, + 0.46424856781959534, + -0.0760904997587204, + 0.045166850090026855, + -0.19778293371200562, + 2.421051025390625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/17.png", + [ + 0.2087799608707428, + 0.008997933939099312, + -0.057252608239650726, + 0.6808838248252869, + -0.0019670354668051004, + -0.2128237932920456, + -0.04062088951468468, + 0.47706499695777893, + -0.05792197212576866, + 0.03966060280799866, + -0.20498774945735931, + 2.481917381286621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/12.png", + [ + 0.2086823433637619, + 0.0021971329115331173, + -0.058264393359422684, + 0.6966279745101929, + -0.00958856288343668, + -0.2122795432806015, + -0.042347829788923264, + 0.5028927326202393, + -0.057511962950229645, + 0.04336417838931084, + -0.20435218513011932, + 2.4859023094177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/114.png", + [ + 0.20462936162948608, + 0.004244680050760508, + -0.07111044228076935, + 0.8519166707992554, + -0.010945910587906837, + -0.21184761822223663, + -0.04414372891187668, + 0.5260584354400635, + -0.07039105147123337, + 0.04528205469250679, + -0.19985626637935638, + 2.4409055709838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/27.png", + [ + 0.20565226674079895, + -0.002436889335513115, + -0.06818436831235886, + 0.8109117746353149, + -0.014011784456670284, + -0.21342937648296356, + -0.034633319824934006, + 0.40458911657333374, + -0.06677363067865372, + 0.03728080168366432, + -0.20272967219352722, + 2.447122097015381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/42.png", + [ + 0.18995602428913116, + -0.010624155402183533, + -0.10369053483009338, + 1.2154905796051025, + -0.03356418386101723, + -0.2103000283241272, + -0.039940573275089264, + 0.45936086773872375, + -0.09868153184652328, + 0.051077701151371, + -0.18601322174072266, + 2.22572660446167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/7.png", + [ + 0.2032446563243866, + -0.011845719069242477, + -0.0741565003991127, + 0.885280430316925, + -0.026045139878988266, + -0.21180064976215363, + -0.037550367414951324, + 0.44229039549827576, + -0.07043550163507462, + 0.044136811047792435, + -0.20009666681289673, + 2.4255857467651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/73.png", + [ + 0.16590596735477448, + 0.006701859179884195, + -0.13920556008815765, + 1.6098370552062988, + -0.020485125482082367, + -0.2129005789756775, + -0.0346640981733799, + 0.3840827941894531, + -0.13785305619239807, + 0.03970296308398247, + -0.1623826026916504, + 1.915345549583435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/120.png", + [ + 0.20234908163547516, + 0.005153363570570946, + -0.07730580866336823, + 0.936704158782959, + -0.011070809327065945, + -0.212053120136261, + -0.04311390221118927, + 0.5197657942771912, + -0.07668234407901764, + 0.04421328380703926, + -0.19776980578899384, + 2.440122604370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/46.png", + [ + 0.18931874632835388, + -0.008374462835490704, + -0.10505320131778717, + 1.2235356569290161, + -0.03149095177650452, + -0.2106165736913681, + -0.03996095806360245, + 0.455884724855423, + -0.10057149827480316, + 0.05018392950296402, + -0.1852426528930664, + 2.2012734413146973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/57.png", + [ + 0.19382421672344208, + 0.007404703181236982, + -0.09656728804111481, + 1.116262435913086, + -0.011503029614686966, + -0.21275120973587036, + -0.03940179944038391, + 0.4468691349029541, + -0.096165232360363, + 0.04037315770983696, + -0.18992143869400024, + 2.2441554069519043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/44.png", + [ + 0.18925535678863525, + -0.009303564205765724, + -0.10508918762207031, + 1.2269130945205688, + -0.032898031175136566, + -0.21027305722236633, + -0.040630631148815155, + 0.46541982889175415, + -0.10023977607488632, + 0.051444847136735916, + -0.1850764900445938, + 2.204575538635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/113.png", + [ + 0.20467957854270935, + 0.0035227742046117783, + -0.07100533694028854, + 0.8506380915641785, + -0.011506646871566772, + -0.21191345155239105, + -0.04368261620402336, + 0.519068717956543, + -0.07015529274940491, + 0.045035138726234436, + -0.19999492168426514, + 2.4392127990722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/29.png", + [ + 0.20281149446964264, + -0.006882163695991039, + -0.07594752311706543, + 0.9115171432495117, + -0.021808398887515068, + -0.21201248466968536, + -0.03902549296617508, + 0.4634978771209717, + -0.07307381927967072, + 0.0441727451980114, + -0.19914034008979797, + 2.424640655517578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/4.png", + [ + 0.19836746156215668, + -0.014872212894260883, + -0.08588976413011551, + 1.011443853378296, + -0.031292591243982315, + -0.21141597628593445, + -0.03566442430019379, + 0.4160989224910736, + -0.08135728538036346, + 0.045055460184812546, + -0.1957010179758072, + 2.344839096069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/55.png", + [ + 0.19143368303775787, + 0.0036738719791173935, + -0.10142752528190613, + 1.175533413887024, + -0.016996504738926888, + -0.2123143970966339, + -0.03976947441697121, + 0.44995632767677307, + -0.10006078332662582, + 0.043092865496873856, + -0.1872931867837906, + 2.2145466804504395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/9.png", + [ + 0.20657822489738464, + -0.0071108671836555, + -0.06498280167579651, + 0.7775029540061951, + -0.01974870264530182, + -0.21211349964141846, + -0.03956955298781395, + 0.46964773535728455, + -0.062316279858350754, + 0.043648555874824524, + -0.2028777301311493, + 2.4674782752990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/25.png", + [ + 0.20690830051898956, + 0.002761007519438863, + -0.06425905972719193, + 0.7544881105422974, + -0.0066847847774624825, + -0.2143794149160385, + -0.030735602602362633, + 0.3531288802623749, + -0.06397001445293427, + 0.03133273497223854, + -0.20463135838508606, + 2.4498114585876465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/99.png", + [ + 0.19457539916038513, + 0.00188649061601609, + -0.09531392902135849, + 1.07427179813385, + -0.015296279452741146, + -0.2132076472043991, + -0.03544596582651138, + 0.3978474736213684, + -0.09409744292497635, + 0.038559481501579285, + -0.19132886826992035, + 2.2176880836486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/34.png", + [ + 0.19691184163093567, + -0.01208574790507555, + -0.08959659188985825, + 1.0862277746200562, + -0.03128201887011528, + -0.21057431399822235, + -0.04034586250782013, + 0.48392799496650696, + -0.08482365310192108, + 0.04960129037499428, + -0.1931128054857254, + 2.377957344055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/72.png", + [ + 0.16658669710159302, + 0.008873896673321724, + -0.13826793432235718, + 1.5996294021606445, + -0.018045764416456223, + -0.21299825608730316, + -0.03541174158453941, + 0.393695592880249, + -0.1373722106218338, + 0.03874138370156288, + -0.16302110254764557, + 1.9235159158706665, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/102.png", + [ + 0.2012239396572113, + 0.001368529163300991, + -0.08034271001815796, + 0.926368236541748, + -0.01426525879651308, + -0.21259354054927826, + -0.03934957832098007, + 0.45227232575416565, + -0.07907797396183014, + 0.04183317348361015, + -0.19734373688697815, + 2.3331522941589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/70.png", + [ + 0.16791673004627228, + 0.011027194559574127, + -0.13649269938468933, + 1.5806987285614014, + -0.016193263232707977, + -0.21285660564899445, + -0.037117961794137955, + 0.4160892069339752, + -0.1359766125679016, + 0.03896621614694595, + -0.16413374245166779, + 1.938759684562683, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/90.png", + [ + 0.1676653027534485, + 0.004919650498777628, + -0.13715697824954987, + 1.555506706237793, + -0.026398472487926483, + -0.21133604645729065, + -0.039850737899541855, + 0.4391019940376282, + -0.13468243181705475, + 0.04754742980003357, + -0.16293486952781677, + 1.8862165212631226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/122.png", + [ + 0.19974608719348907, + 0.0034661751706153154, + -0.08388912677764893, + 1.0250879526138306, + -0.01355753093957901, + -0.2123173475265503, + -0.04105410352349281, + 0.4967157542705536, + -0.0828588679432869, + 0.04309561476111412, + -0.1955123245716095, + 2.422297477722168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/15.png", + [ + 0.2085765302181244, + 0.007579784840345383, + -0.05819160118699074, + 0.6939364671707153, + -0.00357464118860662, + -0.21281951665878296, + -0.040533553808927536, + 0.4791245758533478, + -0.05857420340180397, + 0.039978671818971634, + -0.2047404795885086, + 2.4840149879455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/22.png", + [ + 0.20934726297855377, + 0.003751735668629408, + -0.05574537813663483, + 0.65103679895401, + -0.004664621315896511, + -0.21425719559192657, + -0.03193739056587219, + 0.36583995819091797, + -0.055676426738500595, + 0.03205744922161102, + -0.20693078637123108, + 2.471200466156006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/109.png", + [ + 0.20425164699554443, + 0.0005132812657393515, + -0.07231109589338303, + 0.8567953109741211, + -0.01367858611047268, + -0.21248333156108856, + -0.04014511778950691, + 0.4704616367816925, + -0.07100742310285568, + 0.042408380657434464, + -0.2002682387828827, + 2.4142627716064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/26.png", + [ + 0.20601068437099457, + 0.0008234435808844864, + -0.06713277846574783, + 0.7932510375976562, + -0.009494710713624954, + -0.21412347257137299, + -0.03176288306713104, + 0.36698392033576965, + -0.06646306067705154, + 0.033141396939754486, + -0.20354901254177094, + 2.4467477798461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/43.png", + [ + 0.18973197042942047, + -0.009238479658961296, + -0.1042320728302002, + 1.2203763723373413, + -0.03257263824343681, + -0.21031999588012695, + -0.04064999893307686, + 0.46668317914009094, + -0.09944193065166473, + 0.05126450955867767, + -0.1855563223361969, + 2.2166099548339844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/84.png", + [ + 0.16410793364048004, + 0.00019990371947642416, + -0.1414794772863388, + 1.6156964302062988, + -0.030343439429998398, + -0.21158267557621002, + -0.0354955792427063, + 0.38902315497398376, + -0.13818737864494324, + 0.046697117388248444, + -0.1602233201265335, + 1.8672205209732056, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/89.png", + [ + 0.16768188774585724, + 0.003414071397855878, + -0.13718241453170776, + 1.5566368103027344, + -0.02888091467320919, + -0.21087788045406342, + -0.04055008664727211, + 0.44721126556396484, + -0.13415127992630005, + 0.049666497856378555, + -0.1627407968044281, + 1.8863085508346558, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/63.png", + [ + 0.18769729137420654, + 0.014642260037362576, + -0.10725308954715729, + 1.2554136514663696, + -0.006937908940017223, + -0.21261458098888397, + -0.041167907416820526, + 0.4703660309314728, + -0.10802539438009262, + 0.03909648209810257, + -0.18371139466762543, + 2.191160202026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/88.png", + [ + 0.16886669397354126, + 0.0013236681697890162, + -0.13575778901576996, + 1.5432320833206177, + -0.030911190435290337, + -0.2105988711118698, + -0.04050326347351074, + 0.44697093963623047, + -0.13219842314720154, + 0.050933923572301865, + -0.16394266486167908, + 1.900555968284607, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/62.png", + [ + 0.19058096408843994, + 0.012130669318139553, + -0.10237011313438416, + 1.1967363357543945, + -0.007915028370916843, + -0.2128121256828308, + -0.039953138679265976, + 0.45573821663856506, + -0.10278202593326569, + 0.03888119384646416, + -0.1867404729127884, + 2.227574348449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/65.png", + [ + 0.18317174911499023, + 0.014791073277592659, + -0.114792101085186, + 1.3391350507736206, + -0.010382205247879028, + -0.21193192899227142, + -0.043874341994524, + 0.500410795211792, + -0.11527451127767563, + 0.042590752243995667, + -0.17845366895198822, + 2.1188321113586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/80.png", + [ + 0.16475869715213776, + 0.002530094003304839, + -0.14069844782352448, + 1.6089991331100464, + -0.028516508638858795, + -0.21154451370239258, + -0.03719706833362579, + 0.4122931957244873, + -0.13780154287815094, + 0.046801842749118805, + -0.16052480041980743, + 1.8766125440597534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/119.png", + [ + 0.20296591520309448, + 0.006274295039474964, + -0.07558681070804596, + 0.9145029783248901, + -0.009800642728805542, + -0.21195216476917267, + -0.043910399079322815, + 0.5279502272605896, + -0.07521089911460876, + 0.044551197439432144, + -0.1982584297657013, + 2.442183494567871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/79.png", + [ + 0.16700023412704468, + -0.0011025064159184694, + -0.13804924488067627, + 1.5797545909881592, + -0.031241564080119133, + -0.21134863793849945, + -0.03610549122095108, + 0.39971885085105896, + -0.13447220623493195, + 0.04773285984992981, + -0.16305425763130188, + 1.9062246084213257, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/116.png", + [ + 0.20462100207805634, + 0.006644432432949543, + -0.07095060497522354, + 0.8516052961349487, + -0.008920794352889061, + -0.21164526045322418, + -0.04554780200123787, + 0.5455427765846252, + -0.07070047408342361, + 0.04593511298298836, + -0.19959783554077148, + 2.44431734085083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/19.png", + [ + 0.2094230204820633, + 0.007468917407095432, + -0.05508273094892502, + 0.6500798463821411, + -0.0024064709432423115, + -0.21329030394554138, + -0.03807033970952034, + 0.4410834312438965, + -0.05553467571735382, + 0.03740798309445381, + -0.2060690075159073, + 2.485785484313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/77.png", + [ + 0.16335086524486542, + 0.0029184308368712664, + -0.14232312142848969, + 1.633597731590271, + -0.02474028430879116, + -0.2127503752708435, + -0.03275816887617111, + 0.3619670867919922, + -0.14018668234348297, + 0.040947068482637405, + -0.1600591391324997, + 1.8766478300094604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/68.png", + [ + 0.17267964780330658, + 0.012298095971345901, + -0.1303011178970337, + 1.5147922039031982, + -0.014817670919001102, + -0.21249200403690338, + -0.03969234600663185, + 0.4489623010158539, + -0.13003870844841003, + 0.04054383933544159, + -0.16850528120994568, + 1.9952279329299927, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/86.png", + [ + 0.16507278382778168, + 0.0015567903174087405, + -0.14034399390220642, + 1.602864146232605, + -0.029128195717930794, + -0.21156401932239532, + -0.03660742938518524, + 0.4008658230304718, + -0.13729679584503174, + 0.046756092458963394, + -0.16097001731395721, + 1.8744357824325562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/1.png", + [ + 0.19078589975833893, + -0.012555317021906376, + -0.1019362136721611, + 1.190557599067688, + -0.03136739507317543, + -0.21189773082733154, + -0.0326087586581707, + 0.3751402497291565, + -0.09779936075210571, + 0.0434696339070797, + -0.1883973628282547, + 2.233224391937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/81.png", + [ + 0.16417939960956573, + 0.001990624936297536, + -0.14138264954090118, + 1.6165385246276855, + -0.02969808131456375, + -0.21133504807949066, + -0.037462178617715836, + 0.41457027196884155, + -0.1382426768541336, + 0.04776429757475853, + -0.15986064076423645, + 1.8670531511306763, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/95.png", + [ + 0.1800704300403595, + 0.002230949467048049, + -0.12048881500959396, + 1.3522223234176636, + -0.02119307592511177, + -0.21267490088939667, + -0.03561088442802429, + 0.39377361536026, + -0.11863129585981369, + 0.04137999936938286, + -0.1765281856060028, + 2.027721881866455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/103.png", + [ + 0.20238959789276123, + 0.001926449011079967, + -0.07734748721122742, + 0.8980655670166016, + -0.013456027954816818, + -0.21243010461330414, + -0.04050029069185257, + 0.4667905569076538, + -0.07619238644838333, + 0.04263363406062126, + -0.19830529391765594, + 2.3561806678771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/83.png", + [ + 0.16229401528835297, + 0.001075455453246832, + -0.1435527205467224, + 1.6411610841751099, + -0.030492959544062614, + -0.21146604418754578, + -0.03605816513299942, + 0.39826688170433044, + -0.14028087258338928, + 0.047210752964019775, + -0.15824133157730103, + 1.8464275598526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/51.png", + [ + 0.18794135749340057, + -0.0029945033602416515, + -0.10778208076953888, + 1.248615026473999, + -0.02530594728887081, + -0.21176636219024658, + -0.038242898881435394, + 0.43260568380355835, + -0.10481199622154236, + 0.04575962573289871, + -0.18403369188308716, + 2.17470645904541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/93.png", + [ + 0.17576344311237335, + 0.001961562316864729, + -0.12669353187084198, + 1.4217684268951416, + -0.02391142025589943, + -0.21224255859851837, + -0.03645869344472885, + 0.3955290615558624, + -0.12443208694458008, + 0.04355622082948685, + -0.17195174098014832, + 1.9717670679092407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/76.png", + [ + 0.2069808542728424, + 0.01111678034067154, + -0.06311287730932236, + 0.7064934372901917, + -0.00015442636504303664, + -0.21330247819423676, + -0.038077808916568756, + 0.42673200368881226, + -0.06408427655696869, + 0.03641923516988754, + -0.20375166833400726, + 2.3506627082824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/48.png", + [ + 0.19960324466228485, + 0.013937445357441902, + -0.08313961327075958, + 0.950286328792572, + -0.001170668052509427, + -0.21321387588977814, + -0.03855353221297264, + 0.4340396523475647, + -0.08429161459207535, + 0.03596516698598862, + -0.19633983075618744, + 2.3056321144104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/137.png", + [ + 0.1993332952260971, + 0.003753132652491331, + -0.08485310524702072, + 0.9510829448699951, + -0.010051468387246132, + -0.21389952301979065, + -0.033073458820581436, + 0.3715308606624603, + -0.0843392014503479, + 0.03436276316642761, + -0.19660617411136627, + 2.291933536529541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/35.png", + [ + 0.20407918095588684, + 0.009110010229051113, + -0.07222595065832138, + 0.8135806322097778, + -0.0035289220977574587, + -0.2134806364774704, + -0.03689795732498169, + 0.4199581742286682, + -0.07271263003349304, + 0.03592937812209129, + -0.20092247426509857, + 2.3590011596679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/124.png", + [ + 0.20460332930088043, + 0.007353497669100761, + -0.0709315836429596, + 0.7966105341911316, + -0.0043914588168263435, + -0.21381127834320068, + -0.03483311086893082, + 0.3960535228252411, + -0.07117639482021332, + 0.03433011472225189, + -0.2017504870891571, + 2.334163188934326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/97.png", + [ + 0.20813673734664917, + 0.012143620289862156, + -0.05898755416274071, + 0.6753448247909546, + 0.0021282853558659554, + -0.21357469260692596, + -0.036458466202020645, + 0.42703378200531006, + -0.060186952352523804, + 0.034442443400621414, + -0.2052782028913498, + 2.4139351844787598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/13.png", + [ + 0.19811393320560455, + 0.01092122495174408, + -0.08706027269363403, + 0.9549352526664734, + -0.004870141390711069, + -0.2132895439863205, + -0.03783845156431198, + 0.41403836011886597, + -0.08760733157396317, + 0.03655398264527321, + -0.194773331284523, + 2.2278738021850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/32.png", + [ + 0.20462456345558167, + 0.009249658323824406, + -0.07064787298440933, + 0.7915249466896057, + -0.0031739186961203814, + -0.2134445160627365, + -0.03713842108845711, + 0.42288878560066223, + -0.07118009030818939, + 0.03610789403319359, + -0.20143860578536987, + 2.3612146377563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/38.png", + [ + 0.20400230586528778, + 0.009307692758738995, + -0.07241768389940262, + 0.8228184580802917, + -0.0030080555006861687, + -0.21365295350551605, + -0.03593412786722183, + 0.4074527621269226, + -0.07295138388872147, + 0.03483786806464195, + -0.20102813839912415, + 2.3684639930725098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/148.png", + [ + 0.20019379258155823, + 0.002870009047910571, + -0.0828377977013588, + 0.9299736618995667, + -0.01030134130269289, + -0.21400435268878937, + -0.0323096364736557, + 0.3625994324684143, + -0.082244873046875, + 0.033790428191423416, + -0.197590172290802, + 2.3023862838745117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/111.png", + [ + 0.20850728452205658, + 0.010227612219750881, + -0.058034464716911316, + 0.6394613981246948, + -0.0011520313564687967, + -0.2126380056142807, + -0.04161296412348747, + 0.4695381820201874, + -0.058917537331581116, + 0.040352966636419296, + -0.20456846058368683, + 2.3631725311279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/11.png", + [ + 0.1966128647327423, + 0.009428026154637337, + -0.09056704491376877, + 0.9915608167648315, + -0.006104050669819117, + -0.2136606127023697, + -0.035493403673172, + 0.3853399455547333, + -0.09085163474082947, + 0.03475850075483322, + -0.19361230731010437, + 2.210827350616455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/125.png", + [ + 0.20436035096645355, + 0.0064960564486682415, + -0.07171151787042618, + 0.803525984287262, + -0.005591209977865219, + -0.21370790898799896, + -0.03529252111911774, + 0.3997071385383606, + -0.07178773730993271, + 0.03513722866773605, + -0.20139461755752563, + 2.3296141624450684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/59.png", + [ + 0.20664404332637787, + 0.01659589260816574, + -0.06301359087228775, + 0.7033504247665405, + 0.0039401669055223465, + -0.21232850849628448, + -0.0429997518658638, + 0.49074915051460266, + -0.065043143928051, + 0.03986326605081558, + -0.2028008997440338, + 2.3180017471313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/105.png", + [ + 0.2081889808177948, + 0.008492816239595413, + -0.05943997576832771, + 0.662354052066803, + -0.0025100160855799913, + -0.21307775378227234, + -0.03923601284623146, + 0.4441639184951782, + -0.059991154819726944, + 0.038387980312108994, + -0.20463457703590393, + 2.3801279067993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/121.png", + [ + 0.20547038316726685, + 0.004947463981807232, + -0.06859548389911652, + 0.772614061832428, + -0.004851535428315401, + -0.21453213691711426, + -0.030005423352122307, + 0.3462311923503876, + -0.06860233843326569, + 0.029989758506417274, + -0.20332787930965424, + 2.3507118225097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/24.png", + [ + 0.20193183422088623, + 0.010109683498740196, + -0.07790517807006836, + 0.862941563129425, + -0.0036683783400803804, + -0.21342507004737854, + -0.03720448538661003, + 0.41543740034103394, + -0.07847270369529724, + 0.035992011427879333, + -0.19873224198818207, + 2.296267509460449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/74.png", + [ + 0.20782040059566498, + 0.008225192315876484, + -0.06075291335582733, + 0.6759634613990784, + -0.0030500644352287054, + -0.21306268870830536, + -0.03927955403923988, + 0.44106557965278625, + -0.061231259256601334, + 0.03852963447570801, + -0.20424027740955353, + 2.3463287353515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/129.png", + [ + 0.20274081826210022, + 0.005979269277304411, + -0.07621219009160995, + 0.8471130132675171, + -0.0070211258716881275, + -0.2136414647102356, + -0.035439059138298035, + 0.3993554413318634, + -0.07612328976392746, + 0.035629648715257645, + -0.199708953499794, + 2.30178165435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/144.png", + [ + 0.2005080282688141, + 0.0036364328116178513, + -0.08204386383295059, + 0.9193540215492249, + -0.010901316069066525, + -0.2133680284023285, + -0.036098986864089966, + 0.4045615494251251, + -0.08139766752719879, + 0.037533339112997055, + -0.19726520776748657, + 2.3002610206604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/98.png", + [ + 0.2092778980731964, + 0.010544322431087494, + -0.055131398141384125, + 0.6268487572669983, + 0.0019366319756954908, + -0.214046910405159, + -0.0335867665708065, + 0.39146316051483154, + -0.05609726533293724, + 0.031947437673807144, + -0.2068341225385666, + 2.4231009483337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/0.png", + [ + 0.19266964495182037, + -0.001056290464475751, + -0.09912210702896118, + 1.1055282354354858, + -0.017065348103642464, + -0.2137809842824936, + -0.03089279867708683, + 0.3377859592437744, + -0.09764774143695831, + 0.035277120769023895, + -0.1901797503232956, + 2.2049942016601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/96.png", + [ + 0.20783299207687378, + 0.013014950789511204, + -0.05986611917614937, + 0.6853753328323364, + 0.002918435726314783, + -0.2135917693376541, + -0.036303333938121796, + 0.42579060792922974, + -0.06119496002793312, + 0.034015584737062454, + -0.2050512433052063, + 2.4087400436401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/100.png", + [ + 0.20970454812049866, + 0.0023064776323735714, + -0.05446626618504524, + 0.612909197807312, + -0.005726185627281666, + -0.2143511176109314, + -0.031123913824558258, + 0.35683727264404297, + -0.0542135089635849, + 0.03156211972236633, + -0.20739483833312988, + 2.4162583351135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/40.png", + [ + 0.2046772688627243, + 0.010068983770906925, + -0.07038271427154541, + 0.8033960461616516, + -0.002151592168956995, + -0.21351543068885803, + -0.036802586168050766, + 0.41752445697784424, + -0.07106673717498779, + 0.035463716834783554, + -0.20159299671649933, + 2.3831963539123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/141.png", + [ + 0.19952313601970673, + 0.004103224258869886, + -0.08438942581415176, + 0.9482128024101257, + -0.010457221418619156, + -0.21355558931827545, + -0.03510776162147522, + 0.3949061334133148, + -0.08383948355913162, + 0.03640153631567955, + -0.19645294547080994, + 2.2992048263549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/52.png", + [ + 0.20477581024169922, + 0.011558291502296925, + -0.069865383207798, + 0.7865242958068848, + -0.0018677450716495514, + -0.2128131240606308, + -0.04068145155906677, + 0.45937708020210266, + -0.0707903802394867, + 0.039049647748470306, + -0.20102672278881073, + 2.345353603363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/3.png", + [ + 0.1940743625164032, + -0.00025844224728643894, + -0.09634821116924286, + 1.0744966268539429, + -0.015792107209563255, + -0.2138288915157318, + -0.031236495822668076, + 0.34333279728889465, + -0.0950455442070961, + 0.03500061109662056, + -0.19154424965381622, + 2.223235607147217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/47.png", + [ + 0.19894616305828094, + 0.011415373533964157, + -0.08507650345563889, + 0.9780882000923157, + -0.003890860825777054, + -0.21333017945289612, + -0.03772269934415817, + 0.42622873187065125, + -0.08575070649385452, + 0.03616393357515335, + -0.19567035138607025, + 2.3082571029663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/104.png", + [ + 0.20850281417369843, + 0.007626879494637251, + -0.05844913795590401, + 0.6519924402236938, + -0.002178786089643836, + -0.21370917558670044, + -0.03565864637494087, + 0.40342840552330017, + -0.05890437215566635, + 0.03490152955055237, + -0.20557251572608948, + 2.389878749847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/21.png", + [ + 0.20066966116428375, + 0.011857233010232449, + -0.08086398988962173, + 0.8961907625198364, + -0.0024713901802897453, + -0.21340380609035492, + -0.037424709647893906, + 0.4166010022163391, + -0.08169131726026535, + 0.035582613199949265, + -0.1975051909685135, + 2.2802200317382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/82.png", + [ + 0.20703265070915222, + 0.014524479396641254, + -0.06224481016397476, + 0.702800989151001, + 0.0038770537357777357, + -0.21347133815288544, + -0.03691685572266579, + 0.41743579506874084, + -0.06379926204681396, + 0.03416029363870621, + -0.20423179864883423, + 2.366929531097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/106.png", + [ + 0.2079683244228363, + 0.00867144949734211, + -0.06018203869462013, + 0.669621467590332, + -0.002291707554832101, + -0.21318960189819336, + -0.038637202233076096, + 0.43741026520729065, + -0.06076034903526306, + 0.03772123157978058, + -0.20453161001205444, + 2.3779983520507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/14.png", + [ + 0.19937875866889954, + 0.010463615879416466, + -0.08418147265911102, + 0.9249023199081421, + -0.0047070677392184734, + -0.21332404017448425, + -0.037664227187633514, + 0.4122270345687866, + -0.08469859510660172, + 0.03648648038506508, + -0.19606830179691315, + 2.244992256164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/67.png", + [ + 0.20396003127098083, + 0.01851428858935833, + -0.0707489624619484, + 0.7841405272483826, + 0.004661687184125185, + -0.21248121559619904, + -0.04216514900326729, + 0.4738178551197052, + -0.07298262417316437, + 0.038168732076883316, + -0.20041103661060333, + 2.2948813438415527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/78.png", + [ + 0.2071366161108017, + 0.014562531374394894, + -0.06188897415995598, + 0.6958987712860107, + 0.0032539046369493008, + -0.2130661904811859, + -0.0392441563308239, + 0.44003239274024963, + -0.06349585950374603, + 0.03658721596002579, + -0.20390573143959045, + 2.35459566116333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/31.png", + [ + 0.20402288436889648, + 0.008431312628090382, + -0.07246703654527664, + 0.8104246258735657, + -0.004127063788473606, + -0.21354438364505768, + -0.03646450862288475, + 0.414923757314682, + -0.07283903658390045, + 0.035715632140636444, + -0.20091480016708374, + 2.3501663208007812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/39.png", + [ + 0.20422014594078064, + 0.007937874644994736, + -0.07196542620658875, + 0.8198365569114685, + -0.00435060728341341, + -0.21363389492034912, + -0.03591003641486168, + 0.4079161584377289, + -0.07227104902267456, + 0.0352909117937088, + -0.20119479298591614, + 2.3759427070617676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/92.png", + [ + 0.20749394595623016, + 0.014489997178316116, + -0.06069759279489517, + 0.6927679181098938, + 0.004201491363346577, + -0.2135181576013565, + -0.03660924732685089, + 0.42340707778930664, + -0.062261588871479034, + 0.033881112933158875, + -0.20475217700004578, + 2.4016542434692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/53.png", + [ + 0.20553499460220337, + 0.013254291377961636, + -0.06728733330965042, + 0.752363920211792, + 0.0010915955062955618, + -0.2131948471069336, + -0.03866084665060043, + 0.4349668323993683, + -0.06857164204120636, + 0.03633423149585724, + -0.20230089128017426, + 2.3456215858459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/75.png", + [ + 0.20737653970718384, + 0.009418517351150513, + -0.06208179518580437, + 0.6919084191322327, + -0.0016784465406090021, + -0.21331535279750824, + -0.03796901926398277, + 0.42530348896980286, + -0.06276974081993103, + 0.036820583045482635, + -0.2040884643793106, + 2.351077079772949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/87.png", + [ + 0.20692814886569977, + 0.01510613039135933, + -0.06245351955294609, + 0.7072386741638184, + 0.003948829136788845, + -0.21319322288036346, + -0.038483038544654846, + 0.43950334191322327, + -0.06413301825523376, + 0.03561379387974739, + -0.20387867093086243, + 2.3772220611572266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/139.png", + [ + 0.19968824088573456, + 0.003390308003872633, + -0.08402979373931885, + 0.9439665079116821, + -0.010174307972192764, + -0.21393433213233948, + -0.03280971199274063, + 0.3683350384235382, + -0.08348044008016586, + 0.0341833233833313, + -0.1970035880804062, + 2.3023176193237305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/107.png", + [ + 0.2079605758190155, + 0.0111069455742836, + -0.059807416051626205, + 0.6642736196517944, + -0.00020766477973666042, + -0.2129012793302536, + -0.040260378271341324, + 0.4541938602924347, + -0.06082966551184654, + 0.03869853913784027, + -0.20432834327220917, + 2.3697195053100586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/112.png", + [ + 0.20841993391513824, + 0.010084005072712898, + -0.05837247520685196, + 0.6431035995483398, + -0.0014648059150204062, + -0.2125694453716278, + -0.041952069848775864, + 0.4737558662891388, + -0.05921897664666176, + 0.04074843227863312, + -0.20440295338630676, + 2.354763984680176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/69.png", + [ + 0.20442277193069458, + 0.018372219055891037, + -0.0694383755326271, + 0.7728087306022644, + 0.004659004043787718, + -0.21241731941699982, + -0.042486172169446945, + 0.4781319200992584, + -0.07167650014162064, + 0.03859070688486099, + -0.20080122351646423, + 2.3101859092712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/45.png", + [ + 0.20142009854316711, + 0.010650631971657276, + -0.07914802432060242, + 0.9126752018928528, + -0.003375279949977994, + -0.21341191232204437, + -0.03730757161974907, + 0.42333120107650757, + -0.07979004830121994, + 0.035913947969675064, + -0.19822116196155548, + 2.3546338081359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/50.png", + [ + 0.20084848999977112, + 0.011962555348873138, + -0.080403171479702, + 0.9140630960464478, + -0.0035784048959612846, + -0.21280664205551147, + -0.04060075059533119, + 0.458385705947876, + -0.08120939880609512, + 0.03896309807896614, + -0.19706547260284424, + 2.310112476348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/101.png", + [ + 0.20924705266952515, + 0.0035282436292618513, + -0.0561349019408226, + 0.6299105286598206, + -0.005389254540205002, + -0.21399527788162231, + -0.03353908285498619, + 0.3843355178833008, + -0.05598689615726471, + 0.03378557786345482, + -0.2065717726945877, + 2.4055442810058594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/85.png", + [ + 0.20670323073863983, + 0.014395652338862419, + -0.06335961818695068, + 0.7172908782958984, + 0.0035136023070663214, + -0.21345698833465576, + -0.03703589364886284, + 0.4212283790111542, + -0.06487935036420822, + 0.03430405259132385, + -0.203867107629776, + 2.371853828430176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/131.png", + [ + 0.20176014304161072, + 0.004783660639077425, + -0.07885336130857468, + 0.8748154044151306, + -0.008655409328639507, + -0.2136363834142685, + -0.03510668873786926, + 0.39363932609558105, + -0.07852274924516678, + 0.03584009408950806, + -0.1987399309873581, + 2.2881317138671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/71.png", + [ + 0.20567069947719574, + 0.017107577994465828, + -0.0659908801317215, + 0.7351283431053162, + 0.004387977067381144, + -0.21262842416763306, + -0.041446320712566376, + 0.468024343252182, + -0.0680309534072876, + 0.0380050353705883, + -0.20217642188072205, + 2.3302345275878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/115.png", + [ + 0.20828846096992493, + 0.009652880020439625, + -0.05891210213303566, + 0.6538907289505005, + -0.0017048117006197572, + -0.21277432143688202, + -0.040891051292419434, + 0.4678431451320648, + -0.059673335403203964, + 0.03977192938327789, + -0.2044631540775299, + 2.347041606903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/54.png", + [ + 0.20551717281341553, + 0.01530158706009388, + -0.06690625846385956, + 0.7463490962982178, + 0.003087038639932871, + -0.21306823194026947, + -0.03924659267067909, + 0.44119513034820557, + -0.06856424361467361, + 0.03627239540219307, + -0.20231449604034424, + 2.3353614807128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/33.png", + [ + 0.20474125444889069, + 0.008952265605330467, + -0.07034751027822495, + 0.7885170578956604, + -0.0033802445977926254, + -0.2134648561477661, + -0.037003010511398315, + 0.42149850726127625, + -0.07083424180746078, + 0.03606253117322922, + -0.201568603515625, + 2.364398956298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/49.png", + [ + 0.20047210156917572, + 0.012243986129760742, + -0.08129522204399109, + 0.9269164204597473, + -0.0027757303323596716, + -0.2131279557943344, + -0.03894438594579697, + 0.4390988349914551, + -0.08216521888971329, + 0.03707364201545715, + -0.1970338076353073, + 2.3093528747558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/118.png", + [ + 0.20697341859340668, + 0.009879780933260918, + -0.0633426308631897, + 0.7042325139045715, + -0.00034138542832806706, + -0.21391327679157257, + -0.03448031470179558, + 0.40004095435142517, + -0.06410757452249527, + 0.03303632140159607, + -0.20432013273239136, + 2.3363094329833984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/110.png", + [ + 0.20791517198085785, + 0.010726764798164368, + -0.060034263879060745, + 0.6629583835601807, + -0.0009987765224650502, + -0.2126690149307251, + -0.041458189487457275, + 0.4659262001514435, + -0.060976866632699966, + 0.04005889967083931, + -0.20402206480503082, + 2.3577871322631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/18.png", + [ + 0.19897744059562683, + 0.013235492631793022, + -0.08473896235227585, + 0.9372811913490295, + -0.001884473953396082, + -0.21335269510746002, + -0.03774881735444069, + 0.4172251522541046, + -0.0857456624507904, + 0.035402629524469376, + -0.19581171870231628, + 2.2529964447021484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/66.png", + [ + 0.2043505758047104, + 0.01744193397462368, + -0.06988934427499771, + 0.7748205661773682, + 0.003875958966091275, + -0.2125847041606903, + -0.04172072559595108, + 0.4695652425289154, + -0.07192856073379517, + 0.03809751570224762, + -0.20080527663230896, + 2.298185348510742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/16.png", + [ + 0.19802308082580566, + 0.012224579229950905, + -0.08709372580051422, + 0.9629857540130615, + -0.0033916134852916002, + -0.21335017681121826, + -0.03765752911567688, + 0.4139423072338104, + -0.08788204193115234, + 0.03577921539545059, + -0.1947934478521347, + 2.2394142150878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/94.png", + [ + 0.20769314467906952, + 0.01286309864372015, + -0.060382090508937836, + 0.6897903680801392, + 0.002234281273558736, + -0.2133466750383377, + -0.03776375949382782, + 0.4407068192958832, + -0.06169654056429863, + 0.035575754940509796, + -0.20463576912879944, + 2.4010777473449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/28.png", + [ + 0.2028617411851883, + 0.009686458855867386, + -0.07550614327192307, + 0.8401259183883667, + -0.004136309493333101, + -0.21319331228733063, + -0.03846292570233345, + 0.43401038646698, + -0.07601246982812881, + 0.037452347576618195, + -0.19941747188568115, + 2.3170132637023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/61.png", + [ + 0.20572291314601898, + 0.015456043183803558, + -0.06623508036136627, + 0.739294171333313, + 0.0032174387015402317, + -0.21298113465309143, + -0.03970622271299362, + 0.4574693739414215, + -0.06793837249279022, + 0.03671575337648392, + -0.2024456113576889, + 2.3101868629455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/132.png", + [ + 0.20141981542110443, + 0.004513752646744251, + -0.0797344222664833, + 0.8849815130233765, + -0.00905890204012394, + -0.2136407494544983, + -0.034978169947862625, + 0.391737163066864, + -0.07934662699699402, + 0.035849157720804214, + -0.19841080904006958, + 2.284027099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/58.png", + [ + 0.2065940946340561, + 0.01657835952937603, + -0.06318175792694092, + 0.7044933438301086, + 0.004141311161220074, + -0.21248264610767365, + -0.042212244123220444, + 0.48086223006248474, + -0.06518915295600891, + 0.03904077038168907, + -0.20291398465633392, + 2.3258705139160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/123.png", + [ + 0.20518450438976288, + 0.007273178081959486, + -0.06924097239971161, + 0.7780136466026306, + -0.0037771903444081545, + -0.21400877833366394, + -0.03367290645837784, + 0.38480672240257263, + -0.06951937824487686, + 0.03309429809451103, + -0.20253324508666992, + 2.3423514366149902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/64.png", + [ + 0.20497819781303406, + 0.016221798956394196, + -0.06832780689001083, + 0.7586761116981506, + 0.0037826995830982924, + -0.2130591720342636, + -0.039234865456819534, + 0.4460655152797699, + -0.07012508064508438, + 0.0359240397810936, + -0.2018411010503769, + 2.3064680099487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/10.png", + [ + 0.19665975868701935, + 0.009482000954449177, + -0.09045952558517456, + 0.9937687516212463, + -0.005782612599432468, + -0.21375463902950287, + -0.03497728705406189, + 0.3803587555885315, + -0.09077111631631851, + 0.034160517156124115, + -0.19375644624233246, + 2.218073844909668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/41.png", + [ + 0.20380514860153198, + 0.01094348356127739, + -0.07274329662322998, + 0.8351836204528809, + -0.002218141919001937, + -0.21325191855430603, + -0.03829614445567131, + 0.43504688143730164, + -0.07352840900421143, + 0.03676621988415718, + -0.20047371089458466, + 2.3775925636291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/91.png", + [ + 0.20748616755008698, + 0.015435623936355114, + -0.06049070507287979, + 0.6879883408546448, + 0.005342357326298952, + -0.21356715261936188, + -0.03617211803793907, + 0.4167233407497406, + -0.06220002844929695, + 0.03314671292901039, + -0.20489105582237244, + 2.3967361450195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/140.png", + [ + 0.19980476796627045, + 0.004524905700236559, + -0.08369870483875275, + 0.9406044483184814, + -0.009527584537863731, + -0.21373046934604645, + -0.03429882228374481, + 0.38543596863746643, + -0.08327768743038177, + 0.03530877083539963, + -0.19689086079597473, + 2.302611827850342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/23.png", + [ + 0.20106381177902222, + 0.01094017643481493, + -0.08000969886779785, + 0.8871248960494995, + -0.003616674104705453, + -0.21324171125888824, + -0.03824641555547714, + 0.42749834060668945, + -0.08067316561937332, + 0.03682636842131615, + -0.19769561290740967, + 2.287290573120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/37.png", + [ + 0.20454762876033783, + 0.009807095862925053, + -0.07079529017210007, + 0.8002186417579651, + -0.002824287861585617, + -0.21334832906723022, + -0.03771477937698364, + 0.42811980843544006, + -0.07141551375389099, + 0.03652673959732056, + -0.20127969980239868, + 2.3659892082214355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/36.png", + [ + 0.20442956686019897, + 0.009535808116197586, + -0.07117243856191635, + 0.8027709722518921, + -0.0032964057754725218, + -0.21328306198120117, + -0.03804434463381767, + 0.43195536732673645, + -0.07173271477222443, + 0.03697711229324341, + -0.20108456909656525, + 2.36080265045166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/8.png", + [ + 0.19644351303577423, + 0.006352194584906101, + -0.0912003219127655, + 1.0071535110473633, + -0.009288452565670013, + -0.21364565193653107, + -0.03488776087760925, + 0.3808741271495819, + -0.090948186814785, + 0.03553984686732292, + -0.1934250295162201, + 2.2261219024658203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/6.png", + [ + 0.1946360319852829, + 0.004095676355063915, + -0.09512060880661011, + 1.0566353797912598, + -0.01114857941865921, + -0.21400441229343414, + -0.03202679008245468, + 0.3498796820640564, + -0.09455376863479614, + 0.03366350382566452, + -0.19202667474746704, + 2.2217655181884766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/20.png", + [ + 0.20110933482646942, + 0.011941246688365936, + -0.07975174486637115, + 0.8819378614425659, + -0.002177206566557288, + -0.21340374648571014, + -0.037443242967128754, + 0.4166087210178375, + -0.08061137050390244, + 0.03555479273200035, + -0.19795343279838562, + 2.2822670936584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/2.png", + [ + 0.1935712993144989, + 0.00048396727652288973, + -0.09735405445098877, + 1.0869065523147583, + -0.01528530940413475, + -0.21383364498615265, + -0.031455148011446, + 0.3451906144618988, + -0.09614782780408859, + 0.0349690280854702, + -0.1909991055727005, + 2.217925548553467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/117.png", + [ + 0.20708592236042023, + 0.00966236088424921, + -0.06300760060548782, + 0.7002454996109009, + -0.0009734908235259354, + -0.21366657316684723, + -0.03596581891179085, + 0.41706860065460205, + -0.06373672932386398, + 0.034657273441553116, + -0.20416757464408875, + 2.3341217041015625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/149.png", + [ + 0.20120781660079956, + 0.0029887172859162092, + -0.08033916354179382, + 0.8993939757347107, + -0.009511224925518036, + -0.2141193002462387, + -0.03178616985678673, + 0.35588183999061584, + -0.07983013987541199, + 0.03304378688335419, + -0.19870369136333466, + 2.311042308807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/5.png", + [ + 0.19481037557125092, + 0.003593180561438203, + -0.0947834700345993, + 1.05405855178833, + -0.011351526714861393, + -0.21407976746559143, + -0.03144664689898491, + 0.34324783086776733, + -0.09416984766721725, + 0.03323910012841225, + -0.1922890990972519, + 2.2255430221557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/108.png", + [ + 0.20798319578170776, + 0.010814856737852097, + -0.05978231877088547, + 0.6619160771369934, + -0.0006647291593253613, + -0.21279600262641907, + -0.040808238089084625, + 0.46051377058029175, + -0.060749027878046036, + 0.039354704320430756, + -0.20422698557376862, + 2.3669309616088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/60.png", + [ + 0.20625297725200653, + 0.016782084479928017, + -0.06423363089561462, + 0.7166476249694824, + 0.004417206160724163, + -0.2126421481370926, + -0.04137266427278519, + 0.47535666823387146, + -0.06624262779951096, + 0.03807322680950165, + -0.2027565985918045, + 2.3135805130004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/56.png", + [ + 0.2065037041902542, + 0.01638963259756565, + -0.06352553516626358, + 0.7091422080993652, + 0.004259441047906876, + -0.21271109580993652, + -0.041033368557691574, + 0.4626113474369049, + -0.06546732038259506, + 0.037858422845602036, + -0.20304842293262482, + 2.337155342102051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/147.png", + [ + 0.20101308822631836, + 0.0023739340249449015, + -0.08084546774625778, + 0.9057812094688416, + -0.010674574412405491, + -0.21390803158283234, + -0.03282228484749794, + 0.36681410670280457, + -0.08017280697822571, + 0.034432731568813324, + -0.19832953810691833, + 2.306934356689453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/30.png", + [ + 0.20381374657154083, + 0.008979088626801968, + -0.07298789173364639, + 0.8142794370651245, + -0.0037280188407748938, + -0.2135152965784073, + -0.03667723760008812, + 0.41614198684692383, + -0.07344356924295425, + 0.035756032913923264, + -0.200687438249588, + 2.341756820678711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/17.png", + [ + 0.19804184138774872, + 0.013787517324090004, + -0.08681721985340118, + 0.9621695280075073, + -0.001315304427407682, + -0.2135041505098343, + -0.03690716624259949, + 0.40637949109077454, + -0.08789536356925964, + 0.03426036983728409, + -0.19506031274795532, + 2.2469778060913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/12.png", + [ + 0.19750908017158508, + 0.010002164170145988, + -0.08853254467248917, + 0.9693089127540588, + -0.005580243654549122, + -0.2134934514760971, + -0.03656898811459541, + 0.39841681718826294, + -0.08892084658145905, + 0.035614416003227234, + -0.19435171782970428, + 2.220569610595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/114.png", + [ + 0.20830585062503815, + 0.00998635496944189, + -0.05879492312669754, + 0.6496546864509583, + -0.0016149699222296476, + -0.21259228885173798, + -0.041830651462078094, + 0.47660407423973083, + -0.0596151165664196, + 0.04065321385860443, + -0.20430675148963928, + 2.347446918487549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/27.png", + [ + 0.2028784453868866, + 0.010445542633533478, + -0.07535994052886963, + 0.83640056848526, + -0.0030012275092303753, + -0.2133568823337555, + -0.03765280172228813, + 0.4225344955921173, + -0.07602120190858841, + 0.036299191415309906, + -0.19962725043296814, + 2.3143677711486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/42.png", + [ + 0.20401039719581604, + 0.010919637978076935, + -0.07216934859752655, + 0.8278526663780212, + -0.002360620768740773, + -0.21313706040382385, + -0.03892193362116814, + 0.4418295621871948, + -0.07295259833335876, + 0.037433285266160965, + -0.20056062936782837, + 2.3766531944274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/7.png", + [ + 0.19450166821479797, + 0.0065134852193295956, + -0.09526058286428452, + 1.0589802265167236, + -0.009158657863736153, + -0.21390050649642944, + -0.03332555294036865, + 0.36463919281959534, + -0.09504275023937225, + 0.033941835165023804, + -0.19173607230186462, + 2.2182703018188477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/73.png", + [ + 0.20714326202869415, + 0.008065878413617611, + -0.06304370611906052, + 0.7039777040481567, + -0.0034029216039925814, + -0.21320702135562897, + -0.038458939641714096, + 0.43388158082962036, + -0.06346642225980759, + 0.0377572737634182, + -0.20370148122310638, + 2.346709728240967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/120.png", + [ + 0.20577780902385712, + 0.0058820778504014015, + -0.0675927996635437, + 0.75843346118927, + -0.0038444995880126953, + -0.21450115740299225, + -0.030370473861694336, + 0.3518061935901642, + -0.06773923337459564, + 0.030042419210076332, + -0.20360928773880005, + 2.3447322845458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/46.png", + [ + 0.2003222107887268, + 0.011616982519626617, + -0.08175544440746307, + 0.9415730834007263, + -0.0029072249308228493, + -0.2133946269750595, + -0.03744562715291977, + 0.42430388927459717, + -0.08252546936273575, + 0.03571655973792076, + -0.1971338838338852, + 2.3356523513793945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/127.png", + [ + 0.20365098118782043, + 0.00613712752237916, + -0.07373271882534027, + 0.8228657245635986, + -0.006868776399642229, + -0.21342718601226807, + -0.03673623502254486, + 0.4148121178150177, + -0.07366815954446793, + 0.03686552122235298, + -0.20040416717529297, + 2.3137450218200684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/133.png", + [ + 0.20069779455661774, + 0.00432170694693923, + -0.0815451592206955, + 0.9065382480621338, + -0.00941709615290165, + -0.2137024849653244, + -0.034502968192100525, + 0.38622111082077026, + -0.08111478388309479, + 0.035502951592206955, + -0.19775699079036713, + 2.2803335189819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/57.png", + [ + 0.20679035782814026, + 0.016605554148554802, + -0.06252917647361755, + 0.6977518796920776, + 0.005093135870993137, + -0.2129443883895874, + -0.03970703110098839, + 0.449340283870697, + -0.064495749771595, + 0.0364258699119091, + -0.20362061262130737, + 2.338012218475342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/44.png", + [ + 0.20331062376499176, + 0.009323421865701675, + -0.074335478246212, + 0.8549057245254517, + -0.004238628316670656, + -0.21321436762809753, + -0.038334932178258896, + 0.4362460672855377, + -0.07479789853096008, + 0.03742467984557152, + -0.19988137483596802, + 2.3766117095947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/113.png", + [ + 0.2081579566001892, + 0.008963425643742085, + -0.05947951227426529, + 0.6563289165496826, + -0.0030346177518367767, + -0.21241772174835205, + -0.04263099282979965, + 0.48337051272392273, + -0.06007450446486473, + 0.041788361966609955, + -0.20394285023212433, + 2.347524642944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/126.png", + [ + 0.20381343364715576, + 0.007075704634189606, + -0.07319778949022293, + 0.8187807202339172, + -0.005578795913606882, + -0.21356019377708435, + -0.036177631467580795, + 0.4092654883861542, + -0.07332707196474075, + 0.03591487556695938, + -0.20070166885852814, + 2.31974458694458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/29.png", + [ + 0.20355333387851715, + 0.009606619365513325, + -0.07363185286521912, + 0.8204753398895264, + -0.0034649199806153774, + -0.21339088678359985, + -0.03741941973567009, + 0.42311346530914307, + -0.07417500019073486, + 0.03633086010813713, + -0.20031483471393585, + 2.333509922027588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/4.png", + [ + 0.19443994760513306, + 0.003390910103917122, + -0.09554843604564667, + 1.063863754272461, + -0.012284239754080772, + -0.2138574868440628, + -0.03258785605430603, + 0.35838600993156433, + -0.09481614083051682, + 0.03466082364320755, + -0.1917196661233902, + 2.2225565910339355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/55.png", + [ + 0.20585912466049194, + 0.016489412635564804, + -0.06555917859077454, + 0.7318575978279114, + 0.004249393939971924, + -0.212870791554451, + -0.04019784554839134, + 0.4525499939918518, + -0.06746739894151688, + 0.03690560162067413, + -0.20256857573986053, + 2.336989402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/9.png", + [ + 0.1967741996049881, + 0.008356895297765732, + -0.09032151103019714, + 0.9938495755195618, + -0.006975648459047079, + -0.21372002363204956, + -0.03497133404016495, + 0.38064199686050415, + -0.09043866395950317, + 0.03466721996665001, + -0.19382189214229584, + 2.2230896949768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/25.png", + [ + 0.2017086148262024, + 0.009443921968340874, + -0.07856424152851105, + 0.8728966116905212, + -0.004329299554228783, + -0.2134866565465927, + -0.036777645349502563, + 0.41217225790023804, + -0.07901130616664886, + 0.035807132720947266, + -0.19855216145515442, + 2.301360607147217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/99.png", + [ + 0.20914529263973236, + 0.0033207822125405073, + -0.05652537941932678, + 0.6401442289352417, + -0.005174972582608461, + -0.21427540481090546, + -0.03173588588833809, + 0.3659443259239197, + -0.056385867297649384, + 0.03198310732841492, + -0.20675009489059448, + 2.414198875427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/34.png", + [ + 0.20474368333816528, + 0.008581488393247128, + -0.0703866258263588, + 0.7905446290969849, + -0.003705944400280714, + -0.21349301934242249, + -0.036808934062719345, + 0.419319212436676, + -0.07081090658903122, + 0.03598596155643463, + -0.20159047842025757, + 2.3665452003479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/72.png", + [ + 0.20702430605888367, + 0.009226152673363686, + -0.06327478587627411, + 0.7052900791168213, + -0.002639011014252901, + -0.21299192309379578, + -0.039690930396318436, + 0.44818535447120667, + -0.06388941407203674, + 0.038693830370903015, + -0.20339326560497284, + 2.342268943786621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/102.png", + [ + 0.20934340357780457, + 0.0029750289395451546, + -0.05580674856901169, + 0.6224079728126526, + -0.005400658585131168, + -0.21427778899669647, + -0.0316820926964283, + 0.3622555136680603, + -0.05562443286180496, + 0.03200111538171768, + -0.2069534957408905, + 2.406795024871826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/134.png", + [ + 0.19951879978179932, + 0.005005970131605864, + -0.08435095846652985, + 0.940334141254425, + -0.009002359583973885, + -0.21380379796028137, + -0.03398225083947182, + 0.3800734579563141, + -0.08401846140623093, + 0.03479620814323425, + -0.19666728377342224, + 2.272348403930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/70.png", + [ + 0.2043994516134262, + 0.018194284290075302, + -0.06955379992723465, + 0.775862455368042, + 0.004351734183728695, + -0.21236810088157654, + -0.04276392608880997, + 0.48257026076316833, + -0.07176228612661362, + 0.0389443077147007, + -0.20070229470729828, + 2.3125476837158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/135.png", + [ + 0.19985756278038025, + 0.003938002046197653, + -0.08360229432582855, + 0.9321330785751343, + -0.01034351997077465, + -0.21361328661441803, + -0.03478899970650673, + 0.38925549387931824, + -0.08305338025093079, + 0.03607984259724617, + -0.19684582948684692, + 2.2784228324890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/130.png", + [ + 0.2025761604309082, + 0.005104845855385065, + -0.07671201974153519, + 0.8496478199958801, + -0.007853520102798939, + -0.21369151771068573, + -0.03495929762721062, + 0.3923860490322113, + -0.07647950947284698, + 0.0354650616645813, + -0.1996021419763565, + 2.2950472831726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/90.png", + [ + 0.2073373943567276, + 0.014074912294745445, + -0.061326924711465836, + 0.6978955864906311, + 0.00286506419070065, + -0.21307693421840668, + -0.03921612724661827, + 0.4505294859409332, + -0.06285607069730759, + 0.03671525418758392, + -0.20408084988594055, + 2.387661933898926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/122.png", + [ + 0.20589976012706757, + 0.0055505046620965, + -0.06724857538938522, + 0.7562080025672913, + -0.004938697442412376, + -0.21412155032157898, + -0.03279414772987366, + 0.3756258189678192, + -0.06729625910520554, + 0.032696161419153214, + -0.20334716141223907, + 2.353606700897217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/15.png", + [ + 0.19961830973625183, + 0.012063113041222095, + -0.08339610695838928, + 0.916294276714325, + -0.00315033458173275, + -0.21322450041770935, + -0.03838328644633293, + 0.42064619064331055, + -0.08420513570308685, + 0.036574333906173706, + -0.1962643712759018, + 2.246016025543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/22.png", + [ + 0.20167334377765656, + 0.011398104950785637, + -0.07839542627334595, + 0.8674086928367615, + -0.0024574759881943464, + -0.21341685950756073, + -0.0373510979115963, + 0.4155901074409485, + -0.07918156683444977, + 0.03565426915884018, + -0.19851183891296387, + 2.2906856536865234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/138.png", + [ + 0.19995203614234924, + 0.003893666435033083, + -0.08337812125682831, + 0.9352895617485046, + -0.009784833528101444, + -0.21385300159454346, + -0.03345206007361412, + 0.37530457973480225, + -0.0828934833407402, + 0.03463556990027428, + -0.1971723735332489, + 2.301652431488037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/109.png", + [ + 0.20803149044513702, + 0.01104684080928564, + -0.059571508318185806, + 0.6579285860061646, + -9.092564869206399e-05, + -0.21298545598983765, + -0.03981318697333336, + 0.44716691970825195, + -0.06058702990412712, + 0.038250040262937546, + -0.20448483526706696, + 2.3629493713378906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/26.png", + [ + 0.20274531841278076, + 0.010410210117697716, + -0.07572226226329803, + 0.840116560459137, + -0.0027856514789164066, + -0.21350663900375366, + -0.036811184138059616, + 0.4129476845264435, + -0.07638373225927353, + 0.035418227314949036, + -0.19964711368083954, + 2.3141283988952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/43.png", + [ + 0.20415015518665314, + 0.009538325481116772, + -0.0719696506857872, + 0.8272022008895874, + -0.0034661926329135895, + -0.2132708579301834, + -0.03809759393334389, + 0.4323323965072632, + -0.07251618057489395, + 0.03704674541950226, + -0.20079053938388824, + 2.3835792541503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/84.png", + [ + 0.20692642033100128, + 0.014527195133268833, + -0.06259637326002121, + 0.7075335383415222, + 0.0035681009758263826, + -0.21333706378936768, + -0.037715520709753036, + 0.4281449317932129, + -0.06416085362434387, + 0.03498788923025131, + -0.2039782702922821, + 2.367427349090576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/136.png", + [ + 0.19936668872833252, + 0.0030307951383292675, + -0.0848035216331482, + 0.947770893573761, + -0.01078773569315672, + -0.21387428045272827, + -0.03300480917096138, + 0.37002304196357727, + -0.0841691642999649, + 0.03459056839346886, + -0.19663912057876587, + 2.285068988800049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/89.png", + [ + 0.20712454617023468, + 0.014248870313167572, + -0.062002334743738174, + 0.7046602964401245, + 0.0031297169625759125, + -0.2131965607404709, + -0.038539983332157135, + 0.4407171607017517, + -0.06354151666164398, + 0.035945724695920944, + -0.20400556921958923, + 2.383856773376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/63.png", + [ + 0.20515960454940796, + 0.015064092352986336, + -0.06804780662059784, + 0.7575181126594543, + 0.0022219126112759113, + -0.21285900473594666, + -0.040422771126031876, + 0.462345153093338, + -0.06965983659029007, + 0.03757672384381294, + -0.20170123875141144, + 2.3043174743652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/88.png", + [ + 0.20708239078521729, + 0.014376099221408367, + -0.062113698571920395, + 0.7042803764343262, + 0.0032812641002237797, + -0.2132178395986557, + -0.038409389555454254, + 0.43879178166389465, + -0.06367116421461105, + 0.035768359899520874, + -0.20399633049964905, + 2.3820981979370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/62.png", + [ + 0.2056160718202591, + 0.01532724779099226, + -0.06659575551748276, + 0.7416307330131531, + 0.0033993376418948174, + -0.21318696439266205, + -0.038570187985897064, + 0.4434720277786255, + -0.06825219839811325, + 0.035556863993406296, + -0.2025468796491623, + 2.309119701385498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/65.png", + [ + 0.2051820158958435, + 0.017280466854572296, + -0.06745091080665588, + 0.7445166707038879, + 0.00437149778008461, + -0.21267876029014587, + -0.04118899628520012, + 0.46458399295806885, + -0.06949195265769958, + 0.0376434400677681, + -0.20174670219421387, + 2.3001112937927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/80.png", + [ + 0.2070864737033844, + 0.015203472226858139, + -0.06190268322825432, + 0.6974184513092041, + 0.003911331761628389, + -0.21305550634860992, + -0.039242230355739594, + 0.4430810511112213, + -0.06362224370241165, + 0.03638825938105583, + -0.20390193164348602, + 2.359591007232666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/146.png", + [ + 0.19999994337558746, + 0.001309946645051241, + -0.08334385603666306, + 0.9361786246299744, + -0.01239473931491375, + -0.21377187967300415, + -0.033103540539741516, + 0.37130269408226013, + -0.08242745697498322, + 0.035323616117239, + -0.19724567234516144, + 2.301112174987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/119.png", + [ + 0.20681102573871613, + 0.00568285072222352, + -0.06438010931015015, + 0.7177295684814453, + -0.003761447034776211, + -0.21441124379634857, + -0.03100920096039772, + 0.3589281737804413, + -0.06452088803052902, + 0.030715212225914, + -0.20455202460289001, + 2.343291759490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/145.png", + [ + 0.20083720982074738, + 0.0030248824041336775, + -0.08125977218151093, + 0.9114252924919128, + -0.010918224230408669, + -0.21356089413166046, + -0.03493465483188629, + 0.3922087848186493, + -0.0805797353386879, + 0.036475855857133865, + -0.19779865443706512, + 2.30659818649292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/79.png", + [ + 0.20705288648605347, + 0.0149761401116848, + -0.06207023188471794, + 0.6987254023551941, + 0.0037959280889481306, + -0.21314498782157898, + -0.03876466304063797, + 0.4358525276184082, + -0.06373844295740128, + 0.035955846309661865, + -0.20394235849380493, + 2.3554115295410156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/116.png", + [ + 0.20712435245513916, + 0.009452971629798412, + -0.06291293352842331, + 0.6993868947029114, + -0.001461308915168047, + -0.21350595355033875, + -0.03689127787947655, + 0.4262048602104187, + -0.06360235810279846, + 0.03568954020738602, + -0.2040315866470337, + 2.3369832038879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/19.png", + [ + 0.20025163888931274, + 0.010840372182428837, + -0.08203452825546265, + 0.9065987467765808, + -0.003970930818468332, + -0.21330085396766663, + -0.037879735231399536, + 0.4199504554271698, + -0.08265233784914017, + 0.036512043327093124, + -0.19693490862846375, + 2.267768383026123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/77.png", + [ + 0.20721983909606934, + 0.013982787728309631, + -0.06174394488334656, + 0.6918322443962097, + 0.0028269444592297077, + -0.21315640211105347, + -0.03878472000360489, + 0.4337660074234009, + -0.0632443055510521, + 0.036286741495132446, + -0.20403754711151123, + 2.3507304191589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/68.png", + [ + 0.2041366994380951, + 0.01870971918106079, + -0.07018586993217468, + 0.778651773929596, + 0.0049997298046946526, + -0.2124861627817154, + -0.042101457715034485, + 0.4727354943752289, + -0.07246457040309906, + 0.03804571554064751, + -0.2006222903728485, + 2.300168037414551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/143.png", + [ + 0.1995784044265747, + 0.004525208380073309, + -0.08423708379268646, + 0.9446055889129639, + -0.010564806871116161, + -0.21331843733787537, + -0.03649007901549339, + 0.4100481867790222, + -0.08369437605142593, + 0.037718210369348526, + -0.19626635313034058, + 2.290043354034424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/86.png", + [ + 0.20687545835971832, + 0.014170397073030472, + -0.06284625828266144, + 0.7123196721076965, + 0.0031236859504133463, + -0.21332594752311707, + -0.03781767934560776, + 0.4311562776565552, + -0.0643482357263565, + 0.035201333463191986, + -0.20388248562812805, + 2.3767380714416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/1.png", + [ + 0.19382856786251068, + -0.0006996376905590296, + -0.09683950990438461, + 1.0794073343276978, + -0.016466571018099785, + -0.21375194191932678, + -0.031414277851581573, + 0.3438442051410675, + -0.09543181210756302, + 0.035461463034152985, + -0.1912672072649002, + 2.218653678894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/81.png", + [ + 0.2070193737745285, + 0.015380354598164558, + -0.06208318844437599, + 0.6997303366661072, + 0.004430512897670269, + -0.21325992047786713, + -0.03805879130959511, + 0.43080002069473267, + -0.06380634009838104, + 0.035093385726213455, + -0.2040712982416153, + 2.362076759338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/95.png", + [ + 0.20780017971992493, + 0.013154103420674801, + -0.05994963273406029, + 0.6849134564399719, + 0.0028421981260180473, + -0.21347513794898987, + -0.03698881343007088, + 0.43332046270370483, + -0.06130995228886604, + 0.034687455743551254, + -0.20490428805351257, + 2.404634475708008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/103.png", + [ + 0.20874647796154022, + 0.007793501019477844, + -0.05755050852894783, + 0.6435081362724304, + -0.00119197613094002, + -0.2140946239233017, + -0.03331625461578369, + 0.37890756130218506, + -0.058063577860593796, + 0.03241381049156189, + -0.20621798932552338, + 2.400836944580078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/83.png", + [ + 0.20685884356498718, + 0.01439399179071188, + -0.06285005062818527, + 0.7106238007545471, + 0.0033735083416104317, + -0.2133333384990692, + -0.037754595279693604, + 0.42825847864151, + -0.0643889382481575, + 0.035065699368715286, + -0.2038930058479309, + 2.3658018112182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/142.png", + [ + 0.20084848999977112, + 0.004158128052949905, + -0.08118181675672531, + 0.9097359776496887, + -0.010537042282521725, + -0.21323350071907043, + -0.03699105605483055, + 0.41582995653152466, + -0.08060240000486374, + 0.03823712468147278, + -0.1974565088748932, + 2.3045129776000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/51.png", + [ + 0.20338965952396393, + 0.012563908472657204, + -0.0736389085650444, + 0.832514226436615, + -0.0016504608793184161, + -0.21278031170368195, + -0.040862083435058594, + 0.4615802466869354, + -0.07468477636575699, + 0.03891763463616371, + -0.19963839650154114, + 2.33406400680542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/128.png", + [ + 0.20296692848205566, + 0.006225720513612032, + -0.07558806985616684, + 0.8418445587158203, + -0.006650985684245825, + -0.21365047991275787, + -0.0354561023414135, + 0.40061748027801514, + -0.075551837682724, + 0.03553324565291405, + -0.19994300603866577, + 2.307340145111084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/93.png", + [ + 0.20780935883522034, + 0.013366865925490856, + -0.059870634227991104, + 0.6834858655929565, + 0.0029477160423994064, + -0.21339984238147736, + -0.03741272911429405, + 0.4344465732574463, + -0.06127379089593887, + 0.03506748005747795, + -0.20485042035579681, + 2.4009337425231934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/76.png", + [ + 0.20691196620464325, + -0.024977147579193115, + -0.0592576339840889, + 0.6858224868774414, + -0.023896552622318268, + -0.215229794383049, + 0.00727912737056613, + -0.09197992086410522, + -0.059701595455408096, + -0.00041576361400075257, + -0.20828691124916077, + 2.463028907775879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/48.png", + [ + 0.20890618860721588, + -0.013812114484608173, + -0.05581504851579666, + 0.6478561162948608, + -0.01278483122587204, + -0.21622318029403687, + 0.005655614193528891, + -0.07368780672550201, + -0.056059274822473526, + -0.00215949141420424, + -0.2092858999967575, + 2.4837584495544434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/35.png", + [ + 0.20772577822208405, + -0.013148931786417961, + -0.060207996517419815, + 0.6951029896736145, + -0.010909869335591793, + -0.21618793904781342, + 0.009573136456310749, + -0.12145330011844635, + -0.06065370887517929, + -0.006146200001239777, + -0.20792125165462494, + 2.4400672912597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/97.png", + [ + 0.20497958362102509, + -0.018963169306516647, + -0.06761407107114792, + 0.7852129936218262, + -0.022588247433304787, + -0.21534235775470734, + -0.008083478547632694, + 0.08273325860500336, + -0.06649087369441986, + 0.014695913530886173, + -0.20569612085819244, + 2.4331092834472656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/13.png", + [ + 0.2153136134147644, + -0.018430503085255623, + 0.015756133943796158, + -0.17752797901630402, + -0.018296994268894196, + -0.21588627994060516, + -0.0024943517055362463, + 0.018498875200748444, + 0.015910979360342026, + 0.001148164039477706, + -0.21608658134937286, + 2.542954921722412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/32.png", + [ + 0.20999020338058472, + -0.013766903430223465, + -0.05159926414489746, + 0.5953313112258911, + -0.012279551476240158, + -0.21618907153606415, + 0.007706863339990377, + -0.0977310985326767, + -0.05197330564260483, + -0.004544833675026894, + -0.21029981970787048, + 2.464909553527832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/38.png", + [ + 0.20781546831130981, + -0.013041707687079906, + -0.05992111191153526, + 0.6908538937568665, + -0.011674639768898487, + -0.21625982224941254, + 0.0065790992230176926, + -0.08250629901885986, + -0.06020239740610123, + -0.0030814921483397484, + -0.20812033116817474, + 2.4499311447143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/11.png", + [ + 0.21548639237880707, + -0.01629452407360077, + 0.015747925266623497, + -0.17948569357395172, + -0.015738356858491898, + -0.21595075726509094, + -0.008090815506875515, + 0.08343662321567535, + 0.016303766518831253, + 0.006902580615133047, + -0.21595007181167603, + 2.5512590408325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/59.png", + [ + 0.20851153135299683, + -0.016852090135216713, + -0.056452102959156036, + 0.6567224264144897, + -0.014967590570449829, + -0.21596182882785797, + 0.00918464083224535, + -0.11636993288993835, + -0.056980740278959274, + -0.004938980098813772, + -0.2089896947145462, + 2.470484733581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/105.png", + [ + 0.20607849955558777, + -0.012405053712427616, + -0.0657697394490242, + 0.7507709264755249, + -0.016920296475291252, + -0.21566016972064972, + -0.012340530753135681, + 0.13083668053150177, + -0.06475529819726944, + 0.01687305048108101, + -0.20608237385749817, + 2.413318634033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/24.png", + [ + 0.21529105305671692, + -0.014114700257778168, + -0.019960777834057808, + 0.22972647845745087, + -0.013392916880548, + -0.216098815202713, + 0.00835613813251257, + -0.10969474911689758, + -0.020452070981264114, + -0.007068978622555733, + -0.21559135615825653, + 2.5441842079162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/74.png", + [ + 0.20731817185878754, + -0.023976685479283333, + -0.05824252590537071, + 0.6736545562744141, + -0.02088228240609169, + -0.21519425511360168, + 0.014257073402404785, + -0.17779242992401123, + -0.05942224711179733, + -0.008028228767216206, + -0.2082124948501587, + 2.4656076431274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/98.png", + [ + 0.20567572116851807, + -0.017690332606434822, + -0.06582129001617432, + 0.7644514441490173, + -0.021070558577775955, + -0.21550215780735016, + -0.007921411655843258, + 0.07961665093898773, + -0.0648183673620224, + 0.013920105062425137, + -0.2062830775976181, + 2.4398436546325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/0.png", + [ + 0.2145415097475052, + -0.016830189153552055, + 0.025230523198843002, + -0.2865414023399353, + -0.01517073716968298, + -0.21563293039798737, + -0.014838765375316143, + 0.16483065485954285, + 0.026261823251843452, + 0.012926135212182999, + -0.21468845009803772, + 2.547018051147461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/96.png", + [ + 0.20465385913848877, + -0.018380261957645416, + -0.06875213980674744, + 0.7986235618591309, + -0.02190757729113102, + -0.21542958915233612, + -0.007618938107043505, + 0.07868777215480804, + -0.0677107647061348, + 0.014147654175758362, + -0.2053362876176834, + 2.4290614128112793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/100.png", + [ + 0.20591522753238678, + -0.015680335462093353, + -0.06558156758546829, + 0.761816680431366, + -0.018556468188762665, + -0.21577538549900055, + -0.006673038937151432, + 0.06355364620685577, + -0.06482648104429245, + 0.011958219110965729, + -0.20640353858470917, + 2.440011978149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/40.png", + [ + 0.2081613391637802, + -0.013493589125573635, + -0.058606140315532684, + 0.678011417388916, + -0.012330267578363419, + -0.21624049544334412, + 0.005992132239043713, + -0.07604171335697174, + -0.0588618740439415, + -0.0024216072633862495, + -0.20851214230060577, + 2.465132236480713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/52.png", + [ + 0.20919057726860046, + -0.01652279496192932, + -0.05398333817720413, + 0.6240993142127991, + -0.015350387431681156, + -0.21602830290794373, + 0.006636028178036213, + -0.08853815495967865, + -0.054328352212905884, + -0.0025823472533375025, + -0.2097371220588684, + 2.4781975746154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/3.png", + [ + 0.21471768617630005, + -0.016804736107587814, + 0.02370249480009079, + -0.26979783177375793, + -0.015444520860910416, + -0.21572977304458618, + -0.01303953118622303, + 0.14462940394878387, + 0.024610446766018867, + 0.011232253164052963, + -0.21497920155525208, + 2.5535473823547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/47.png", + [ + 0.2089346945285797, + -0.015012526884675026, + -0.05539684742689133, + 0.6432503461837769, + -0.013934166170656681, + -0.21614229679107666, + 0.006020393688231707, + -0.0782240629196167, + -0.0556778758764267, + -0.0022428110241889954, + -0.20938681066036224, + 2.489820957183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/104.png", + [ + 0.20609749853610992, + -0.013032430782914162, + -0.06558868288993835, + 0.7507731318473816, + -0.0171163659542799, + -0.2157212793827057, + -0.010920594446361065, + 0.11510562896728516, + -0.0646432489156723, + 0.015568722039461136, + -0.20622016489505768, + 2.4236550331115723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/21.png", + [ + 0.21566198766231537, + -0.016484607011079788, + -0.01288669090718031, + 0.15123455226421356, + -0.016131123527884483, + -0.21598078310489655, + 0.006323426961898804, + -0.08059181272983551, + -0.013326509855687618, + -0.0053344774059951305, + -0.2161986231803894, + 2.5532236099243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/82.png", + [ + 0.20423834025859833, + -0.025406625121831894, + -0.06774288415908813, + 0.7860696315765381, + -0.030486881732940674, + -0.21420642733573914, + -0.011578010395169258, + 0.12954579293727875, + -0.06561359763145447, + 0.020445136353373528, + -0.20548662543296814, + 2.4331612586975098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/106.png", + [ + 0.20621903240680695, + -0.011656592600047588, + -0.06546545028686523, + 0.7436602115631104, + -0.017019130289554596, + -0.21546651422977448, + -0.01524564903229475, + 0.16404761373996735, + -0.06428025662899017, + 0.01965208537876606, + -0.20598480105400085, + 2.4007930755615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/14.png", + [ + 0.21543195843696594, + -0.018116548657417297, + 0.014448610134422779, + -0.1594831347465515, + -0.01806880719959736, + -0.21591588854789734, + -0.0013186415890231729, + 0.005982313305139542, + 0.014508267864584923, + 0.00010618905071169138, + -0.21618832647800446, + 2.52520751953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/67.png", + [ + 0.20714566111564636, + -0.018401332199573517, + -0.060827307403087616, + 0.707805335521698, + -0.014549430459737778, + -0.21561619639396667, + 0.01568002998828888, + -0.1960756778717041, + -0.06186182424426079, + -0.010905971750617027, + -0.20736940205097198, + 2.466215133666992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/78.png", + [ + 0.20427879691123962, + -0.02565234899520874, + -0.0675278902053833, + 0.783602237701416, + -0.02769346907734871, + -0.2148868590593338, + -0.002144827740266919, + 0.02018202841281891, + -0.06671679019927979, + 0.010652951896190643, + -0.20587198436260223, + 2.4344568252563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/31.png", + [ + 0.21093714237213135, + -0.016288815066218376, + -0.046777013689279556, + 0.542235791683197, + -0.015252374112606049, + -0.21604083478450775, + 0.006450972519814968, + -0.08405802398920059, + -0.04712515324354172, + -0.002987377578392625, + -0.21146677434444427, + 2.4779462814331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/39.png", + [ + 0.2082761973142624, + -0.014766491018235683, + -0.05788671597838402, + 0.6685567498207092, + -0.013494989834725857, + -0.21615371108055115, + 0.006584357004612684, + -0.0822291150689125, + -0.058196283876895905, + -0.0027238258626312017, + -0.2086951583623886, + 2.459303379058838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/92.png", + [ + 0.20483671128749847, + -0.02225009724497795, + -0.06704292446374893, + 0.7774841785430908, + -0.025831788778305054, + -0.21499602496623993, + -0.007571505382657051, + 0.07873426377773285, + -0.0657460168004036, + 0.015150646679103374, + -0.20590244233608246, + 2.4449501037597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/53.png", + [ + 0.2081228643655777, + -0.013370916247367859, + -0.058770664036273956, + 0.6812262535095215, + -0.011960195377469063, + -0.21623608469963074, + 0.006841589231044054, + -0.0884598046541214, + -0.059073906391859055, + -0.0033274886664003134, + -0.2084396779537201, + 2.466588020324707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/75.png", + [ + 0.20678620040416718, + -0.0260027963668108, + -0.05925551429390907, + 0.6856999397277832, + -0.02356557734310627, + -0.2150474637746811, + 0.01213049702346325, + -0.15101897716522217, + -0.06026627495884895, + -0.005132253747433424, + -0.2080613672733307, + 2.465503692626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/87.png", + [ + 0.20358310639858246, + -0.02340451255440712, + -0.0703849345445633, + 0.8188311457633972, + -0.027922140434384346, + -0.2146630436182022, + -0.009382586926221848, + 0.1007794439792633, + -0.06871800869703293, + 0.01788596250116825, + -0.20470911264419556, + 2.432774543762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/107.png", + [ + 0.20693150162696838, + -0.010900041088461876, + -0.06331221759319305, + 0.7123253345489502, + -0.01681075058877468, + -0.2152801901102066, + -0.017881397157907486, + 0.19269713759422302, + -0.06200521066784859, + 0.021989423781633377, + -0.20644544064998627, + 2.3912720680236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/69.png", + [ + 0.20685912668704987, + -0.019366877153515816, + -0.0614989772439003, + 0.7150038480758667, + -0.016291670501232147, + -0.21566279232501984, + 0.013116231188178062, + -0.1619359850883484, + -0.062384139746427536, + -0.007897976785898209, + -0.20734931528568268, + 2.462728977203369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/45.png", + [ + 0.20756429433822632, + -0.013794644735753536, + -0.06061903387308121, + 0.7066108584403992, + -0.012655341066420078, + -0.2162250131368637, + 0.0058719259686768055, + -0.07532176375389099, + -0.060867078602313995, + -0.0020844521932303905, + -0.2079392820596695, + 2.4833626747131348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/50.png", + [ + 0.20934616029262543, + -0.015635143965482712, + -0.053643472492694855, + 0.6200752854347229, + -0.014395283535122871, + -0.21608881652355194, + 0.006803855299949646, + -0.08747779577970505, + -0.05398940294981003, + -0.0030098038259893656, + -0.20981892943382263, + 2.4811630249023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/101.png", + [ + 0.20640189945697784, + -0.015839317813515663, + -0.06399430334568024, + 0.7385693788528442, + -0.01872921735048294, + -0.21574990451335907, + -0.007007106207311153, + 0.06641244888305664, + -0.0632089376449585, + 0.012206519953906536, + -0.20689012110233307, + 2.4370474815368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/85.png", + [ + 0.20346501469612122, + -0.02276560477912426, + -0.07093387097120285, + 0.824080228805542, + -0.02865692973136902, + -0.21435250341892242, + -0.013404276221990585, + 0.14861470460891724, + -0.0687653124332428, + 0.021968645974993706, + -0.20429539680480957, + 2.4258742332458496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/71.png", + [ + 0.2071579396724701, + -0.018931983038783073, + -0.06062222644686699, + 0.7025619149208069, + -0.014903821982443333, + -0.21553973853588104, + 0.016382602974772453, + -0.20323865115642548, + -0.061736129224300385, + -0.011493194848299026, + -0.20737512409687042, + 2.4597954750061035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/54.png", + [ + 0.2089405506849289, + -0.015757553279399872, + -0.05516735464334488, + 0.638207733631134, + -0.014494834467768669, + -0.21608160436153412, + 0.006822123657912016, + -0.0886973887681961, + -0.05551249533891678, + -0.0028880927711725235, + -0.20942282676696777, + 2.4728317260742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/33.png", + [ + 0.20850978791713715, + -0.01237054169178009, + -0.05760672688484192, + 0.6646054983139038, + -0.010356783866882324, + -0.21624185144901276, + 0.008949270471930504, + -0.11292105913162231, + -0.05800260975956917, + -0.005858507938683033, + -0.20868462324142456, + 2.4457483291625977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/49.png", + [ + 0.20876428484916687, + -0.0165330208837986, + -0.05560598522424698, + 0.6442671418190002, + -0.015154215507209301, + -0.21601957082748413, + 0.007333695422858, + -0.0939093604683876, + -0.055997464805841446, + -0.0031768768094480038, + -0.20928947627544403, + 2.4771342277526855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/18.png", + [ + 0.21599137783050537, + -0.016851838678121567, + -0.003411556128412485, + 0.04440191388130188, + -0.016808047890663147, + -0.2160031795501709, + 0.0028307547327131033, + -0.04091385751962662, + -0.0036211456172168255, + -0.0025571840815246105, + -0.2166292667388916, + 2.541271209716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/66.png", + [ + 0.20706041157245636, + -0.017337637022137642, + -0.06142708659172058, + 0.7131016254425049, + -0.014636107720434666, + -0.21586868166923523, + 0.011592520400881767, + -0.1483144611120224, + -0.06212620064616203, + -0.00692881690338254, + -0.2074613720178604, + 2.463315486907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/16.png", + [ + 0.2157215178012848, + -0.019091179594397545, + 0.006902615074068308, + -0.07153622806072235, + -0.019106490537524223, + -0.2158305048942566, + 0.0001770973758539185, + -0.009451458230614662, + 0.0068601202219724655, + -0.0007849946850910783, + -0.2165645807981491, + 2.520704746246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/94.png", + [ + 0.20453114807605743, + -0.020103977993130684, + -0.06863480806350708, + 0.7962217330932617, + -0.023802204057574272, + -0.2152187079191208, + -0.007890155538916588, + 0.08187772333621979, + -0.06744154542684555, + 0.01498764380812645, + -0.20536530017852783, + 2.4306883811950684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/28.png", + [ + 0.21316860616207123, + -0.01666303165256977, + -0.035062599927186966, + 0.40537700057029724, + -0.01595156267285347, + -0.21601207554340363, + 0.005676800850778818, + -0.07401610910892487, + -0.035391949117183685, + -0.003003639169037342, + -0.21374349296092987, + 2.5141477584838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/61.png", + [ + 0.20793181657791138, + -0.015162813477218151, + -0.059011444449424744, + 0.6854019165039062, + -0.01315219234675169, + -0.21608024835586548, + 0.009178311564028263, + -0.11690717935562134, + -0.05949186161160469, + -0.005225959699600935, + -0.20828180015087128, + 2.465822696685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/58.png", + [ + 0.2088112235069275, + -0.015495180152356625, + -0.055728524923324585, + 0.6474830508232117, + -0.014091899618506432, + -0.21609321236610413, + 0.0072827422991395, + -0.09308260679244995, + -0.056099798530340195, + -0.003394016996026039, + -0.20925866067409515, + 2.4719953536987305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/64.png", + [ + 0.20839187502861023, + -0.015395881608128548, + -0.05730348452925682, + 0.6653797626495361, + -0.013909737579524517, + -0.21609844267368317, + 0.007475107442587614, + -0.09866045415401459, + -0.057682253420352936, + -0.0035106793511658907, + -0.20882605016231537, + 2.467467784881592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/10.png", + [ + 0.21540029346942902, + -0.015636911615729332, + 0.017495494335889816, + -0.19894540309906006, + -0.014905392192304134, + -0.21595248579978943, + -0.009499837644398212, + 0.101022869348526, + 0.01812276616692543, + 0.00824042409658432, + -0.21575810015201569, + 2.5561842918395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/41.png", + [ + 0.207960844039917, + -0.013179597444832325, + -0.059384167194366455, + 0.6888775825500488, + -0.011975268833339214, + -0.21625860035419464, + 0.006059097126126289, + -0.0784275159239769, + -0.059638701379299164, + -0.0025333536323159933, + -0.2082899510860443, + 2.4702229499816895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/91.png", + [ + 0.20469145476818085, + -0.022257035598158836, + -0.06748282164335251, + 0.7836086750030518, + -0.025825003162026405, + -0.21500204503536224, + -0.007421878632158041, + 0.07628953456878662, + -0.06619951874017715, + 0.015054550021886826, + -0.20576414465904236, + 2.445932388305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/23.png", + [ + 0.21568766236305237, + -0.01244586892426014, + -0.016487019136548042, + 0.1902458220720291, + -0.012038450688123703, + -0.21626314520835876, + 0.005764365661889315, + -0.0777110755443573, + -0.016786811873316765, + -0.004822090268135071, + -0.21596954762935638, + 2.5555548667907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/37.png", + [ + 0.20822295546531677, + -0.012960347346961498, + -0.05850747972726822, + 0.6736853122711182, + -0.01142676081508398, + -0.21625208854675293, + 0.007236477918922901, + -0.09112821519374847, + -0.05882622301578522, + -0.0038687027990818024, + -0.20850035548210144, + 2.453092575073242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/36.png", + [ + 0.20860891044139862, + -0.014864489436149597, + -0.056650299578905106, + 0.6525496244430542, + -0.012914053164422512, + -0.2160959243774414, + 0.009146803990006447, + -0.11481328308582306, + -0.057126495987176895, + -0.00542989419773221, + -0.20893771946430206, + 2.454528331756592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/8.png", + [ + 0.21488513052463531, + -0.017994647845625877, + 0.021177003160119057, + -0.24075795710086823, + -0.01695699244737625, + -0.2157176285982132, + -0.011236601509153843, + 0.12262007594108582, + 0.022016659379005432, + 0.009486483410000801, + -0.21534429490566254, + 2.555202007293701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/6.png", + [ + 0.21442538499832153, + -0.01871923729777336, + 0.024884633719921112, + -0.2840881049633026, + -0.017447054386138916, + -0.21564412117004395, + -0.01187891699373722, + 0.1304963231086731, + 0.025792542845010757, + 0.009751847013831139, + -0.21491287648677826, + 2.5518126487731934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/20.png", + [ + 0.21571888029575348, + -0.017582768574357033, + -0.010203148238360882, + 0.1205238625407219, + -0.017376480624079704, + -0.21592523157596588, + 0.004716993309557438, + -0.0625932365655899, + -0.010550634935498238, + -0.0038779324386268854, + -0.21638286113739014, + 2.5466742515563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/2.png", + [ + 0.2141089141368866, + -0.01847582869231701, + 0.02763889916241169, + -0.3138120472431183, + -0.01668127253651619, + -0.21552085876464844, + -0.014845614321529865, + 0.16553515195846558, + 0.028757605701684952, + 0.012541968375444412, + -0.21439121663570404, + 2.5448389053344727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/5.png", + [ + 0.2147313952445984, + -0.016965389251708984, + 0.023462750017642975, + -0.2665363550186157, + -0.01570381410419941, + -0.21575526893138885, + -0.0122862933203578, + 0.13711489737033844, + 0.02432519756257534, + 0.01047560665756464, + -0.2150498628616333, + 2.5562939643859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/108.png", + [ + 0.20678021013736725, + -0.011122962459921837, + -0.06376617401838303, + 0.7100360989570618, + -0.01712169498205185, + -0.21524782478809357, + -0.01797558180987835, + 0.19296911358833313, + -0.06242348998785019, + 0.02219354920089245, + -0.20629748702049255, + 2.3874359130859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/60.png", + [ + 0.20877647399902344, + -0.016206441447138786, + -0.05565636232495308, + 0.6475593447685242, + -0.01428897026926279, + -0.21600298583507538, + 0.0092970235273242, + -0.11814694106578827, + -0.0561792217195034, + -0.005287779029458761, + -0.20919805765151978, + 2.4754600524902344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/56.png", + [ + 0.20888181030750275, + -0.016932953149080276, + -0.05504140630364418, + 0.6369964480400085, + -0.015571449883282185, + -0.21598923206329346, + 0.007353425957262516, + -0.09470443427562714, + -0.055441964417696, + -0.003133373335003853, + -0.20943798124790192, + 2.4685821533203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/30.png", + [ + 0.2119775265455246, + -0.015585599467158318, + -0.04207755625247955, + 0.48793911933898926, + -0.01470092311501503, + -0.21609258651733398, + 0.005981038324534893, + -0.07922007143497467, + -0.04239474609494209, + -0.002996505703777075, + -0.21246552467346191, + 2.4928460121154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/17.png", + [ + 0.21598081290721893, + -0.017244091257452965, + 0.0016808711225166917, + -0.014058949425816536, + -0.017252428457140923, + -0.21598421037197113, + 0.0010365934576839209, + -0.020105678588151932, + 0.0015930176014080644, + -0.0011671115644276142, + -0.21666564047336578, + 2.5311713218688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/12.png", + [ + 0.21557746827602386, + -0.016570894047617912, + 0.014130091294646263, + -0.16090035438537598, + -0.01613270491361618, + -0.21595558524131775, + -0.007128737401217222, + 0.07255490124225616, + 0.014628393575549126, + 0.006040571723133326, + -0.21609583497047424, + 2.5407967567443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/27.png", + [ + 0.2138780951499939, + -0.014913948252797127, + -0.03133096918463707, + 0.36171722412109375, + -0.014164591208100319, + -0.21612270176410675, + 0.006183883175253868, + -0.08142624795436859, + -0.03167680278420448, + -0.0040558818727731705, + -0.2143082618713379, + 2.5239009857177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/42.png", + [ + 0.20749422907829285, + -0.013078981079161167, + -0.0610162615776062, + 0.7100296020507812, + -0.01193641871213913, + -0.21626873314380646, + 0.005766287446022034, + -0.07581526041030884, + -0.06125003471970558, + -0.0021606397349387407, + -0.20782603323459625, + 2.4753613471984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/7.png", + [ + 0.21483580768108368, + -0.017641043290495872, + 0.021960509940981865, + -0.2496625781059265, + -0.01657027192413807, + -0.215749129652977, + -0.011208836920559406, + 0.12230506539344788, + 0.022779298946261406, + 0.009434274397790432, + -0.21526725590229034, + 2.554999828338623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/73.png", + [ + 0.20680908858776093, + -0.019366253167390823, + -0.06166725233197212, + 0.7140179872512817, + -0.014879396185278893, + -0.21543268859386444, + 0.01775544509291649, + -0.22039681673049927, + -0.06290076673030853, + -0.01271221973001957, + -0.20695358514785767, + 2.4528861045837402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/46.png", + [ + 0.20811501145362854, + -0.013698793947696686, + -0.05872292071580887, + 0.6830998659133911, + -0.012551394291222095, + -0.21622870862483978, + 0.005959148518741131, + -0.07645513117313385, + -0.05897882208228111, + -0.00232206960208714, + -0.20848022401332855, + 2.4849390983581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/57.png", + [ + 0.20910926163196564, + -0.017157351598143578, + -0.05410027876496315, + 0.6265585422515869, + -0.01574123464524746, + -0.21596670150756836, + 0.007648363243788481, + -0.09761039912700653, + -0.05452914535999298, + -0.003450974589213729, + -0.2096724808216095, + 2.472982406616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/44.png", + [ + 0.20740114152431488, + -0.013177960179746151, + -0.06131070479750633, + 0.7151283621788025, + -0.012193278409540653, + -0.2162678837776184, + 0.005236765835434198, + -0.06841576844453812, + -0.061514101922512054, + -0.0015623997896909714, + -0.20775337517261505, + 2.4825453758239746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/29.png", + [ + 0.21256087720394135, + -0.015483428724110126, + -0.039064422249794006, + 0.4521230459213257, + -0.014620226807892323, + -0.21609480679035187, + 0.006097628269344568, + -0.08128028362989426, + -0.03939562290906906, + -0.0033459686674177647, + -0.21303682029247284, + 2.5034241676330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/4.png", + [ + 0.2145715206861496, + -0.017040953040122986, + 0.024830713868141174, + -0.2821059823036194, + -0.015653444454073906, + -0.2157299518585205, + -0.012784997932612896, + 0.14140024781227112, + 0.02572796493768692, + 0.01086703222244978, + -0.21486712992191315, + 2.551680088043213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/55.png", + [ + 0.20877791941165924, + -0.015600224956870079, + -0.055823929607868195, + 0.6459531784057617, + -0.014250296168029308, + -0.2160891592502594, + 0.007091809064149857, + -0.09042754024267197, + -0.056183695793151855, + -0.003161909058690071, + -0.20923979580402374, + 2.471038341522217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/9.png", + [ + 0.21529266238212585, + -0.01638164184987545, + 0.018127478659152985, + -0.20613713562488556, + -0.015603874810039997, + -0.21589075028896332, + -0.009777700528502464, + 0.10413333773612976, + 0.018801137804985046, + 0.00840988289564848, + -0.21569350361824036, + 2.5557546615600586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/25.png", + [ + 0.21498195827007294, + -0.015853065997362137, + -0.021893542259931564, + 0.25181543827056885, + -0.015120436437427998, + -0.21600082516670227, + 0.007931744679808617, + -0.10237331688404083, + -0.02240578643977642, + -0.006341960281133652, + -0.2154197245836258, + 2.5371317863464355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/99.png", + [ + 0.20575253665447235, + -0.017429612576961517, + -0.06565060466527939, + 0.7628047466278076, + -0.020641135051846504, + -0.21556010842323303, + -0.007461259141564369, + 0.07387353479862213, + -0.06471271812915802, + 0.013339243829250336, + -0.20635460317134857, + 2.4423627853393555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/34.png", + [ + 0.20756231248378754, + -0.010800755582749844, + -0.061230119317770004, + 0.7047286033630371, + -0.008542275987565517, + -0.21631067991256714, + 0.009199131280183792, + -0.11594390869140625, + -0.06158582121133804, + -0.006398295983672142, + -0.20763945579528809, + 2.4338159561157227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/72.png", + [ + 0.20675945281982422, + -0.018854457885026932, + -0.061991408467292786, + 0.7192271947860718, + -0.01418804470449686, + -0.21544185280799866, + 0.01820456236600876, + -0.22681839764118195, + -0.06322281807661057, + -0.013312255032360554, + -0.20681768655776978, + 2.4545488357543945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/102.png", + [ + 0.20640012621879578, + -0.01417575217783451, + -0.06438896059989929, + 0.7396060228347778, + -0.01747593656182289, + -0.21580103039741516, + -0.008509118109941483, + 0.08430574834346771, + -0.06357263773679733, + 0.013298927806317806, + -0.2067112773656845, + 2.431553363800049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/70.png", + [ + 0.2072550356388092, + -0.02064097300171852, + -0.05972599983215332, + 0.6922956109046936, + -0.017884565517306328, + -0.21557658910751343, + 0.012440879829227924, + -0.15350182354450226, + -0.06060847267508507, + -0.006970180664211512, + -0.20790845155715942, + 2.4637136459350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/90.png", + [ + 0.20464834570884705, + -0.022124033421278, + -0.06765701621770859, + 0.7853032350540161, + -0.025725124403834343, + -0.21501117944717407, + -0.007503868546336889, + 0.075521320104599, + -0.06637139618396759, + 0.015120088122785091, + -0.20570392906665802, + 2.4418396949768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/15.png", + [ + 0.21564823389053345, + -0.018140342086553574, + 0.010707982815802097, + -0.11521697789430618, + -0.01815882883965969, + -0.2159123569726944, + -7.508911949116737e-05, + -0.007926687598228455, + 0.010676597245037556, + -0.0008226687205024064, + -0.2164098620414734, + 2.5208187103271484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/22.png", + [ + 0.21568654477596283, + -0.015885688364505768, + -0.013223215937614441, + 0.1538373827934265, + -0.015493609942495823, + -0.2160133421421051, + 0.0067878905683755875, + -0.08856240659952164, + -0.013680519536137581, + -0.005811392795294523, + -0.21616420149803162, + 2.558239459991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/109.png", + [ + 0.2071574479341507, + -0.012067803181707859, + -0.06235422566533089, + 0.684420108795166, + -0.018167812377214432, + -0.21509777009487152, + -0.018729127943515778, + 0.20182856917381287, + -0.06085730716586113, + 0.02313477173447609, + -0.20666170120239258, + 2.384312629699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/26.png", + [ + 0.21452933549880981, + -0.015622948296368122, + -0.026095673441886902, + 0.3002351224422455, + -0.014823810197412968, + -0.21603776514530182, + 0.007472672499716282, + -0.09581467509269714, + -0.02655777521431446, + -0.005613348446786404, + -0.21496762335300446, + 2.5343074798583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/43.png", + [ + 0.20781941711902618, + -0.015066017396748066, + -0.059430621564388275, + 0.6930168271064758, + -0.014292536303400993, + -0.21614909172058105, + 0.004816361237317324, + -0.06398516893386841, + -0.059621378779411316, + -0.0006992927519604564, + -0.208309143781662, + 2.4848408699035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/84.png", + [ + 0.20404380559921265, + -0.02414010278880596, + -0.06878425180912018, + 0.799938976764679, + -0.030509404838085175, + -0.21396145224571228, + -0.015413467772305012, + 0.17209433019161224, + -0.0662057027220726, + 0.02420029044151306, + -0.20488788187503815, + 2.429720878601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/89.png", + [ + 0.20459336042404175, + -0.022565053775906563, + -0.06767770648002625, + 0.7858981490135193, + -0.026272399351000786, + -0.21493592858314514, + -0.007759083528071642, + 0.07956798374652863, + -0.0663265809416771, + 0.015532566234469414, + -0.20568767189979553, + 2.444969654083252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/63.png", + [ + 0.2085312455892563, + -0.016543054953217506, + -0.05647073686122894, + 0.6554917693138123, + -0.01470357459038496, + -0.2159886658191681, + 0.00897734984755516, + -0.11598290503025055, + -0.056977368891239166, + -0.00480783823877573, + -0.20899367332458496, + 2.471235752105713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/88.png", + [ + 0.20412707328796387, + -0.023200571537017822, + -0.06886051595211029, + 0.8012004494667053, + -0.02693585678935051, + -0.2148645669221878, + -0.007455013692378998, + 0.07688203454017639, + -0.06748702377080917, + 0.015583675354719162, + -0.20530597865581512, + 2.4412050247192383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/62.png", + [ + 0.20865356922149658, + -0.017468569800257683, + -0.05573534592986107, + 0.6460283398628235, + -0.015597139485180378, + -0.21591314673423767, + 0.00928126648068428, + -0.11826825141906738, + -0.0562877394258976, + -0.004925621673464775, + -0.20917773246765137, + 2.472404956817627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/65.png", + [ + 0.20778398215770721, + -0.015227709896862507, + -0.05951327085494995, + 0.6905145049095154, + -0.013353166170418262, + -0.2160889357328415, + 0.008669755421578884, + -0.11397452652454376, + -0.059961698949337006, + -0.004646347835659981, + -0.20816074311733246, + 2.4652252197265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/80.png", + [ + 0.20407502353191376, + -0.0264622513204813, + -0.0678308829665184, + 0.7885897159576416, + -0.029868192970752716, + -0.21451732516288757, + -0.006173308938741684, + 0.06688772141933441, + -0.06640158593654633, + 0.015164692886173725, + -0.2056909203529358, + 2.436056613922119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/79.png", + [ + 0.20364753901958466, + -0.026391154155135155, + -0.06913095712661743, + 0.803733766078949, + -0.02922813408076763, + -0.21465401351451874, + -0.004155437462031841, + 0.04406419023871422, + -0.06798014044761658, + 0.013230958953499794, + -0.20530840754508972, + 2.430511474609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/19.png", + [ + 0.21589845418930054, + -0.016848167404532433, + -0.007203219924122095, + 0.08544029295444489, + -0.016717104241251945, + -0.21598908305168152, + 0.004140259698033333, + -0.05696550011634827, + -0.007502368185669184, + -0.0035696777049452066, + -0.21651527285575867, + 2.549441337585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/77.png", + [ + 0.206197127699852, + -0.026408549398183823, + -0.061100125312805176, + 0.7079778909683228, + -0.02743696980178356, + -0.21493026614189148, + 0.00030396642978303134, + -0.009397851303219795, + -0.06064527481794357, + 0.007447688840329647, + -0.2078811675310135, + 2.4562878608703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/68.png", + [ + 0.20700018107891083, + -0.019731830805540085, + -0.06090550124645233, + 0.7093535661697388, + -0.016459882259368896, + -0.21560049057006836, + 0.013906686566770077, + -0.17236630618572235, + -0.06187000498175621, + -0.008659016340970993, + -0.20747292041778564, + 2.4675354957580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/86.png", + [ + 0.2032259851694107, + -0.02273280918598175, + -0.07162617892026901, + 0.8337960839271545, + -0.027858130633831024, + -0.21459797024726868, + -0.01093288417905569, + 0.11894631385803223, + -0.06979265064001083, + 0.019463365897536278, + -0.20420101284980774, + 2.426908016204834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/1.png", + [ + 0.21422822773456573, + -0.016634497791528702, + 0.027882803231477737, + -0.3173580467700958, + -0.014752713963389397, + -0.21563009917736053, + -0.015294382348656654, + 0.1701917052268982, + 0.028922559693455696, + 0.013223244808614254, + -0.2143280953168869, + 2.542203903198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/81.png", + [ + 0.20428428053855896, + -0.025467921048402786, + -0.0675811618566513, + 0.7854178547859192, + -0.029430584982037544, + -0.21451281011104584, + -0.008123724721372128, + 0.08837912976741791, + -0.06595202535390854, + 0.016838623210787773, + -0.20570534467697144, + 2.4370574951171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/95.png", + [ + 0.20473134517669678, + -0.02068265527486801, + -0.0678616389632225, + 0.7866138815879822, + -0.024197105318307877, + -0.21519158780574799, + -0.0074146767146885395, + 0.07725189626216888, + -0.0666894018650055, + 0.014584412798285484, + -0.2056397646665573, + 2.4314661026000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/103.png", + [ + 0.2061692476272583, + -0.014220543205738068, + -0.0651145949959755, + 0.7468221783638, + -0.017955398187041283, + -0.21570950746536255, + -0.009741969406604767, + 0.10111044347286224, + -0.06418519467115402, + 0.014665552414953709, + -0.2064293622970581, + 2.429265022277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/83.png", + [ + 0.20389589667320251, + -0.024041887372732162, + -0.06925560534000397, + 0.8043551445007324, + -0.02982141636312008, + -0.2141912877559662, + -0.013441543094813824, + 0.1504386067390442, + -0.06697040796279907, + 0.02218061313033104, + -0.20486795902252197, + 2.430251121520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/51.png", + [ + 0.20972774922847748, + -0.016712063923478127, + -0.05179644376039505, + 0.5989484190940857, + -0.01555930357426405, + -0.21601152420043945, + 0.006695061456412077, + -0.08777841925621033, + -0.052154313772916794, + -0.0027609302196651697, + -0.2102859914302826, + 2.485238552093506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/93.png", + [ + 0.2045518457889557, + -0.021750466898083687, + -0.06806876510381699, + 0.7901023626327515, + -0.025338325649499893, + -0.21505986154079437, + -0.007424087729305029, + 0.07724116742610931, + -0.06681623309850693, + 0.01496879942715168, + -0.20557096600532532, + 2.43735933303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/76.png", + [ + 0.21165433526039124, + -0.010464608669281006, + -0.04517555236816406, + 0.5085676312446594, + -0.020536702126264572, + -0.21040913462638855, + -0.04747774451971054, + 0.5335680246353149, + -0.04157622158527374, + 0.05065949633717537, + -0.20652584731578827, + 2.413717746734619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/48.png", + [ + 0.21057848632335663, + -0.0093889394775033, + -0.05016413703560829, + 0.5715699195861816, + -0.020359670743346214, + -0.2107497751712799, + -0.04602076858282089, + 0.5179771780967712, + -0.04679825156927109, + 0.04943961277604103, + -0.20570255815982819, + 2.4257049560546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/35.png", + [ + 0.20867224037647247, + -0.02301643230021, + -0.05361008271574974, + 0.6124867796897888, + -0.03386624902486801, + -0.2099095582962036, + -0.041700683534145355, + 0.47366753220558167, + -0.04750657454133034, + 0.048539817333221436, + -0.20575448870658875, + 2.4363484382629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/124.png", + [ + 0.2066529393196106, + 0.016018865630030632, + -0.06313365697860718, + 0.6900542974472046, + -0.0006411954527720809, + -0.20950917899608612, + -0.055257439613342285, + 0.604019820690155, + -0.06513103097677231, + 0.05288849025964737, + -0.19977149367332458, + 2.2567672729492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/97.png", + [ + 0.20744040608406067, + 0.0020212195813655853, + -0.06254826486110687, + 0.721327006816864, + -0.00966095831245184, + -0.21293121576309204, + -0.038921210914850235, + 0.4387941360473633, + -0.061830710619688034, + 0.04005133733153343, + -0.20376642048358917, + 2.418806552886963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/13.png", + [ + 0.20598110556602478, + -0.037181053310632706, + -0.056011173874139786, + 0.6710759997367859, + -0.046120256185531616, + -0.2094947099685669, + -0.030541516840457916, + 0.3648383915424347, + -0.048914261162281036, + 0.04095645621418953, + -0.20706968009471893, + 2.5974488258361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/32.png", + [ + 0.20793992280960083, + -0.025507526472210884, + -0.05530140921473503, + 0.636871874332428, + -0.03541812300682068, + -0.2107091099023819, + -0.03598777577280998, + 0.4090881645679474, + -0.04954225569963455, + 0.04357670992612839, + -0.20638442039489746, + 2.4558582305908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/38.png", + [ + 0.20872734487056732, + -0.02076113037765026, + -0.05431172996759415, + 0.6180559396743774, + -0.031987521797418594, + -0.21001285314559937, + -0.0426531545817852, + 0.48086950182914734, + -0.04855499044060707, + 0.04910670593380928, + -0.20537486672401428, + 2.423114776611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/111.png", + [ + 0.2070341259241104, + 0.009994152002036572, + -0.06312587857246399, + 0.7075117826461792, + -0.0032199497800320387, + -0.21210625767707825, + -0.04414135590195656, + 0.4893488585948944, + -0.06383095681667328, + 0.04311547428369522, + -0.20252051949501038, + 2.341054916381836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/11.png", + [ + 0.20633673667907715, + -0.0374678410589695, + -0.05449046939611435, + 0.6466944217681885, + -0.04657804220914841, + -0.20908123254776, + -0.032610099762678146, + 0.38573262095451355, + -0.04694183170795441, + 0.04276790842413902, + -0.20715999603271484, + 2.5703492164611816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/125.png", + [ + 0.20609928667545319, + 0.016376838088035583, + -0.06482882052659988, + 0.7077390551567078, + -0.0005421478999778628, + -0.20965911448001862, + -0.054686933755874634, + 0.5974208116531372, + -0.06686317920684814, + 0.05218001455068588, + -0.19938519597053528, + 2.2536306381225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/59.png", + [ + 0.20892690122127533, + -0.005591086111962795, + -0.05715054273605347, + 0.6735104918479919, + -0.01720891334116459, + -0.2118300348520279, + -0.042187608778476715, + 0.49271413683891296, + -0.054784104228019714, + 0.045218151062726974, + -0.2046995609998703, + 2.4799437522888184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/105.png", + [ + 0.20786412060260773, + 0.004053321201354265, + -0.06102431192994118, + 0.7080978751182556, + -0.005722190253436565, + -0.2139609158039093, + -0.03370280563831329, + 0.3858081102371216, + -0.060890499502420425, + 0.03394397348165512, + -0.20515373349189758, + 2.4518485069274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/121.png", + [ + 0.20706051588058472, + 0.015723705291748047, + -0.061859507113695145, + 0.6830816268920898, + -0.00025250460021197796, + -0.20979344844818115, + -0.0541713684797287, + 0.5972514748573303, + -0.06382608413696289, + 0.051839809864759445, + -0.2004663497209549, + 2.283602237701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/24.png", + [ + 0.20637230575084686, + -0.03591128811240196, + -0.05539626628160477, + 0.6585637927055359, + -0.04369361698627472, + -0.21059292554855347, + -0.026256097480654716, + 0.3066733777523041, + -0.04948974400758743, + 0.036178648471832275, + -0.20782148838043213, + 2.563864231109619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/74.png", + [ + 0.21130864322185516, + -0.010718348436057568, + -0.046708252280950546, + 0.5266921520233154, + -0.020012127235531807, + -0.21162642538547516, + -0.041972242295742035, + 0.4725908935070038, + -0.04354375600814819, + 0.045246779918670654, + -0.2073754072189331, + 2.4299755096435547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/98.png", + [ + 0.2067989557981491, + 0.0012568824458867311, + -0.0646568164229393, + 0.7484921813011169, + -0.010148021392524242, + -0.2133191078901291, + -0.03660429269075394, + 0.41258397698402405, + -0.06386784464120865, + 0.03796415403485298, + -0.20353750884532928, + 2.424686908721924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/0.png", + [ + 0.20848076045513153, + -0.037267643958330154, + -0.045768871903419495, + 0.5261686444282532, + -0.04451870918273926, + -0.20960618555545807, + -0.03211277350783348, + 0.3664127588272095, + -0.038752444088459015, + 0.04030220955610275, + -0.2093367576599121, + 2.50901460647583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/96.png", + [ + 0.20765167474746704, + -0.0008626685594208539, + -0.061870213598012924, + 0.7114050388336182, + -0.01272582821547985, + -0.212617427110672, + -0.03974645212292671, + 0.4441952705383301, + -0.06055345758795738, + 0.04172509163618088, + -0.20381410419940948, + 2.4081063270568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/100.png", + [ + 0.20657111704349518, + 0.0028814312536269426, + -0.06532968580722809, + 0.7644373774528503, + -0.007951103150844574, + -0.2137514054775238, + -0.034568943083286285, + 0.3928491175174713, + -0.06490801274776459, + 0.035354338586330414, + -0.20367847383022308, + 2.4512758255004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/40.png", + [ + 0.20869183540344238, + -0.017867600545287132, + -0.05546499043703079, + 0.6308864951133728, + -0.029547762125730515, + -0.21020473539829254, + -0.04346024617552757, + 0.48845675587654114, + -0.05022495612502098, + 0.049422793090343475, + -0.20489688217639923, + 2.416377067565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/52.png", + [ + 0.20951023697853088, + -0.008284884504973888, + -0.05463258922100067, + 0.6257851123809814, + -0.02046637050807476, + -0.210624098777771, + -0.04654579237103462, + 0.5274877548217773, + -0.05132725462317467, + 0.050167154520750046, + -0.2044423371553421, + 2.418459415435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/3.png", + [ + 0.20760034024715424, + -0.03862329199910164, + -0.048561643809080124, + 0.565177321434021, + -0.0464680939912796, + -0.2091536670923233, + -0.03230099752545357, + 0.36835604906082153, + -0.04111821576952934, + 0.04136278107762337, + -0.2086775153875351, + 2.49613094329834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/47.png", + [ + 0.21046997606754303, + -0.011139814741909504, + -0.050261206924915314, + 0.5711135268211365, + -0.02212437056005001, + -0.2105822116136551, + -0.04597320780158043, + 0.5163820385932922, + -0.04648436978459358, + 0.049788836389780045, + -0.20568948984146118, + 2.4230098724365234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/104.png", + [ + 0.20855067670345306, + 0.00393983768299222, + -0.05864287167787552, + 0.6850239634513855, + -0.004729389678686857, + -0.21436136960983276, + -0.031220614910125732, + 0.3555602431297302, + -0.058584488928318024, + 0.03133004531264305, + -0.20623816549777985, + 2.4761228561401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/21.png", + [ + 0.20631323754787445, + -0.038056954741477966, + -0.054170161485672, + 0.6495038866996765, + -0.046115901321172714, + -0.20981962978839874, + -0.02823002263903618, + 0.33440467715263367, + -0.04749801754951477, + 0.03840935602784157, + -0.20788592100143433, + 2.597236156463623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/82.png", + [ + 0.21068930625915527, + -0.006840859539806843, + -0.05011099949479103, + 0.5600196123123169, + -0.01920870691537857, + -0.2094203382730484, + -0.05217325687408447, + 0.5779054760932922, + -0.04678605869412422, + 0.05517450347542763, + -0.20424184203147888, + 2.3647189140319824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/106.png", + [ + 0.20787964761257172, + 0.004804478958249092, + -0.06091683357954025, + 0.7069488763809204, + -0.005470576696097851, + -0.21367324888706207, + -0.03552072122693062, + 0.4061228632926941, + -0.060860637575387955, + 0.035616934299468994, + -0.2048787623643875, + 2.441580295562744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/14.png", + [ + 0.20594896376132965, + -0.0377168245613575, + -0.05577059090137482, + 0.6688939929008484, + -0.046640794724226, + -0.2093643695116043, + -0.030644534155726433, + 0.3676951825618744, + -0.04855464771389961, + 0.041132617741823196, + -0.2071194052696228, + 2.6060056686401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/67.png", + [ + 0.2110484540462494, + -0.013990423642098904, + -0.04701815918087959, + 0.5437851548194885, + -0.019900452345609665, + -0.21423719823360443, + -0.025579294189810753, + 0.2841032147407532, + -0.04483760893344879, + 0.029233479872345924, + -0.2099592536687851, + 2.5198569297790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/78.png", + [ + 0.21178069710731506, + -0.007089145015925169, + -0.04523907229304314, + 0.5082322955131531, + -0.018042588606476784, + -0.2096637487411499, + -0.05160883069038391, + 0.57813960313797, + -0.04208674654364586, + 0.05421024560928345, + -0.20551849901676178, + 2.393843650817871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/31.png", + [ + 0.20795559883117676, + -0.027132024988532066, + -0.054463014006614685, + 0.6311386823654175, + -0.036576204001903534, + -0.2107308954000473, + -0.03467803820967674, + 0.3953554034233093, + -0.0486266165971756, + 0.04247632250189781, + -0.20683111250400543, + 2.4736671447753906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/39.png", + [ + 0.2085743397474289, + -0.019204936921596527, + -0.055459946393966675, + 0.6305508613586426, + -0.030752936378121376, + -0.21015019714832306, + -0.04288414865732193, + 0.4818730652332306, + -0.04998892918229103, + 0.04915245249867439, + -0.20501960813999176, + 2.414524555206299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/92.png", + [ + 0.20923665165901184, + -0.003225967986509204, + -0.056191712617874146, + 0.6343361735343933, + -0.016491219401359558, + -0.21033863723278046, + -0.04933151230216026, + 0.5450429916381836, + -0.053814079612493515, + 0.051914844661951065, + -0.20336368680000305, + 2.361082077026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/53.png", + [ + 0.20919527113437653, + -0.008650139905512333, + -0.055771030485630035, + 0.6399067640304565, + -0.02101328782737255, + -0.2106580287218094, + -0.04614689201116562, + 0.5248540639877319, + -0.052380092442035675, + 0.04996267333626747, + -0.20422525703907013, + 2.4213194847106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/75.png", + [ + 0.2116987556219101, + -0.011066695675253868, + -0.0448225736618042, + 0.5053421854972839, + -0.02031569369137287, + -0.21122673153877258, + -0.04379991814494133, + 0.49328240752220154, + -0.041458502411842346, + 0.04699668660759926, + -0.20741359889507294, + 2.427978992462158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/87.png", + [ + 0.21115778386592865, + -0.00497898506000638, + -0.048326920717954636, + 0.5398610234260559, + -0.01774214394390583, + -0.2085500806570053, + -0.056035518646240234, + 0.6199864149093628, + -0.045227181166410446, + 0.05856597423553467, + -0.20364779233932495, + 2.3557915687561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/107.png", + [ + 0.20837704837322235, + 0.006009432952851057, + -0.05908294767141342, + 0.6792818307876587, + -0.004330730997025967, + -0.21345095336437225, + -0.036984339356422424, + 0.42106154561042786, + -0.05922966077923775, + 0.03674892708659172, + -0.20515665411949158, + 2.428164482116699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/112.png", + [ + 0.20685485005378723, + 0.010304369032382965, + -0.06366147100925446, + 0.7106112241744995, + -0.002884859684854746, + -0.21219822764396667, + -0.04372056946158409, + 0.48207828402519226, + -0.06442547589540482, + 0.04258674383163452, + -0.20244412124156952, + 2.332155227661133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/69.png", + [ + 0.21137450635433197, + -0.0125077273696661, + -0.0459594689309597, + 0.5291655659675598, + -0.01821875385940075, + -0.21440310776233673, + -0.02544163540005684, + 0.28089258074760437, + -0.0440090149641037, + 0.028683733195066452, + -0.21021024882793427, + 2.503347396850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/45.png", + [ + 0.2100096344947815, + -0.01221612561494112, + -0.05190961807966232, + 0.5905274748802185, + -0.023640461266040802, + -0.21038280427455902, + -0.04613138362765312, + 0.5162872672080994, + -0.047801367938518524, + 0.05037601292133331, + -0.20524419844150543, + 2.4132561683654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/50.png", + [ + 0.21015077829360962, + -0.009012504480779171, + -0.05199345201253891, + 0.5937342643737793, + -0.020420504733920097, + -0.21074703335762024, + -0.04600631073117256, + 0.518257737159729, + -0.04865744709968567, + 0.04952123016119003, + -0.2052510529756546, + 2.4219064712524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/101.png", + [ + 0.20631901919841766, + 0.0036252683494240046, + -0.0660848394036293, + 0.7754070162773132, + -0.006785821169614792, + -0.21405047178268433, + -0.03292788937687874, + 0.3736632466316223, + -0.06583541631698608, + 0.03342380374670029, + -0.203706756234169, + 2.4577856063842773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/85.png", + [ + 0.21123740077018738, + -0.005371865350753069, + -0.04793526604771614, + 0.5349552035331726, + -0.017898524180054665, + -0.20868311822414398, + -0.055487748235464096, + 0.6146935224533081, + -0.04479162395000458, + 0.05805506184697151, + -0.20389018952846527, + 2.3602423667907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/71.png", + [ + 0.21184991300106049, + -0.011447384022176266, + -0.04400515928864479, + 0.5014861822128296, + -0.0183561984449625, + -0.21337994933128357, + -0.03286244347691536, + 0.3673417270183563, + -0.04159983620047569, + 0.03585871681571007, + -0.20959842205047607, + 2.469472885131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/115.png", + [ + 0.20643554627895355, + 0.011800418607890606, + -0.06475343555212021, + 0.7214588522911072, + -0.0016033272258937359, + -0.2121991366147995, + -0.04378180578351021, + 0.4809103310108185, + -0.06580035388469696, + 0.04219203442335129, + -0.2020842432975769, + 2.319201946258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/54.png", + [ + 0.20913080871105194, + -0.0070908041670918465, + -0.056230925023555756, + 0.6461005806922913, + -0.01947251707315445, + -0.2108752727508545, + -0.045829370617866516, + 0.5213894248008728, + -0.05322609469294548, + 0.04928721860051155, + -0.20417062938213348, + 2.4222540855407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/33.png", + [ + 0.2080119401216507, + -0.025684816762804985, + -0.0549473911523819, + 0.6303864121437073, + -0.03608778864145279, + -0.21017423272132874, + -0.03837133198976517, + 0.43654513359069824, + -0.04875035956501961, + 0.045988887548446655, + -0.20604932308197021, + 2.4457387924194336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/49.png", + [ + 0.2107142060995102, + -0.009255939163267612, + -0.0496160089969635, + 0.5652143955230713, + -0.020094141364097595, + -0.21077603101730347, + -0.04601722210645676, + 0.5178968906402588, + -0.0462995283305645, + 0.049352679401636124, + -0.2058362364768982, + 2.4260425567626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/118.png", + [ + 0.20790588855743408, + 0.014210585504770279, + -0.05933879315853119, + 0.6616582870483398, + 0.001177063095383346, + -0.21161124110221863, + -0.04655304551124573, + 0.5135863423347473, + -0.06100530922412872, + 0.044346705079078674, + -0.20312462747097015, + 2.3321995735168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/110.png", + [ + 0.2069961130619049, + 0.00843030121177435, + -0.06347787380218506, + 0.7138227224349976, + -0.004648685455322266, + -0.2122436761856079, + -0.043346405029296875, + 0.4833586513996124, + -0.0638662725687027, + 0.0427720844745636, + -0.2025821954011917, + 2.352910041809082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/18.png", + [ + 0.20552387833595276, + -0.03757164627313614, + -0.05741257965564728, + 0.6943796277046204, + -0.045536890625953674, + -0.21030940115451813, + -0.02538202330470085, + 0.29983022809028625, + -0.05132470652461052, + 0.036141760647296906, + -0.20738236606121063, + 2.6135830879211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/66.png", + [ + 0.21072226762771606, + -0.007942155003547668, + -0.049809131771326065, + 0.5876742005348206, + -0.014275497756898403, + -0.21461376547813416, + -0.0261733066290617, + 0.2932886779308319, + -0.04837599769234657, + 0.02873593382537365, + -0.20924127101898193, + 2.5391974449157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/16.png", + [ + 0.20576146245002747, + -0.038100071251392365, + -0.05620051547884941, + 0.6773528456687927, + -0.04652122035622597, + -0.20974330604076385, + -0.02813214808702469, + 0.3364155888557434, + -0.0494559146463871, + 0.0387817807495594, + -0.20735955238342285, + 2.6139140129089355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/94.png", + [ + 0.20772141218185425, + -0.003228249493986368, + -0.06155721843242645, + 0.7038969993591309, + -0.016201699152588844, + -0.21162885427474976, + -0.04357326403260231, + 0.4850858151912689, + -0.059474509209394455, + 0.04637567326426506, + -0.20312552154064178, + 2.38686466217041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/28.png", + [ + 0.20788657665252686, + -0.03355180472135544, + -0.051042526960372925, + 0.6002051830291748, + -0.04168488457798958, + -0.21027237176895142, + -0.03155624493956566, + 0.36365363001823425, + -0.044647883623838425, + 0.040096163749694824, + -0.20819886028766632, + 2.5337719917297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/61.png", + [ + 0.20834369957447052, + -0.006131458096206188, + -0.059187885373830795, + 0.7017340064048767, + -0.017167972400784492, + -0.21255017817020416, + -0.03841319680213928, + 0.4474755823612213, + -0.05697421729564667, + 0.04162593558430672, + -0.20486365258693695, + 2.4973807334899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/58.png", + [ + 0.20850318670272827, + -0.005227949004620314, + -0.05871102958917618, + 0.6900092959403992, + -0.017435720190405846, + -0.21163271367549896, + -0.04307534918189049, + 0.5013166069984436, + -0.056305527687072754, + 0.04617530107498169, + -0.20407211780548096, + 2.4645633697509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/123.png", + [ + 0.2065325826406479, + 0.017346689477562904, + -0.06317654997110367, + 0.693691611289978, + 0.0005675375577993691, + -0.20940743386745453, + -0.05564264580607414, + 0.6098028421401978, + -0.06551229953765869, + 0.052872661501169205, + -0.19965098798274994, + 2.259620189666748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/64.png", + [ + 0.20926006138324738, + -0.009169243276119232, + -0.05544413626194, + 0.6604400277137756, + -0.01745329052209854, + -0.2138039767742157, + -0.030514603480696678, + 0.35076597332954407, + -0.05341826006770134, + 0.03393645957112312, + -0.2072262167930603, + 2.5348567962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/10.png", + [ + 0.206342414021492, + -0.038098566234111786, + -0.05402965843677521, + 0.6387559771537781, + -0.04698873311281204, + -0.20908033847808838, + -0.03202144056558609, + 0.37473416328430176, + -0.04650552570819855, + 0.04221152514219284, + -0.20737241208553314, + 2.5565085411071777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/41.png", + [ + 0.20849984884262085, + -0.015964163467288017, + -0.056752610951662064, + 0.6471619606018066, + -0.02775455266237259, + -0.21059943735599518, + -0.042725346982479095, + 0.4803300201892853, + -0.052013445645570755, + 0.04838300868868828, + -0.20469877123832703, + 2.417130470275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/91.png", + [ + 0.20941731333732605, + -0.0039940401911735535, + -0.055464647710323334, + 0.6269295811653137, + -0.01817403733730316, + -0.20916305482387543, + -0.05355757474899292, + 0.5952330827713013, + -0.05255458503961563, + 0.05641592666506767, + -0.2024923413991928, + 2.351761817932129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/23.png", + [ + 0.20625607669353485, + -0.03811751678586006, + -0.05434504523873329, + 0.6476056575775146, + -0.04578261449933052, + -0.21013425290584564, + -0.026371261104941368, + 0.30910858511924744, + -0.04806537926197052, + 0.036586157977581024, + -0.20808427035808563, + 2.5790719985961914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/37.png", + [ + 0.2086496204137802, + -0.022588282823562622, + -0.05387946963310242, + 0.6129916310310364, + -0.033376459032297134, + -0.21009215712547302, + -0.041172709316015244, + 0.4649970233440399, + -0.047950394451618195, + 0.04794735834002495, + -0.2057904452085495, + 2.429131031036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/36.png", + [ + 0.2087002843618393, + -0.022036075592041016, + -0.05391194298863411, + 0.6148998737335205, + -0.03298880159854889, + -0.2100173383951187, + -0.04186112806200981, + 0.4743904769420624, + -0.047998178750276566, + 0.04852861166000366, + -0.20564301311969757, + 2.4307260513305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/8.png", + [ + 0.20702141523361206, + -0.038844577968120575, + -0.05080479383468628, + 0.5938823819160461, + -0.0470028854906559, + -0.20913732051849365, + -0.03162601217627525, + 0.36558106541633606, + -0.043367695063352585, + 0.041238024830818176, + -0.2082463800907135, + 2.527343273162842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/6.png", + [ + 0.20790940523147583, + -0.03753744810819626, + -0.04808860644698143, + 0.5587825179100037, + -0.04514986276626587, + -0.2095436155796051, + -0.031636375933885574, + 0.3635843098163605, + -0.04102516174316406, + 0.04037710279226303, + -0.20888876914978027, + 2.504539966583252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/20.png", + [ + 0.20626647770404816, + -0.03740400820970535, + -0.054799433797597885, + 0.6582099199295044, + -0.04526280611753464, + -0.21017849445343018, + -0.026910528540611267, + 0.31971585750579834, + -0.04851099103689194, + 0.037065327167510986, + -0.20789597928524017, + 2.608689785003662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/2.png", + [ + 0.20796631276607513, + -0.03793063014745712, + -0.04753071442246437, + 0.5497496724128723, + -0.0453525073826313, + -0.2095656543970108, + -0.031197432428598404, + 0.35420510172843933, + -0.0405098982155323, + 0.03989231213927269, + -0.20908240973949432, + 2.4966583251953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/117.png", + [ + 0.20676517486572266, + 0.012495316565036774, + -0.0635603740811348, + 0.7089471817016602, + -0.001145688584074378, + -0.2118665724992752, + -0.04537777975201607, + 0.49789145588874817, + -0.06476682424545288, + 0.04363854229450226, + -0.20211093127727509, + 2.317042350769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/5.png", + [ + 0.20769377052783966, + -0.038262221962213516, + -0.048447880893945694, + 0.565629780292511, + -0.04604126885533333, + -0.2092795968055725, + -0.03209597244858742, + 0.36778295040130615, + -0.041126593947410583, + 0.041060347110033035, + -0.20873558521270752, + 2.501779556274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/108.png", + [ + 0.20786358416080475, + 0.006530640181154013, + -0.06081106513738632, + 0.6959629654884338, + -0.005027534905821085, + -0.21288226544857025, + -0.04004697501659393, + 0.45398396253585815, + -0.06095374375581741, + 0.03982946649193764, + -0.20407387614250183, + 2.400674819946289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/60.png", + [ + 0.20825403928756714, + -0.005477642174810171, + -0.059566304087638855, + 0.7041983008384705, + -0.01711495779454708, + -0.21220041811466217, + -0.04032314568758011, + 0.47068825364112854, + -0.05731690302491188, + 0.04346117004752159, + -0.2043863832950592, + 2.484445571899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/56.png", + [ + 0.20786450803279877, + -0.004967006854712963, + -0.06095556914806366, + 0.710639238357544, + -0.018017351627349854, + -0.21134790778160095, + -0.04421910271048546, + 0.5094433426856995, + -0.058443374931812286, + 0.047489818185567856, + -0.2031673938035965, + 2.4363298416137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/30.png", + [ + 0.20853334665298462, + -0.02763941138982773, + -0.05194040760397911, + 0.6043726205825806, + -0.036473192274570465, + -0.21081869304180145, + -0.03425026312470436, + 0.39176231622695923, + -0.04616761580109596, + 0.04170656204223633, + -0.2075500190258026, + 2.4940128326416016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/17.png", + [ + 0.20586666464805603, + -0.03733854368329048, + -0.0563262440264225, + 0.6794431209564209, + -0.04537665843963623, + -0.21020586788654327, + -0.026502033695578575, + 0.3146447539329529, + -0.05007766932249069, + 0.03697609528899193, + -0.2075400948524475, + 2.6163439750671387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/12.png", + [ + 0.20583759248256683, + -0.038099393248558044, + -0.05592158064246178, + 0.667601466178894, + -0.047180790454149246, + -0.2091674655675888, + -0.031158408150076866, + 0.3710339665412903, + -0.048505254089832306, + 0.041776902973651886, + -0.20700201392173767, + 2.583590030670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/114.png", + [ + 0.2063123732805252, + 0.012111090123653412, + -0.06508778780698776, + 0.728006899356842, + -0.001267305575311184, + -0.21225683391094208, + -0.04351234808564186, + 0.47888240218162537, + -0.06619284301996231, + 0.04181210324168205, + -0.20203500986099243, + 2.3249692916870117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/27.png", + [ + 0.20764192938804626, + -0.035440895706415176, + -0.050760913640260696, + 0.598993182182312, + -0.04347952455282211, + -0.20995140075683594, + -0.03127024695277214, + 0.36244991421699524, + -0.04407106339931488, + 0.040152713656425476, + -0.2083108127117157, + 2.5456957817077637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/42.png", + [ + 0.20862223207950592, + -0.013901364989578724, + -0.05684550106525421, + 0.6480796933174133, + -0.02611335925757885, + -0.2104700654745102, + -0.04436597228050232, + 0.4979640543460846, + -0.05237128213047981, + 0.04956812411546707, + -0.20432361960411072, + 2.4087271690368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/7.png", + [ + 0.2074706107378006, + -0.040244705975055695, + -0.04779341071844101, + 0.5569687485694885, + -0.047824058681726456, + -0.20894600450992584, + -0.031659528613090515, + 0.3650694787502289, + -0.040208276361227036, + 0.040863554924726486, + -0.20895302295684814, + 2.520125389099121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/73.png", + [ + 0.2109740823507309, + -0.008224830962717533, + -0.0486844927072525, + 0.5526739358901978, + -0.017234189435839653, + -0.2124767154455185, + -0.038788165897130966, + 0.4368949830532074, + -0.04626888781785965, + 0.0416400246322155, + -0.207540825009346, + 2.4369406700134277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/120.png", + [ + 0.20793862640857697, + 0.017397388815879822, + -0.05836743116378784, + 0.6469542384147644, + 0.003130207536742091, + -0.21042510867118835, + -0.05156911164522171, + 0.5680567622184753, + -0.06082456186413765, + 0.0486467108130455, + -0.20219239592552185, + 2.3092994689941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/46.png", + [ + 0.21031807363033295, + -0.012279858812689781, + -0.050630103796720505, + 0.5746371746063232, + -0.02333293855190277, + -0.2104727178812027, + -0.04587714374065399, + 0.5145662426948547, + -0.04658085107803345, + 0.0499834269285202, + -0.20562046766281128, + 2.416685104370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/57.png", + [ + 0.20830728113651276, + -0.004498416557908058, + -0.059462107717990875, + 0.6962921023368835, + -0.017159657552838326, + -0.21144047379493713, + -0.04411774128675461, + 0.5111819505691528, + -0.057109758257865906, + 0.04712316766381264, + -0.20363149046897888, + 2.4492359161376953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/44.png", + [ + 0.20904208719730377, + -0.01181449182331562, + -0.0557648241519928, + 0.6354917287826538, + -0.024104714393615723, + -0.2104063183069229, + -0.04578254744410515, + 0.5130659937858582, + -0.05165521800518036, + 0.05037357285618782, + -0.20430892705917358, + 2.4033498764038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/113.png", + [ + 0.20619164407253265, + 0.01173256617039442, + -0.06553809344768524, + 0.7340924143791199, + -0.001591667183674872, + -0.212354376912117, + -0.043023064732551575, + 0.473941832780838, + -0.06656096875667572, + 0.04142299294471741, + -0.20199422538280487, + 2.3300886154174805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/29.png", + [ + 0.20775575935840607, + -0.030893512070178986, + -0.05320737883448601, + 0.6252015829086304, + -0.039664071053266525, + -0.21049535274505615, + -0.032655224204063416, + 0.3763248324394226, + -0.04703398421406746, + 0.04105110093951225, + -0.20748615264892578, + 2.5160913467407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/4.png", + [ + 0.20781947672367096, + -0.03795395791530609, + -0.04815036058425903, + 0.5611320734024048, + -0.04579227417707443, + -0.20923884212970734, + -0.032711781561374664, + 0.37505990266799927, + -0.04076796770095825, + 0.04155105724930763, + -0.20870883762836456, + 2.498997688293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/55.png", + [ + 0.20873944461345673, + -0.00599646894261241, + -0.057790882885456085, + 0.6684674620628357, + -0.01804802194237709, + -0.2115481048822403, + -0.043238524347543716, + 0.49362871050834656, + -0.055226922035217285, + 0.046468738466501236, + -0.20430012047290802, + 2.4358839988708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/9.png", + [ + 0.20679344236850739, + -0.041207995265722275, + -0.04986254498362541, + 0.5838678479194641, + -0.04926566779613495, + -0.20856614410877228, + -0.031952302902936935, + 0.3710988461971283, + -0.0419197604060173, + 0.04183248430490494, + -0.20842424035072327, + 2.545017719268799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/25.png", + [ + 0.20652401447296143, + -0.036265987902879715, + -0.05459394305944443, + 0.6471975445747375, + -0.04443250596523285, + -0.21014806628227234, + -0.02848583273589611, + 0.3318251967430115, + -0.04818166792392731, + 0.03834668919444084, + -0.20774012804031372, + 2.5558524131774902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/99.png", + [ + 0.2062472701072693, + 0.0017728939419612288, + -0.06638385355472565, + 0.7726914882659912, + -0.009553090669214725, + -0.21355240046977997, + -0.0353836715221405, + 0.4004196524620056, + -0.06571680307388306, + 0.036607686430215836, + -0.20319712162017822, + 2.434166431427002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/34.png", + [ + 0.20840388536453247, + -0.024325719103217125, + -0.05407377704977989, + 0.6194525361061096, + -0.034898146986961365, + -0.21007215976715088, + -0.03999633714556694, + 0.4546171724796295, + -0.04793572053313255, + 0.047178879380226135, + -0.2059713900089264, + 2.443303108215332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/72.png", + [ + 0.2117648720741272, + -0.010842847637832165, + -0.04456419125199318, + 0.5052410364151001, + -0.018266716971993446, + -0.2130533754825592, + -0.03496403247117996, + 0.3920935392379761, + -0.04206971824169159, + 0.037928737699985504, + -0.20913976430892944, + 2.458251953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/102.png", + [ + 0.2063770294189453, + 0.004293073900043964, + -0.06586339324712753, + 0.7752770185470581, + -0.006020288914442062, + -0.21409012377262115, + -0.0328187495470047, + 0.37438055872917175, + -0.06572802364826202, + 0.03308902680873871, + -0.20379605889320374, + 2.468204975128174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/70.png", + [ + 0.21152392029762268, + -0.012280327267944813, + -0.04532907158136368, + 0.5184677839279175, + -0.01848912052810192, + -0.21402192115783691, + -0.02829599566757679, + 0.31469666957855225, + -0.04317040741443634, + 0.03149133920669556, + -0.20998217165470123, + 2.48911190032959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/90.png", + [ + 0.21002638339996338, + -0.005615113768726587, + -0.052965011447668076, + 0.5988903045654297, + -0.01956409588456154, + -0.20853808522224426, + -0.055470794439315796, + 0.617799699306488, + -0.04953855648636818, + 0.0585511177778244, + -0.20264647901058197, + 2.354278564453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/122.png", + [ + 0.20691679418087006, + 0.01523174624890089, + -0.062460578978061676, + 0.6879285573959351, + -0.0010544589022174478, + -0.2096734344959259, + -0.054624494165182114, + 0.6006574034690857, + -0.06428233534097672, + 0.052468471229076385, + -0.2001567780971527, + 2.273350238800049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/15.png", + [ + 0.2057565450668335, + -0.03856143355369568, + -0.05590301379561424, + 0.6731268763542175, + -0.04734167456626892, + -0.20932070910930634, + -0.02985801175236702, + 0.3576214909553528, + -0.04869186505675316, + 0.040567852556705475, + -0.20719857513904572, + 2.6126708984375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/22.png", + [ + 0.20649072527885437, + -0.038909733295440674, + -0.052872613072395325, + 0.6306478977203369, + -0.046507783234119415, + -0.20987100899219513, + -0.02718612737953663, + 0.31986814737319946, + -0.04633040726184845, + 0.0372571162879467, + -0.20835857093334198, + 2.590932846069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/109.png", + [ + 0.2073022723197937, + 0.008004087023437023, + -0.06252678483724594, + 0.7110677361488342, + -0.004744904115796089, + -0.21232983469963074, + -0.04291178286075592, + 0.4824628531932831, + -0.06285818666219711, + 0.042424868792295456, + -0.20297014713287354, + 2.3730058670043945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/26.png", + [ + 0.20716825127601624, + -0.034876540303230286, + -0.05303619056940079, + 0.6281746625900269, + -0.04319940507411957, + -0.2101115882396698, + -0.030574969947338104, + 0.3559783101081848, + -0.0465083047747612, + 0.03980758786201477, + -0.20784664154052734, + 2.5504817962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/43.png", + [ + 0.20883934199810028, + -0.013002627529203892, + -0.05625784024596214, + 0.6425624489784241, + -0.025392623618245125, + -0.21028126776218414, + -0.04566066339612007, + 0.5125634074211121, + -0.05185776203870773, + 0.0506025031208992, + -0.20420099794864655, + 2.403794288635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/84.png", + [ + 0.21147406101226807, + -0.005856106523424387, + -0.04682231694459915, + 0.5223950743675232, + -0.01790648326277733, + -0.2088770568370819, + -0.05475061386823654, + 0.6058595180511475, + -0.04365754500031471, + 0.05730600282549858, + -0.20434759557247162, + 2.3621745109558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/89.png", + [ + 0.21070866286754608, + -0.004089743364602327, + -0.05032919719815254, + 0.5665636658668518, + -0.017551619559526443, + -0.20842866599559784, + -0.05654487386345863, + 0.6269555687904358, + -0.04734654352068901, + 0.0590648390352726, + -0.20302104949951172, + 2.353569507598877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/63.png", + [ + 0.2092565894126892, + -0.007826771587133408, + -0.05566255748271942, + 0.6634231209754944, + -0.016806744039058685, + -0.21346034109592438, + -0.0331680104136467, + 0.3832152187824249, + -0.05363871902227402, + 0.03635003790259361, + -0.20675942301750183, + 2.529560089111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/88.png", + [ + 0.21078301966190338, + -0.004515664651989937, + -0.04998019337654114, + 0.5608329772949219, + -0.0177118182182312, + -0.20860254764556885, + -0.05584954842925072, + 0.6186410188674927, + -0.04695425555109978, + 0.058416519314050674, + -0.20329955220222473, + 2.3551764488220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/62.png", + [ + 0.208908811211586, + -0.006752553395926952, + -0.057091210037469864, + 0.678094208240509, + -0.017004746943712234, + -0.2128044068813324, + -0.03705418109893799, + 0.43077510595321655, + -0.054916683584451675, + 0.0402066744863987, + -0.20570726692676544, + 2.511838436126709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/65.png", + [ + 0.20994584262371063, + -0.006294610444456339, + -0.053207285702228546, + 0.6315358877182007, + -0.013917888514697552, + -0.21419470012187958, + -0.029577352106571198, + 0.3377963900566101, + -0.051739051938056946, + 0.032076556235551834, + -0.2079472541809082, + 2.5359272956848145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/80.png", + [ + 0.21108587086200714, + -0.0062391445972025394, + -0.04849453642964363, + 0.5438132286071777, + -0.01816779375076294, + -0.20952557027339935, + -0.05212349072098732, + 0.5801348090171814, + -0.04539358988404274, + 0.05484523996710777, + -0.2046443670988083, + 2.375850200653076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/119.png", + [ + 0.20757880806922913, + 0.013762068003416061, + -0.06057669594883919, + 0.6761148571968079, + 9.315374427387724e-07, + -0.21129128336906433, + -0.04799884930253029, + 0.5309028029441833, + -0.06212029233574867, + 0.045983634889125824, + -0.20242151618003845, + 2.325387954711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/79.png", + [ + 0.21093547344207764, + -0.007065463811159134, + -0.04903267323970795, + 0.550745964050293, + -0.018956800922751427, + -0.20964880287647247, + -0.051341183483600616, + 0.5737673044204712, + -0.045768581330776215, + 0.054271142929792404, + -0.2047138810157776, + 2.383164882659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/116.png", + [ + 0.2061120718717575, + 0.011934342794120312, + -0.06575164943933487, + 0.7332664728164673, + -0.0023100238759070635, + -0.211791530251503, + -0.04568275064229965, + 0.502090334892273, + -0.06678600609302521, + 0.04415678232908249, + -0.20133976638317108, + 2.3090906143188477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/19.png", + [ + 0.20647674798965454, + -0.03852606564760208, + -0.05320707708597183, + 0.6400390267372131, + -0.04583122581243515, + -0.2102138102054596, + -0.02564268745481968, + 0.30168938636779785, + -0.047061122953891754, + 0.03569021448493004, + -0.20846906304359436, + 2.616568088531494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/77.png", + [ + 0.2116173952817917, + -0.007500325795263052, + -0.045931585133075714, + 0.51778244972229, + -0.017957178875803947, + -0.21044208109378815, + -0.04836905747652054, + 0.5437713861465454, + -0.0429360568523407, + 0.05104675516486168, + -0.20615193247795105, + 2.407893180847168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/68.png", + [ + 0.21111707389354706, + -0.012526167556643486, + -0.047122932970523834, + 0.5436766147613525, + -0.018271785229444504, + -0.21446794271469116, + -0.024850405752658844, + 0.27315643429756165, + -0.04520638659596443, + 0.028186803683638573, + -0.21002328395843506, + 2.5095877647399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/86.png", + [ + 0.21135933697223663, + -0.003995913080871105, + -0.04753054305911064, + 0.5302790999412537, + -0.016706110909581184, + -0.2084382027387619, + -0.05676542967557907, + 0.6269134879112244, + -0.04467690363526344, + 0.059037622064352036, + -0.20363306999206543, + 2.3494606018066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/1.png", + [ + 0.20789453387260437, + -0.03863297402858734, + -0.04727840796113014, + 0.543243408203125, + -0.046075500547885895, + -0.20935796201229095, + -0.031530726701021194, + 0.35776612162590027, + -0.040060002356767654, + 0.04030671343207359, + -0.20908959209918976, + 2.4977688789367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/81.png", + [ + 0.211088627576828, + -0.005981575231999159, + -0.04851498827338219, + 0.5417365431785583, + -0.018047552555799484, + -0.2093895673751831, + -0.05270854011178017, + 0.5833972692489624, + -0.04542872682213783, + 0.05539065971970558, + -0.20448961853981018, + 2.3669047355651855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/95.png", + [ + 0.20761384069919586, + 8.099195110844448e-05, + -0.06200311705470085, + 0.7113810181617737, + -0.012642842717468739, + -0.2120669037103653, + -0.042610835283994675, + 0.4773903787136078, + -0.06070050597190857, + 0.044446803629398346, + -0.20319406688213348, + 2.396815299987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/103.png", + [ + 0.20799653232097626, + 0.00255809398368001, + -0.060653023421764374, + 0.7102818489074707, + -0.0065250215120613575, + -0.21428599953651428, + -0.031413864344358444, + 0.3575497269630432, + -0.06035526096820831, + 0.03198222815990448, + -0.20562654733657837, + 2.479405403137207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/83.png", + [ + 0.21081726253032684, + -0.005570274777710438, + -0.04972876235842705, + 0.5575931072235107, + -0.018085788935422897, + -0.20925363898277283, + -0.053232692182064056, + 0.5923690795898438, + -0.046657074242830276, + 0.05594450235366821, + -0.204061821103096, + 2.365571975708008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/51.png", + [ + 0.20968405902385712, + -0.008266814984381199, + -0.05396433174610138, + 0.6170520186424255, + -0.020343899726867676, + -0.21058203279972076, + -0.04678921774029732, + 0.5288484692573547, + -0.05066176876425743, + 0.05034644529223442, + -0.2045641988515854, + 2.4151053428649902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/93.png", + [ + 0.20820270478725433, + -0.00226610223762691, + -0.0599532313644886, + 0.6810921430587769, + -0.015258414670825005, + -0.21140064299106598, + -0.04499819874763489, + 0.4985397160053253, + -0.058023322373628616, + 0.04746073856949806, + -0.2032945156097412, + 2.3746843338012695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/76.png", + [ + 0.20649521052837372, + 0.0028275763615965843, + -0.06557156890630722, + 0.7869054079055786, + -0.0071974461898207664, + -0.21419227123260498, + -0.031902290880680084, + 0.36999908089637756, + -0.0652366653084755, + 0.03258165344595909, + -0.20403555035591125, + 2.50284481048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/48.png", + [ + 0.19259551167488098, + 0.017316602170467377, + -0.09774965792894363, + 1.120444893836975, + 0.00038921672967262566, + -0.21348275244235992, + -0.03705213963985443, + 0.41716575622558594, + -0.09927088767290115, + 0.032758936285972595, + -0.18978945910930634, + 2.2247891426086426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/35.png", + [ + 0.18999888002872467, + 0.012654852122068405, + -0.10338364541530609, + 1.1873866319656372, + -0.007338183466345072, + -0.21290850639343262, + -0.039547573775053024, + 0.4419843554496765, + -0.10389646142721176, + 0.038180023431777954, + -0.18626783788204193, + 2.1855521202087402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/97.png", + [ + 0.20371276140213013, + 0.0032708256039768457, + -0.07374489307403564, + 0.8457353115081787, + -0.011023157276213169, + -0.21268679201602936, + -0.03988371044397354, + 0.4474257230758667, + -0.07298969477415085, + 0.041249506175518036, + -0.19979709386825562, + 2.3752927780151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/13.png", + [ + 0.21322031319141388, + -0.004623038694262505, + 0.03825736418366432, + -0.4759003221988678, + 0.0033074275124818087, + -0.21212056279182434, + -0.04406608268618584, + 0.5297023057937622, + 0.03839348256587982, + 0.04394754022359848, + -0.2086682915687561, + 2.663177013397217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/32.png", + [ + 0.1900455355644226, + 0.009765636175870895, + -0.10361091047525406, + 1.1976162195205688, + -0.009951785206794739, + -0.21302469074726105, + -0.0383320115506649, + 0.4350060224533081, + -0.10359319299459457, + 0.03837985545396805, + -0.18639564514160156, + 2.2008771896362305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/38.png", + [ + 0.18720969557762146, + 0.015014774166047573, + -0.10805082321166992, + 1.2344682216644287, + -0.005507550202310085, + -0.2130378633737564, + -0.03914622962474823, + 0.43805450201034546, + -0.1089499294757843, + 0.036569345742464066, + -0.18368583917617798, + 2.1479673385620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/111.png", + [ + 0.17894911766052246, + 0.01173732802271843, + -0.12160321325063705, + 1.370301604270935, + -0.011359494179487228, + -0.2131393700838089, + -0.03728897124528885, + 0.41139867901802063, + -0.12163908779621124, + 0.03717176616191864, + -0.1754140406847, + 2.032486915588379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/11.png", + [ + 0.21185393631458282, + -0.004645450972020626, + 0.04521305114030838, + -0.5634233951568604, + 0.005690061487257481, + -0.2111334204673767, + -0.04835488647222519, + 0.584470808506012, + 0.04509349539875984, + 0.04846639558672905, + -0.20631404221057892, + 2.6449790000915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/59.png", + [ + 0.19857212901115417, + 0.01205332763493061, + -0.08585868775844574, + 0.9982250928878784, + -0.003823976032435894, + -0.21314416825771332, + -0.038766395300626755, + 0.43932706117630005, + -0.08661624789237976, + 0.03704285994172096, + -0.19512392580509186, + 2.324000358581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/105.png", + [ + 0.17964613437652588, + 0.003134976839646697, + -0.12110050022602081, + 1.3850064277648926, + -0.014912464655935764, + -0.2143823504447937, + -0.027671650052070618, + 0.30627700686454773, + -0.12021969258785248, + 0.0312773697078228, + -0.17752982676029205, + 2.070847988128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/121.png", + [ + 0.18849217891693115, + 0.01385412085801363, + -0.10595592111349106, + 1.1804752349853516, + -0.009511677548289299, + -0.21181774139404297, + -0.044616907835006714, + 0.4894222915172577, + -0.10643365234136581, + 0.04346497356891632, + -0.18365882337093353, + 2.1029186248779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/24.png", + [ + 0.2115190029144287, + 0.003214168129488826, + -0.046875111758708954, + 0.565582275390625, + -0.005102056078612804, + -0.21331757307052612, + -0.03764941170811653, + 0.43418648838996887, + -0.04670734703540802, + 0.03785733878612518, + -0.20816613733768463, + 2.539334297180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/74.png", + [ + 0.205625981092453, + 0.003532027592882514, + -0.06821560114622116, + 0.8238667249679565, + -0.006227297708392143, + -0.2145143449306488, + -0.0298782791942358, + 0.3441147208213806, + -0.06802253425121307, + 0.030315270647406578, + -0.20347435772418976, + 2.5113983154296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/98.png", + [ + 0.20135213434696198, + 0.0026850467547774315, + -0.0799875259399414, + 0.9251289963722229, + -0.010627840645611286, + -0.21373774111270905, + -0.033928219228982925, + 0.369353324174881, + -0.07932379096746445, + 0.03545229882001877, + -0.19849121570587158, + 2.3634767532348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/0.png", + [ + 0.21406851708889008, + 0.002822577953338623, + 0.033385615795850754, + -0.4252617061138153, + 0.010710930451750755, + -0.21033981442451477, + -0.05089534819126129, + 0.6170569062232971, + 0.031746525317430496, + 0.05193355306982994, + -0.20794939994812012, + 2.697409152984619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/96.png", + [ + 0.20382793247699738, + 0.004335049539804459, + -0.07337082922458649, + 0.8398689031600952, + -0.01189385075122118, + -0.2115011066198349, + -0.045538078993558884, + 0.5235688090324402, + -0.07253003865480423, + 0.04686563089489937, + -0.1987231820821762, + 2.3597092628479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/100.png", + [ + 0.19456464052200317, + 0.0004055181925650686, + -0.09535371512174606, + 1.1013591289520264, + -0.013316335156559944, + -0.21443389356136322, + -0.028083276003599167, + 0.29878905415534973, + -0.0944201871752739, + 0.03107781708240509, + -0.1925276219844818, + 2.2693309783935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/40.png", + [ + 0.19030408561229706, + 0.012250744737684727, + -0.1028696671128273, + 1.1710453033447266, + -0.00796994473785162, + -0.21278534829616547, + -0.040084630250930786, + 0.4462306499481201, + -0.10328953713178635, + 0.03898995369672775, + -0.18643751740455627, + 2.176201343536377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/52.png", + [ + 0.19439764320850372, + 0.014334996230900288, + -0.09461475908756256, + 1.0876885652542114, + -0.0019859166350215673, + -0.21357929706573486, + -0.03643951565027237, + 0.41124436259269714, + -0.09567393362522125, + 0.03356024622917175, + -0.19148916006088257, + 2.252810001373291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/3.png", + [ + 0.21275594830513, + -0.0009165903902612627, + 0.04101176932454109, + -0.5226646065711975, + 0.008128862828016281, + -0.2113829255104065, + -0.04689423739910126, + 0.5676116347312927, + 0.040208544582128525, + 0.047584738582372665, + -0.2075255662202835, + 2.695916175842285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/47.png", + [ + 0.19292014837265015, + 0.01600419357419014, + -0.09733226150274277, + 1.1162127256393433, + -0.001115602208301425, + -0.21343594789505005, + -0.037306152284145355, + 0.4196316599845886, + -0.09863294661045074, + 0.03371734544634819, + -0.18995413184165955, + 2.228330612182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/104.png", + [ + 0.1823520064353943, + 0.005638903472572565, + -0.11689245700836182, + 1.3382850885391235, + -0.011945136822760105, + -0.21439577639102936, + -0.028976865112781525, + 0.3234817385673523, + -0.11641716212034225, + 0.030830955132842064, + -0.1801232546567917, + 2.108142852783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/21.png", + [ + 0.21654318273067474, + -0.0016546701081097126, + -0.0073627145029604435, + 0.08122865855693817, + -0.0031379233114421368, + -0.2120022475719452, + -0.04464414715766907, + 0.5299433469772339, + -0.006863011978566647, + 0.044723689556121826, + -0.2118975967168808, + 2.6414403915405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/82.png", + [ + 0.2054262012243271, + 0.003466741181910038, + -0.06881829351186752, + 0.8078908920288086, + -0.008205301128327847, + -0.21362972259521484, + -0.035254910588264465, + 0.4040864408016205, + -0.06841526180505753, + 0.036030784249305725, + -0.2024080753326416, + 2.4302964210510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/106.png", + [ + 0.17677398025989532, + 0.003902361262589693, + -0.12523427605628967, + 1.431280255317688, + -0.015400508418679237, + -0.2142506241798401, + -0.028414687141776085, + 0.31304898858070374, + -0.12434498220682144, + 0.03208335489034653, + -0.17451898753643036, + 2.029294967651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/14.png", + [ + 0.2135961353778839, + -0.004902043845504522, + 0.03606339171528816, + -0.44799479842185974, + 0.0023851930163800716, + -0.21235324442386627, + -0.04299188032746315, + 0.5159602165222168, + 0.03631678596138954, + 0.04277804121375084, + -0.20928215980529785, + 2.668456554412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/67.png", + [ + 0.2047245055437088, + 0.006682007107883692, + -0.0706479549407959, + 0.842002272605896, + -0.0042102946899831295, + -0.21418820321559906, + -0.03245893493294716, + 0.3697250783443451, + -0.07083823531866074, + 0.032041534781455994, + -0.20224535465240479, + 2.4619688987731934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/78.png", + [ + 0.20660091936588287, + 0.004288708325475454, + -0.0651579275727272, + 0.7762449979782104, + -0.0065781474113464355, + -0.21373999118804932, + -0.034926217049360275, + 0.40567851066589355, + -0.06496672332286835, + 0.035280581563711166, + -0.20367252826690674, + 2.479724884033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/31.png", + [ + 0.18977607786655426, + 0.009154601022601128, + -0.1041591688990593, + 1.2088499069213867, + -0.009483648464083672, + -0.21344590187072754, + -0.03603889420628548, + 0.4097830057144165, + -0.10412972420454025, + 0.03612387925386429, + -0.18654747307300568, + 2.2080883979797363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/39.png", + [ + 0.18882736563682556, + 0.015246175229549408, + -0.10516498237848282, + 1.198755145072937, + -0.005374770611524582, + -0.2127881795167923, + -0.04049931466579437, + 0.45225489139556885, + -0.10612837225198746, + 0.037902988493442535, + -0.1850622147321701, + 2.1596641540527344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/92.png", + [ + 0.20370616018772125, + 0.005053407978266478, + -0.07366243749856949, + 0.8649008274078369, + -0.013290280476212502, + -0.2101263552904129, + -0.05116809532046318, + 0.5972456932067871, + -0.07262961566448212, + 0.05262384191155434, + -0.19723987579345703, + 2.323789119720459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/53.png", + [ + 0.1932612806558609, + 0.015364567749202251, + -0.09675691276788712, + 1.115246295928955, + -0.0015076310373842716, + -0.21350163221359253, + -0.036914434283971786, + 0.4169842004776001, + -0.09795763343572617, + 0.03359879180788994, + -0.19032424688339233, + 2.2425951957702637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/75.png", + [ + 0.2062329798936844, + 0.003222547471523285, + -0.06637370586395264, + 0.7996103167533875, + -0.006571535021066666, + -0.21436981856822968, + -0.03082672879099846, + 0.35634946823120117, + -0.06612616032361984, + 0.03135422617197037, + -0.20394152402877808, + 2.510802745819092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/87.png", + [ + 0.20453909039497375, + 0.003978708293288946, + -0.07138511538505554, + 0.8253353238105774, + -0.00761227635666728, + -0.2138972133398056, + -0.033733122050762177, + 0.3749198317527771, + -0.0710894986987114, + 0.034351713955402374, + -0.20177744328975677, + 2.3983521461486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/107.png", + [ + 0.1749989241361618, + 0.004518777132034302, + -0.1276826113462448, + 1.4548027515411377, + -0.015535430982708931, + -0.2141796499490738, + -0.028872480615973473, + 0.3177447021007538, + -0.12681451439857483, + 0.032473839819431305, + -0.17265984416007996, + 2.003988265991211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/112.png", + [ + 0.1814042627811432, + 0.013926449231803417, + -0.117670938372612, + 1.3203091621398926, + -0.009481980465352535, + -0.212776780128479, + -0.03979993611574173, + 0.4373626410961151, + -0.11811217665672302, + 0.038470733910799026, + -0.177531436085701, + 2.048712730407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/69.png", + [ + 0.20487014949321747, + 0.005540980491787195, + -0.07032366096973419, + 0.8441588878631592, + -0.00445380387827754, + -0.2145581841468811, + -0.02988060750067234, + 0.33905577659606934, + -0.07040088623762131, + 0.02969822660088539, + -0.20275509357452393, + 2.484025001525879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/45.png", + [ + 0.19262126088142395, + 0.012788203544914722, + -0.09839414060115814, + 1.1261789798736572, + -0.004321989603340626, + -0.2135821133852005, + -0.03622002899646759, + 0.40531039237976074, + -0.09912752360105515, + 0.034161850810050964, + -0.18961696326732635, + 2.222881317138672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/50.png", + [ + 0.193279430270195, + 0.016664713621139526, + -0.09650513529777527, + 1.1072733402252197, + -0.00013652774214278907, + -0.2134685516357422, + -0.037135638296604156, + 0.4187602996826172, + -0.097933329641819, + 0.033186767250299454, + -0.19040901958942413, + 2.234114646911621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/101.png", + [ + 0.18927288055419922, + 0.0018257541814818978, + -0.10545302927494049, + 1.2183867692947388, + -0.013345669023692608, + -0.21448618173599243, + -0.027667028829455376, + 0.29869791865348816, + -0.10462107509374619, + 0.030663300305604935, + -0.18724873661994934, + 2.206421375274658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/85.png", + [ + 0.2052522748708725, + 0.004197815433144569, + -0.06929484009742737, + 0.8056097030639648, + -0.0077614071778953075, + -0.2135346531867981, + -0.03592512384057045, + 0.40760645270347595, + -0.06898664683103561, + 0.03651345148682594, + -0.20212745666503906, + 2.4110522270202637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/71.png", + [ + 0.20520596206188202, + 0.0040591564029455185, + -0.06944011151790619, + 0.8377165198326111, + -0.00600743293762207, + -0.21446295082569122, + -0.030289405956864357, + 0.3476637005805969, + -0.06929874420166016, + 0.030611447989940643, + -0.2029988020658493, + 2.4997639656066895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/115.png", + [ + 0.18305012583732605, + 0.015500899404287338, + -0.1148924008011818, + 1.2827420234680176, + -0.008425855077803135, + -0.2123824805021286, + -0.04207826405763626, + 0.46168363094329834, + -0.11562676727771759, + 0.04001621901988983, + -0.17882126569747925, + 2.054229259490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/54.png", + [ + 0.19169193506240845, + 0.01657356508076191, + -0.09963641315698624, + 1.1506816148757935, + -0.000107621330244001, + -0.2137041836977005, + -0.03575470298528671, + 0.4032493531703949, + -0.10100536793470383, + 0.031681664288043976, + -0.18905575573444366, + 2.231928825378418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/33.png", + [ + 0.19026395678520203, + 0.010555791668593884, + -0.10313146561384201, + 1.1894103288650513, + -0.009528440423309803, + -0.21285557746887207, + -0.039365075528621674, + 0.44615626335144043, + -0.10323144495487213, + 0.03910211846232414, + -0.1864462047815323, + 2.196737289428711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/49.png", + [ + 0.19255171716213226, + 0.017265496775507927, + -0.09784499555826187, + 1.1225507259368896, + 0.0006036798004060984, + -0.21357744932174683, + -0.03649936616420746, + 0.4114026427268982, + -0.09935479611158371, + 0.03216319531202316, + -0.1898474246263504, + 2.2259817123413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/118.png", + [ + 0.1894426941871643, + 0.012324118055403233, + -0.10443884879350662, + 1.1581693887710571, + -0.009867064654827118, + -0.21214936673641205, + -0.04293227195739746, + 0.46697941422462463, + -0.10469957441091537, + 0.04229249432682991, + -0.18492496013641357, + 2.1115264892578125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/110.png", + [ + 0.17657779157161713, + 0.00929298996925354, + -0.12522706389427185, + 1.4143472909927368, + -0.012239654548466206, + -0.2137778252363205, + -0.03312292322516441, + 0.3658389747142792, + -0.12497346103191376, + 0.03406725078821182, + -0.17369210720062256, + 2.015374183654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/18.png", + [ + 0.2163362205028534, + -0.0015537119470536709, + 0.012005439959466457, + -0.1460328996181488, + 0.0007358205621130764, + -0.21279753744602203, + -0.040799058973789215, + 0.48831650614738464, + 0.012083178386092186, + 0.04077610373497009, + -0.21245989203453064, + 2.6815052032470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/66.png", + [ + 0.2047290951013565, + 0.006681204307824373, + -0.07063468545675278, + 0.8378214836120605, + -0.004573765676468611, + -0.21402031183242798, + -0.03350048512220383, + 0.3821202516555786, + -0.07080238312482834, + 0.03314458206295967, + -0.20208005607128143, + 2.4507064819335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/16.png", + [ + 0.21498675644397736, + -0.004473637789487839, + 0.02661900594830513, + -0.3275659382343292, + 0.0009414402884431183, + -0.2123052477836609, + -0.04328388348221779, + 0.5217298269271851, + 0.026975886896252632, + 0.043062370270490646, + -0.21063196659088135, + 2.6814770698547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/94.png", + [ + 0.205749049782753, + 0.008652695454657078, + -0.06738218665122986, + 0.7767964601516724, + -0.009378105401992798, + -0.20923490822315216, + -0.05550401657819748, + 0.6549897193908691, + -0.06728506088256836, + 0.05562171712517738, + -0.1983099728822708, + 2.3349075317382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/28.png", + [ + 0.19092217087745667, + 0.007105499040335417, + -0.10220630466938019, + 1.2188341617584229, + -0.007443498820066452, + -0.21461965143680573, + -0.028825117275118828, + 0.3237520456314087, + -0.10218223929405212, + 0.02891029231250286, + -0.18886736035346985, + 2.262892723083496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/61.png", + [ + 0.2026645988225937, + 0.009884103201329708, + -0.07600831240415573, + 0.8836149573326111, + -0.004008920397609472, + -0.2132045328617096, + -0.03841424360871315, + 0.4344525635242462, + -0.07654337584972382, + 0.03733671084046364, + -0.19923599064350128, + 2.3810300827026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/58.png", + [ + 0.19487573206424713, + 0.012701463885605335, + -0.09386172145605087, + 1.0904200077056885, + -0.003396467072889209, + -0.2136424481868744, + -0.03596206381917, + 0.40680578351020813, + -0.09465628862380981, + 0.03381536155939102, + -0.19194947183132172, + 2.2800464630126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/64.png", + [ + 0.20445482432842255, + 0.006995480973273516, + -0.07139449566602707, + 0.8376500606536865, + -0.005403962917625904, + -0.21352727711200714, + -0.03639765828847885, + 0.4145072102546692, + -0.07153256237506866, + 0.0361255519092083, + -0.20131053030490875, + 2.4220757484436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/10.png", + [ + 0.2117437720298767, + -0.002707837847992778, + 0.045881763100624084, + -0.5742390155792236, + 0.008292235434055328, + -0.21049819886684418, + -0.05069168284535408, + 0.6141815781593323, + 0.04520738124847412, + 0.05129401385784149, + -0.20560425519943237, + 2.6404037475585938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/41.png", + [ + 0.19159528613090515, + 0.012919952161610126, + -0.1003604456782341, + 1.1438466310501099, + -0.007123282644897699, + -0.21264593303203583, + -0.040973931550979614, + 0.4551425576210022, + -0.10093763470649719, + 0.039530735462903976, + -0.18760812282562256, + 2.189962387084961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/91.png", + [ + 0.20301318168640137, + 0.003522382816299796, + -0.07563818246126175, + 0.8831429481506348, + -0.01279011182487011, + -0.2117348313331604, + -0.044188957661390305, + 0.5071399211883545, + -0.07463213056325912, + 0.0458676740527153, + -0.19817692041397095, + 2.337310314178467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/23.png", + [ + 0.21450522541999817, + 0.002008510520681739, + -0.030518291518092155, + 0.36719682812690735, + -0.00436722207814455, + -0.21197983622550964, + -0.044647183269262314, + 0.5227082967758179, + -0.030270900577306747, + 0.04481528326869011, + -0.20981694757938385, + 2.583393096923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/37.png", + [ + 0.18796926736831665, + 0.014630393125116825, + -0.10677731037139893, + 1.2244951725006104, + -0.005813452880829573, + -0.2129799872636795, + -0.03941596671938896, + 0.4423481225967407, + -0.1076180636882782, + 0.037058960646390915, + -0.18437157571315765, + 2.15910005569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/36.png", + [ + 0.18947765231132507, + 0.013326289132237434, + -0.10425219684839249, + 1.19772207736969, + -0.006831964943557978, + -0.212909534573555, + -0.03963272273540497, + 0.4430241882801056, + -0.10487818717956543, + 0.037945207208395004, + -0.18576496839523315, + 2.1782584190368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/8.png", + [ + 0.21205317974090576, + -0.002258758759126067, + 0.04445488005876541, + -0.5602685213088989, + 0.007814238779246807, + -0.21114581823349, + -0.04800287261605263, + 0.5848461985588074, + 0.043820951133966446, + 0.04858225956559181, + -0.20656085014343262, + 2.660433769226074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/6.png", + [ + 0.21203462779521942, + -0.0019256076775491238, + 0.044558972120285034, + -0.5622170567512512, + 0.008119835518300533, + -0.21118827164173126, + -0.04776483029127121, + 0.5838367938995361, + 0.043855197727680206, + 0.04841180145740509, + -0.2065936028957367, + 2.674285411834717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/20.png", + [ + 0.2166678011417389, + -0.0016924870433285832, + -0.0003066703793592751, + -0.0016510512214154005, + -0.001719874213449657, + -0.21262876689434052, + -0.04164068028330803, + 0.4943554103374481, + 2.4319268050021492e-05, + 0.04164179787039757, + -0.21263548731803894, + 2.660464286804199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/2.png", + [ + 0.21335469186306, + 0.0003246958658564836, + 0.03778313472867012, + -0.48095184564590454, + 0.009095949120819569, + -0.2107362002134323, + -0.04955221712589264, + 0.6019432544708252, + 0.03667334467172623, + 0.05037909373641014, + -0.20752085745334625, + 2.6966896057128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/117.png", + [ + 0.18624547123908997, + 0.013914002105593681, + -0.10984951257705688, + 1.2229455709457397, + -0.009799815714359283, + -0.21204225718975067, + -0.04347336292266846, + 0.47418108582496643, + -0.1102926954627037, + 0.042336396872997284, + -0.18163436651229858, + 2.0798816680908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/5.png", + [ + 0.2123391032218933, + -0.002287324983626604, + 0.043066903948783875, + -0.5442941188812256, + 0.0072149960324168205, + -0.21143639087677002, + -0.04680275544524193, + 0.5688161849975586, + 0.04251980409026146, + 0.04730033874511719, + -0.20712952315807343, + 2.6823172569274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/108.png", + [ + 0.17725473642349243, + 0.006744649261236191, + -0.12443134188652039, + 1.4118925333023071, + -0.014173376373946667, + -0.2138618528842926, + -0.0317823588848114, + 0.3515171408653259, + -0.12380534410476685, + 0.03413960337638855, + -0.17451250553131104, + 2.0234150886535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/60.png", + [ + 0.20181046426296234, + 0.011051979847252369, + -0.07809152454137802, + 0.9063307642936707, + -0.0033023760188370943, + -0.21316449344158173, + -0.0387025848031044, + 0.4372546076774597, + -0.07880055904388428, + 0.0372377447783947, + -0.19837267696857452, + 2.3638596534729004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/56.png", + [ + 0.19338667392730713, + 0.016708869487047195, + -0.09628243744373322, + 1.1144412755966187, + 0.00207874015904963, + -0.2141389101743698, + -0.03298646956682205, + 0.3676999509334564, + -0.09769939631223679, + 0.028517404571175575, + -0.19128374755382538, + 2.2587270736694336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/30.png", + [ + 0.1891118884086609, + 0.007535506505519152, + -0.1054883748292923, + 1.2328931093215942, + -0.009627443738281727, + -0.2139998823404312, + -0.03254634886980057, + 0.3697040379047394, + -0.10531806945800781, + 0.03309333324432373, + -0.186442568898201, + 2.214970588684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/17.png", + [ + 0.2158416360616684, + -0.0021964306943118572, + 0.01885361224412918, + -0.22787640988826752, + 0.001609870116226375, + -0.21232523024082184, + -0.04316597804427147, + 0.5195620059967041, + 0.018912728875875473, + 0.04314011335372925, + -0.2114926278591156, + 2.684223175048828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/12.png", + [ + 0.21257023513317108, + -0.0034022496547549963, + 0.04183549806475639, + -0.5192932486534119, + 0.005796536337584257, + -0.21151290833950043, + -0.04665393754839897, + 0.5629492402076721, + 0.04157143831253052, + 0.04688938334584236, + -0.20741526782512665, + 2.6522207260131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/114.png", + [ + 0.18371205031871796, + 0.013964102603495121, + -0.11402973532676697, + 1.2705284357070923, + -0.009827082976698875, + -0.21236951649188995, + -0.0418391153216362, + 0.46021395921707153, + -0.11446049809455872, + 0.04064587503671646, + -0.17942854762077332, + 2.062443256378174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/27.png", + [ + 0.19250084459781647, + 0.006322671193629503, + -0.09925393760204315, + 1.1975935697555542, + -0.006863533053547144, + -0.21487624943256378, + -0.026999717578291893, + 0.30345839262008667, + -0.09921800345182419, + 0.027131469920277596, + -0.19070284068584442, + 2.30153751373291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/42.png", + [ + 0.19224371016025543, + 0.012551252730190754, + -0.09916005283594131, + 1.12891685962677, + -0.0063847205601632595, + -0.21297842264175415, + -0.03933608531951904, + 0.4359308183193207, + -0.09974711388349533, + 0.037822723388671875, + -0.18859441578388214, + 2.2003536224365234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/7.png", + [ + 0.21233773231506348, + -0.0025232017505913973, + 0.04306063801050186, + -0.5424371957778931, + 0.007338333409279585, + -0.21103723347187042, + -0.048552338033914566, + 0.5934100151062012, + 0.042505692690610886, + 0.04903889819979668, + -0.20672772824764252, + 2.670673370361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/73.png", + [ + 0.20537430047988892, + 0.0044957855716347694, + -0.06891355663537979, + 0.8332800269126892, + -0.005241211038082838, + -0.21457675099372864, + -0.0296182781457901, + 0.3413991928100586, + -0.06886088848114014, + 0.029740557074546814, + -0.2032770812511444, + 2.509901523590088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/120.png", + [ + 0.18942564725875854, + 0.011191013269126415, + -0.10459721833467484, + 1.1616461277008057, + -0.010638901963829994, + -0.21230225265026093, + -0.04198160022497177, + 0.45890864729881287, + -0.10465482622385025, + 0.04183780774474144, + -0.18505366146564484, + 2.117647647857666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/46.png", + [ + 0.19178825616836548, + 0.016599157825112343, + -0.09944658726453781, + 1.140654444694519, + -0.0006401268183253706, + -0.21351313591003418, + -0.03687313199043274, + 0.4152551591396332, + -0.10082037001848221, + 0.03293183445930481, + -0.1889408379793167, + 2.218132972717285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/57.png", + [ + 0.1943669319152832, + 0.015273761935532093, + -0.09453096985816956, + 1.095427393913269, + 0.00021314092737156898, + -0.21396902203559875, + -0.03413362428545952, + 0.38183489441871643, + -0.09575670212507248, + 0.030526412650942802, + -0.19195491075515747, + 2.2695741653442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/44.png", + [ + 0.19252584874629974, + 0.012218726798892021, + -0.0986529216170311, + 1.1277201175689697, + -0.005577150732278824, + -0.21336521208286285, + -0.03731057792901993, + 0.41573041677474976, + -0.09925013780593872, + 0.03569154441356659, + -0.1892707645893097, + 2.2171101570129395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/113.png", + [ + 0.18236517906188965, + 0.013859270140528679, + -0.11618413031101227, + 1.2966153621673584, + -0.009740225970745087, + -0.21260443329811096, + -0.04064944386482239, + 0.4469357132911682, + -0.11660169810056686, + 0.039435647428035736, + -0.17831647396087646, + 2.052513599395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/29.png", + [ + 0.18937167525291443, + 0.008006692864000797, + -0.10498644411563873, + 1.2395433187484741, + -0.00789165124297142, + -0.21436023712158203, + -0.03058273158967495, + 0.3459722101688385, + -0.10499516129493713, + 0.030552813783288002, + -0.18705731630325317, + 2.2300896644592285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/4.png", + [ + 0.21244560182094574, + -0.002087137196213007, + 0.042548853904008865, + -0.5401597619056702, + 0.007273416500538588, + -0.21145959198474884, + -0.04668869450688362, + 0.5659995675086975, + 0.041974496096372604, + 0.04720572754740715, + -0.2072623074054718, + 2.6903514862060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/55.png", + [ + 0.1928694248199463, + 0.016223808750510216, + -0.09739641845226288, + 1.124752163887024, + 0.0011466562282294035, + -0.21408332884311676, + -0.03339025750756264, + 0.37371084094047546, + -0.09873175621032715, + 0.029206374660134315, + -0.19064867496490479, + 2.2522401809692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/9.png", + [ + 0.21180671453475952, + -0.0032848611008375883, + 0.04555235058069229, + -0.5728232264518738, + 0.007356551941484213, + -0.2108374536037445, + -0.04940994456410408, + 0.5989869236946106, + 0.045074254274368286, + 0.04984647408127785, + -0.20598916709423065, + 2.6494197845458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/25.png", + [ + 0.20545612275600433, + 0.004702590871602297, + -0.06865537911653519, + 0.8399317860603333, + -0.005011516157537699, + -0.21457168459892273, + -0.029694532975554466, + 0.3398389518260956, + -0.06863352656364441, + 0.02974501997232437, + -0.20335331559181213, + 2.4831042289733887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/99.png", + [ + 0.19985687732696533, + 0.0013351158704608679, + -0.08368594944477081, + 0.9658332467079163, + -0.011139119043946266, + -0.21429547667503357, + -0.03002103604376316, + 0.3190508484840393, + -0.08295203745365143, + 0.03199312090873718, + -0.19759374856948853, + 2.3368654251098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/34.png", + [ + 0.18998850882053375, + 0.011671863496303558, + -0.10351826995611191, + 1.1918761730194092, + -0.008411110378801823, + -0.2128886580467224, + -0.0394405871629715, + 0.4444078207015991, + -0.10383408516645432, + 0.038601480424404144, + -0.18621574342250824, + 2.190047264099121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/72.png", + [ + 0.20522047579288483, + 0.004499456845223904, + -0.0693700760602951, + 0.8390006422996521, + -0.005357444752007723, + -0.21455352008342743, + -0.029765449464321136, + 0.34137827157974243, + -0.06930910050868988, + 0.02990717440843582, + -0.20310024917125702, + 2.506124496459961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/102.png", + [ + 0.18727269768714905, + 0.004512906074523926, + -0.10888739675283432, + 1.2520346641540527, + -0.011431243270635605, + -0.21448108553886414, + -0.028549615293741226, + 0.31470414996147156, + -0.10837968438863754, + 0.030420180410146713, + -0.1851387321949005, + 2.175812244415283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/70.png", + [ + 0.2048889845609665, + 0.004612723831087351, + -0.07033579796552658, + 0.8468175530433655, + -0.00548038212582469, + -0.21451319754123688, + -0.030032502487301826, + 0.3432067930698395, + -0.0702735111117363, + 0.030177948996424675, + -0.20272843539714813, + 2.4913244247436523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/90.png", + [ + 0.20229417085647583, + 0.003084103111177683, + -0.07755932211875916, + 0.9004514217376709, + -0.011612223461270332, + -0.21286459267139435, + -0.038752034306526184, + 0.435496062040329, + -0.07674708962440491, + 0.0403367355465889, + -0.19857171177864075, + 2.3492822647094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/122.png", + [ + 0.18755149841308594, + 0.014483317732810974, + -0.10752934962511063, + 1.199723482131958, + -0.009899908676743507, + -0.21155548095703125, + -0.04576209932565689, + 0.5030022263526917, + -0.10804775357246399, + 0.04452427849173546, + -0.18245866894721985, + 2.0869202613830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/15.png", + [ + 0.2143910676240921, + -0.005143257789313793, + 0.030950192362070084, + -0.3821408748626709, + 0.0010289910715073347, + -0.21247577667236328, + -0.04243670776486397, + 0.509067952632904, + 0.03135775402188301, + 0.04213643819093704, + -0.21021205186843872, + 2.6761088371276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/22.png", + [ + 0.21583248674869537, + -0.0012694352772086859, + -0.019042743369936943, + 0.22332079708576202, + -0.005242200568318367, + -0.211822509765625, + -0.04529505595564842, + 0.5369642376899719, + -0.018350938335061073, + 0.04557972028851509, + -0.21102993190288544, + 2.6194396018981934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/109.png", + [ + 0.17838658392429352, + 0.009279000572860241, + -0.12263776361942291, + 1.389225959777832, + -0.012661025859415531, + -0.21352368593215942, + -0.034572090953588486, + 0.38372936844825745, + -0.12233486771583557, + 0.03562907502055168, + -0.17525024712085724, + 2.0333356857299805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/26.png", + [ + 0.19800753891468048, + 0.006920215208083391, + -0.08770987391471863, + 1.068132996559143, + -0.004874722566455603, + -0.21480867266654968, + -0.027953000739216805, + 0.31558236479759216, + -0.08784729987382889, + 0.02751806378364563, + -0.1961466372013092, + 2.3828349113464355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/43.png", + [ + 0.19246327877044678, + 0.012004298157989979, + -0.0988011583685875, + 1.1273988485336304, + -0.0063974023796617985, + -0.21315592527389526, + -0.03836040198802948, + 0.4260704815387726, + -0.09932193160057068, + 0.036991141736507416, + -0.18898335099220276, + 2.2067747116088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/84.png", + [ + 0.20497655868530273, + 0.004263436421751976, + -0.07010228931903839, + 0.8177642822265625, + -0.007712091784924269, + -0.2136007845401764, + -0.03554050996899605, + 0.40444356203079224, + -0.06980711221694946, + 0.03611685708165169, + -0.20191690325737, + 2.4150009155273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/89.png", + [ + 0.20467089116573334, + 0.003671694314107299, + -0.07102280855178833, + 0.8186092376708984, + -0.008433417417109013, + -0.2136058211326599, + -0.03534597530961037, + 0.3905234932899475, + -0.07061585038900375, + 0.03615216538310051, + -0.201629176735878, + 2.3834280967712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/63.png", + [ + 0.20447252690792084, + 0.007761307060718536, + -0.07126461714506149, + 0.8318699598312378, + -0.005166675895452499, + -0.21324522793293, + -0.038048405200242996, + 0.4319395422935486, + -0.07149958610534668, + 0.03760501742362976, + -0.20105114579200745, + 2.410548686981201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/88.png", + [ + 0.204353466629982, + 0.004060754552483559, + -0.07191009074449539, + 0.8286206722259521, + -0.007146135903894901, + -0.21411938965320587, + -0.03239913284778595, + 0.3541930019855499, + -0.07166926562786102, + 0.03292842209339142, + -0.20180964469909668, + 2.3914637565612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/62.png", + [ + 0.20395642518997192, + 0.009517808444797993, + -0.07251954823732376, + 0.8442023396492004, + -0.004021718632429838, + -0.21304790675640106, + -0.03927223011851311, + 0.4441435933113098, + -0.07303081452846527, + 0.03831310197710991, + -0.20036591589450836, + 2.397177219390869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/65.png", + [ + 0.2050231546163559, + 0.006909707561135292, + -0.06975425779819489, + 0.8234304785728455, + -0.004659723024815321, + -0.2137988656759262, + -0.034874413162469864, + 0.39891669154167175, + -0.06994059681892395, + 0.03449917957186699, + -0.20215342938899994, + 2.4410862922668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/80.png", + [ + 0.20672540366649628, + 0.003487417008727789, + -0.06481005996465683, + 0.7642307877540588, + -0.007644941098988056, + -0.21354706585407257, + -0.0358760841190815, + 0.41431885957717896, + -0.06445199996232986, + 0.036515429615974426, + -0.20361840724945068, + 2.458098888397217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/119.png", + [ + 0.19078363478183746, + 0.011617801152169704, + -0.10205157101154327, + 1.1307320594787598, + -0.009531044401228428, + -0.2123526781797409, + -0.04199286922812462, + 0.4570125937461853, + -0.10226758569478989, + 0.04146406799554825, + -0.18646706640720367, + 2.1313843727111816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/79.png", + [ + 0.20651215314865112, + 0.0041844770312309265, + -0.06544551998376846, + 0.7754875421524048, + -0.00695047527551651, + -0.21361859142780304, + -0.035590510815382004, + 0.41256698966026306, + -0.06520979851484299, + 0.03602060675621033, + -0.20346522331237793, + 2.467123031616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/116.png", + [ + 0.18306681513786316, + 0.01564595103263855, + -0.11484615504741669, + 1.2824591398239136, + -0.009029628708958626, + -0.2121138721704483, + -0.04329051449894905, + 0.47434356808662415, + -0.11555473506450653, + 0.04136190190911293, + -0.17856144905090332, + 2.0498290061950684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/19.png", + [ + 0.216567724943161, + -0.001546424813568592, + 0.006627704482525587, + -0.08276998996734619, + -0.0003097138542216271, + -0.21302777528762817, + -0.03958495333790779, + 0.4724556505680084, + 0.006798675283789635, + 0.03955594822764397, + -0.21292486786842346, + 2.678412914276123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/77.png", + [ + 0.206468403339386, + 0.003820715006440878, + -0.0656055361032486, + 0.7847378849983215, + -0.006398352794349194, + -0.21411170065402985, + -0.03260575607419014, + 0.37812340259552, + -0.06540446728467941, + 0.033007215708494186, + -0.20391340553760529, + 2.4923973083496094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/68.png", + [ + 0.20434686541557312, + 0.006898471154272556, + -0.07171235233545303, + 0.8594114780426025, + -0.0036109876818954945, + -0.2144271582365036, + -0.030916759744286537, + 0.351003497838974, + -0.07195284217596054, + 0.030352864414453506, + -0.20211230218410492, + 2.470134735107422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/86.png", + [ + 0.20504572987556458, + 0.003790931310504675, + -0.06992687284946442, + 0.8100874423980713, + -0.007851164788007736, + -0.2137484848499298, + -0.034609775990247726, + 0.38857465982437134, + -0.0695880651473999, + 0.0352860651910305, + -0.20213927328586578, + 2.4076027870178223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/1.png", + [ + 0.21379904448986053, + 0.0010685003362596035, + 0.035167139023542404, + -0.44910985231399536, + 0.0092623857781291, + -0.21064430475234985, + -0.04991067945957184, + 0.6075336933135986, + 0.033942267298698425, + 0.05075161159038544, + -0.207894429564476, + 2.6995019912719727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/81.png", + [ + 0.20584481954574585, + 0.0034340647980570793, + -0.06755749136209488, + 0.794594943523407, + -0.008149195462465286, + -0.2135603278875351, + -0.03568590059876442, + 0.4100880026817322, + -0.06715204566717148, + 0.03644310683012009, + -0.20275700092315674, + 2.4420127868652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/95.png", + [ + 0.2055000215768814, + 0.007094475906342268, + -0.06831762194633484, + 0.7827423214912415, + -0.009717383421957493, + -0.21034491062164307, + -0.051073357462882996, + 0.5986536145210266, + -0.067994125187397, + 0.05150323361158371, + -0.19917859137058258, + 2.3543753623962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/103.png", + [ + 0.18354175984859467, + 0.006215085741132498, + -0.11498557776212692, + 1.3174718618392944, + -0.010992574505507946, + -0.21442510187625885, + -0.02913641184568405, + 0.3253348171710968, + -0.11462754756212234, + 0.030514584854245186, + -0.1813209354877472, + 2.1251306533813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/83.png", + [ + 0.20545604825019836, + 0.0033307524863630533, + -0.06873585283756256, + 0.8045946955680847, + -0.008473139256238937, + -0.21354953944683075, + -0.0356748104095459, + 0.40801331400871277, + -0.06829287856817245, + 0.03651564568281174, + -0.202362522482872, + 2.423330307006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/51.png", + [ + 0.1937047690153122, + 0.014665678143501282, + -0.09597541391849518, + 1.1027257442474365, + -0.00195122545119375, + -0.21355710923671722, + -0.036571044474840164, + 0.4121931195259094, + -0.09706984460353851, + 0.03355840593576431, + -0.19078567624092102, + 2.2418341636657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/93.png", + [ + 0.20487520098686218, + 0.007202123291790485, + -0.07015819847583771, + 0.8182340860366821, + -0.01196391973644495, + -0.20886892080307007, + -0.056378453969955444, + 0.6638304591178894, + -0.06950472295284271, + 0.05718211084604263, + -0.19709691405296326, + 2.319765567779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/76.png", + [ + 0.2061685472726822, + -0.043174684047698975, + 0.05077757313847542, + -0.606204092502594, + -0.045795738697052, + -0.2116963267326355, + 0.005941999610513449, + -0.08206680417060852, + 0.048426903784275055, + -0.016386089846491814, + -0.21055693924427032, + 2.5665993690490723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/48.png", + [ + 0.19850130379199982, + -0.030715635046362877, + 0.08125068247318268, + -0.9802711606025696, + -0.04151896387338638, + -0.21157486736774445, + 0.02145104482769966, + -0.2735465168952942, + 0.07629743218421936, + -0.03522103652358055, + -0.19971498847007751, + 2.4717659950256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/35.png", + [ + 0.20132608711719513, + -0.031342145055532455, + 0.07371143996715546, + -0.8980645537376404, + -0.037689898163080215, + -0.21301265060901642, + 0.012368299998342991, + -0.1670345664024353, + 0.07067657262086868, + -0.024314047768712044, + -0.20337538421154022, + 2.5277295112609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/97.png", + [ + 0.20844733715057373, + -0.03660450875759125, + 0.04645121842622757, + -0.5713648796081543, + -0.041716888546943665, + -0.2116371989250183, + 0.020427854731678963, + -0.2688157260417938, + 0.0419202484190464, + -0.028595561161637306, + -0.21064871549606323, + 2.657097816467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/13.png", + [ + 0.20424975454807281, + -0.0385461151599884, + 0.06118929013609886, + -0.7386260032653809, + -0.04107213392853737, + -0.2127237766981125, + 0.003093679202720523, + -0.0499095618724823, + 0.05952319875359535, + -0.014515118673443794, + -0.20783212780952454, + 2.5612692832946777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/32.png", + [ + 0.2010810822248459, + -0.03231548145413399, + 0.07395946234464645, + -0.89970862865448, + -0.0390443280339241, + -0.21271798014640808, + 0.013209829106926918, + -0.17714038491249084, + 0.0706387460231781, + -0.02558649703860283, + -0.20323236286640167, + 2.5166215896606445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/38.png", + [ + 0.20019005239009857, + -0.03445134311914444, + 0.07539854198694229, + -0.915495753288269, + -0.04092312976717949, + -0.21245980262756348, + 0.01157684437930584, + -0.15768690407276154, + 0.07209113985300064, + -0.024936532601714134, + -0.20280268788337708, + 2.519618511199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/111.png", + [ + 0.20414327085018158, + -0.04189949110150337, + 0.05931147560477257, + -0.716091513633728, + -0.048084598034620285, + -0.2106090933084488, + 0.016720781102776527, + -0.21817727386951447, + 0.05441773682832718, + -0.02891618385910988, + -0.20772689580917358, + 2.5735092163085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/11.png", + [ + 0.20418031513690948, + -0.04051442816853523, + 0.060140449553728104, + -0.7198172807693481, + -0.04296797513961792, + -0.2123527079820633, + 0.0028244988061487675, + -0.04922962188720703, + 0.058412715792655945, + -0.014587865211069584, + -0.20814189314842224, + 2.5598526000976562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/59.png", + [ + 0.1986818164587021, + -0.051123637706041336, + 0.06971223652362823, + -0.8514276742935181, + -0.05901116132736206, + -0.20788997411727905, + 0.015726841986179352, + -0.2065640240907669, + 0.06317520141601562, + -0.03340694680809975, + -0.2045501470565796, + 2.5401172637939453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/105.png", + [ + 0.20449277758598328, + -0.04330048710107803, + 0.0570584312081337, + -0.6979805827140808, + -0.049825891852378845, + -0.2099906951189041, + 0.019214274361729622, + -0.24987639486789703, + 0.05145849660038948, + -0.03125501051545143, + -0.20814189314842224, + 2.606518268585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/24.png", + [ + 0.203672856092453, + -0.045971471816301346, + 0.05789545178413391, + -0.690716028213501, + -0.04978811368346214, + -0.21073172986507416, + 0.00782169122248888, + -0.1083461195230484, + 0.05464798957109451, + -0.020655721426010132, + -0.20865002274513245, + 2.5533041954040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/74.png", + [ + 0.20520073175430298, + -0.045677218586206436, + 0.052479930222034454, + -0.6200394630432129, + -0.04796856641769409, + -0.21126611530780792, + 0.003680209629237652, + -0.05529855191707611, + 0.050394125282764435, + -0.015103606507182121, + -0.21019087731838226, + 2.5551185607910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/98.png", + [ + 0.20887696743011475, + -0.035370420664548874, + 0.04546695202589035, + -0.559607744216919, + -0.04030568152666092, + -0.21192242205142975, + 0.020303618162870407, + -0.26841098070144653, + 0.04115534573793411, + -0.02803066186606884, + -0.21087534725666046, + 2.65848970413208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/0.png", + [ + 0.19797295331954956, + -0.012882138602435589, + 0.08711288869380951, + -1.0294302701950073, + -0.013607560656964779, + -0.21624435484409332, + -0.0010533558670431376, + 0.0011333785951137543, + 0.08700252324342728, + -0.004508408717811108, + -0.19838882982730865, + 2.39066219329834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/96.png", + [ + 0.20844689011573792, + -0.03751237317919731, + 0.045723166316747665, + -0.5610674619674683, + -0.04234505444765091, + -0.21160544455051422, + 0.019440338015556335, + -0.25572633743286133, + 0.04128779098391533, + -0.02763788402080536, + -0.21090130507946014, + 2.6580986976623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/100.png", + [ + 0.20854943990707397, + -0.03505060821771622, + 0.04718552902340889, + -0.5795488357543945, + -0.04047195985913277, + -0.211765319108963, + 0.021572336554527283, + -0.2852122485637665, + 0.042626749724149704, + -0.029577020555734634, + -0.2103712260723114, + 2.6497650146484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/40.png", + [ + 0.19947679340839386, + -0.037875425070524216, + 0.0756462886929512, + -0.9160678386688232, + -0.044337864965200424, + -0.21181119978427887, + 0.010865491814911366, + -0.151671901345253, + 0.07204902172088623, + -0.025482483208179474, + -0.20274978876113892, + 2.5126028060913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/52.png", + [ + 0.2000764012336731, + -0.025527266785502434, + 0.07915610074996948, + -0.9589276909828186, + -0.035646725445985794, + -0.21263526380062103, + 0.021527985110878944, + -0.27759724855422974, + 0.07514414191246033, + -0.03290139511227608, + -0.20054613053798676, + 2.490218162536621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/3.png", + [ + 0.19946596026420593, + -0.014585712924599648, + 0.08335753530263901, + -0.9807695746421814, + -0.015669943764805794, + -0.21610704064369202, + -0.00031736379605717957, + -0.010391868650913239, + 0.08316054940223694, + -0.005736270919442177, + -0.19999827444553375, + 2.4116029739379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/47.png", + [ + 0.19836938381195068, + -0.030743848532438278, + 0.08156158775091171, + -0.9851388335227966, + -0.041240841150283813, + -0.21172383427619934, + 0.020496347919106483, + -0.26306599378585815, + 0.07678978890180588, + -0.03428881615400314, + -0.19968850910663605, + 2.4731059074401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/104.png", + [ + 0.20582245290279388, + -0.04110373184084892, + 0.05380985140800476, + -0.6559998989105225, + -0.04739033058285713, + -0.21042980253696442, + 0.020526768639683723, + -0.26517853140830994, + 0.04836500808596611, + -0.031267788261175156, + -0.2088804543018341, + 2.6163158416748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/21.png", + [ + 0.20359818637371063, + -0.04505540803074837, + 0.05887002497911453, + -0.7016690969467163, + -0.049625836312770844, + -0.21065835654735565, + 0.010403099469840527, + -0.14202994108200073, + 0.05507218837738037, + -0.023258497938513756, + -0.20826423168182373, + 2.549510955810547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/82.png", + [ + 0.20645445585250854, + -0.043666772544384, + 0.049169834703207016, + -0.5868917107582092, + -0.04653036594390869, + -0.21148456633090973, + 0.007556496188044548, + -0.10512596368789673, + 0.04646918550133705, + -0.01775917410850525, + -0.21088652312755585, + 2.578899383544922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/106.png", + [ + 0.20400583744049072, + -0.04312729835510254, + 0.05890284478664398, + -0.7192070484161377, + -0.04961627721786499, + -0.21014994382858276, + 0.01797553524374962, + -0.23435571789741516, + 0.05355122685432434, + -0.030412672087550163, + -0.20773836970329285, + 2.598935604095459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/14.png", + [ + 0.20354430377483368, + -0.03956138715147972, + 0.06286905705928802, + -0.7601333856582642, + -0.042418718338012695, + -0.21245057880878448, + 0.003646446391940117, + -0.05818040668964386, + 0.06097765639424324, + -0.015733445063233376, + -0.2073211967945099, + 2.559309959411621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/67.png", + [ + 0.19695860147476196, + -0.060627348721027374, + 0.06692925840616226, + -0.7980999946594238, + -0.0671275332570076, + -0.20570926368236542, + 0.011201947927474976, + -0.15492798388004303, + 0.06040772795677185, + -0.03091786429286003, + -0.20577386021614075, + 2.5172119140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/78.png", + [ + 0.2061014175415039, + -0.04220704361796379, + 0.05185237154364586, + -0.6226253509521484, + -0.04568462073802948, + -0.21159727871418, + 0.009349016472697258, + -0.1263347864151001, + 0.048816174268722534, + -0.019825585186481476, + -0.2101709395647049, + 2.5643563270568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/31.png", + [ + 0.2014867663383484, + -0.03200841695070267, + 0.07298249006271362, + -0.8859864473342896, + -0.03827732056379318, + -0.21291208267211914, + 0.012296007946133614, + -0.1651948243379593, + 0.06989871710538864, + -0.02432706020772457, + -0.20364248752593994, + 2.515284538269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/39.png", + [ + 0.19993160665035248, + -0.03623322397470474, + 0.07524893432855606, + -0.9129010438919067, + -0.042894307523965836, + -0.21205495297908783, + 0.011860521510243416, + -0.16247539222240448, + 0.07166120409965515, + -0.025840794667601585, + -0.2028418630361557, + 2.5199227333068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/92.png", + [ + 0.2073287069797516, + -0.04401547089219093, + 0.045003846287727356, + -0.5456118583679199, + -0.04775789752602577, + -0.21089814603328705, + 0.013749957084655762, + -0.18172098696231842, + 0.04101087525486946, + -0.02307630516588688, + -0.21150292456150055, + 2.6444835662841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/53.png", + [ + 0.20031149685382843, + -0.023640228435397148, + 0.07914759963750839, + -0.9613105058670044, + -0.033547401428222656, + -0.21300114691257477, + 0.021283438429236412, + -0.2746058702468872, + 0.07548361271619797, + -0.03193042427301407, + -0.200575590133667, + 2.4965572357177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/75.png", + [ + 0.20564325153827667, + -0.04385997727513313, + 0.0522976815700531, + -0.6213628649711609, + -0.04613422974944115, + -0.21167053282260895, + 0.0038879255298525095, + -0.05703078210353851, + 0.05030286684632301, + -0.01482517458498478, + -0.21023255586624146, + 2.5616841316223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/87.png", + [ + 0.2071552723646164, + -0.04454076662659645, + 0.04528476670384407, + -0.5420229434967041, + -0.04740609601140022, + -0.2112291008234024, + 0.00910054612904787, + -0.12455098330974579, + 0.04227590188384056, + -0.018608545884490013, + -0.21169403195381165, + 2.6123709678649902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/107.png", + [ + 0.2039182186126709, + -0.04401951655745506, + 0.05854521319270134, + -0.711787760257721, + -0.0502939410507679, + -0.21005016565322876, + 0.01724381372332573, + -0.22593025863170624, + 0.053252048790454865, + -0.029817964881658554, + -0.20790141820907593, + 2.595287799835205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/112.png", + [ + 0.20437301695346832, + -0.04197555035352707, + 0.05846039578318596, + -0.7032702565193176, + -0.048030853271484375, + -0.2106245458126068, + 0.016680162400007248, + -0.21656745672225952, + 0.053596656769514084, + -0.028692230582237244, + -0.2079712599515915, + 2.568060874938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/69.png", + [ + 0.1980055272579193, + -0.05666913464665413, + 0.06730758398771286, + -0.8044350147247314, + -0.06300681084394455, + -0.20701633393764496, + 0.011057584546506405, + -0.15334470570087433, + 0.06141533702611923, + -0.029677212238311768, + -0.2056582272052765, + 2.5104875564575195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/45.png", + [ + 0.19935131072998047, + -0.03091491013765335, + 0.07906465977430344, + -0.9536582231521606, + -0.040156323462724686, + -0.21213287115097046, + 0.018303323537111282, + -0.23680581152439117, + 0.07479585707187653, + -0.031493015587329865, + -0.20090211927890778, + 2.4875688552856445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/50.png", + [ + 0.1979736089706421, + -0.030284561216831207, + 0.08268729597330093, + -0.9998878836631775, + -0.04103206470608711, + -0.21174576878547668, + 0.020688045769929886, + -0.2660391330718994, + 0.07791478931903839, + -0.03456111624836922, + -0.1992051899433136, + 2.4694032669067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/101.png", + [ + 0.2080424726009369, + -0.03576121851801872, + 0.048860691487789154, + -0.5983384251594543, + -0.041348546743392944, + -0.21163766086101532, + 0.021158797666430473, + -0.27789920568466187, + 0.044232673943042755, + -0.029640046879649162, + -0.21003055572509766, + 2.644033432006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/85.png", + [ + 0.2069949507713318, + -0.043588750064373016, + 0.046914953738451004, + -0.5600418448448181, + -0.046546656638383865, + -0.21142731606960297, + 0.00893255602568388, + -0.12241174280643463, + 0.04398181289434433, + -0.018611904233694077, + -0.21134591102600098, + 2.5953636169433594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/71.png", + [ + 0.19941823184490204, + -0.053143154829740524, + 0.0660005584359169, + -0.7834540009498596, + -0.057090647518634796, + -0.20897521078586578, + 0.0042319996282458305, + -0.06653943657875061, + 0.06261729449033737, + -0.021285153925418854, + -0.20633448660373688, + 2.5099449157714844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/115.png", + [ + 0.20495201647281647, + -0.038193538784980774, + 0.05902383103966713, + -0.7069104909896851, + -0.04409332200884819, + -0.21151839196681976, + 0.0162371676415205, + -0.20913171768188477, + 0.05475708097219467, + -0.027370059862732887, + -0.20784713327884674, + 2.5642294883728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/54.png", + [ + 0.20277675986289978, + -0.023696662858128548, + 0.07258065789937973, + -0.8802558779716492, + -0.03139936923980713, + -0.2136325091123581, + 0.017975645139813423, + -0.23179857432842255, + 0.06959571689367294, + -0.02734067104756832, + -0.20336376130580902, + 2.5238876342773438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/33.png", + [ + 0.20142975449562073, + -0.031462669372558594, + 0.0733761116862297, + -0.8931506276130676, + -0.038212791085243225, + -0.21284200251102448, + 0.01363679300993681, + -0.18207049369812012, + 0.07009804993867874, + -0.02561795897781849, + -0.20341551303863525, + 2.5225253105163574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/49.png", + [ + 0.1983180046081543, + -0.03249048814177513, + 0.08100757747888565, + -0.9786539077758789, + -0.04245833680033684, + -0.21161654591560364, + 0.01906893216073513, + -0.24591052532196045, + 0.07625712454319, + -0.03332720696926117, + -0.2000550925731659, + 2.47592830657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/110.png", + [ + 0.20449432730674744, + -0.04181294143199921, + 0.05815187096595764, + -0.703552782535553, + -0.047706104815006256, + -0.21073289215564728, + 0.016237910836935043, + -0.21219229698181152, + 0.0534236878156662, + -0.02812863141298294, + -0.20809273421764374, + 2.5850024223327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/18.png", + [ + 0.2046852558851242, + -0.03618721663951874, + 0.06117450073361397, + -0.7325538992881775, + -0.040339574217796326, + -0.21268928050994873, + 0.009158791042864323, + -0.1266333907842636, + 0.05851967632770538, + -0.020041214302182198, + -0.2076576203107834, + 2.556304454803467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/66.png", + [ + 0.19466407597064972, + -0.06625284999608994, + 0.06829608231782913, + -0.8162901401519775, + -0.07188542187213898, + -0.2042921930551529, + 0.006714462768286467, + -0.09860987961292267, + 0.062340039759874344, + -0.028690747916698456, + -0.20551997423171997, + 2.517113208770752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/16.png", + [ + 0.20484764873981476, + -0.035149846225976944, + 0.06123577803373337, + -0.7344672679901123, + -0.03898172453045845, + -0.2129833698272705, + 0.008148527704179287, + -0.11657841503620148, + 0.058870695531368256, + -0.01872061751782894, + -0.20768167078495026, + 2.563598155975342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/94.png", + [ + 0.20761527121067047, + -0.04175763204693794, + 0.04582677409052849, + -0.558638334274292, + -0.046582840383052826, + -0.2107531577348709, + 0.01900104619562626, + -0.24990813434123993, + 0.04091248661279678, + -0.028058886528015137, + -0.2109188437461853, + 2.6499552726745605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/28.png", + [ + 0.20224426686763763, + -0.03304864093661308, + 0.07037714868783951, + -0.8453754782676697, + -0.03809173405170441, + -0.21309290826320648, + 0.009397979825735092, + -0.12816646695137024, + 0.06778035312891006, + -0.02114449441432953, + -0.20471107959747314, + 2.5103683471679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/61.png", + [ + 0.19317224621772766, + -0.06366173177957535, + 0.07469641417264938, + -0.9085221290588379, + -0.0693158209323883, + -0.2052423357963562, + 0.004335006698966026, + -0.06245669350028038, + 0.06948156654834747, + -0.027760732918977737, + -0.2033458650112152, + 2.5196704864501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/58.png", + [ + 0.2004726082086563, + -0.04415324702858925, + 0.06934777647256851, + -0.8478837013244629, + -0.05234357714653015, + -0.20949076116085052, + 0.01793503761291504, + -0.23453475534915924, + 0.06339380890130997, + -0.0333467498421669, + -0.20449233055114746, + 2.541811943054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/64.png", + [ + 0.19204121828079224, + -0.0682440921664238, + 0.07355819642543793, + -0.8845074772834778, + -0.07386519759893417, + -0.20365813374519348, + 0.003897585440427065, + -0.06185033544898033, + 0.06791167706251144, + -0.028530742973089218, + -0.20376922190189362, + 2.5109128952026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/10.png", + [ + 0.20345135033130646, + -0.04175131395459175, + 0.06174353137612343, + -0.7353214025497437, + -0.04462761804461479, + -0.2119966596364975, + 0.0036993632093071938, + -0.06331320106983185, + 0.05969766899943352, + -0.0161906685680151, + -0.20765824615955353, + 2.5486745834350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/41.png", + [ + 0.19947953522205353, + -0.03732718154788017, + 0.07591113448143005, + -0.9185835123062134, + -0.044364482164382935, + -0.2117169201374054, + 0.012475239112973213, + -0.1701352745294571, + 0.07202507555484772, + -0.027028141543269157, + -0.20255805552005768, + 2.5095014572143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/91.png", + [ + 0.20707209408283234, + -0.04417801648378372, + 0.04601464420557022, + -0.5569695830345154, + -0.04776371270418167, + -0.21098150312900543, + 0.012382762506604195, + -0.16550305485725403, + 0.042280878871679306, + -0.021977446973323822, + -0.2113698571920395, + 2.6331496238708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/23.png", + [ + 0.20388562977313995, + -0.04606527090072632, + 0.05706604942679405, + -0.6797683835029602, + -0.05013112723827362, + -0.21059870719909668, + 0.009107527323067188, + -0.125281423330307, + 0.05352955311536789, + -0.02177310176193714, + -0.20882627367973328, + 2.5513930320739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/37.png", + [ + 0.20074962079524994, + -0.03392653539776802, + 0.07413825392723083, + -0.9008153080940247, + -0.039498236030340195, + -0.21282954514026642, + 0.009558982215821743, + -0.13272687792778015, + 0.0713258683681488, + -0.02237129956483841, + -0.20337167382240295, + 2.527742862701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/36.png", + [ + 0.20067615807056427, + -0.03378044441342354, + 0.074403315782547, + -0.9050263166427612, + -0.039216138422489166, + -0.21290135383605957, + 0.009110384620726109, + -0.12627744674682617, + 0.07168727368116379, + -0.021904032677412033, + -0.20329543948173523, + 2.5254955291748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/8.png", + [ + 0.20278491079807281, + -0.04120313748717308, + 0.06425321102142334, + -0.7603731751441956, + -0.04401916638016701, + -0.2121364027261734, + 0.002890707226470113, + -0.05331875756382942, + 0.06235773488879204, + -0.015758953988552094, + -0.20690833032131195, + 2.523627281188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/6.png", + [ + 0.20235688984394073, + -0.02962643653154373, + 0.07156714051961899, + -0.8401309251785278, + -0.031070243567228317, + -0.2144334316253662, + -0.000916900287847966, + -0.001824667677283287, + 0.07095223665237427, + -0.009406118653714657, + -0.2045121043920517, + 2.471086025238037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/20.png", + [ + 0.20429076254367828, + -0.0419367253780365, + 0.05877485126256943, + -0.7010502815246582, + -0.0461554117500782, + -0.2114870697259903, + 0.009528745897114277, + -0.13061581552028656, + 0.05552341043949127, + -0.02150418981909752, + -0.20833294093608856, + 2.554631233215332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/2.png", + [ + 0.1985476016998291, + -0.01442464254796505, + 0.08554922789335251, + -1.0073902606964111, + -0.014993836171925068, + -0.2161489576101303, + -0.0016467825043946505, + 0.006026547402143478, + 0.08545131236314774, + -0.0044109756126999855, + -0.19906409084796906, + 2.3997106552124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/5.png", + [ + 0.2016811966896057, + -0.02332398295402527, + 0.07568737119436264, + -0.8910670280456543, + -0.023933934047818184, + -0.2153332233428955, + -0.002581722103059292, + 0.017655394971370697, + 0.07549670338630676, + -0.005957373883575201, + -0.2030089944601059, + 2.447573184967041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/108.png", + [ + 0.20401696860790253, + -0.04322245717048645, + 0.058794520795345306, + -0.7139760255813599, + -0.04935695230960846, + -0.2103199064731598, + 0.016653109341859818, + -0.2183770388364792, + 0.05374819040298462, + -0.02907324768602848, + -0.2078792303800583, + 2.5907859802246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/60.png", + [ + 0.19488713145256042, + -0.05831308662891388, + 0.07460886240005493, + -0.9113898277282715, + -0.06572500616312027, + -0.2061975598335266, + 0.010520768351852894, + -0.13986313343048096, + 0.06816980242729187, + -0.03209434449672699, + -0.20315198600292206, + 2.5238823890686035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/56.png", + [ + 0.20152951776981354, + -0.03476319462060928, + 0.07159095257520676, + -0.8722106218338013, + -0.042702723294496536, + -0.2117106318473816, + 0.01740613393485546, + -0.22589978575706482, + 0.06715817749500275, + -0.030298784375190735, + -0.20376372337341309, + 2.5340795516967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/30.png", + [ + 0.2021482288837433, + -0.03276471793651581, + 0.07078459113836288, + -0.8560782670974731, + -0.03790634870529175, + -0.21311669051647186, + 0.009606508538126945, + -0.13144183158874512, + 0.06816960126161575, + -0.021345939487218857, + -0.20456087589263916, + 2.5201592445373535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/17.png", + [ + 0.20549532771110535, + -0.03357413783669472, + 0.059936147183179855, + -0.71733158826828, + -0.037517961114645004, + -0.21320316195487976, + 0.00920401606708765, + -0.1284475475549698, + 0.05754969269037247, + -0.019107285887002945, + -0.20801644027233124, + 2.565596103668213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/12.png", + [ + 0.2040831595659256, + -0.03884146362543106, + 0.061557330191135406, + -0.7406122088432312, + -0.04178957641124725, + -0.21256045997142792, + 0.004424961283802986, + -0.06635558605194092, + 0.0595952607691288, + -0.016040250658988953, + -0.20769934356212616, + 2.5571632385253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/114.png", + [ + 0.2036983072757721, + -0.041150592267513275, + 0.06133120134472847, + -0.738162100315094, + -0.047422491014003754, + -0.21081063151359558, + 0.016058702021837234, + -0.20734818279743195, + 0.05662151426076889, + -0.02852022461593151, + -0.20719194412231445, + 2.5572924613952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/27.png", + [ + 0.20131663978099823, + -0.036904510110616684, + 0.07111653685569763, + -0.8516943454742432, + -0.043046869337558746, + -0.2120256870985031, + 0.011830545030534267, + -0.1573198288679123, + 0.06757567822933197, + -0.025120751932263374, + -0.20432907342910767, + 2.50233793258667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/42.png", + [ + 0.19993987679481506, + -0.036784689873456955, + 0.07495883852243423, + -0.9051183462142944, + -0.043452054262161255, + -0.21193940937519073, + 0.011895507574081421, + -0.16220729053020477, + 0.0713011771440506, + -0.026009049266576767, + -0.202947199344635, + 2.506610870361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/7.png", + [ + 0.2026812732219696, + -0.03584451973438263, + 0.06770054996013641, + -0.7967022061347961, + -0.03818528726696968, + -0.21327875554561615, + 0.0013968453276902437, + -0.03219106048345566, + 0.06640841066837311, + -0.0132377240806818, + -0.2058217078447342, + 2.4982552528381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/73.png", + [ + 0.20373278856277466, + -0.04789064824581146, + 0.05610108748078346, + -0.6606289744377136, + -0.05044323951005936, + -0.2106948047876358, + 0.003326662350445986, + -0.05136488378047943, + 0.053817518055438995, + -0.01618865318596363, + -0.20925940573215485, + 2.54091739654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/46.png", + [ + 0.1990957111120224, + -0.03042815625667572, + 0.07989319413900375, + -0.9635876417160034, + -0.04018532112240791, + -0.21203093230724335, + 0.019388549029827118, + -0.25005391240119934, + 0.07545817643404007, + -0.03263285011053085, + -0.20047207176685333, + 2.482985496520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/57.png", + [ + 0.20089980959892273, + -0.03945208713412285, + 0.07092735171318054, + -0.8664773106575012, + -0.04763803631067276, + -0.21062400937080383, + 0.017777573317289352, + -0.23173291981220245, + 0.06570976972579956, + -0.0320773646235466, + -0.20396362245082855, + 2.538853168487549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/44.png", + [ + 0.19982823729515076, + -0.03139439970254898, + 0.07765926420688629, + -0.9357661008834839, + -0.03974775969982147, + -0.21236330270767212, + 0.016426973044872284, + -0.21377870440483093, + 0.07373388856649399, + -0.029395945370197296, + -0.2016112208366394, + 2.4946436882019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/113.png", + [ + 0.2039935141801834, + -0.04101571813225746, + 0.06043390557169914, + -0.7266418933868408, + -0.04723922908306122, + -0.21082791686058044, + 0.01636890321969986, + -0.21168413758277893, + 0.055704593658447266, + -0.028586648404598236, + -0.20743119716644287, + 2.560664176940918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/29.png", + [ + 0.20275866985321045, + -0.03202831745147705, + 0.06936141848564148, + -0.8348680138587952, + -0.036987192928791046, + -0.21327665448188782, + 0.00963908713310957, + -0.12979093194007874, + 0.06684884428977966, + -0.020860275253653526, + -0.20504628121852875, + 2.519094467163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/4.png", + [ + 0.1997377723455429, + -0.017610661685466766, + 0.08211318403482437, + -0.9680142998695374, + -0.019041704013943672, + -0.215836301445961, + 2.8343267331365496e-05, + -0.015687132254242897, + 0.08179318159818649, + -0.0072423615492880344, + -0.20051264762878418, + 2.4207210540771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/55.png", + [ + 0.20259416103363037, + -0.02961885929107666, + 0.07089584320783615, + -0.8616056442260742, + -0.036318451166152954, + -0.21309885382652283, + 0.014756322838366032, + -0.19155000150203705, + 0.06770868599414825, + -0.025680774822831154, + -0.2042153775691986, + 2.5329055786132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/9.png", + [ + 0.20333699882030487, + -0.04382674768567085, + 0.06067274883389473, + -0.7197748422622681, + -0.04633241519331932, + -0.21164943277835846, + 0.0023929569870233536, + -0.047826144844293594, + 0.05878157541155815, + -0.015219555236399174, + -0.2079927772283554, + 2.543898105621338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/25.png", + [ + 0.20167624950408936, + -0.04382270202040672, + 0.06598600000143051, + -0.7917011380195618, + -0.04904632270336151, + -0.2108185738325119, + 0.009893611073493958, + -0.13354115188121796, + 0.0622016079723835, + -0.02414531074464321, + -0.20614522695541382, + 2.536227226257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/99.png", + [ + 0.2088204026222229, + -0.03522707521915436, + 0.04583662375807762, + -0.5642216801643372, + -0.04020609334111214, + -0.21194329857826233, + 0.020283127203583717, + -0.2682293951511383, + 0.04153808578848839, + -0.028053313493728638, + -0.2107972800731659, + 2.656332492828369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/34.png", + [ + 0.2011423408985138, + -0.03189481794834137, + 0.07397544384002686, + -0.9012770652770996, + -0.03853089362382889, + -0.2128240466117859, + 0.01300716120749712, + -0.17470821738243103, + 0.07074613124132156, + -0.02522967755794525, + -0.20323961973190308, + 2.5252790451049805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/72.png", + [ + 0.20167140662670135, + -0.051325105130672455, + 0.060351256281137466, + -0.7118819952011108, + -0.05420244112610817, + -0.20976781845092773, + 0.002729464089497924, + -0.045802682638168335, + 0.0577809177339077, + -0.017637690529227257, + -0.2080821394920349, + 2.5238776206970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/102.png", + [ + 0.20736706256866455, + -0.037327785044908524, + 0.050531476736068726, + -0.6174597144126892, + -0.04336851090192795, + -0.21114733815193176, + 0.02199697680771351, + -0.28610050678253174, + 0.045452892780303955, + -0.0311661995947361, + -0.20954854786396027, + 2.637692928314209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/70.png", + [ + 0.19899213314056396, + -0.054435569792985916, + 0.06623287498950958, + -0.7895066142082214, + -0.059707675129175186, + -0.20811860263347626, + 0.00833879504352808, + -0.11827905476093292, + 0.06152251362800598, + -0.025909654796123505, + -0.20613481104373932, + 2.508664131164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/90.png", + [ + 0.20692011713981628, + -0.04536085203289986, + 0.045545075088739395, + -0.5497002005577087, + -0.04835602268576622, + -0.21099378168582916, + 0.009550459682941437, + -0.131062313914299, + 0.04235156625509262, + -0.019284958019852638, + -0.2116183638572693, + 2.6320128440856934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/15.png", + [ + 0.20430593192577362, + -0.03642099350690842, + 0.06229356303811073, + -0.7494561672210693, + -0.040200695395469666, + -0.2127825915813446, + 0.007440362125635147, + -0.10698491334915161, + 0.05992395803332329, + -0.01857326179742813, + -0.20739345252513885, + 2.5577192306518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/22.png", + [ + 0.2039409577846527, + -0.045762840658426285, + 0.05711173638701439, + -0.6799989342689514, + -0.050095684826374054, + -0.21055853366851807, + 0.010169601067900658, + -0.1389344185590744, + 0.053351763635873795, + -0.02277631312608719, + -0.20876476168632507, + 2.551835536956787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/109.png", + [ + 0.20364946126937866, + -0.0440169982612133, + 0.059475138783454895, + -0.721985399723053, + -0.0504426434636116, + -0.2100103199481964, + 0.01729452610015869, + -0.22607538104057312, + 0.054132506251335144, + -0.030100911855697632, + -0.2076330929994583, + 2.586193561553955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/26.png", + [ + 0.20438934862613678, + -0.0411955751478672, + 0.058956027030944824, + -0.7003235220909119, + -0.04579123482108116, + -0.21149657666683197, + 0.010966088622808456, + -0.14354506134986877, + 0.05546216666698456, + -0.02280387654900551, + -0.2082110196352005, + 2.5338058471679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/43.png", + [ + 0.20004449784755707, + -0.034213826060295105, + 0.0758914202451706, + -0.9144614934921265, + -0.04138405621051788, + -0.2122637927532196, + 0.013391450047492981, + -0.17774561047554016, + 0.07223192602396011, + -0.02685861475765705, + -0.2025069296360016, + 2.502472400665283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/84.png", + [ + 0.20697876811027527, + -0.04326169565320015, + 0.04728752747178078, + -0.5641839504241943, + -0.046027835458517075, + -0.21158210933208466, + 0.007896019145846367, + -0.10929155349731445, + 0.04459959268569946, + -0.017587898299098015, + -0.21130412817001343, + 2.5892724990844727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/89.png", + [ + 0.2070339322090149, + -0.04616492986679077, + 0.044200025498867035, + -0.5320483446121216, + -0.048723652958869934, + -0.21097876131534576, + 0.00786491297185421, + -0.1100701093673706, + 0.04136240482330322, + -0.0174542386084795, + -0.21197262406349182, + 2.6296863555908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/63.png", + [ + 0.1900060921907425, + -0.06937994807958603, + 0.07766594737768173, + -0.9371963143348694, + -0.07549802958965302, + -0.20306910574436188, + 0.003298228606581688, + -0.054302528500556946, + 0.0717330202460289, + -0.029954176396131516, + -0.2022498995065689, + 2.496133327484131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/88.png", + [ + 0.20720987021923065, + -0.045108966529369354, + 0.04446512088179588, + -0.5329045057296753, + -0.047520656138658524, + -0.2112797647714615, + 0.007109792437404394, + -0.10077816247940063, + 0.041877832263708115, + -0.016551228240132332, + -0.2119438648223877, + 2.624730110168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/62.png", + [ + 0.19121162593364716, + -0.06619089096784592, + 0.07749047130346298, + -0.939075231552124, + -0.07227189093828201, + -0.2042292058467865, + 0.003885820275172591, + -0.05639631301164627, + 0.07185249775648117, + -0.02927614375948906, + -0.20230674743652344, + 2.505445957183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/65.png", + [ + 0.19320572912693024, + -0.06739425659179688, + 0.07125631719827652, + -0.8549683094024658, + -0.07316548377275467, + -0.20387201011180878, + 0.0055600544437766075, + -0.08426257967948914, + 0.06531661748886108, + -0.02901925891637802, + -0.20454710721969604, + 2.5162181854248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/80.png", + [ + 0.20632363855838776, + -0.043890513479709625, + 0.0495184026658535, + -0.5919594764709473, + -0.046700507402420044, + -0.21146103739738464, + 0.007154617924243212, + -0.09957027435302734, + 0.046877630054950714, + -0.01748567260801792, + -0.21081894636154175, + 2.57316255569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/79.png", + [ + 0.20625239610671997, + -0.044046271592378616, + 0.04967662692070007, + -0.5945767760276794, + -0.04694477841258049, + -0.21139590442180634, + 0.007473766338080168, + -0.10414528846740723, + 0.04694709554314613, + -0.01787722297012806, + -0.2107706516981125, + 2.568993091583252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/116.png", + [ + 0.20530468225479126, + -0.03384709730744362, + 0.06043391674757004, + -0.723478376865387, + -0.039576854556798935, + -0.21246829628944397, + 0.015452862717211246, + -0.19799727201461792, + 0.05684678629040718, + -0.025680573657155037, + -0.20750144124031067, + 2.5618362426757812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/19.png", + [ + 0.2041982114315033, + -0.03992392122745514, + 0.060473691672086716, + -0.7235619425773621, + -0.04403124377131462, + -0.2119736671447754, + 0.008735704235732555, + -0.12123315036296844, + 0.0575520358979702, + -0.020521769300103188, + -0.20788100361824036, + 2.5548081398010254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/77.png", + [ + 0.20583799481391907, + -0.04343905299901962, + 0.051881302148103714, + -0.6215270757675171, + -0.0465841144323349, + -0.21146512031555176, + 0.007766492664813995, + -0.1057867705821991, + 0.04907688871026039, + -0.018532320857048035, + -0.21022821962833405, + 2.564044952392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/68.png", + [ + 0.19795672595500946, + -0.05826670303940773, + 0.06607590615749359, + -0.7885838747024536, + -0.06518600136041641, + -0.2061975598335266, + 0.013462630100548267, + -0.1840897798538208, + 0.059260595589876175, + -0.03217839449644089, + -0.20591412484645844, + 2.515202522277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/86.png", + [ + 0.2068338692188263, + -0.044849101454019547, + 0.04643499478697777, + -0.5549842119216919, + -0.047619450837373734, + -0.21122179925441742, + 0.008101795800030231, + -0.1118459552526474, + 0.043589431792497635, + -0.017939038574695587, + -0.2114853411912918, + 2.601154327392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/1.png", + [ + 0.19795633852481842, + -0.01464861910790205, + 0.08687116205692291, + -1.0246919393539429, + -0.014865837059915066, + -0.2161487489938736, + -0.0025727092288434505, + 0.018342919647693634, + 0.08683424443006516, + -0.0036096901167184114, + -0.19848093390464783, + 2.393141269683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/81.png", + [ + 0.20641914010047913, + -0.044112127274274826, + 0.04891985282301903, + -0.5840059518814087, + -0.04703090339899063, + -0.211362823843956, + 0.007858071476221085, + -0.10888299345970154, + 0.0461207777261734, + -0.018104569986462593, + -0.2109336405992508, + 2.576559066772461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/95.png", + [ + 0.20780107378959656, + -0.03998284041881561, + 0.046561527997255325, + -0.5698976516723633, + -0.04507962986826897, + -0.2109864354133606, + 0.020011361688375473, + -0.26285794377326965, + 0.04164649918675423, + -0.028879057615995407, + -0.21066433191299438, + 2.654715061187744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/103.png", + [ + 0.20678798854351044, + -0.038941096514463425, + 0.051674094051122665, + -0.6302220225334167, + -0.045259229838848114, + -0.21071578562259674, + 0.022323740646243095, + -0.2885350286960602, + 0.04624093323945999, + -0.03209887072443962, + -0.20923511683940887, + 2.627495288848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/83.png", + [ + 0.20650595426559448, + -0.04305063188076019, + 0.04949574172496796, + -0.5911590456962585, + -0.04593197628855705, + -0.21161456406116486, + 0.007578144781291485, + -0.10507406294345856, + 0.04683415964245796, + -0.01771489903330803, + -0.21080948412418365, + 2.580078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/51.png", + [ + 0.19854536652565002, + -0.028498223051428795, + 0.08194802701473236, + -0.9924501776695251, + -0.03869686275720596, + -0.21225641667842865, + 0.019941316917538643, + -0.25808754563331604, + 0.07765422761440277, + -0.03290827199816704, + -0.19958646595478058, + 2.4766716957092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/93.png", + [ + 0.20756623148918152, + -0.0426592119038105, + 0.045214489102363586, + -0.5492429733276367, + -0.046981409192085266, + -0.2108566015958786, + 0.01673750951886177, + -0.22079826891422272, + 0.04070509970188141, + -0.025837738066911697, + -0.21124252676963806, + 2.646754264831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/76.png", + [ + 0.1674974262714386, + -0.011510989628732204, + -0.13696718215942383, + 1.5092238187789917, + -0.03620176389813423, + -0.21198450028896332, + -0.026455609127879143, + 0.28109240531921387, + -0.1325969099998474, + 0.04333548620343208, + -0.16579501330852509, + 1.8905118703842163, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/48.png", + [ + 0.15207752585411072, + -0.019881287589669228, + -0.1530524492263794, + 1.7488694190979004, + -0.05707202106714249, + -0.20688296854496002, + -0.029834682121872902, + 0.32499849796295166, + -0.14339838922023773, + 0.06125404313206673, + -0.15044178068637848, + 1.7756266593933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/35.png", + [ + 0.1525290310382843, + -0.024456022307276726, + -0.15193647146224976, + 1.756074070930481, + -0.06365441530942917, + -0.20478957891464233, + -0.03093930333852768, + 0.34079208970069885, + -0.1401103138923645, + 0.06641557067632675, + -0.15134716033935547, + 1.7963547706604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/97.png", + [ + 0.15507450699806213, + -0.026406612247228622, + -0.1490049660205841, + 1.6911500692367554, + -0.050653163343667984, + -0.21010105311870575, + -0.015482425689697266, + 0.16473819315433502, + -0.142597496509552, + 0.04591447860002518, + -0.15654300153255463, + 1.8243962526321411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/13.png", + [ + 0.155913308262825, + -0.029667850583791733, + -0.14750847220420837, + 1.7026420831680298, + -0.0639331117272377, + -0.20535366237163544, + -0.02627389132976532, + 0.28676745295524597, + -0.1362038552761078, + 0.062430597841739655, + -0.1565210074186325, + 1.856404423713684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/32.png", + [ + 0.15537619590759277, + -0.023578936234116554, + -0.14916488528251648, + 1.7246534824371338, + -0.06337940692901611, + -0.2044384777545929, + -0.03370237350463867, + 0.37212029099464417, + -0.13707362115383148, + 0.06779995560646057, + -0.1534987986087799, + 1.8216766119003296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/38.png", + [ + 0.15506590902805328, + -0.02470916137099266, + -0.14930477738380432, + 1.711694598197937, + -0.06243974715471268, + -0.2051699310541153, + -0.03089452162384987, + 0.3381604254245758, + -0.13785403966903687, + 0.06513563543558121, + -0.1539529412984848, + 1.8104603290557861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/11.png", + [ + 0.1568482369184494, + -0.03225734829902649, + -0.14596569538116455, + 1.6834405660629272, + -0.06468304991722107, + -0.20538344979286194, + -0.024117283523082733, + 0.2610652446746826, + -0.1347687989473343, + 0.06103280186653137, + -0.1583043336868286, + 1.8807326555252075, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/59.png", + [ + 0.15805399417877197, + -0.011331945657730103, + -0.14777828752994537, + 1.6789050102233887, + -0.04246308654546738, + -0.21044613420963287, + -0.02927829697728157, + 0.31682920455932617, + -0.1419990062713623, + 0.05031818151473999, + -0.15573136508464813, + 1.825859546661377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/105.png", + [ + 0.16495034098625183, + -0.02195364236831665, + -0.13877075910568237, + 1.5866427421569824, + -0.04561327397823334, + -0.210788294672966, + -0.020871495828032494, + 0.22067606449127197, + -0.13288608193397522, + 0.04510241374373436, + -0.16509073972702026, + 1.9385238885879517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/24.png", + [ + 0.1526014357805252, + -0.024583516642451286, + -0.15184317529201508, + 1.7559666633605957, + -0.0622192919254303, + -0.2054758071899414, + -0.029263313859701157, + 0.32066115736961365, + -0.14067499339580536, + 0.06421240419149399, + -0.15177354216575623, + 1.8051726818084717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/74.png", + [ + 0.16337800025939941, + -0.012610122561454773, + -0.1417621672153473, + 1.5692620277404785, + -0.03774608299136162, + -0.21193283796310425, + -0.024649586528539658, + 0.2618959844112396, + -0.1372252255678177, + 0.04328225180506706, + -0.16199931502342224, + 1.849969744682312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/98.png", + [ + 0.15406300127506256, + -0.02297798916697502, + -0.15061374008655548, + 1.7038758993148804, + -0.04761245846748352, + -0.21072952449321747, + -0.01655345782637596, + 0.17859652638435364, + -0.1447257250547409, + 0.04486618563532829, + -0.15488505363464355, + 1.807205080986023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/0.png", + [ + 0.14952608942985535, + -0.05005465820431709, + -0.14860813319683075, + 1.7379467487335205, + -0.08403287827968597, + -0.19894373416900635, + -0.017543086782097816, + 0.18573451042175293, + -0.13239455223083496, + 0.06974105536937714, + -0.15670277178287506, + 1.894264578819275, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/96.png", + [ + 0.15305224061012268, + -0.02487376518547535, + -0.15134133398532867, + 1.7219395637512207, + -0.05044987425208092, + -0.21007300913333893, + -0.016493581235408783, + 0.17426641285419464, + -0.14483685791492462, + 0.04688841849565506, + -0.1541806012392044, + 1.800650954246521, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/100.png", + [ + 0.16447044909000397, + -0.026612769812345505, + -0.13852481544017792, + 1.5650911331176758, + -0.048500917851924896, + -0.21047914028167725, + -0.017148800194263458, + 0.1808965802192688, + -0.1324576437473297, + 0.04402477666735649, + -0.1657247096300125, + 1.9323374032974243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/40.png", + [ + 0.15607871115207672, + -0.02552228793501854, + -0.1481078714132309, + 1.6875157356262207, + -0.06273555755615234, + -0.20509858429431915, + -0.03076878935098648, + 0.3338727056980133, + -0.1365707814693451, + 0.0650467649102211, + -0.15512971580028534, + 1.8142396211624146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/52.png", + [ + 0.1576964557170868, + -0.016306839883327484, + -0.14769499003887177, + 1.6892756223678589, + -0.05084075778722763, + -0.20828890800476074, + -0.03128660097718239, + 0.3447116017341614, + -0.13962428271770477, + 0.057425789535045624, + -0.15541954338550568, + 1.8333646059036255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/3.png", + [ + 0.14980344474315643, + -0.047249313443899155, + -0.14924584329128265, + 1.7467929124832153, + -0.08124721795320511, + -0.2000368982553482, + -0.018221665173768997, + 0.1926487535238266, + -0.13381221890449524, + 0.06856122612953186, + -0.1560177505016327, + 1.8790644407272339, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/47.png", + [ + 0.15329967439174652, + -0.019480634480714798, + -0.1518802046775818, + 1.7353359460830688, + -0.05735587701201439, + -0.20657317340373993, + -0.031396202743053436, + 0.3412929177284241, + -0.1419767439365387, + 0.06241733208298683, + -0.1513095200061798, + 1.7816888093948364, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/104.png", + [ + 0.16407367587089539, + -0.020982708781957626, + -0.13995516300201416, + 1.597596287727356, + -0.04459264501929283, + -0.21102945506572723, + -0.02063882350921631, + 0.2184806764125824, + -0.13431014120578766, + 0.04443186894059181, + -0.16411729156970978, + 1.9261192083358765, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/21.png", + [ + 0.1484595686197281, + -0.0282501969486475, + -0.15527260303497314, + 1.790462613105774, + -0.06006200984120369, + -0.20724759995937347, + -0.01972012221813202, + 0.21186214685440063, + -0.14594590663909912, + 0.05655311420559883, + -0.1498313546180725, + 1.7832027673721313, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/82.png", + [ + 0.15967002511024475, + -0.020780961960554123, + -0.144988015294075, + 1.6278258562088013, + -0.04449494183063507, + -0.21122843027114868, + -0.01872553676366806, + 0.19184675812721252, + -0.13954776525497437, + 0.04357289522886276, + -0.15992410480976105, + 1.8452770709991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/106.png", + [ + 0.16448454558849335, + -0.02426692470908165, + -0.1389382779598236, + 1.5914442539215088, + -0.049754798412323, + -0.20970486104488373, + -0.022276105359196663, + 0.23951315879821777, + -0.13197417557239532, + 0.048814766108989716, + -0.16476596891880035, + 1.9358869791030884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/14.png", + [ + 0.15373137593269348, + -0.028927220031619072, + -0.14992587268352509, + 1.7345033884048462, + -0.0651930645108223, + -0.20481909811496735, + -0.02732931822538376, + 0.2992641031742096, + -0.13807395100593567, + 0.06449995189905167, + -0.15402346849441528, + 1.8329222202301025, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/67.png", + [ + 0.15483154356479645, + -0.01398777961730957, + -0.1509285569190979, + 1.7034823894500732, + -0.04099797084927559, + -0.2115728259086609, + -0.02244999259710312, + 0.2397446632385254, + -0.14592550694942474, + 0.04460020363330841, + -0.1538325697183609, + 1.79155695438385, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/78.png", + [ + 0.16662073135375977, + -0.01212825533002615, + -0.13797946274280548, + 1.5255767107009888, + -0.037477534264326096, + -0.21173886954784393, + -0.026645347476005554, + 0.2852771282196045, + -0.1333448886871338, + 0.04435589909553528, + -0.16492296755313873, + 1.8905590772628784, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/31.png", + [ + 0.15333956480026245, + -0.0231710746884346, + -0.15132077038288116, + 1.7512671947479248, + -0.06363079696893692, + -0.20444685220718384, + -0.03317367658019066, + 0.36657968163490295, + -0.13923358917236328, + 0.0679151862859726, + -0.1514906883239746, + 1.8009033203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/39.png", + [ + 0.15561231970787048, + -0.025658108294010162, + -0.14857445657253265, + 1.6967835426330566, + -0.0633057951927185, + -0.20490065217018127, + -0.030919168144464493, + 0.3372238576412201, + -0.1368396133184433, + 0.06561464071273804, + -0.154652938246727, + 1.812174916267395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/92.png", + [ + 0.16300339996814728, + -0.016430284827947617, + -0.1418020874261856, + 1.593765377998352, + -0.043347857892513275, + -0.21076835691928864, + -0.025407690554857254, + 0.27435043454170227, + -0.1360100954771042, + 0.04748297482728958, + -0.16184718906879425, + 1.8799172639846802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/53.png", + [ + 0.15615351498126984, + -0.016750799492001534, + -0.14927621185779572, + 1.7096508741378784, + -0.049798980355262756, + -0.2089189887046814, + -0.028649743646383286, + 0.31562668085098267, + -0.14171814918518066, + 0.05495595186948776, + -0.1544140726327896, + 1.8282110691070557, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/75.png", + [ + 0.16658280789852142, + -0.011721160262823105, + -0.13806042075157166, + 1.5216946601867676, + -0.03607082739472389, + -0.21212221682071686, + -0.02551390789449215, + 0.2697486877441406, + -0.13377952575683594, + 0.042599041014909744, + -0.16503410041332245, + 1.879867672920227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/87.png", + [ + 0.15434309840202332, + -0.02030913531780243, + -0.15071044862270355, + 1.6940109729766846, + -0.04638751968741417, + -0.21078722178936005, + -0.019100777804851532, + 0.20549242198467255, + -0.1448250710964203, + 0.045871347188949585, + -0.15449729561805725, + 1.7867096662521362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/107.png", + [ + 0.16598264873027802, + -0.025874776765704155, + -0.13685083389282227, + 1.5726152658462524, + -0.05223619192838669, + -0.2089264988899231, + -0.023853523656725883, + 0.2594265639781952, + -0.12910862267017365, + 0.051265060901641846, + -0.16628514230251312, + 1.9533687829971313, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/69.png", + [ + 0.16127674281597137, + -0.009859657846391201, + -0.14436234533786774, + 1.6245224475860596, + -0.03836832568049431, + -0.21134696900844574, + -0.02842922881245613, + 0.3066922128200531, + -0.1395190805196762, + 0.046724047511816025, + -0.15905718505382538, + 1.8427015542984009, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/45.png", + [ + 0.15255440771579742, + -0.020663589239120483, + -0.15247316658496857, + 1.739227056503296, + -0.0593295693397522, + -0.2060079574584961, + -0.03144240751862526, + 0.3427000343799591, + -0.1419684886932373, + 0.06388770788908005, + -0.1507023721933365, + 1.7712976932525635, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/50.png", + [ + 0.155755877494812, + -0.018216410651803017, + -0.14951978623867035, + 1.7087836265563965, + -0.054333221167325974, + -0.20739850401878357, + -0.0313313826918602, + 0.343854695558548, + -0.1404845416545868, + 0.060015968978405, + -0.15365569293498993, + 1.8124818801879883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/101.png", + [ + 0.16400180757045746, + -0.026374202221632004, + -0.1391247808933258, + 1.5784565210342407, + -0.04813515022397041, + -0.21058960258960724, + -0.016820285469293594, + 0.17714104056358337, + -0.1331702470779419, + 0.04363847151398659, + -0.16525515913963318, + 1.935198187828064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/85.png", + [ + 0.15737822651863098, + -0.0218203142285347, + -0.14732229709625244, + 1.6579669713974, + -0.04708033427596092, + -0.21063394844532013, + -0.01909637451171875, + 0.20227928459644318, + -0.14129197597503662, + 0.04588140547275543, + -0.15773195028305054, + 1.8185288906097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/71.png", + [ + 0.15935039520263672, + -0.011732564307749271, + -0.14634786546230316, + 1.632553219795227, + -0.03741646185517311, + -0.21209536492824554, + -0.023737316951155663, + 0.25476840138435364, + -0.14196957647800446, + 0.042729366570711136, + -0.1580086648464203, + 1.8177821636199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/54.png", + [ + 0.15771229565143585, + -0.017370451241731644, + -0.14755678176879883, + 1.693763256072998, + -0.048415493220090866, + -0.20945145189762115, + -0.02709093503654003, + 0.29885557293891907, + -0.14046591520309448, + 0.05269009619951248, + -0.15633609890937805, + 1.8530365228652954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/33.png", + [ + 0.15492847561836243, + -0.02487613819539547, + -0.14941968023777008, + 1.7271610498428345, + -0.06467200815677643, + -0.20413661003112793, + -0.0330706462264061, + 0.365492582321167, + -0.13697661459445953, + 0.06824451684951782, + -0.1533883512020111, + 1.8198974132537842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/49.png", + [ + 0.156905859708786, + -0.017172766849398613, + -0.1484369933605194, + 1.6952582597732544, + -0.05349418520927429, + -0.2074291706085205, + -0.03254861384630203, + 0.35603001713752747, + -0.13952353596687317, + 0.06021741032600403, + -0.1544504463672638, + 1.8182348012924194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/18.png", + [ + 0.15178784728050232, + -0.027837825939059258, + -0.1520966738462448, + 1.7593684196472168, + -0.059848934412002563, + -0.20709845423698425, + -0.021822767332196236, + 0.23566976189613342, + -0.1425708532333374, + 0.05729907006025314, + -0.15276865661144257, + 1.8184689283370972, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/66.png", + [ + 0.15882085263729095, + -0.011362528428435326, + -0.14695142209529877, + 1.6615511178970337, + -0.0387846939265728, + -0.21163809299468994, + -0.02555317059159279, + 0.27117618918418884, + -0.14219556748867035, + 0.04503454267978668, + -0.15716299414634705, + 1.8295702934265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/16.png", + [ + 0.15124572813510895, + -0.02863333374261856, + -0.15248854458332062, + 1.7641102075576782, + -0.06366213411092758, + -0.20565372705459595, + -0.024526922032237053, + 0.26682278513908386, + -0.14149117469787598, + 0.061923906207084656, + -0.1519656777381897, + 1.809906244277954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/94.png", + [ + 0.16073133051395416, + -0.021184341982007027, + -0.14375171065330505, + 1.626969814300537, + -0.048025861382484436, + -0.2100575566291809, + -0.022742897272109985, + 0.24364310503005981, + -0.13713805377483368, + 0.0487334243953228, + -0.16051822900772095, + 1.8697677850723267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/28.png", + [ + 0.15253378450870514, + -0.02310744673013687, + -0.15214265882968903, + 1.7649973630905151, + -0.06358186900615692, + -0.2045416533946991, + -0.03267950937151909, + 0.3618922531604767, + -0.14013810455799103, + 0.0676509439945221, + -0.15077319741249084, + 1.7990738153457642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/61.png", + [ + 0.15698587894439697, + -0.008663683198392391, + -0.14909148216247559, + 1.69428551197052, + -0.03813115134835243, + -0.21146540343761444, + -0.027861975133419037, + 0.2987866997718811, + -0.14439301192760468, + 0.04642429202795029, + -0.15473634004592896, + 1.8117440938949585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/58.png", + [ + 0.16157454252243042, + -0.012275014072656631, + -0.14384324848651886, + 1.6392178535461426, + -0.042371924966573715, + -0.21041397750377655, + -0.029639137908816338, + 0.32293421030044556, + -0.13800789415836334, + 0.050231292843818665, + -0.15930640697479248, + 1.8703891038894653, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/64.png", + [ + 0.157237246632576, + -0.012245181016623974, + -0.14857454597949982, + 1.675398826599121, + -0.03782711550593376, + -0.21215233206748962, + -0.022547518834471703, + 0.23827886581420898, + -0.14419934153556824, + 0.04230055212974548, + -0.15609325468540192, + 1.818344235420227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/10.png", + [ + 0.1565045565366745, + -0.03515443205833435, + -0.14566531777381897, + 1.6824517250061035, + -0.06749501079320908, + -0.20458921790122986, + -0.0231424942612648, + 0.2506512403488159, + -0.13378579914569855, + 0.06209120154380798, + -0.15872597694396973, + 1.8905950784683228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/41.png", + [ + 0.15348276495933533, + -0.021875333040952682, + -0.15136843919754028, + 1.7245856523513794, + -0.06164167821407318, + -0.20510564744472504, + -0.03286143019795418, + 0.35799646377563477, + -0.13996869325637817, + 0.06634034216403961, + -0.15151110291481018, + 1.7717969417572021, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/91.png", + [ + 0.15952877700328827, + -0.01557784341275692, + -0.14579369127750397, + 1.6379565000534058, + -0.04236498102545738, + -0.21115615963935852, + -0.023794418200850487, + 0.2572512924671173, + -0.14036980271339417, + 0.046024955809116364, + -0.15851157903671265, + 1.8426176309585571, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/23.png", + [ + 0.15388381481170654, + -0.02452840656042099, + -0.15055236220359802, + 1.7392187118530273, + -0.0600787028670311, + -0.2063150405883789, + -0.027794720605015755, + 0.3024718165397644, + -0.14020773768424988, + 0.06148458272218704, + -0.15332752466201782, + 1.821770191192627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/37.png", + [ + 0.15077610313892365, + -0.025177741423249245, + -0.15355956554412842, + 1.7651445865631104, + -0.06318067014217377, + -0.2053072303533554, + -0.0283731147646904, + 0.31063908338546753, + -0.14220641553401947, + 0.06452062726020813, + -0.15020759403705597, + 1.7732499837875366, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/36.png", + [ + 0.15263904631137848, + -0.024552037939429283, + -0.1518104523420334, + 1.7503613233566284, + -0.06359104812145233, + -0.20482851564884186, + -0.030811576172709465, + 0.33812955021858215, + -0.1400192826986313, + 0.06625988334417343, + -0.15149958431720734, + 1.7922792434692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/8.png", + [ + 0.1571614146232605, + -0.038605812937021255, + -0.14407558739185333, + 1.6738158464431763, + -0.070323646068573, + -0.20374833047389984, + -0.022115433588624, + 0.24059492349624634, + -0.131539985537529, + 0.06280205398797989, + -0.1603154093027115, + 1.9143027067184448, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/6.png", + [ + 0.15490752458572388, + -0.04063315689563751, + -0.14594689011573792, + 1.7028963565826416, + -0.07473179697990417, + -0.2020672708749771, + -0.023062413558363914, + 0.2504199147224426, + -0.13178279995918274, + 0.06682562083005905, + -0.158478781580925, + 1.8973265886306763, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/20.png", + [ + 0.14945074915885925, + -0.029016919434070587, + -0.1541764736175537, + 1.7781798839569092, + -0.05963437259197235, + -0.20745998620986938, + -0.01876131072640419, + 0.2020660638809204, + -0.145107239484787, + 0.05537385493516922, + -0.15108118951320648, + 1.7989474534988403, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/2.png", + [ + 0.1488080620765686, + -0.04927967116236687, + -0.14958465099334717, + 1.747594952583313, + -0.08225305378437042, + -0.19981589913368225, + -0.015997998416423798, + 0.16561535000801086, + -0.13430744409561157, + 0.0677717849612236, + -0.15593713521957397, + 1.8783105611801147, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/5.png", + [ + 0.1532573699951172, + -0.042657215148210526, + -0.1471068561077118, + 1.7197251319885254, + -0.07715968787670135, + -0.20126914978027344, + -0.02202284149825573, + 0.23877719044685364, + -0.13231195509433746, + 0.0679631233215332, + -0.15755145251750946, + 1.8901902437210083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/60.png", + [ + 0.15523849427700043, + -0.009519740007817745, + -0.15085846185684204, + 1.712393045425415, + -0.04055953770875931, + -0.21093784272670746, + -0.028426172211766243, + 0.3062775731086731, + -0.1456153243780136, + 0.0486055351793766, + -0.15291032195091248, + 1.7919224500656128, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/56.png", + [ + 0.15807659924030304, + -0.01644931361079216, + -0.14727221429347992, + 1.6891919374465942, + -0.044922564178705215, + -0.2105221003293991, + -0.024704325944185257, + 0.271392285823822, + -0.14121490716934204, + 0.048556771129369736, + -0.15699836611747742, + 1.8591965436935425, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/30.png", + [ + 0.14978961646556854, + -0.021739536896348, + -0.1550430804491043, + 1.7960065603256226, + -0.06238308548927307, + -0.20509324967861176, + -0.03151192143559456, + 0.3484410047531128, + -0.14359426498413086, + 0.0664232149720192, + -0.14804233610630035, + 1.7657973766326904, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/17.png", + [ + 0.14884047210216522, + -0.02695574052631855, + -0.15513798594474792, + 1.7952638864517212, + -0.06043115630745888, + -0.20690764486789703, + -0.022027181461453438, + 0.23858144879341125, + -0.14540456235408783, + 0.058399565517902374, + -0.1496492475271225, + 1.7843929529190063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/12.png", + [ + 0.15687674283981323, + -0.0296335332095623, + -0.14649036526679993, + 1.6927194595336914, + -0.0620204396545887, + -0.20613178610801697, + -0.02471938356757164, + 0.2676445245742798, + -0.13598176836967468, + 0.059828389436006546, + -0.1577257663011551, + 1.8748584985733032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/27.png", + [ + 0.15441171824932098, + -0.024343842640519142, + -0.15004095435142517, + 1.7383842468261719, + -0.06329774856567383, + -0.20474937558174133, + -0.031921472400426865, + 0.3527858853340149, + -0.13819663226604462, + 0.06658048927783966, + -0.15302492678165436, + 1.822840929031372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/42.png", + [ + 0.1527223289012909, + -0.02285442128777504, + -0.15199163556098938, + 1.7291449308395386, + -0.06254453957080841, + -0.2049645185470581, + -0.03202545642852783, + 0.34805673360824585, + -0.14039930701255798, + 0.06644640862941742, + -0.15106557309627533, + 1.7674026489257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/7.png", + [ + 0.15550605952739716, + -0.038573380559682846, + -0.14586928486824036, + 1.6985807418823242, + -0.07163441181182861, + -0.20323525369167328, + -0.02262377366423607, + 0.24646449089050293, + -0.1327940970659256, + 0.06446252018213272, + -0.1586133986711502, + 1.8970574140548706, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/73.png", + [ + 0.16374064981937408, + -0.012037149630486965, + -0.1413930505514145, + 1.5684895515441895, + -0.03656035661697388, + -0.21218377351760864, + -0.02427508868277073, + 0.2583974301815033, + -0.13711392879486084, + 0.04220244660973549, + -0.1623779982328415, + 1.8566690683364868, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/46.png", + [ + 0.15340691804885864, + -0.019651802256703377, + -0.151749849319458, + 1.7329018115997314, + -0.0573810413479805, + -0.20658773183822632, + -0.03125425800681114, + 0.34037524461746216, + -0.14185072481632233, + 0.06231548264622688, + -0.1514696329832077, + 1.7827883958816528, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/57.png", + [ + 0.1601313352584839, + -0.013972233980894089, + -0.14529496431350708, + 1.6624821424484253, + -0.04325298219919205, + -0.21053506433963776, + -0.02742360718548298, + 0.2999955415725708, + -0.13940955698490143, + 0.04927120357751846, + -0.15838311612606049, + 1.8699067831039429, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/44.png", + [ + 0.14786522090435028, + -0.021682238206267357, + -0.15688736736774445, + 1.7899211645126343, + -0.06211115047335625, + -0.20537954568862915, + -0.03015533648431301, + 0.32883670926094055, + -0.14569135010242462, + 0.06555166840553284, + -0.1463724672794342, + 1.7221992015838623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/29.png", + [ + 0.15283052623271942, + -0.023817075416445732, + -0.1517348438501358, + 1.7589192390441895, + -0.06393762677907944, + -0.2044908106327057, + -0.0323014035820961, + 0.35666200518608093, + -0.1396520733833313, + 0.06755847483873367, + -0.15126481652259827, + 1.8038685321807861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/4.png", + [ + 0.15289834141731262, + -0.04679373279213905, + -0.1462201625108719, + 1.7075740098953247, + -0.08011899888515472, + -0.20035548508167267, + -0.019659945741295815, + 0.2113335132598877, + -0.1309615671634674, + 0.06794051080942154, + -0.1586853712797165, + 1.9030872583389282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/55.png", + [ + 0.1578667312860489, + -0.01639328896999359, + -0.14750336110591888, + 1.6950361728668213, + -0.04629455506801605, + -0.2100430727005005, + -0.02620328962802887, + 0.2888970673084259, + -0.14100636541843414, + 0.05060689523816109, + -0.15653765201568604, + 1.8580869436264038, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/9.png", + [ + 0.16103219985961914, + -0.03593191131949425, + -0.1404472142457962, + 1.6247450113296509, + -0.0673220157623291, + -0.2044415920972824, + -0.024885037913918495, + 0.26977431774139404, + -0.1283910721540451, + 0.062132250517606735, + -0.16310489177703857, + 1.9399429559707642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/25.png", + [ + 0.15366841852664948, + -0.024052269756793976, + -0.15084891021251678, + 1.7461494207382202, + -0.062133677303791046, + -0.20531311631202698, + -0.030558641999959946, + 0.33634328842163086, + -0.13954681158065796, + 0.06493005901575089, + -0.15250791609287262, + 1.8143432140350342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/99.png", + [ + 0.1597309112548828, + -0.02522723563015461, + -0.14421342313289642, + 1.624687671661377, + -0.04726481810212135, + -0.21089082956314087, + -0.015459459275007248, + 0.1663011610507965, + -0.13856391608715057, + 0.04285493120551109, + -0.16097013652324677, + 1.8709465265274048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/34.png", + [ + 0.15333226323127747, + -0.024109434336423874, + -0.15118148922920227, + 1.7482258081436157, + -0.06417631357908249, + -0.20438531041145325, + -0.03249527886509895, + 0.3589347004890442, + -0.13899105787277222, + 0.0677737221121788, + -0.1517764925956726, + 1.8022233247756958, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/72.png", + [ + 0.16073079407215118, + -0.013336611911654472, + -0.14469152688980103, + 1.6097122430801392, + -0.03828853741288185, + -0.21202200651168823, + -0.022990237921476364, + 0.2464013695716858, + -0.14016951620578766, + 0.04262274503707886, + -0.15963616967201233, + 1.83220374584198, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/102.png", + [ + 0.1635950207710266, + -0.024822944775223732, + -0.1398870199918747, + 1.5937870740890503, + -0.04742734506726265, + -0.21064525842666626, + -0.018086327239871025, + 0.19156306982040405, + -0.13392238318920135, + 0.04427516460418701, + -0.16447612643241882, + 1.9322088956832886, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/70.png", + [ + 0.15933857858181, + -0.011804732494056225, + -0.14635489881038666, + 1.640755295753479, + -0.03944162651896477, + -0.21147648990154266, + -0.02588331513106823, + 0.279465913772583, + -0.14143359661102295, + 0.045675333589315414, + -0.15766477584838867, + 1.822536587715149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/90.png", + [ + 0.15613846480846405, + -0.01518326997756958, + -0.14945951104164124, + 1.679254174232483, + -0.04333643242716789, + -0.2109534740447998, + -0.023842716589570045, + 0.25797536969184875, + -0.14384236931800842, + 0.047074299305677414, + -0.15505249798297882, + 1.8016014099121094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/15.png", + [ + 0.15240436792373657, + -0.026488130912184715, + -0.15172073245048523, + 1.7535406351089478, + -0.06289754807949066, + -0.20553995668888092, + -0.02729680761694908, + 0.2987577021121979, + -0.1405870020389557, + 0.0632423609495163, + -0.15226159989833832, + 1.8104850053787231, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/22.png", + [ + 0.15427318215370178, + -0.025718623772263527, + -0.14995408058166504, + 1.729185938835144, + -0.058723270893096924, + -0.2070736289024353, + -0.024899469688534737, + 0.268831729888916, + -0.14035402238368988, + 0.05836915597319603, + -0.15440750122070312, + 1.8316148519515991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/26.png", + [ + 0.15239675343036652, + -0.02401961013674736, + -0.15213871002197266, + 1.7623209953308105, + -0.06299947202205658, + -0.20502236485481262, + -0.03073745034635067, + 0.3391990661621094, + -0.14054960012435913, + 0.06585424393415451, + -0.1511850506067276, + 1.8021169900894165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/43.png", + [ + 0.15255817770957947, + -0.021732153370976448, + -0.1523207426071167, + 1.7345603704452515, + -0.06202612817287445, + -0.2049873024225235, + -0.032876525074243546, + 0.35793042182922363, + -0.1408071666955948, + 0.06675192713737488, + -0.15055036544799805, + 1.763789176940918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/84.png", + [ + 0.1566777527332306, + -0.021067459136247635, + -0.14817604422569275, + 1.6691933870315552, + -0.04576212167739868, + -0.21098706126213074, + -0.01838991604745388, + 0.1922294646501541, + -0.1424984335899353, + 0.044592853635549545, + -0.15701453387737274, + 1.8135677576065063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/89.png", + [ + 0.15768179297447205, + -0.015674572438001633, + -0.14777907729148865, + 1.6585211753845215, + -0.04435746744275093, + -0.21060805022716522, + -0.02499118447303772, + 0.26962199807167053, + -0.14183355867862701, + 0.04844018816947937, + -0.15647582709789276, + 1.8103630542755127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/63.png", + [ + 0.15481075644493103, + -0.012320694513618946, + -0.15109509229660034, + 1.7043712139129639, + -0.03848562017083168, + -0.21207694709300995, + -0.022138718515634537, + 0.23550274968147278, + -0.14663010835647583, + 0.042655203491449356, + -0.1537141650915146, + 1.7954182624816895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/88.png", + [ + 0.15785056352615356, + -0.01824137195944786, + -0.14730358123779297, + 1.6535989046096802, + -0.045933689922094345, + -0.2104797214269638, + -0.02315775491297245, + 0.2499503791332245, + -0.14114242792129517, + 0.048098210245370865, + -0.1572045385837555, + 1.814936876296997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/62.png", + [ + 0.1590065360069275, + -0.010985689237713814, + -0.1467791646718979, + 1.6561216115951538, + -0.03796743229031563, + -0.21181941032409668, + -0.025276660919189453, + 0.2687870264053345, + -0.14220860600471497, + 0.04426906257867813, + -0.15736855566501617, + 1.8367851972579956, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/65.png", + [ + 0.15658137202262878, + -0.011497557163238525, + -0.14932505786418915, + 1.6895853281021118, + -0.03824331983923912, + -0.21194273233413696, + -0.023782799020409584, + 0.2525026500225067, + -0.1448020040988922, + 0.04354284331202507, + -0.15519116818904877, + 1.8101848363876343, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/80.png", + [ + 0.1640978455543518, + -0.01535767037421465, + -0.14065536856651306, + 1.5658677816390991, + -0.039673127233982086, + -0.21174822747707367, + -0.02316524274647236, + 0.24385294318199158, + -0.13581542670726776, + 0.04329812154173851, + -0.16317884624004364, + 1.8753970861434937, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/79.png", + [ + 0.16659198701381683, + -0.012236225418746471, + -0.1380046159029007, + 1.5318351984024048, + -0.037315089255571365, + -0.21181517839431763, + -0.026264162734150887, + 0.27963829040527344, + -0.13342633843421936, + 0.04396018013358116, + -0.16496305167675018, + 1.8927241563796997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/19.png", + [ + 0.1525086909532547, + -0.029793882742524147, + -0.15100106596946716, + 1.7412596940994263, + -0.05961403250694275, + -0.20741790533065796, + -0.01928379200398922, + 0.20586907863616943, + -0.14189840853214264, + 0.05511825904250145, + -0.15419049561023712, + 1.8305529356002808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/77.png", + [ + 0.1652815192937851, + -0.01152054499834776, + -0.13963232934474945, + 1.5414042472839355, + -0.03792577609419823, + -0.2115578055381775, + -0.027437550947070122, + 0.2928239703178406, + -0.13487602770328522, + 0.04537026211619377, + -0.16339488327503204, + 1.8712528944015503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/68.png", + [ + 0.1578502207994461, + -0.012253589928150177, + -0.14792245626449585, + 1.6670629978179932, + -0.040402840822935104, + -0.21132846176624298, + -0.025608453899621964, + 0.27407291531562805, + -0.1428244262933731, + 0.04623885825276375, + -0.1562403440475464, + 1.8133050203323364, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/86.png", + [ + 0.15490221977233887, + -0.02038520760834217, + -0.1501254141330719, + 1.6875636577606201, + -0.04653235152363777, + -0.21072810888290405, + -0.0193986427038908, + 0.2078450471162796, + -0.14418022334575653, + 0.046108681708574295, + -0.15502886474132538, + 1.7909737825393677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/1.png", + [ + 0.1482827514410019, + -0.04964208975434303, + -0.1499859243631363, + 1.7542017698287964, + -0.08301007747650146, + -0.19949941337108612, + -0.0160374715924263, + 0.1675584614276886, + -0.13442263007164001, + 0.06843636184930801, + -0.1555471569299698, + 1.8779197931289673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/81.png", + [ + 0.15965129435062408, + -0.018546413630247116, + -0.1453113555908203, + 1.625607967376709, + -0.04282012954354286, + -0.2114521712064743, + -0.020057689398527145, + 0.2080458551645279, + -0.14009208977222443, + 0.043496035039424896, + -0.15946847200393677, + 1.8377044200897217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/95.png", + [ + 0.15785346925258636, + -0.022948238998651505, + -0.14664092659950256, + 1.6629440784454346, + -0.04890850558876991, + -0.21015560626983643, + -0.019760344177484512, + 0.2100788950920105, + -0.14013613760471344, + 0.04749622195959091, + -0.15828412771224976, + 1.8438746929168701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/103.png", + [ + 0.164134219288826, + -0.022573966532945633, + -0.13963618874549866, + 1.5928066968917847, + -0.045220717787742615, + -0.2110464721918106, + -0.019035974517464638, + 0.20118507742881775, + -0.13402587175369263, + 0.043562568724155426, + -0.1645820587873459, + 1.9320801496505737, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/83.png", + [ + 0.15434935688972473, + -0.02076999843120575, + -0.15064121782779694, + 1.6920990943908691, + -0.04410671442747116, + -0.2115316241979599, + -0.01602702960371971, + 0.1638410985469818, + -0.14552927017211914, + 0.042081765830516815, + -0.15491367876529694, + 1.787923812866211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/51.png", + [ + 0.15648169815540314, + -0.01685173436999321, + -0.14892075955867767, + 1.7026501893997192, + -0.05185825750231743, + -0.20808912813663483, + -0.030944010242819786, + 0.3404403328895569, + -0.14061328768730164, + 0.05798990651965141, + -0.15431451797485352, + 1.8201121091842651, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/93.png", + [ + 0.15740171074867249, + -0.01757446862757206, + -0.14786390960216522, + 1.6687250137329102, + -0.04374862462282181, + -0.21112240850925446, + -0.021477483212947845, + 0.23044583201408386, + -0.14233288168907166, + 0.04545726254582405, + -0.1569167822599411, + 1.830954670906067, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/76.png", + [ + 0.19949336349964142, + 0.03995811939239502, + 0.07452274858951569, + -0.8391708135604858, + 0.0456729494035244, + -0.21162357926368713, + -0.008794227614998817, + 0.0934607982635498, + 0.07116372138261795, + 0.02380557544529438, + -0.20326562225818634, + 2.333993911743164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/48.png", + [ + 0.1979142278432846, + 0.04106602817773819, + 0.07804763317108154, + -0.8872020244598389, + 0.05092322453856468, + -0.20976853370666504, + -0.018758689984679222, + 0.2046937197446823, + 0.07200469076633453, + 0.03547738119959831, + -0.20125749707221985, + 2.3389506340026855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/35.png", + [ + 0.19625121355056763, + 0.04923168197274208, + 0.07752163708209991, + -0.893347978591919, + 0.06611811369657516, + -0.2026856690645218, + -0.03866279870271683, + 0.44214576482772827, + 0.06373191624879837, + 0.05867418274283409, + -0.19860383868217468, + 2.3199520111083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/97.png", + [ + 0.1980162262916565, + 0.04351793974637985, + 0.07644379884004593, + -0.8557890057563782, + 0.046454641968011856, + -0.21163609623908997, + 0.00014644177281297743, + -0.011022217571735382, + 0.07469558715820312, + 0.01625557616353035, + -0.20274174213409424, + 2.325596332550049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/13.png", + [ + 0.19361858069896698, + 0.044035281985998154, + 0.08672161400318146, + -1.010474681854248, + 0.06109165400266647, + -0.20539003610610962, + -0.03210354596376419, + 0.37546306848526, + 0.07568061351776123, + 0.05313871055841446, + -0.19595055282115936, + 2.3202481269836426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/32.png", + [ + 0.1942288726568222, + 0.05117974057793617, + 0.0812629982829094, + -0.9447588920593262, + 0.06842629611492157, + -0.2023959755897522, + -0.03607778251171112, + 0.41253429651260376, + 0.06738606840372086, + 0.05800343677401543, + -0.19759203493595123, + 2.33089542388916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/38.png", + [ + 0.19633644819259644, + 0.0469706691801548, + 0.07869977504014969, + -0.9023006558418274, + 0.06325609982013702, + -0.20408397912979126, + -0.03600412234663963, + 0.40738195180892944, + 0.06632167845964432, + 0.05560024827718735, + -0.19864024221897125, + 2.310177803039551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/11.png", + [ + 0.1926470249891281, + 0.04773169010877609, + 0.0869293138384819, + -1.0142018795013428, + 0.06333693861961365, + -0.2053644359111786, + -0.027600374072790146, + 0.3221307396888733, + 0.07631154358386993, + 0.04995031654834747, + -0.19654366374015808, + 2.3285412788391113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/59.png", + [ + 0.1982569694519043, + 0.041017401963472366, + 0.07719869166612625, + -0.894805908203125, + 0.04886272922158241, + -0.2106572389602661, + -0.013559354469180107, + 0.1519131064414978, + 0.07248792052268982, + 0.029816020280122757, + -0.20200099050998688, + 2.381117820739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/105.png", + [ + 0.19906207919120789, + 0.04360982030630112, + 0.07362323254346848, + -0.8359951376914978, + 0.04595498368144035, + -0.21174198389053345, + 0.0011699661845341325, + -0.021617623046040535, + 0.07218266278505325, + 0.014540042728185654, + -0.2037796527147293, + 2.3686060905456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/24.png", + [ + 0.19294574856758118, + 0.047229573130607605, + 0.08654014766216278, + -1.0022001266479492, + 0.06443076580762863, + -0.20436473190784454, + -0.03211899846792221, + 0.37306496500968933, + 0.07462242990732193, + 0.054335255175828934, + -0.1960282325744629, + 2.3069324493408203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/74.png", + [ + 0.19928082823753357, + 0.04160774126648903, + 0.07418792694807053, + -0.8397091627120972, + 0.048294227570295334, + -0.21091413497924805, + -0.011436527594923973, + 0.12441127002239227, + 0.0700194239616394, + 0.027054063975811005, + -0.20325660705566406, + 2.350126266479492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/98.png", + [ + 0.19830965995788574, + 0.04295351728796959, + 0.07600108534097672, + -0.8519877195358276, + 0.04622514173388481, + -0.21168412268161774, + -0.000977801624685526, + 0.0008594170212745667, + 0.07405678182840347, + 0.017108917236328125, + -0.2029058188199997, + 2.3306264877319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/0.png", + [ + 0.19968876242637634, + 0.044017914682626724, + 0.07165692746639252, + -0.8454004526138306, + 0.04939709231257439, + -0.21081098914146423, + -0.008158119395375252, + 0.08750395476818085, + 0.06806040555238724, + 0.02385479211807251, + -0.20431990921497345, + 2.4487252235412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/96.png", + [ + 0.19774214923381805, + 0.042695511132478714, + 0.07760822027921677, + -0.8678696751594543, + 0.04546695575118065, + -0.2118493914604187, + 0.0006994874565862119, + -0.017665546387434006, + 0.07601775228977203, + 0.0156469214707613, + -0.20229773223400116, + 2.3196921348571777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/100.png", + [ + 0.1969321221113205, + 0.04033472016453743, + 0.08086252957582474, + -0.9077370166778564, + 0.04314152151346207, + -0.21233460307121277, + 0.0008471831097267568, + -0.020762108266353607, + 0.07940054684877396, + 0.01533033698797226, + -0.20101848244667053, + 2.3114871978759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/40.png", + [ + 0.1968183070421219, + 0.04610266909003258, + 0.07800637185573578, + -0.889503538608551, + 0.06034054234623909, + -0.2058425396680832, + -0.030590228736400604, + 0.34310686588287354, + 0.06759785115718842, + 0.04951047524809837, + -0.19981776177883148, + 2.3172683715820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/52.png", + [ + 0.1955847442150116, + 0.04152687266469002, + 0.0834866538643837, + -0.9635320901870728, + 0.0504736490547657, + -0.2102709263563156, + -0.013654674403369427, + 0.14779916405677795, + 0.07840225845575333, + 0.03177354857325554, + -0.199477881193161, + 2.3452630043029785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/3.png", + [ + 0.19783298671245575, + 0.04403262585401535, + 0.07662329822778702, + -0.9002106785774231, + 0.050089165568351746, + -0.21064303815364838, + -0.008275865577161312, + 0.08785027265548706, + 0.07280849665403366, + 0.025269394740462303, + -0.20250500738620758, + 2.4230828285217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/47.png", + [ + 0.19828103482723236, + 0.04293496161699295, + 0.07608624547719955, + -0.8620402216911316, + 0.05266736075282097, + -0.2093026041984558, + -0.019143257290124893, + 0.20966245234012604, + 0.06970421224832535, + 0.03601255267858505, + -0.20197106897830963, + 2.337676525115967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/104.png", + [ + 0.19917720556259155, + 0.04420014098286629, + 0.07295671105384827, + -0.8255952000617981, + 0.045839160680770874, + -0.21174702048301697, + 0.0031406613998115063, + -0.04542625695466995, + 0.07193820178508759, + 0.012547505088150501, + -0.203998401761055, + 2.362579345703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/21.png", + [ + 0.1923738718032837, + 0.04879595711827278, + 0.08694333583116531, + -1.0049989223480225, + 0.0639352798461914, + -0.20536135137081146, + -0.026208730414509773, + 0.2994420528411865, + 0.07650142908096313, + 0.048924148082733154, + -0.19672788679599762, + 2.3144917488098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/82.png", + [ + 0.19834460318088531, + 0.03960533067584038, + 0.07770925015211105, + -0.8733149766921997, + 0.04538163170218468, + -0.2117205560207367, + -0.00792621448636055, + 0.0831415057182312, + 0.07448367029428482, + 0.02353156916797161, + -0.20210479199886322, + 2.3281636238098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/106.png", + [ + 0.19878847897052765, + 0.043633636087179184, + 0.07434479892253876, + -0.8472680449485779, + 0.0463288277387619, + -0.21166345477104187, + 0.000349848298355937, + -0.012281598523259163, + 0.07269583642482758, + 0.015575251542031765, + -0.20352058112621307, + 2.3716697692871094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/14.png", + [ + 0.19353218376636505, + 0.04569743573665619, + 0.08605193346738815, + -1.001328945159912, + 0.06291577965021133, + -0.2047319859266281, + -0.032776713371276855, + 0.38222187757492065, + 0.07439620792865753, + 0.054262809455394745, + -0.19613425433635712, + 2.322277545928955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/67.png", + [ + 0.20036403834819794, + 0.0405551977455616, + 0.07181517034769058, + -0.8197210431098938, + 0.0474369116127491, + -0.2110062837600708, + -0.013190102763473988, + 0.14532259106636047, + 0.06746764481067657, + 0.027919799089431763, + -0.20400121808052063, + 2.3755078315734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/78.png", + [ + 0.2003183513879776, + 0.04018331691622734, + 0.07215090841054916, + -0.8043057322502136, + 0.04454763978719711, + -0.21197107434272766, + -0.005627206061035395, + 0.05619524046778679, + 0.06954105943441391, + 0.020036425441503525, + -0.20423142611980438, + 2.324639320373535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/31.png", + [ + 0.1945568174123764, + 0.050341177731752396, + 0.081001877784729, + -0.9416934251785278, + 0.06660711020231247, + -0.2034347504377365, + -0.03355133533477783, + 0.38039278984069824, + 0.06825710833072662, + 0.055026937276124954, + -0.1981436312198639, + 2.3409900665283203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/39.png", + [ + 0.1959759145975113, + 0.04690689966082573, + 0.07963085174560547, + -0.909518301486969, + 0.06275302916765213, + -0.20459553599357605, + -0.03392079100012779, + 0.3826509714126587, + 0.06784826517105103, + 0.05374296382069588, + -0.19863584637641907, + 2.3083715438842773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/92.png", + [ + 0.2010401040315628, + 0.03975960239768028, + 0.07035582512617111, + -0.78817218542099, + 0.04286520555615425, + -0.21237792074680328, + -0.0024669317062944174, + 0.01586855947971344, + 0.06850797683000565, + 0.01620756834745407, + -0.20491918921470642, + 2.347097873687744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/53.png", + [ + 0.19586411118507385, + 0.04047275334596634, + 0.08334929496049881, + -0.9643797874450684, + 0.049218446016311646, + -0.2105843871831894, + -0.013403802178800106, + 0.1460721790790558, + 0.07850281149148941, + 0.031049532815814018, + -0.19955232739448547, + 2.3501925468444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/75.png", + [ + 0.19958366453647614, + 0.039499517530202866, + 0.07452548295259476, + -0.8415117859840393, + 0.04601818695664406, + -0.21143636107444763, + -0.011175312101840973, + 0.12106719613075256, + 0.07068653404712677, + 0.026121828705072403, + -0.20314763486385345, + 2.338454246520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/87.png", + [ + 0.1995537281036377, + 0.03865651413798332, + 0.07504589110612869, + -0.8464851975440979, + 0.04400619864463806, + -0.21201510727405548, + -0.007806370500475168, + 0.08205299079418182, + 0.07203932106494904, + 0.022431211546063423, + -0.20311345160007477, + 2.3488540649414062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/107.png", + [ + 0.1984608769416809, + 0.04242006316781044, + 0.0759059265255928, + -0.8684813380241394, + 0.045022767037153244, + -0.21194413304328918, + 0.0007301970617845654, + -0.01719231903553009, + 0.0743916779756546, + 0.015103655867278576, + -0.20294247567653656, + 2.3707218170166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/69.png", + [ + 0.19974176585674286, + 0.04169277474284172, + 0.07288920879364014, + -0.8307690620422363, + 0.048449233174324036, + -0.21083760261535645, + -0.01216820441186428, + 0.13437241315841675, + 0.06858420372009277, + 0.027515562251210213, + -0.20368355512619019, + 2.3677797317504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/45.png", + [ + 0.19720609486103058, + 0.044467851519584656, + 0.07797598838806152, + -0.8824023008346558, + 0.05464997887611389, + -0.2087937295436859, + -0.019143084064126015, + 0.20965851843357086, + 0.07121112942695618, + 0.03709026426076889, + -0.20124904811382294, + 2.3292365074157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/50.png", + [ + 0.19636085629463196, + 0.04072602465748787, + 0.08204695582389832, + -0.9405101537704468, + 0.05015252158045769, + -0.21020588278770447, + -0.015687866136431694, + 0.1711438000202179, + 0.0766487792134285, + 0.03320806100964546, + -0.19992519915103912, + 2.338209629058838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/101.png", + [ + 0.1975686401128769, + 0.04225774109363556, + 0.07828672230243683, + -0.8793777823448181, + 0.04454055801033974, + -0.2120373547077179, + 0.0020489138551056385, + -0.033833712339401245, + 0.07701081782579422, + 0.014224706217646599, + -0.20202693343162537, + 2.3262386322021484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/85.png", + [ + 0.19960731267929077, + 0.038990966975688934, + 0.07472962886095047, + -0.8415257930755615, + 0.04430978745222092, + -0.21195338666439056, + -0.007765182293951511, + 0.08098326623439789, + 0.0717039480805397, + 0.02243567258119583, + -0.2032315880060196, + 2.346982002258301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/71.png", + [ + 0.19943350553512573, + 0.04156670719385147, + 0.07379961013793945, + -0.8399037718772888, + 0.04798596352338791, + -0.21101683378219604, + -0.010823016054928303, + 0.11870205402374268, + 0.06979629397392273, + 0.02630588412284851, + -0.20343150198459625, + 2.3636422157287598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/54.png", + [ + 0.19575493037700653, + 0.04191947355866432, + 0.08288945257663727, + -0.960213840007782, + 0.05027751624584198, + -0.2103995680809021, + -0.012332485057413578, + 0.1346815973520279, + 0.0781029760837555, + 0.03037559613585472, + -0.19981276988983154, + 2.3571395874023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/33.png", + [ + 0.19490768015384674, + 0.04960578307509422, + 0.08061113208532333, + -0.9346124529838562, + 0.06704742461442947, + -0.20261161029338837, + -0.03743091598153114, + 0.429117888212204, + 0.06680967658758163, + 0.05861480534076691, + -0.1976073533296585, + 2.323941230773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/49.png", + [ + 0.1977178454399109, + 0.04016852378845215, + 0.07900653779506683, + -0.9009526968002319, + 0.04976586252450943, + -0.21013766527175903, + -0.017703326418995857, + 0.19300881028175354, + 0.0733409970998764, + 0.034300703555345535, + -0.20097875595092773, + 2.3408279418945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/18.png", + [ + 0.19601742923259735, + 0.04934053122997284, + 0.07804213464260101, + -0.8991902470588684, + 0.06412472575902939, + -0.20451711118221283, + -0.03175949677824974, + 0.3624838590621948, + 0.06643103808164597, + 0.05182814598083496, + -0.1996212750673294, + 2.3307290077209473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/66.png", + [ + 0.19920311868190765, + 0.040810298174619675, + 0.07483670860528946, + -0.8567721247673035, + 0.048000603914260864, + -0.21090538799762726, + -0.01275789923965931, + 0.1409149318933487, + 0.07044115662574768, + 0.028307978063821793, + -0.20293988287448883, + 2.3687872886657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/16.png", + [ + 0.19386033713817596, + 0.04726101830601692, + 0.08445388823747635, + -0.9798656105995178, + 0.0645347610116005, + -0.20403440296649933, + -0.03395763412117958, + 0.39362698793411255, + 0.07212024927139282, + 0.05553603172302246, + -0.19662734866142273, + 2.3224005699157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/94.png", + [ + 0.19891990721225739, + 0.04161030799150467, + 0.07514884322881699, + -0.8401821255683899, + 0.044232286512851715, + -0.2121114432811737, + 0.00036383094266057014, + -0.015091825276613235, + 0.07363607734441757, + 0.015006978996098042, + -0.2032250463962555, + 2.327718734741211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/28.png", + [ + 0.19412627816200256, + 0.04639371857047081, + 0.08432383090257645, + -0.9795005321502686, + 0.06286540627479553, + -0.20486871898174286, + -0.03200998529791832, + 0.36057114601135254, + 0.07287541031837463, + 0.05314434692263603, + -0.19700948894023895, + 2.326064109802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/61.png", + [ + 0.19865189492702484, + 0.040975555777549744, + 0.0761992484331131, + -0.8810514211654663, + 0.04858371987938881, + -0.2107359915971756, + -0.013336405158042908, + 0.15024417638778687, + 0.07158870995044708, + 0.029312822967767715, + -0.20239493250846863, + 2.382418155670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/58.png", + [ + 0.19768072664737701, + 0.04283883050084114, + 0.07768564671278, + -0.8990623950958252, + 0.05041569471359253, + -0.21036937832832336, + -0.012283260934054852, + 0.1371120810508728, + 0.07299645245075226, + 0.029282335191965103, + -0.20189590752124786, + 2.382265567779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/64.png", + [ + 0.19966310262680054, + 0.03923005983233452, + 0.07445492595434189, + -0.8542149662971497, + 0.046733420342206955, + -0.21110489964485168, + -0.01409284956753254, + 0.1567646712064743, + 0.06998944282531738, + 0.029045188799500465, + -0.20299199223518372, + 2.375844955444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/10.png", + [ + 0.19230404496192932, + 0.04791981354355812, + 0.08758273720741272, + -1.0233051776885986, + 0.06331535428762436, + -0.20550552010536194, + -0.026580726727843285, + 0.31155121326446533, + 0.07718943059444427, + 0.04918394610285759, + -0.19639405608177185, + 2.3265604972839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/41.png", + [ + 0.1978471726179123, + 0.046458229422569275, + 0.07514005154371262, + -0.8544437289237976, + 0.05910342186689377, + -0.206583172082901, + -0.02789398841559887, + 0.30964818596839905, + 0.06565958261489868, + 0.045966532081365585, + -0.20130522549152374, + 2.324481964111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/91.png", + [ + 0.20081989467144012, + 0.039025966078042984, + 0.07138794660568237, + -0.8014214038848877, + 0.04255395010113716, + -0.21242466568946838, + -0.00358048384077847, + 0.02918744459748268, + 0.06934281438589096, + 0.017338771373033524, + -0.20454542338848114, + 2.348027229309082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/23.png", + [ + 0.19255025684833527, + 0.047020480036735535, + 0.0875292643904686, + -1.0142360925674438, + 0.06365224719047546, + -0.20493997633457184, + -0.02993147075176239, + 0.3464537560939789, + 0.0762934461236, + 0.05231229588389397, + -0.19593526422977448, + 2.308058738708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/37.png", + [ + 0.1962188184261322, + 0.046921759843826294, + 0.0790216401219368, + -0.9069566130638123, + 0.06347236037254333, + -0.20392489433288574, + -0.03652109205722809, + 0.4142999053001404, + 0.06646300107240677, + 0.05622169375419617, + -0.19841796159744263, + 2.310732364654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/36.png", + [ + 0.19580908119678497, + 0.049076277762651443, + 0.0787288025021553, + -0.9052810668945312, + 0.06616613268852234, + -0.20276345312595367, + -0.03816967457532883, + 0.4341360330581665, + 0.0650288313627243, + 0.058535460382699966, + -0.1982239931821823, + 2.3131604194641113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/8.png", + [ + 0.19284112751483917, + 0.0472203753888607, + 0.08677806705236435, + -1.016202688217163, + 0.05982353910803795, + -0.207274928689003, + -0.020152976736426353, + 0.2313976287841797, + 0.0786215141415596, + 0.04189550504088402, + -0.19751283526420593, + 2.345101833343506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/6.png", + [ + 0.19484998285770416, + 0.046841710805892944, + 0.08238469064235687, + -0.965599536895752, + 0.05590827390551567, + -0.20890474319458008, + -0.0134523781016469, + 0.14940525591373444, + 0.07652220875024796, + 0.033354997634887695, + -0.1999492198228836, + 2.379342555999756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/20.png", + [ + 0.19180059432983398, + 0.04882136359810829, + 0.08818671852350235, + -1.017958164215088, + 0.06444395333528519, + -0.20515379309654236, + -0.02658565528690815, + 0.30396872758865356, + 0.07750742882490158, + 0.04976237937808037, + -0.1961229145526886, + 2.305393695831299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/2.png", + [ + 0.1988152414560318, + 0.042980991303920746, + 0.07465271651744843, + -0.8784991502761841, + 0.048446428030729294, + -0.21105559170246124, + -0.007508220616728067, + 0.07899898290634155, + 0.07122736424207687, + 0.02358100935816765, + -0.20326951146125793, + 2.434627056121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/5.png", + [ + 0.19516433775424957, + 0.04542067274451256, + 0.08243625611066818, + -0.9665607810020447, + 0.053105901926755905, + -0.20982201397418976, + -0.010118387639522552, + 0.109078049659729, + 0.07770802825689316, + 0.029318617656826973, + -0.20012439787387848, + 2.3867712020874023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/108.png", + [ + 0.1982770562171936, + 0.04268919676542282, + 0.07623476535081863, + -0.8705764412879944, + 0.045130204409360886, + -0.21191860735416412, + 0.0012901079608127475, + -0.026120316237211227, + 0.07481558620929718, + 0.014698038809001446, + -0.20281639695167542, + 2.3565921783447266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/60.png", + [ + 0.19785897433757782, + 0.04246300086379051, + 0.07743779569864273, + -0.8965060114860535, + 0.05033398047089577, + -0.2103288173675537, + -0.013273055665194988, + 0.14918671548366547, + 0.07256865501403809, + 0.030109412968158722, + -0.20192846655845642, + 2.380464553833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/56.png", + [ + 0.19715671241283417, + 0.04275175929069519, + 0.07905319333076477, + -0.9161909818649292, + 0.05081406608223915, + -0.21022804081439972, + -0.013038243167102337, + 0.14519381523132324, + 0.07412861287593842, + 0.030403152108192444, + -0.20131689310073853, + 2.3746633529663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/30.png", + [ + 0.19344142079353333, + 0.049727536737918854, + 0.08399694412946701, + -0.9783836007118225, + 0.0662609413266182, + -0.20380693674087524, + -0.03193920478224754, + 0.35852929949760437, + 0.07167844474315643, + 0.05420146510004997, + -0.19716057181358337, + 2.33146333694458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/17.png", + [ + 0.1935952603816986, + 0.046178221702575684, + 0.08565247058868408, + -0.993675708770752, + 0.06352730840444565, + -0.20444843173027039, + -0.03336180001497269, + 0.38520941138267517, + 0.07370924949645996, + 0.05492085590958595, + -0.19621042907238007, + 2.3161392211914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/12.png", + [ + 0.19339914619922638, + 0.046256598085165024, + 0.08605226129293442, + -1.003246784210205, + 0.06258934736251831, + -0.20520392060279846, + -0.03036167100071907, + 0.35417672991752625, + 0.07501492649316788, + 0.051957521587610245, + -0.19652244448661804, + 2.3275256156921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/27.png", + [ + 0.19491732120513916, + 0.04607114568352699, + 0.08265946060419083, + -0.9591597318649292, + 0.062497835606336594, + -0.20478613674640656, + -0.03323490545153618, + 0.3795265555381775, + 0.07105743139982224, + 0.0537400059401989, + -0.19751140475273132, + 2.327427387237549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/42.png", + [ + 0.19884604215621948, + 0.04694641754031181, + 0.07213998585939407, + -0.8138684034347534, + 0.05813533440232277, + -0.20717626810073853, + -0.025420010089874268, + 0.2788051962852478, + 0.06346988677978516, + 0.042684052139520645, + -0.20272530615329742, + 2.32327938079834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/7.png", + [ + 0.19353927671909332, + 0.046403028070926666, + 0.08565747737884521, + -1.0039697885513306, + 0.05748622491955757, + -0.20820899307727814, + -0.01709500141441822, + 0.1958131194114685, + 0.07864970713853836, + 0.0379955880343914, + -0.19828881323337555, + 2.3576478958129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/73.png", + [ + 0.19961756467819214, + 0.04118011146783829, + 0.07351822406053543, + -0.8333980441093445, + 0.048357848078012466, + -0.21079474687576294, + -0.013228334486484528, + 0.14590772986412048, + 0.06900905072689056, + 0.028594905510544777, + -0.2033911943435669, + 2.3543176651000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/46.png", + [ + 0.19816406071186066, + 0.04367148131132126, + 0.07597178220748901, + -0.8589686751365662, + 0.05302052199840546, + -0.20931705832481384, + -0.01797476038336754, + 0.1952926218509674, + 0.06976915895938873, + 0.03502955287694931, + -0.20212149620056152, + 2.3382396697998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/57.png", + [ + 0.19730226695537567, + 0.04294445365667343, + 0.07858427613973618, + -0.911060631275177, + 0.050699058920145035, + -0.21029627323150635, + -0.012368661351501942, + 0.1381065845489502, + 0.07381950318813324, + 0.029650511220097542, + -0.20154261589050293, + 2.3785057067871094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/44.png", + [ + 0.19602903723716736, + 0.047077521681785583, + 0.07939910143613815, + -0.8977723121643066, + 0.05760333687067032, + -0.20802272856235504, + -0.01887594908475876, + 0.20706753432750702, + 0.07212742418050766, + 0.03818576782941818, + -0.20071716606616974, + 2.3209891319274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/29.png", + [ + 0.1941174417734146, + 0.047963861376047134, + 0.0834612175822258, + -0.9699786305427551, + 0.06418514251708984, + -0.20449763536453247, + -0.031762782484292984, + 0.3567419946193695, + 0.07173962146043777, + 0.05317964777350426, + -0.19741642475128174, + 2.3332114219665527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/4.png", + [ + 0.1968672126531601, + 0.04456556960940361, + 0.07877247035503387, + -0.9243018627166748, + 0.05142911896109581, + -0.21026480197906494, + -0.009573603048920631, + 0.10423034429550171, + 0.074473075568676, + 0.02739558182656765, + -0.20162126421928406, + 2.4080262184143066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/55.png", + [ + 0.19661419093608856, + 0.04228343814611435, + 0.08064034581184387, + -0.9342072010040283, + 0.05046408995985985, + -0.21032975614070892, + -0.012754037976264954, + 0.14084215462207794, + 0.07579005509614944, + 0.0303545780479908, + -0.2007046639919281, + 2.3680615425109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/9.png", + [ + 0.1931278109550476, + 0.04641454294323921, + 0.08657505363225937, + -1.0131902694702148, + 0.06067691370844841, + -0.20654267072677612, + -0.024623896926641464, + 0.28639206290245056, + 0.07725194096565247, + 0.046192146837711334, + -0.19709469377994537, + 2.3353638648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/25.png", + [ + 0.19329796731472015, + 0.047336094081401825, + 0.08569178730249405, + -0.9923790097236633, + 0.06460646539926529, + -0.20417726039886475, + -0.032947659492492676, + 0.38125985860824585, + 0.07355131208896637, + 0.05494394525885582, + -0.19626325368881226, + 2.311779499053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/99.png", + [ + 0.19827879965305328, + 0.042106859385967255, + 0.07655338197946548, + -0.858951985836029, + 0.045448970049619675, + -0.2118510603904724, + -0.0011911289766430855, + 0.0024617239832878113, + 0.07461767643690109, + 0.017147591337561607, + -0.20269694924354553, + 2.330087184906006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/34.png", + [ + 0.1960296928882599, + 0.05000540614128113, + 0.07758688926696777, + -0.8961036205291748, + 0.06697497516870499, + -0.20238150656223297, + -0.03878121078014374, + 0.44450828433036804, + 0.06351864337921143, + 0.05906850844621658, + -0.19855526089668274, + 2.325676918029785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/72.png", + [ + 0.19996881484985352, + 0.04095746949315071, + 0.07268325984477997, + -0.8249986171722412, + 0.04773032292723656, + -0.21098653972148895, + -0.01242514792829752, + 0.13733366131782532, + 0.06842651218175888, + 0.02747824229300022, + -0.2037416249513626, + 2.361572265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/102.png", + [ + 0.19793114066123962, + 0.04340379685163498, + 0.07672856003046036, + -0.8640914559364319, + 0.04503653571009636, + -0.21191024780273438, + 0.003695823485031724, + -0.0525222048163414, + 0.07578173279762268, + 0.012572169303894043, + -0.20260050892829895, + 2.33609676361084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/70.png", + [ + 0.19951342046260834, + 0.04180251806974411, + 0.07344956696033478, + -0.8364090323448181, + 0.0483173131942749, + -0.21092133224010468, + -0.011203744448721409, + 0.12355034053325653, + 0.06933777034282684, + 0.0266952496021986, + -0.20353753864765167, + 2.3669471740722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/90.png", + [ + 0.20146018266677856, + 0.03980601206421852, + 0.06911713629961014, + -0.7782030701637268, + 0.044160936027765274, + -0.21202364563941956, + -0.006609869655221701, + 0.0648428201675415, + 0.06641919165849686, + 0.020232655107975006, + -0.20524869859218597, + 2.359043598175049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/15.png", + [ + 0.19348768889904022, + 0.04704822227358818, + 0.08542174100875854, + -0.9929959774017334, + 0.06457319110631943, + -0.2040340155363083, + -0.03388693183660507, + 0.39452552795410156, + 0.07308018207550049, + 0.05571791157126427, + -0.19622105360031128, + 2.3211374282836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/22.png", + [ + 0.19340337812900543, + 0.04723787680268288, + 0.08550791442394257, + -0.9889252781867981, + 0.06286551058292389, + -0.20535211265087128, + -0.02874593622982502, + 0.3299427032470703, + 0.07477263361215591, + 0.050467655062675476, + -0.19700244069099426, + 2.3163270950317383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/109.png", + [ + 0.1975480169057846, + 0.04061022400856018, + 0.07920537143945694, + -0.9053472280502319, + 0.04368613660335541, + -0.21222487092018127, + -0.0001465815439587459, + -0.007108509540557861, + 0.07755129039287567, + 0.016103101894259453, + -0.20167893171310425, + 2.3371634483337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/26.png", + [ + 0.1941530555486679, + 0.04705536365509033, + 0.08389445394277573, + -0.9717336893081665, + 0.0638635903596878, + -0.2043757289648056, + -0.033164747059345245, + 0.3832465410232544, + 0.07193002104759216, + 0.054444946348667145, + -0.19700181484222412, + 2.320618152618408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/43.png", + [ + 0.1966673582792282, + 0.04467497766017914, + 0.07920854538679123, + -0.8943145871162415, + 0.05574699863791466, + -0.20833364129066467, + -0.020910775288939476, + 0.22873711585998535, + 0.07184790074825287, + 0.039359040558338165, + -0.20059072971343994, + 2.3122482299804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/84.png", + [ + 0.19934409856796265, + 0.03933742269873619, + 0.0752488300204277, + -0.846310555934906, + 0.044831156730651855, + -0.21183407306671143, + -0.008024309761822224, + 0.08413717150688171, + 0.07211093604564667, + 0.022951887920498848, + -0.2030298411846161, + 2.3431010246276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/89.png", + [ + 0.19928869605064392, + 0.03980386629700661, + 0.0751502737402916, + -0.8490892052650452, + 0.04521618410944939, + -0.21176259219646454, + -0.007745865732431412, + 0.08041378855705261, + 0.0720236673951149, + 0.02280687727034092, + -0.20307716727256775, + 2.350459575653076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/63.png", + [ + 0.19960851967334747, + 0.03950904309749603, + 0.07445383071899414, + -0.8570032119750977, + 0.04682328924536705, + -0.21112380921840668, + -0.013498649932444096, + 0.1509045511484146, + 0.0700850710272789, + 0.02852488122880459, + -0.20303277671337128, + 2.380593776702881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/88.png", + [ + 0.19997276365756989, + 0.03869648277759552, + 0.07390109449625015, + -0.8335155248641968, + 0.043971020728349686, + -0.2120164930820465, + -0.007966249249875546, + 0.08358648419380188, + 0.07088962942361832, + 0.022349359467625618, + -0.2035265564918518, + 2.353818416595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/62.png", + [ + 0.19899001717567444, + 0.04046444222331047, + 0.0755876898765564, + -0.8729444146156311, + 0.04769114404916763, + -0.21098484098911285, + -0.012603596784174442, + 0.14107657968997955, + 0.07124903798103333, + 0.028212131932377815, + -0.20267103612422943, + 2.381608009338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/65.png", + [ + 0.1996498852968216, + 0.04059016332030296, + 0.0737580880522728, + -0.8450909852981567, + 0.04773344099521637, + -0.2109437733888626, + -0.013120406307280064, + 0.14535029232501984, + 0.06934937089681625, + 0.028338415548205376, + -0.20331132411956787, + 2.3753514289855957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/80.png", + [ + 0.19882182776927948, + 0.03946344926953316, + 0.07655331492424011, + -0.8560935854911804, + 0.04412231594324112, + -0.21206916868686676, + -0.0052708107978105545, + 0.05287947133183479, + 0.07396617531776428, + 0.020425381138920784, + -0.20263193547725677, + 2.3236942291259766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/79.png", + [ + 0.1989024132490158, + 0.03962550312280655, + 0.07625974714756012, + -0.8509504795074463, + 0.04431694746017456, + -0.21202488243579865, + -0.005417726002633572, + 0.055535923689603806, + 0.07363244891166687, + 0.020570926368236542, + -0.20273873209953308, + 2.318875312805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/19.png", + [ + 0.19270043075084686, + 0.04722543805837631, + 0.08708728849887848, + -1.0036919116973877, + 0.06303663551807404, + -0.20538830757141113, + -0.02810552343726158, + 0.3207424581050873, + 0.07642526924610138, + 0.050331857055425644, + -0.19640207290649414, + 2.3043856620788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/77.png", + [ + 0.19982405006885529, + 0.0394735187292099, + 0.07389239966869354, + -0.827111005783081, + 0.04455040395259857, + -0.2119206041097641, + -0.007267172448337078, + 0.0746304988861084, + 0.07094721496105194, + 0.02189500443637371, + -0.2035558670759201, + 2.3231329917907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/68.png", + [ + 0.200359508395195, + 0.03983831778168678, + 0.07222788780927658, + -0.8240201473236084, + 0.04685774818062782, + -0.21111348271369934, + -0.013540320098400116, + 0.14931721985340118, + 0.06788454204797745, + 0.028140665963292122, + -0.2038324773311615, + 2.370670795440674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/86.png", + [ + 0.19955119490623474, + 0.039632268249988556, + 0.07454190403223038, + -0.8396886587142944, + 0.04493962600827217, + -0.2118237465620041, + -0.007682920899242163, + 0.0805148333311081, + 0.07146777957677841, + 0.02253619022667408, + -0.20330363512039185, + 2.3502721786499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/1.png", + [ + 0.19931238889694214, + 0.04362324997782707, + 0.07293475419282913, + -0.8580198287963867, + 0.04885226488113403, + -0.2109687328338623, + -0.007317766547203064, + 0.0771903246641159, + 0.06954079866409302, + 0.02317553013563156, + -0.20389916002750397, + 2.4433116912841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/81.png", + [ + 0.19812503457069397, + 0.04018719121813774, + 0.0779702216386795, + -0.8752753138542175, + 0.0450734868645668, + -0.21186749637126923, + -0.005333139095455408, + 0.05364589765667915, + 0.07525123655796051, + 0.021096233278512955, + -0.2020893394947052, + 2.322544574737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/95.png", + [ + 0.19837193191051483, + 0.04105580598115921, + 0.07688232511281967, + -0.8597860932350159, + 0.04374228045344353, + -0.21221287548542023, + 0.00045952812070026994, + -0.014988400042057037, + 0.07538624107837677, + 0.015100297518074512, + -0.20257540047168732, + 2.3207011222839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/103.png", + [ + 0.19885192811489105, + 0.04338693991303444, + 0.07431937754154205, + -0.8379290699958801, + 0.04489462822675705, + -0.21194185316562653, + 0.0036077501717954874, + -0.05118854343891144, + 0.07341845333576202, + 0.012087859213352203, + -0.20349816977977753, + 2.3496036529541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/83.png", + [ + 0.19864876568317413, + 0.03916126862168312, + 0.07715541869401932, + -0.8670260906219482, + 0.04466412216424942, + -0.21189041435718536, + -0.00744699826464057, + 0.07729010283946991, + 0.07410586625337601, + 0.022731855511665344, + -0.20233505964279175, + 2.3318910598754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/51.png", + [ + 0.1953926682472229, + 0.041253987699747086, + 0.08406966924667358, + -0.9680324196815491, + 0.05016005039215088, + -0.2103653848171234, + -0.013351948000490665, + 0.14422748982906342, + 0.0790795236825943, + 0.03150258958339691, + -0.1992533951997757, + 2.337852954864502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/93.png", + [ + 0.19992518424987793, + 0.04138105362653732, + 0.07256319373846054, + -0.8118787407875061, + 0.04410151019692421, + -0.2121383100748062, + -0.0005305181257426739, + -0.006000123918056488, + 0.07094268500804901, + 0.015258870087563992, + -0.20416218042373657, + 2.3388233184814453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/76.png", + [ + 0.2101430743932724, + 0.0068076965399086475, + 0.05235878378152847, + -0.6133784651756287, + 0.010817133821547031, + -0.21585945785045624, + -0.01534871943295002, + 0.17004244029521942, + 0.05167955532670021, + 0.01749996840953827, + -0.2096923142671585, + 2.4620065689086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/48.png", + [ + 0.2095613032579422, + 0.023959847167134285, + -0.049577049911022186, + 0.5661041736602783, + 0.016201039776206017, + -0.21328076720237732, + -0.034593891352415085, + 0.3851362466812134, + -0.05262588709592819, + 0.029751254245638847, + -0.20807035267353058, + 2.4028334617614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/137.png", + [ + 0.2077837884426117, + 0.015529385767877102, + 0.05943593010306358, + -0.674204409122467, + 0.021311940625309944, + -0.2148398905992508, + -0.018371783196926117, + 0.20003999769687653, + 0.057615913450717926, + 0.023464001715183258, + -0.20755179226398468, + 2.403254508972168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/173.png", + [ + 0.20296330749988556, + 0.0039413608610630035, + -0.07575130462646484, + 0.8661835789680481, + -0.0016584539553150535, + -0.21609963476657867, + -0.015687279403209686, + 0.1763596534729004, + -0.07583563029766083, + 0.01527438685297966, + -0.2023945152759552, + 2.344620704650879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/35.png", + [ + 0.2019156962633133, + 0.032695379108190536, + -0.07147695869207382, + 0.8533744812011719, + 0.019602935761213303, + -0.21176016330718994, + -0.04148804396390915, + 0.4723597466945648, + -0.0761161521077156, + 0.03219541534781456, + -0.20029400289058685, + 2.351792335510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/124.png", + [ + 0.20656754076480865, + 0.013194256462156773, + 0.06405974179506302, + -0.7289482355117798, + 0.017952531576156616, + -0.21550704538822174, + -0.01350232120603323, + 0.15279540419578552, + 0.06289232522249222, + 0.01818014495074749, + -0.20654764771461487, + 2.4026012420654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/97.png", + [ + 0.20998823642730713, + 0.014102345332503319, + 0.0515165701508522, + -0.5902209877967834, + 0.017318880185484886, + -0.21567204594612122, + -0.011555100791156292, + 0.12825073301792145, + 0.05052613094449043, + 0.015316259115934372, + -0.2101438045501709, + 2.4466476440429688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/155.png", + [ + 0.2098780870437622, + -0.00731295719742775, + -0.05334413796663284, + 0.6162693500518799, + -0.011920405551791191, + -0.2156507670879364, + -0.017336249351501465, + 0.1938861906528473, + -0.052506957203149796, + 0.019727196544408798, + -0.20928868651390076, + 2.425985336303711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/192.png", + [ + 0.212757870554924, + 0.008654140867292881, + -0.040088482201099396, + 0.455069363117218, + 0.006214480847120285, + -0.21615299582481384, + -0.013680700212717056, + 0.1475142538547516, + -0.04053839296102524, + 0.012283614836633205, + -0.21249385178089142, + 2.4603447914123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/13.png", + [ + 0.2110852301120758, + 0.022428495809435844, + 0.04344986751675606, + -0.5085316896438599, + 0.02661723643541336, + -0.2142159640789032, + -0.018733397126197815, + 0.2154884785413742, + 0.041017692536115646, + 0.02358771115541458, + -0.2114451825618744, + 2.515507221221924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/32.png", + [ + 0.21490424871444702, + 0.026741741225123405, + -0.006995645817369223, + 0.08273398876190186, + 0.02569539099931717, + -0.21348172426223755, + -0.026705797761678696, + 0.3005126118659973, + -0.010188558138906956, + 0.025657979771494865, + -0.21490871906280518, + 2.5088977813720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/158.png", + [ + 0.20792485773563385, + -0.006802937015891075, + -0.06057116016745567, + 0.6949121952056885, + -0.01041027344763279, + -0.2161206305027008, + -0.011462539434432983, + 0.12267279624938965, + -0.0600564144551754, + 0.0139098409563303, + -0.2077201008796692, + 2.408428192138672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/38.png", + [ + 0.19815614819526672, + 0.02739068679511547, + -0.08325733989477158, + 0.9657692909240723, + 0.00879586860537529, + -0.21099787950515747, + -0.048481252044439316, + 0.5488295555114746, + -0.08720475435256958, + 0.040957897901535034, + -0.19407647848129272, + 2.267052173614502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/148.png", + [ + 0.21650774776935577, + 0.004556979518383741, + 0.007177804596722126, + -0.07866626977920532, + 0.004930818919092417, + -0.2163185328245163, + -0.011396460235118866, + 0.11944235861301422, + 0.006926324218511581, + 0.01155102625489235, + -0.21625563502311707, + 2.5040740966796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/111.png", + [ + 0.20474576950073242, + 0.015475602820515633, + 0.06919229030609131, + -0.793597400188446, + 0.023115456104278564, + -0.21446692943572998, + -0.020432718098163605, + 0.22788679599761963, + 0.06702791899442673, + 0.02668943628668785, + -0.2043106108903885, + 2.381051540374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/164.png", + [ + 0.20768097043037415, + -0.0027569730300456285, + -0.061716318130493164, + 0.7034683227539062, + -0.003730126190930605, + -0.2166234403848648, + -0.0028752731159329414, + 0.02433517947793007, + -0.06166514754295349, + 0.0038183946162462234, + -0.2076793760061264, + 2.410904884338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/11.png", + [ + 0.2116059511899948, + 0.025845948606729507, + 0.038766033947467804, + -0.4539368152618408, + 0.029833555221557617, + -0.213638037443161, + -0.02041167952120304, + 0.23347613215446472, + 0.035787951201200485, + 0.025271816179156303, + -0.21219909191131592, + 2.5242366790771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/125.png", + [ + 0.20681335031986237, + 0.01293814554810524, + 0.06331457942724228, + -0.7192696332931519, + 0.0173424631357193, + -0.21561230719089508, + -0.012588400393724442, + 0.14140363037586212, + 0.0622524693608284, + 0.017083127051591873, + -0.20683494210243225, + 2.407257556915283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/59.png", + [ + 0.21181030571460724, + 0.02112496644258499, + -0.04047255963087082, + 0.46519023180007935, + 0.01409895345568657, + -0.2129613161087036, + -0.03737092390656471, + 0.4210011065006256, + -0.043422479182481766, + 0.03389840945601463, + -0.20955495536327362, + 2.4502859115600586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/105.png", + [ + 0.20852689445018768, + 0.008883832022547722, + 0.058185167610645294, + -0.6597495675086975, + 0.012563709169626236, + -0.2159741222858429, + -0.012051062658429146, + 0.12879043817520142, + 0.057502951472997665, + 0.014971720986068249, + -0.20836783945560455, + 2.433663845062256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/121.png", + [ + 0.20599788427352905, + 0.012702826410531998, + 0.0659651905298233, + -0.7527486681938171, + 0.018322275951504707, + -0.2153230905532837, + -0.015752822160720825, + 0.17870402336120605, + 0.06463020294904709, + 0.020554693415760994, + -0.20578712224960327, + 2.3937854766845703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/175.png", + [ + 0.20225068926811218, + 0.006313352845609188, + -0.07747703790664673, + 0.8835407495498657, + -0.00015265255933627486, + -0.2159261256456375, + -0.017993615940213203, + 0.1996575891971588, + -0.07773368805646896, + 0.01685037463903427, + -0.20154759287834167, + 2.32789945602417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/198.png", + [ + 0.21401679515838623, + 0.007922114804387093, + -0.03289298713207245, + 0.37162262201309204, + 0.006144962273538113, + -0.21624918282032013, + -0.012100625783205032, + 0.1305147260427475, + -0.033270835876464844, + 0.011019336991012096, + -0.21382124722003937, + 2.46079683303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/24.png", + [ + 0.2103327065706253, + 0.01945795677602291, + 0.04826417192816734, + -0.5617475509643555, + 0.02368585206568241, + -0.21473148465156555, + -0.016651557758450508, + 0.19165392220020294, + 0.04633598402142525, + 0.02144019305706024, + -0.2105734795331955, + 2.5003461837768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/74.png", + [ + 0.2134016752243042, + 0.005002929829061031, + 0.03718320652842522, + -0.43542179465293884, + 0.007981074042618275, + -0.21587803959846497, + -0.016758956015110016, + 0.1860487312078476, + 0.03665955364704132, + 0.01787542551755905, + -0.21280142664909363, + 2.5007872581481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/193.png", + [ + 0.21277543902397156, + 0.009237541817128658, + -0.03986447677016258, + 0.45337286591529846, + 0.006749700754880905, + -0.2161131054162979, + -0.014052193611860275, + 0.15250353515148163, + -0.040360257029533386, + 0.012557484209537506, + -0.21251177787780762, + 2.462303638458252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/129.png", + [ + 0.2060486227273941, + 0.013560601510107517, + 0.065635085105896, + -0.7494497895240784, + 0.01818704977631569, + -0.21554423868656158, + -0.012561988085508347, + 0.1399022489786148, + 0.06450647860765457, + 0.01745515502989292, + -0.20611190795898438, + 2.3981571197509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/172.png", + [ + 0.20329517126083374, + 0.003804032923653722, + -0.07486317306756973, + 0.8560876846313477, + -0.001455457997508347, + -0.2161543369293213, + -0.014935857616364956, + 0.16768890619277954, + -0.07494563609361649, + 0.014516457915306091, + -0.20278145372867584, + 2.351205348968506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/153.png", + [ + 0.21200980246067047, + -0.007857200689613819, + -0.04402272775769234, + 0.5103676319122314, + -0.011282486841082573, + -0.2158016562461853, + -0.015819121152162552, + 0.17245684564113617, + -0.04327171668410301, + 0.017770860344171524, + -0.21156474947929382, + 2.44929838180542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/144.png", + [ + 0.21101294457912445, + 0.014135819859802723, + 0.04713394120335579, + -0.5448068380355835, + 0.01827191561460495, + -0.21521200239658356, + -0.01725747436285019, + 0.1826035976409912, + 0.0456899031996727, + 0.02078128792345524, + -0.21078062057495117, + 2.443545341491699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/188.png", + [ + 0.21236830949783325, + 0.012502308003604412, + -0.041125353425741196, + 0.4622139036655426, + 0.010115141980350018, + -0.2160208523273468, + -0.013437545858323574, + 0.14361003041267395, + -0.0417766235768795, + 0.011250603012740612, + -0.21231117844581604, + 2.4447779655456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/98.png", + [ + 0.20968706905841827, + 0.013477680273354053, + 0.052892055362463, + -0.6057679653167725, + 0.017225520685315132, + -0.21557539701461792, + -0.013357631862163544, + 0.14771801233291626, + 0.051792845129966736, + 0.017131753265857697, + -0.2096947729587555, + 2.438593864440918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/0.png", + [ + 0.21425460278987885, + 0.031495120376348495, + 0.007135107181966305, + -0.08140715956687927, + 0.03164736554026604, + -0.2143070250749588, + -0.0043404861353337765, + 0.04307248815894127, + 0.006426222622394562, + 0.00533415749669075, + -0.21651360392570496, + 2.6666574478149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/163.png", + [ + 0.20776289701461792, + -0.0037069697864353657, + -0.0613899864256382, + 0.7012092471122742, + -0.004181406460702419, + -0.21663162112236023, + -0.001070113037712872, + 0.0025910548865795135, + -0.06135949864983559, + 0.0022108096163719893, + -0.2077932059764862, + 2.414430618286133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/96.png", + [ + 0.21018099784851074, + 0.012890119105577469, + 0.05104595422744751, + -0.5849061012268066, + 0.015731701627373695, + -0.21585878729820251, + -0.010266423225402832, + 0.11343765258789062, + 0.05024299398064613, + 0.013664944097399712, + -0.2103254795074463, + 2.4527225494384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/100.png", + [ + 0.2099359780550003, + 0.01400696113705635, + 0.05175508186221123, + -0.5861695408821106, + 0.017596496269106865, + -0.21556508541107178, + -0.013036894612014294, + 0.14136342704296112, + 0.050647277384996414, + 0.016834557056427002, + -0.20999844372272491, + 2.4375791549682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/40.png", + [ + 0.20423780381679535, + 0.021023014560341835, + -0.06923039257526398, + 0.7916254997253418, + 0.00525520509108901, + -0.21108901500701904, + -0.048597391694784164, + 0.5449900031089783, + -0.07216091454029083, + 0.04412886127829552, + -0.19948267936706543, + 2.317817211151123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/141.png", + [ + 0.2098482996225357, + 0.015919310972094536, + 0.0515572614967823, + -0.5876637697219849, + 0.020666923373937607, + -0.2149554044008255, + -0.0177468191832304, + 0.19126777350902557, + 0.049844298511743546, + 0.02210535667836666, + -0.20970168709754944, + 2.436771869659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/52.png", + [ + 0.2098979502916336, + 0.020441461354494095, + -0.04972820356488228, + 0.5701181292533875, + 0.013396324589848518, + -0.21396701037883759, + -0.03140949457883835, + 0.35149288177490234, + -0.0520700104534626, + 0.027352595701813698, + -0.20853883028030396, + 2.4200439453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/184.png", + [ + 0.212196484208107, + 0.01076654251664877, + -0.04248090088367462, + 0.47558751702308655, + 0.008452072739601135, + -0.21614499390125275, + -0.012561742216348648, + 0.13306142389774323, + -0.043001264333724976, + 0.010645021684467793, + -0.21209776401519775, + 2.4501895904541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/3.png", + [ + 0.21315808594226837, + 0.036817874759435654, + 0.012488611042499542, + -0.14628884196281433, + 0.0376407653093338, + -0.21285691857337952, + -0.014933153055608273, + 0.17347939312458038, + 0.009731089696288109, + 0.016860319301486015, + -0.21579834818840027, + 2.620028495788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/47.png", + [ + 0.20992426574230194, + 0.02281683310866356, + -0.048570387065410614, + 0.5498166084289551, + 0.014208979904651642, + -0.21274738013744354, + -0.0385298877954483, + 0.4306102991104126, + -0.05174742266535759, + 0.03414439409971237, + -0.20761564373970032, + 2.4028000831604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/104.png", + [ + 0.2095891237258911, + 0.011177238076925278, + 0.0538085512816906, + -0.607341468334198, + 0.014390015043318272, + -0.21590586006641388, + -0.011201933026313782, + 0.11923043429851532, + 0.05303977429866791, + 0.014409204013645649, + -0.20958781242370605, + 2.4403724670410156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/21.png", + [ + 0.20965053141117096, + 0.021183881908655167, + 0.05045581981539726, + -0.5889288783073425, + 0.025372980162501335, + -0.21463841199874878, + -0.015312084928154945, + 0.17670448124408722, + 0.048484619706869125, + 0.02072416990995407, + -0.2101609855890274, + 2.501774787902832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/82.png", + [ + 0.21083149313926697, + 0.00864280667155981, + 0.04922683164477348, + -0.5618822574615479, + 0.012272420339286327, + -0.21582897007465363, + -0.014667702838778496, + 0.16083137691020966, + 0.04844963178038597, + 0.017060354351997375, + -0.2104981541633606, + 2.4668831825256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/106.png", + [ + 0.20818601548671722, + 0.009214205667376518, + 0.0593428798019886, + -0.6737145781517029, + 0.013169937767088413, + -0.21590203046798706, + -0.012679379433393478, + 0.13668470084667206, + 0.05859207734465599, + 0.01578962616622448, + -0.20800374448299408, + 2.4319310188293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/14.png", + [ + 0.21068908274173737, + 0.021456241607666016, + 0.04579995945096016, + -0.5359707474708557, + 0.025641219690442085, + -0.21443963050842285, + -0.0174946840852499, + 0.20097516477108002, + 0.043595124036073685, + 0.022431354969739914, + -0.2110549509525299, + 2.5139946937561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/67.png", + [ + 0.2157253623008728, + 0.018275504931807518, + -0.008744836784899235, + 0.1028284952044487, + 0.017445102334022522, + -0.21511518955230713, + -0.01920994557440281, + 0.20634526014328003, + -0.010302169248461723, + 0.018421713262796402, + -0.21564416587352753, + 2.5289735794067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/78.png", + [ + 0.2107277363538742, + 0.011536242440342903, + 0.049077823758125305, + -0.5652188062667847, + 0.015293731354176998, + -0.21561409533023834, + -0.014985118061304092, + 0.16516965627670288, + 0.048039767891168594, + 0.018037933856248856, + -0.21051059663295746, + 2.4666929244995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/191.png", + [ + 0.2127382904291153, + 0.009132087230682373, + -0.04008644446730614, + 0.45345622301101685, + 0.006629867944866419, + -0.2161170393228531, + -0.014048957265913486, + 0.1514015644788742, + -0.04057539626955986, + 0.012567154131829739, + -0.21247023344039917, + 2.456617832183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/31.png", + [ + 0.21519333124160767, + 0.022599946707487106, + 0.011356279253959656, + -0.13465900719165802, + 0.02375059574842453, + -0.2140096127986908, + -0.024159669876098633, + 0.27275171875953674, + 0.00869666039943695, + 0.025239311158657074, + -0.21502381563186646, + 2.5159082412719727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/194.png", + [ + 0.21314997971057892, + 0.009791601449251175, + -0.037671055644750595, + 0.42945027351379395, + 0.007484546396881342, + -0.21610377728939056, + -0.013821517117321491, + 0.14974233508110046, + -0.03819640725851059, + 0.012295417487621307, + -0.21292664110660553, + 2.461824893951416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/152.png", + [ + 0.21351715922355652, + -0.007751410361379385, + -0.03603094443678856, + 0.41900956630706787, + -0.010246144607663155, + -0.21596209704875946, + -0.014257661998271942, + 0.15192708373069763, + -0.03540240228176117, + 0.01575373113155365, + -0.21318157017230988, + 2.465930461883545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/39.png", + [ + 0.20064330101013184, + 0.02430759184062481, + -0.07809804379940033, + 0.8980084657669067, + 0.006237355526536703, + -0.21083004772663116, + -0.0495951883494854, + 0.5587556958198547, + -0.08155525475740433, + 0.043677546083927155, + -0.1959308683872223, + 2.2836475372314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/92.png", + [ + 0.21063272655010223, + 0.010186905041337013, + 0.04977922886610031, + -0.5697296857833862, + 0.012400379404425621, + -0.21616271138191223, + -0.008234289474785328, + 0.09020054340362549, + 0.04927448555827141, + 0.01085356529802084, + -0.21071811020374298, + 2.4730029106140137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/203.png", + [ + 0.2145620584487915, + 0.005597278010100126, + -0.029659483581781387, + 0.33457016944885254, + 0.0049576833844184875, + -0.21656009554862976, + -0.005004005040973425, + 0.049128782004117966, + -0.029773076996207237, + 0.00427658436819911, + -0.21457673609256744, + 2.4620394706726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/53.png", + [ + 0.21013584733009338, + 0.019220968708395958, + -0.04920745640993118, + 0.5632774233818054, + 0.012233318760991096, + -0.21404297649860382, + -0.03136627748608589, + 0.35179784893989563, + -0.051392268389463425, + 0.02764148637652397, + -0.2086688131093979, + 2.425933837890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/75.png", + [ + 0.21152691543102264, + 0.004018764942884445, + 0.04677714407444, + -0.5493209362030029, + 0.007745763286948204, + -0.21590831875801086, + -0.01647711917757988, + 0.18363429605960846, + 0.04630610719323158, + 0.01775786653161049, + -0.2109224796295166, + 2.4781904220581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/151.png", + [ + 0.21486592292785645, + -0.004982059821486473, + -0.02749020792543888, + 0.3213730454444885, + -0.006744572892785072, + -0.21614570915699005, + -0.013544022105634212, + 0.1434742659330368, + -0.027111681178212166, + 0.014286668039858341, + -0.21449649333953857, + 2.4818944931030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/87.png", + [ + 0.20930108428001404, + 0.014692088589072227, + 0.0540841743350029, + -0.6266142725944519, + 0.017737869173288345, + -0.21571362018585205, + -0.010044933296740055, + 0.10939700901508331, + 0.053163181990385056, + 0.014130651019513607, + -0.20957551896572113, + 2.464951515197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/139.png", + [ + 0.20899321138858795, + 0.014818188734352589, + 0.055228132754564285, + -0.6257407069206238, + 0.0205741785466671, + -0.21474404633045197, + -0.0202387236058712, + 0.22122430801391602, + 0.053351931273937225, + 0.024765383452177048, + -0.20853810012340546, + 2.419905185699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/107.png", + [ + 0.20748382806777954, + 0.010119148530066013, + 0.061611358076334, + -0.7020823955535889, + 0.014595982618629932, + -0.2157466858625412, + -0.013719180598855019, + 0.14942295849323273, + 0.060706786811351776, + 0.017287608236074448, + -0.20727691054344177, + 2.424931049346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/112.png", + [ + 0.20530758798122406, + 0.01338228490203619, + 0.06795293092727661, + -0.7737237215042114, + 0.020921723917126656, + -0.21464312076568604, + -0.020940575748682022, + 0.2355630099773407, + 0.06602248549461365, + 0.02640342153608799, + -0.2046748399734497, + 2.3823013305664062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/69.png", + [ + 0.21597664058208466, + 0.01626516319811344, + -0.006117407698184252, + 0.08022511005401611, + 0.015755433589220047, + -0.2154606580734253, + -0.016624223440885544, + 0.1811995804309845, + -0.007331067230552435, + 0.016125846654176712, + -0.21594932675361633, + 2.531665325164795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/157.png", + [ + 0.2081632763147354, + -0.006374638061970472, + -0.05979388952255249, + 0.687792956829071, + -0.01119170617312193, + -0.21579627692699432, + -0.015956126153469086, + 0.17640268802642822, + -0.059082068502902985, + 0.018417825922369957, + -0.20764870941638947, + 2.4060988426208496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/45.png", + [ + 0.2117519974708557, + 0.01739734597504139, + -0.042500805109739304, + 0.47023656964302063, + 0.009476132690906525, + -0.21276214718818665, + -0.03987940028309822, + 0.44479110836982727, + -0.04493538662791252, + 0.03711463138461113, + -0.20868925750255585, + 2.412720203399658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/50.png", + [ + 0.2092306911945343, + 0.02296074852347374, + -0.05141228437423706, + 0.5905448794364929, + 0.015873707830905914, + -0.21386973559856415, + -0.03091367520391941, + 0.3440071642398834, + -0.05402262881398201, + 0.026085129007697105, + -0.2082042545080185, + 2.410991668701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/101.png", + [ + 0.21057771146297455, + 0.01434539258480072, + 0.0489809513092041, + -0.5509296655654907, + 0.017565110698342323, + -0.21560698747634888, + -0.012369182892143726, + 0.13288550078868866, + 0.04792067036032677, + 0.015991859138011932, + -0.2107030302286148, + 2.443754196166992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/85.png", + [ + 0.20931072533130646, + 0.011993996798992157, + 0.05470883473753929, + -0.6333755254745483, + 0.015410063788294792, + -0.21581204235553741, + -0.011644243262708187, + 0.12696722149848938, + 0.053846463561058044, + 0.015139436349272728, + -0.2093304693698883, + 2.4575695991516113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/156.png", + [ + 0.20880275964736938, + -0.007471433840692043, + -0.05738890543580055, + 0.6613382697105408, + -0.012185279279947281, + -0.215720534324646, + -0.01625015027821064, + 0.18132872879505157, + -0.05657585710287094, + 0.018887193873524666, + -0.20830348134040833, + 2.416506290435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/181.png", + [ + 0.20931904017925262, + 0.007793003227561712, + -0.05543193593621254, + 0.6320188641548157, + 0.0036889200564473867, + -0.21601860225200653, + -0.01643948256969452, + 0.17968593537807465, + -0.055855363607406616, + 0.01493766438215971, + -0.2088179737329483, + 2.4127984046936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/131.png", + [ + 0.20620562136173248, + 0.0135641535744071, + 0.06513947248458862, + -0.7431716918945312, + 0.018388506025075912, + -0.21548035740852356, + -0.013340690173208714, + 0.14823627471923828, + 0.06394528597593307, + 0.01822429709136486, + -0.20622019469738007, + 2.4003982543945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/71.png", + [ + 0.21621830761432648, + 0.012461951933801174, + 0.006499416194856167, + -0.06783130019903183, + 0.012834959663450718, + -0.2159022092819214, + -0.013014981523156166, + 0.14022639393806458, + 0.005727695766836405, + 0.013372572138905525, + -0.21618570387363434, + 2.5351295471191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/160.png", + [ + 0.20787645876407623, + -0.005840333644300699, + -0.06083715334534645, + 0.6987727880477905, + -0.006913741119205952, + -0.21654574573040009, + -0.0028355151880532503, + 0.01955706626176834, + -0.06072453409433365, + 0.004661594517529011, + -0.20793916285037994, + 2.415165424346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/115.png", + [ + 0.20562584698200226, + 0.009760752320289612, + 0.06760644167661667, + -0.7679746150970459, + 0.01633850298821926, + -0.21525423228740692, + -0.01861620508134365, + 0.20980863273143768, + 0.0663246214389801, + 0.02276482991874218, + -0.20501390099525452, + 2.3828258514404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/54.png", + [ + 0.21062777936458588, + 0.019826415926218033, + -0.04680543765425682, + 0.5344693660736084, + 0.012862973846495152, + -0.21380886435508728, + -0.03268346190452576, + 0.3666764497756958, + -0.049177028238773346, + 0.028992727398872375, + -0.2090189903974533, + 2.4339003562927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/33.png", + [ + 0.21292740106582642, + 0.028829475864768028, + -0.027904801070690155, + 0.33540135622024536, + 0.025012735277414322, + -0.21320688724517822, + -0.029412375763058662, + 0.33309924602508545, + -0.03137164190411568, + 0.02568240463733673, + -0.21284766495227814, + 2.492401123046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/159.png", + [ + 0.20748181641101837, + -0.006545850541442633, + -0.06209952011704445, + 0.7131764888763428, + -0.00875923689454794, + -0.21640124917030334, + -0.006454991176724434, + 0.06244967505335808, + -0.061826158314943314, + 0.008691545575857162, + -0.2074846476316452, + 2.4097681045532227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/177.png", + [ + 0.20303328335285187, + 0.005009742919355631, + -0.07550021260976791, + 0.8624207973480225, + -0.0005441089160740376, + -0.21609695255756378, + -0.015802109614014626, + 0.1740931123495102, + -0.07566428184509277, + 0.014996839687228203, + -0.20247939229011536, + 2.339937210083008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/49.png", + [ + 0.20910774171352386, + 0.02337058261036873, + -0.05172683298587799, + 0.5927081108093262, + 0.016117079183459282, + -0.21377600729465485, + -0.031431734561920166, + 0.34936437010765076, + -0.05442507565021515, + 0.026486411690711975, + -0.2080487310886383, + 2.4071907997131348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/118.png", + [ + 0.20584848523139954, + 0.01185473334044218, + 0.06658653914928436, + -0.7593589425086975, + 0.01846454292535782, + -0.21506695449352264, + -0.018792640417814255, + 0.21162626147270203, + 0.06506428867578506, + 0.023528024554252625, + -0.20533135533332825, + 2.386901378631592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/179.png", + [ + 0.2061740607023239, + 0.0045578014105558395, + -0.0664784163236618, + 0.7601642608642578, + 8.505542064085603e-05, + -0.21618500351905823, + -0.014557987451553345, + 0.15997588634490967, + -0.06663442403078079, + 0.013826376758515835, + -0.20570993423461914, + 2.3792872428894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/110.png", + [ + 0.20396871864795685, + 0.015130184590816498, + 0.07152435928583145, + -0.821681797504425, + 0.022398559376597404, + -0.21472236514091492, + -0.018452679738402367, + 0.2048216611146927, + 0.06959138065576553, + 0.024764377623796463, + -0.20369502902030945, + 2.3752031326293945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/18.png", + [ + 0.21017366647720337, + 0.02147017791867256, + 0.048103682696819305, + -0.5625404119491577, + 0.025372106581926346, + -0.214657261967659, + -0.015047061257064342, + 0.1735275834798813, + 0.046164803206920624, + 0.02022843062877655, + -0.2107309103012085, + 2.512213706970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/66.png", + [ + 0.21580910682678223, + 0.016039567068219185, + -0.010818772949278355, + 0.12418793886899948, + 0.014910071156919003, + -0.21509233117103577, + -0.021468086168169975, + 0.23403993248939514, + -0.012328963726758957, + 0.020637860521674156, + -0.215336874127388, + 2.529081344604492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/202.png", + [ + 0.21452420949935913, + 0.006808155681937933, + -0.02968011051416397, + 0.33373793959617615, + 0.006021211855113506, + -0.21650384366512299, + -0.006142030004411936, + 0.06372237205505371, + -0.029849709942936897, + 0.0052562858909368515, + -0.21454431116580963, + 2.4599461555480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/206.png", + [ + 0.21520909667015076, + 0.007012593559920788, + -0.02416120283305645, + 0.272247850894928, + 0.005956264212727547, + -0.21637332439422607, + -0.00974686723202467, + 0.1015893816947937, + -0.02444305829703808, + 0.009016764350235462, + -0.21510259807109833, + 2.455674171447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/16.png", + [ + 0.21011623740196228, + 0.02214714325964451, + 0.04804755374789238, + -0.5609037280082703, + 0.0262325257062912, + -0.21449622511863708, + -0.015846824273467064, + 0.18254172801971436, + 0.04594472795724869, + 0.021184220910072327, + -0.2106851041316986, + 2.5140061378479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/190.png", + [ + 0.21295301616191864, + 0.009808889590203762, + -0.038764555007219315, + 0.4364010989665985, + 0.00730318995192647, + -0.2160620540380478, + -0.014551760628819466, + 0.15631625056266785, + -0.03931371867656708, + 0.012995230033993721, + -0.2126815766096115, + 2.452479839324951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/94.png", + [ + 0.2107146680355072, + 0.011646241880953312, + 0.049107957631349564, + -0.5613200664520264, + 0.014117881655693054, + -0.21601197123527527, + -0.00934914592653513, + 0.10255943238735199, + 0.04845525324344635, + 0.012291713617742062, + -0.21082906424999237, + 2.4637575149536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/209.png", + [ + 0.21558231115341187, + 0.0043514566496014595, + -0.021288998425006866, + 0.2415185123682022, + 0.0033758655190467834, + -0.21641512215137482, + -0.010049520060420036, + 0.10300067067146301, + -0.021465323865413666, + 0.009667168371379375, + -0.21539193391799927, + 2.468142509460449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/28.png", + [ + 0.21119147539138794, + 0.017116962000727654, + 0.045310817658901215, + -0.5380582213401794, + 0.021360747516155243, + -0.21483221650123596, + -0.018404701724648476, + 0.2098744660615921, + 0.04347158223390579, + 0.022405894473195076, + -0.21108314394950867, + 2.4852848052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/61.png", + [ + 0.21366454660892487, + 0.017346275970339775, + -0.03153518959879875, + 0.3625556528568268, + 0.012795322574675083, + -0.21405623853206635, + -0.03105010837316513, + 0.3492198884487152, + -0.033639878034591675, + 0.02875649742782116, + -0.2121068686246872, + 2.482999324798584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/132.png", + [ + 0.20646680891513824, + 0.015184824354946613, + 0.0639435276389122, + -0.7283196449279785, + 0.019821150228381157, + -0.21538296341896057, + -0.012852855026721954, + 0.14148858189582825, + 0.06266158819198608, + 0.018096821382641792, + -0.2066250890493393, + 2.4020209312438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/58.png", + [ + 0.2109905332326889, + 0.021618377417325974, + -0.04431183263659477, + 0.5095672011375427, + 0.013806404545903206, + -0.21285054087638855, + -0.038104098290205, + 0.42999395728111267, + -0.047331552952528, + 0.034280966967344284, + -0.20864427089691162, + 2.439098358154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/123.png", + [ + 0.20578579604625702, + 0.011774880811572075, + 0.06679413467645645, + -0.762296736240387, + 0.016595175489783287, + -0.21563981473445892, + -0.01311370451003313, + 0.14919069409370422, + 0.0657624825835228, + 0.01757046766579151, + -0.20570482313632965, + 2.395970344543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/64.png", + [ + 0.2153838872909546, + 0.013012772426009178, + -0.019706547260284424, + 0.22724270820617676, + 0.01066863164305687, + -0.21492575109004974, + -0.02531789429485798, + 0.282894104719162, + -0.021067999303340912, + 0.02419676072895527, + -0.21428614854812622, + 2.517984390258789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/10.png", + [ + 0.21188119053840637, + 0.027159003540873528, + 0.03628559410572052, + -0.42548298835754395, + 0.03089025802910328, + -0.21346983313560486, + -0.02059870958328247, + 0.23567834496498108, + 0.03316697105765343, + 0.02531607076525688, + -0.21261924505233765, + 2.5272269248962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/170.png", + [ + 0.20443010330200195, + 0.0010944613022729754, + -0.07179848849773407, + 0.8191141486167908, + -0.003323814831674099, + -0.21627302467823029, + -0.012760579586029053, + 0.1413547396659851, + -0.0717298611998558, + 0.013140864670276642, + -0.20403440296649933, + 2.3646726608276367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/41.png", + [ + 0.20599281787872314, + 0.018096286803483963, + -0.06470993906259537, + 0.7347115278244019, + 0.003810883965343237, + -0.2114792913198471, + -0.047009408473968506, + 0.5256699919700623, + -0.06708448380231857, + 0.043553777039051056, + -0.20137187838554382, + 2.336024761199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/166.png", + [ + 0.2079140841960907, + -0.0017061905236914754, + -0.06096486747264862, + 0.6928299069404602, + -0.0031721480190753937, + -0.21659918129444122, + -0.004756424576044083, + 0.047212157398462296, + -0.06090618297457695, + 0.005456648301333189, + -0.20786668360233307, + 2.4078660011291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/91.png", + [ + 0.21063879132270813, + 0.011872203089296818, + 0.049378588795661926, + -0.565491259098053, + 0.014098633080720901, + -0.2160601168870926, + -0.008194021880626678, + 0.08995963633060455, + 0.048789579421281815, + 0.011178740300238132, + -0.21081392467021942, + 2.4768757820129395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/140.png", + [ + 0.2095663994550705, + 0.014826249331235886, + 0.05300937592983246, + -0.6013858318328857, + 0.020082686096429825, + -0.21487733721733093, + -0.019295301288366318, + 0.20967520773410797, + 0.05124936252832413, + 0.023575525730848312, + -0.20920227468013763, + 2.4300670623779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/23.png", + [ + 0.20989707112312317, + 0.020331699401140213, + 0.04977688193321228, + -0.5797862410545349, + 0.024502940475940704, + -0.21471728384494781, + -0.01562025398015976, + 0.18065808713436127, + 0.0478614941239357, + 0.020760739222168922, + -0.21030017733573914, + 2.501131057739258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/201.png", + [ + 0.21439844369888306, + 0.0068657794035971165, + -0.030562352389097214, + 0.34459295868873596, + 0.005825153086334467, + -0.21645717322826385, + -0.00776260532438755, + 0.08307936787605286, + -0.03077765554189682, + 0.006859410088509321, + -0.21436786651611328, + 2.460899829864502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/37.png", + [ + 0.1956494152545929, + 0.029193518683314323, + -0.08841346204280853, + 1.0353885889053345, + 0.009877881966531277, + -0.21109551191329956, + -0.04784360155463219, + 0.5440016388893127, + -0.09258309751749039, + 0.039170414209365845, + -0.19194255769252777, + 2.2477574348449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/178.png", + [ + 0.20451731979846954, + 0.0045639267191290855, + -0.07141239196062088, + 0.816287100315094, + -0.00023525458527728915, + -0.2161894291639328, + -0.014490287750959396, + 0.15822765231132507, + -0.07155770808458328, + 0.01375479344278574, + -0.20405438542366028, + 2.3598990440368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/36.png", + [ + 0.19659914076328278, + 0.03018491342663765, + -0.08593915402889252, + 1.0156289339065552, + 0.012632311321794987, + -0.21149121224880219, + -0.045384928584098816, + 0.5173556208610535, + -0.0902058333158493, + 0.03616957366466522, + -0.19365578889846802, + 2.2747201919555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/182.png", + [ + 0.21033789217472076, + 0.008840957656502724, + -0.051261186599731445, + 0.5807441473007202, + 0.005659687798470259, + -0.21614421904087067, + -0.014054984785616398, + 0.15171805024147034, + -0.05170918256044388, + 0.012304961681365967, + -0.2100539207458496, + 2.4263110160827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/8.png", + [ + 0.21263660490512848, + 0.02731524407863617, + 0.0314236618578434, + -0.37037208676338196, + 0.030506012961268425, + -0.21350176632404327, + -0.02083914540708065, + 0.23946043848991394, + 0.028336413204669952, + 0.0248749740421772, + -0.21336863934993744, + 2.534669876098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/6.png", + [ + 0.21347934007644653, + 0.029293298721313477, + 0.022723717615008354, + -0.2674065828323364, + 0.03147195279598236, + -0.2133859246969223, + -0.020587990060448647, + 0.2382718026638031, + 0.019595421850681305, + 0.0235849991440773, + -0.21449397504329681, + 2.5558595657348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/197.png", + [ + 0.2137434482574463, + 0.0087177949026227, + -0.03443299978971481, + 0.3896501362323761, + 0.006720785982906818, + -0.2161790430545807, + -0.013013111427426338, + 0.14027102291584015, + -0.03487782180309296, + 0.01176903210580349, + -0.2135249823331833, + 2.4624991416931152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/169.png", + [ + 0.20541058480739594, + -0.0001905766112031415, + -0.06895183026790619, + 0.7872368693351746, + -0.0036824061535298824, + -0.21639488637447357, + -0.010371954180300236, + 0.11217567324638367, + -0.0688537061214447, + 0.011004598811268806, + -0.2051486372947693, + 2.375922203063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/154.png", + [ + 0.21111223101615906, + -0.00816730223596096, + -0.04809179902076721, + 0.5559804439544678, + -0.012152194045484066, + -0.21568681299686432, + -0.016715891659259796, + 0.18495166301727295, + -0.04724246636033058, + 0.01898399367928505, + -0.21060782670974731, + 2.43825101852417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/20.png", + [ + 0.2098248302936554, + 0.02124021388590336, + 0.049702003598213196, + -0.5806456208229065, + 0.025318412110209465, + -0.21465621888637543, + -0.015152054838836193, + 0.17465782165527344, + 0.04775368049740791, + 0.020480724051594734, + -0.21035213768482208, + 2.5054798126220703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/2.png", + [ + 0.2133200615644455, + 0.03644881397485733, + 0.010673738084733486, + -0.12483634054660797, + 0.037000853568315506, + -0.2131817787885666, + -0.011504960246384144, + 0.13187308609485626, + 0.008566319942474365, + 0.013149561360478401, + -0.21610553562641144, + 2.639774799346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/117.png", + [ + 0.20507651567459106, + 0.011036396957933903, + 0.06906316429376602, + -0.7885881066322327, + 0.017834186553955078, + -0.21513883769512177, + -0.01857740990817547, + 0.20866380631923676, + 0.06762740761041641, + 0.02326749451458454, + -0.20453131198883057, + 2.3775792121887207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/149.png", + [ + 0.21662333607673645, + -0.0003719563828781247, + -0.0046997289173305035, + 0.05767976865172386, + -0.0006452142843045294, + -0.21630580723285675, + -0.012620332650840282, + 0.1321803778409958, + -0.0046700648963451385, + 0.012631339952349663, + -0.21625572443008423, + 2.5029282569885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/161.png", + [ + 0.20745936036109924, + -0.005446870811283588, + -0.06228036433458328, + 0.714619517326355, + -0.005956626962870359, + -0.21659085154533386, + -0.0008994069648906589, + -0.0033673904836177826, + -0.06223367899656296, + 0.002573311561718583, + -0.20752888917922974, + 2.412655830383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/5.png", + [ + 0.21355141699314117, + 0.0323406346142292, + 0.017256012186408043, + -0.20287398993968964, + 0.03394819051027298, + -0.21296674013137817, + -0.02099008858203888, + 0.24375784397125244, + 0.01382775604724884, + 0.023391172289848328, + -0.21496404707431793, + 2.5709190368652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/187.png", + [ + 0.21190784871578217, + 0.012481986545026302, + -0.04344143718481064, + 0.49130862951278687, + 0.009556629694998264, + -0.215913787484169, + -0.015420950017869473, + 0.16646607220172882, + -0.04417724534869194, + 0.01316566951572895, + -0.2117142677307129, + 2.4421744346618652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/108.png", + [ + 0.20670980215072632, + 0.012541304342448711, + 0.06373117119073868, + -0.7283810377120972, + 0.01743483729660511, + -0.2155086100101471, + -0.014140532352030277, + 0.15461419522762299, + 0.0625697448849678, + 0.018618375062942505, + -0.20660656690597534, + 2.4153618812561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/60.png", + [ + 0.2130146473646164, + 0.01882394403219223, + -0.034904394298791885, + 0.4008937478065491, + 0.013589015230536461, + -0.21381057798862457, + -0.032376985996961594, + 0.3638799786567688, + -0.03725581616163254, + 0.029641015455126762, + -0.2113795280456543, + 2.4734363555908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/56.png", + [ + 0.21085213124752045, + 0.020916782319545746, + -0.04529636353254318, + 0.5183461308479309, + 0.013458311557769775, + -0.2132667750120163, + -0.035833798348903656, + 0.40329572558403015, + -0.04804316908121109, + 0.032057374715805054, + -0.20883503556251526, + 2.4406638145446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/147.png", + [ + 0.2155742347240448, + 0.00729272561147809, + 0.020553844049572945, + -0.23428109288215637, + 0.008368657901883125, + -0.21623070538043976, + -0.011051727458834648, + 0.11551064252853394, + 0.02013976126909256, + 0.011789456009864807, + -0.21541422605514526, + 2.4924163818359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/30.png", + [ + 0.2140268087387085, + 0.02068857103586197, + 0.02669084072113037, + -0.31768959760665894, + 0.02345268987119198, + -0.21427831053733826, + -0.021969804540276527, + 0.24953997135162354, + 0.02429792657494545, + 0.024590324610471725, + -0.21389907598495483, + 2.5065932273864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/17.png", + [ + 0.21022292971611023, + 0.02235853113234043, + 0.04747958108782768, + -0.5535339117050171, + 0.026351429522037506, + -0.21449480950832367, + -0.01566748507320881, + 0.18026694655418396, + 0.0453852042555809, + 0.020975319668650627, + -0.21082721650600433, + 2.5142178535461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/12.png", + [ + 0.2115253061056137, + 0.024310080334544182, + 0.040174052119255066, + -0.47023653984069824, + 0.02839718386530876, + -0.21386277675628662, + -0.020105063915252686, + 0.23077377676963806, + 0.03739698603749275, + 0.02489243820309639, + -0.21196633577346802, + 2.5184426307678223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/114.png", + [ + 0.2052932232618332, + 0.011268188245594501, + 0.06837846338748932, + -0.776544451713562, + 0.01789078488945961, + -0.21516157686710358, + -0.018256856128573418, + 0.20565158128738403, + 0.06695151329040527, + 0.02294386364519596, + -0.20479005575180054, + 2.3834543228149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/27.png", + [ + 0.2101929634809494, + 0.01883428357541561, + 0.04911300539970398, + -0.5786919593811035, + 0.023332081735134125, + -0.21470102667808533, + -0.017520811408758163, + 0.19794069230556488, + 0.047142669558525085, + 0.022285303100943565, + -0.21030651032924652, + 2.4799399375915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/42.png", + [ + 0.20842178165912628, + 0.016255460679531097, + -0.05695629492402077, + 0.6413244009017944, + 0.004086143337190151, + -0.21180467307567596, + -0.045497018843889236, + 0.508185088634491, + -0.059089452028274536, + 0.042689986526966095, + -0.20404388010501862, + 2.3612990379333496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/174.png", + [ + 0.20222888886928558, + 0.004938209429383278, + -0.07763361185789108, + 0.8863423466682434, + -0.001077903201803565, + -0.21603897213935852, + -0.01654990203678608, + 0.1848839521408081, + -0.07778304815292358, + 0.015832725912332535, + -0.20161104202270508, + 2.3330674171447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/7.png", + [ + 0.21315625309944153, + 0.028672732412815094, + 0.026271160691976547, + -0.30912619829177856, + 0.03136570379137993, + -0.21329104900360107, + -0.021702872589230537, + 0.25070905685424805, + 0.022988954558968544, + 0.02515346184372902, + -0.21397829055786133, + 2.541987419128418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/73.png", + [ + 0.21493200957775116, + 0.006986642722040415, + 0.02652001567184925, + -0.3072759211063385, + 0.009070074185729027, + -0.21584384143352509, + -0.01664499007165432, + 0.1835937649011612, + 0.02588162012398243, + 0.01762125827372074, + -0.21440039575099945, + 2.52048921585083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/120.png", + [ + 0.20595112442970276, + 0.013360043056309223, + 0.06598135083913803, + -0.7524387836456299, + 0.01920146308839321, + -0.21520116925239563, + -0.016360171139240265, + 0.18485607206821442, + 0.06452389061450958, + 0.021397680044174194, + -0.20573453605175018, + 2.3923349380493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/46.png", + [ + 0.21095643937587738, + 0.01936846226453781, + -0.0454988032579422, + 0.5092733502388, + 0.011232545599341393, + -0.212920144200325, + -0.038558319211006165, + 0.4313318729400635, + -0.04815712198615074, + 0.035182058811187744, + -0.20830509066581726, + 2.412440776824951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/127.png", + [ + 0.20646440982818604, + 0.01356624998152256, + 0.06431408226490021, + -0.732168972492218, + 0.017925208434462547, + -0.21559445559978485, + -0.012067490257322788, + 0.13584399223327637, + 0.06323789805173874, + 0.016819460317492485, + -0.20655742287635803, + 2.403456687927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/133.png", + [ + 0.20652474462985992, + 0.014796257950365543, + 0.06384745985269547, + -0.7269698977470398, + 0.01968628354370594, + -0.215338334441185, + -0.013775068335235119, + 0.15078386664390564, + 0.06251303106546402, + 0.018930744379758835, + -0.20659536123275757, + 2.400082588195801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/57.png", + [ + 0.21086078882217407, + 0.02125018648803234, + -0.045100510120391846, + 0.5173820853233337, + 0.01360935065895319, + -0.21309654414653778, + -0.036777034401893616, + 0.41487839818000793, + -0.04796261340379715, + 0.03295746073126793, + -0.20871341228485107, + 2.439664840698242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/44.png", + [ + 0.21158567070960999, + 0.0156581811606884, + -0.04397977888584137, + 0.4854164123535156, + 0.007058828137814999, + -0.21250702440738678, + -0.04169932007789612, + 0.4629548490047455, + -0.046147290617227554, + 0.03928717225790024, + -0.20802605152130127, + 2.400956630706787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/113.png", + [ + 0.20546258985996246, + 0.01189257763326168, + 0.06776122748851776, + -0.7684777975082397, + 0.01899416744709015, + -0.214923694729805, + -0.01987263187766075, + 0.22346988320350647, + 0.06612291187047958, + 0.024784399196505547, + -0.20484480261802673, + 2.383894920349121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/126.png", + [ + 0.20718441903591156, + 0.012907716445624828, + 0.06209593266248703, + -0.7056429386138916, + 0.01732315495610237, + -0.21559035778045654, + -0.01298488862812519, + 0.14621222019195557, + 0.0610116608440876, + 0.0173807330429554, + -0.20717959105968475, + 2.408717632293701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/29.png", + [ + 0.21250145137310028, + 0.019586481153964996, + 0.03751529008150101, + -0.44617772102355957, + 0.02318829670548439, + -0.2145615965127945, + -0.01932651922106743, + 0.22004446387290955, + 0.03540240228176117, + 0.022969134151935577, + -0.21252524852752686, + 2.4964723587036133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/4.png", + [ + 0.21336714923381805, + 0.03458821028470993, + 0.015033777803182602, + -0.1767980456352234, + 0.03579455614089966, + -0.2129267156124115, + -0.018134431913495064, + 0.21179500222206116, + 0.011878897435963154, + 0.020341187715530396, + -0.2153903990983963, + 2.594542980194092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/55.png", + [ + 0.21086271107196808, + 0.019724978134036064, + -0.04577921703457832, + 0.5227215886116028, + 0.012686720117926598, + -0.21367263793945312, + -0.03362949565052986, + 0.37802833318710327, + -0.04820642247796059, + 0.030046986415982246, + -0.20909617841243744, + 2.441270351409912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/9.png", + [ + 0.21222056448459625, + 0.02840019389986992, + 0.03322279080748558, + -0.3898085057735443, + 0.0317949615418911, + -0.21332302689552307, + -0.02074265480041504, + 0.23794090747833252, + 0.029990091919898987, + 0.02519139088690281, + -0.21310532093048096, + 2.531492233276367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/25.png", + [ + 0.2101859152317047, + 0.019736016169190407, + 0.048787929117679596, + -0.5698859691619873, + 0.023794708773493767, + -0.21479690074920654, + -0.015620202757418156, + 0.17844828963279724, + 0.04694234952330589, + 0.020510205999016762, + -0.2105318158864975, + 2.496432304382324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/99.png", + [ + 0.2093832790851593, + 0.012466859072446823, + 0.05432412400841713, + -0.6194345355033875, + 0.016401730477809906, + -0.21561585366725922, + -0.013735996559262276, + 0.1510186642408371, + 0.05326834321022034, + 0.017385967075824738, + -0.2093038558959961, + 2.4306583404541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/208.png", + [ + 0.21535493433475494, + 0.005108495242893696, + -0.02332484722137451, + 0.26445239782333374, + 0.004081912338733673, + -0.21641838550567627, + -0.009711193852126598, + 0.09965783357620239, + -0.02352622151374817, + 0.009212630800902843, + -0.21519652009010315, + 2.4715070724487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/34.png", + [ + 0.20830276608467102, + 0.03167615830898285, + -0.05054176226258278, + 0.608031690120697, + 0.024067357182502747, + -0.21262212097644806, + -0.034065984189510345, + 0.38761577010154724, + -0.05457665026187897, + 0.02713577076792717, + -0.20792530477046967, + 2.445193290710449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/72.png", + [ + 0.21583111584186554, + 0.008469093590974808, + 0.017120251432061195, + -0.19487713277339935, + 0.009692426770925522, + -0.2159104347229004, + -0.015383060090243816, + 0.16748258471488953, + 0.016458597034215927, + 0.016089007258415222, + -0.21544872224330902, + 2.532965660095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/102.png", + [ + 0.21080243587493896, + 0.01321424450725317, + 0.04832823574542999, + -0.5412778258323669, + 0.016321364790201187, + -0.2157137393951416, + -0.012210027314722538, + 0.13119354844093323, + 0.04736926779150963, + 0.015519518405199051, + -0.21086296439170837, + 2.449751853942871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/134.png", + [ + 0.2066127210855484, + 0.014896887354552746, + 0.06353867799043655, + -0.7242959141731262, + 0.020374922081828117, + -0.21513396501541138, + -0.015815433114767075, + 0.1725262999534607, + 0.061999544501304626, + 0.021055836230516434, + -0.206544429063797, + 2.3982791900634766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/70.png", + [ + 0.21617582440376282, + 0.014605635777115822, + -0.0016062926733866334, + 0.027677809819579124, + 0.014470566064119339, + -0.21572940051555634, + -0.014118410646915436, + 0.1540185511112213, + -0.002550981007516384, + 0.013978634960949421, + -0.21620818972587585, + 2.527285099029541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/135.png", + [ + 0.2065606266260147, + 0.015030605718493462, + 0.0636763870716095, + -0.7262940406799316, + 0.020810792222619057, + -0.21502123773097992, + -0.016753317788243294, + 0.18171480298042297, + 0.06202831119298935, + 0.022087180987000465, + -0.20642806589603424, + 2.3950037956237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/130.png", + [ + 0.2062271684408188, + 0.014283308759331703, + 0.06491720676422119, + -0.7412405610084534, + 0.01894783228635788, + -0.21546554565429688, + -0.012785466387867928, + 0.1417529135942459, + 0.06371212750673294, + 0.017845885828137398, + -0.2063254415988922, + 2.401599884033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/90.png", + [ + 0.21048864722251892, + 0.01270997989922762, + 0.04980842396616936, + -0.5715612173080444, + 0.015062122605741024, + -0.21598176658153534, + -0.00853835791349411, + 0.09314587712287903, + 0.04914829879999161, + 0.0117570199072361, + -0.21069909632205963, + 2.4760541915893555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/122.png", + [ + 0.20572368800640106, + 0.011497934348881245, + 0.06703320890665054, + -0.7645163536071777, + 0.01673501543700695, + -0.21554778516292572, + -0.014387424103915691, + 0.16392822563648224, + 0.0659211054444313, + 0.01883762516081333, + -0.20554184913635254, + 2.3913769721984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/15.png", + [ + 0.21038618683815002, + 0.021493421867489815, + 0.047154877334833145, + -0.5513166785240173, + 0.025662275031208992, + -0.21449849009513855, + -0.016725340858101845, + 0.19186855852603912, + 0.045022185891866684, + 0.021824806928634644, + -0.2108188271522522, + 2.513370990753174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/162.png", + [ + 0.20685023069381714, + -0.005216948222368956, + -0.06429354846477509, + 0.7372174859046936, + -0.005514535587280989, + -0.21660439670085907, + -0.00016594539920333773, + -0.010098807513713837, + -0.06426870822906494, + 0.0017947419546544552, + -0.2069159299135208, + 2.4104671478271484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/22.png", + [ + 0.20972977578639984, + 0.020592648535966873, + 0.05037126690149307, + -0.5876350402832031, + 0.024767868220806122, + -0.21470637619495392, + -0.015349740162491798, + 0.17679257690906525, + 0.04845486581325531, + 0.02061563916504383, + -0.21017853915691376, + 2.5009374618530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/171.png", + [ + 0.2038078010082245, + 0.0028273845091462135, + -0.07350023090839386, + 0.8399907350540161, + -0.0021850024349987507, + -0.21618622541427612, + -0.014374948106706142, + 0.16032829880714417, + -0.07352212816476822, + 0.014262514188885689, + -0.20331986248493195, + 2.3555870056152344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/138.png", + [ + 0.20849595963954926, + 0.015263048000633717, + 0.05695939064025879, + -0.6448613405227661, + 0.021090779453516006, + -0.21474795043468475, + -0.019656701013445854, + 0.2145186960697174, + 0.0550682507455349, + 0.024459071457386017, + -0.2081277072429657, + 2.4121456146240234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/109.png", + [ + 0.20539596676826477, + 0.013448290526866913, + 0.06767228990793228, + -0.7765995860099792, + 0.019472304731607437, + -0.21517840027809143, + -0.01633979193866253, + 0.1798001378774643, + 0.06619082391262054, + 0.021570879966020584, + -0.20518618822097778, + 2.3956141471862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/26.png", + [ + 0.21019361913204193, + 0.018516378477215767, + 0.04923092573881149, + -0.5773212313652039, + 0.022641783580183983, + -0.21490530669689178, + -0.015841476619243622, + 0.1798955202102661, + 0.04747515171766281, + 0.020512109622359276, + -0.21041211485862732, + 2.4862961769104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/43.png", + [ + 0.2102375030517578, + 0.014813382178544998, + -0.05028565227985382, + 0.5592610239982605, + 0.004586824681609869, + -0.21224483847618103, + -0.043347183614969254, + 0.4822145402431488, + -0.05222110450267792, + 0.04099488630890846, + -0.20625293254852295, + 2.3823776245117188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/205.png", + [ + 0.21510647237300873, + 0.006375749129801989, + -0.025228114798665047, + 0.2828614413738251, + 0.0056743863970041275, + -0.216507688164711, + -0.006334257312119007, + 0.0630597174167633, + -0.025395061820745468, + 0.005627726670354605, + -0.21510767936706543, + 2.45829439163208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/84.png", + [ + 0.209958016872406, + 0.0101969875395298, + 0.05255042761564255, + -0.6054513454437256, + 0.013825268484652042, + -0.2158200740814209, + -0.013358809053897858, + 0.14633750915527344, + 0.05171448737382889, + 0.01629776880145073, + -0.20978057384490967, + 2.46024751663208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/136.png", + [ + 0.20678366720676422, + 0.015027365647256374, + 0.06294909119606018, + -0.7167531251907349, + 0.02086663246154785, + -0.21497853100299835, + -0.017225323244929314, + 0.18665461242198944, + 0.061261676251888275, + 0.022501256316900253, + -0.20661218464374542, + 2.3953685760498047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/89.png", + [ + 0.21038131415843964, + 0.014778533950448036, + 0.04969104379415512, + -0.5718991160392761, + 0.01725754700601101, + -0.21580354869365692, + -0.008882992900907993, + 0.09717173874378204, + 0.04888539761304855, + 0.012582742609083652, + -0.21071258187294006, + 2.477902889251709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/63.png", + [ + 0.2149331420660019, + 0.013913377188146114, + -0.023623179644346237, + 0.2720973491668701, + 0.011039874516427517, + -0.2148163914680481, + -0.026075519621372223, + 0.2912836968898773, + -0.025094976648688316, + 0.024662308394908905, + -0.21379876136779785, + 2.5048584938049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/88.png", + [ + 0.21007321774959564, + 0.014780503697693348, + 0.05097722262144089, + -0.58893883228302, + 0.017446711659431458, + -0.2157692164182663, + -0.009335722774267197, + 0.10211507976055145, + 0.050127364695072174, + 0.01315599586814642, + -0.2103854864835739, + 2.472507953643799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/62.png", + [ + 0.21419601142406464, + 0.015988202765583992, + -0.02850164845585823, + 0.3281959891319275, + 0.012266548350453377, + -0.2144898921251297, + -0.02813388966023922, + 0.31530922651290894, + -0.030290234833955765, + 0.026198500767350197, + -0.21294137835502625, + 2.494154930114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/65.png", + [ + 0.21578489243984222, + 0.013126770965754986, + -0.014575928449630737, + 0.16779495775699615, + 0.0114901727065444, + -0.21507957577705383, + -0.023593302816152573, + 0.26088419556617737, + -0.015897978097200394, + 0.022723466157913208, + -0.21489250659942627, + 2.5272765159606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/80.png", + [ + 0.21171008050441742, + 0.010583418421447277, + 0.04488575831055641, + -0.508643627166748, + 0.014264666475355625, + -0.21557776629924774, + -0.01645117625594139, + 0.18224117159843445, + 0.043854985386133194, + 0.019029270857572556, + -0.21133509278297424, + 2.4726643562316895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/146.png", + [ + 0.21397897601127625, + 0.01338464580476284, + 0.03133281692862511, + -0.3627891540527344, + 0.01506046112626791, + -0.2158890962600708, + -0.010628562420606613, + 0.11067764461040497, + 0.030562665313482285, + 0.012674190104007721, + -0.21413357555866241, + 2.4791078567504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/119.png", + [ + 0.20579135417938232, + 0.013066058047115803, + 0.06653639674186707, + -0.7592647671699524, + 0.01946117915213108, + -0.2150501161813736, + -0.017961379140615463, + 0.2023308426141739, + 0.06495440751314163, + 0.023035338148474693, + -0.20542198419570923, + 2.388338088989258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/180.png", + [ + 0.20775993168354034, + 0.00512733543291688, + -0.06129777431488037, + 0.7014148831367493, + 0.0007172991754487157, + -0.21610784530639648, + -0.015645448118448257, + 0.17172160744667053, + -0.06150766462087631, + 0.014798818156123161, + -0.20723342895507812, + 2.397275447845459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/145.png", + [ + 0.21202291548252106, + 0.012942950241267681, + 0.042739398777484894, + -0.49551379680633545, + 0.016212379559874535, + -0.21553505957126617, + -0.015155480243265629, + 0.1634308099746704, + 0.04160931333899498, + 0.018028028309345245, + -0.2118762582540512, + 2.4614014625549316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/204.png", + [ + 0.21480073034763336, + 0.006099218036979437, + -0.027773072943091393, + 0.3123781085014343, + 0.005372972227632999, + -0.21652500331401825, + -0.005995552986860275, + 0.05981991067528725, + -0.02792266570031643, + 0.005255000665783882, + -0.21480362117290497, + 2.4624366760253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/207.png", + [ + 0.21532845497131348, + 0.005561446771025658, + -0.02346520870923996, + 0.26476216316223145, + 0.004533007275313139, + -0.21641020476818085, + -0.009693863801658154, + 0.10037508606910706, + -0.023685386404395103, + 0.009142727591097355, + -0.21518205106258392, + 2.4638290405273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/167.png", + [ + 0.207170307636261, + -0.002434129361063242, + -0.06342267245054245, + 0.7214273810386658, + -0.0038632629439234734, + -0.21659739315509796, + -0.004306461662054062, + 0.042110081762075424, + -0.06335168331861496, + 0.00524837477132678, + -0.20713981986045837, + 2.3973965644836426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/189.png", + [ + 0.21318784356117249, + 0.011335101909935474, + -0.03701832890510559, + 0.4153485894203186, + 0.009008706547319889, + -0.21601684391498566, + -0.014263919554650784, + 0.15192671120166779, + -0.0376521572470665, + 0.012495264410972595, + -0.21301192045211792, + 2.44757080078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/79.png", + [ + 0.21145516633987427, + 0.01075712125748396, + 0.04603135958313942, + -0.524276614189148, + 0.014309415593743324, + -0.21565699577331543, + -0.015336326323449612, + 0.17024868726730347, + 0.04505377262830734, + 0.01800685189664364, + -0.2111724466085434, + 2.4748635292053223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/176.png", + [ + 0.20258717238903046, + 0.004897450562566519, + -0.07669644057750702, + 0.8749872446060181, + -0.0012946242932230234, + -0.21598605811595917, + -0.01721142791211605, + 0.19194069504737854, + -0.07684173434972763, + 0.016550658270716667, + -0.20191413164138794, + 2.3311986923217773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/185.png", + [ + 0.2121000587940216, + 0.011076139286160469, + -0.04288104549050331, + 0.48237255215644836, + 0.008617416955530643, + -0.21610073745250702, + -0.013194812461733818, + 0.14141811430454254, + -0.04344196990132332, + 0.011210802011191845, + -0.21197879314422607, + 2.449362277984619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/165.png", + [ + 0.2078971564769745, + -0.0033813246991485357, + -0.06095273047685623, + 0.6929685473442078, + -0.0047643911093473434, + -0.2165808081626892, + -0.00423562852665782, + 0.04025769606232643, + -0.060860250145196915, + 0.005404314491897821, + -0.20788149535655975, + 2.4113287925720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/116.png", + [ + 0.2054554969072342, + 0.010134014301002026, + 0.06806790083646774, + -0.7751770615577698, + 0.01682521216571331, + -0.21520555019378662, + -0.018745047971606255, + 0.21114586293697357, + 0.06672967970371246, + 0.023060057312250137, + -0.20484940707683563, + 2.380317211151123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/19.png", + [ + 0.2100619226694107, + 0.02194409817457199, + 0.048377010971307755, + -0.5651383996009827, + 0.025924401357769966, + -0.21457801759243011, + -0.015234696678817272, + 0.1759720891714096, + 0.046365976333618164, + 0.02055789902806282, + -0.2106548398733139, + 2.508734703063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/77.png", + [ + 0.21045391261577606, + 0.010442523285746574, + 0.05047769844532013, + -0.5868276953697205, + 0.014304750598967075, + -0.21567945182323456, + -0.015021538361907005, + 0.16694296896457672, + 0.04952189698815346, + 0.01792278327047825, + -0.21017670631408691, + 2.466000556945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/68.png", + [ + 0.21575473248958588, + 0.017612773925065994, + -0.009357975795865059, + 0.11521713435649872, + 0.016770120710134506, + -0.21523532271385193, + -0.01845034398138523, + 0.19845587015151978, + -0.010795582085847855, + 0.017647728323936462, + -0.21568475663661957, + 2.5255913734436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/143.png", + [ + 0.21019341051578522, + 0.01554553396999836, + 0.050248995423316956, + -0.5780594348907471, + 0.019868740811944008, + -0.2151254266500473, + -0.016558317467570305, + 0.1750854104757309, + 0.04870172590017319, + 0.020670779049396515, + -0.21011604368686676, + 2.4352827072143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/183.png", + [ + 0.2114221304655075, + 0.01009498443454504, + -0.046332117170095444, + 0.520923912525177, + 0.007498409133404493, + -0.21616137027740479, + -0.012881261296570301, + 0.13688924908638, + -0.04682251438498497, + 0.01096559688448906, + -0.21127068996429443, + 2.4413814544677734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/86.png", + [ + 0.20940040051937103, + 0.013930894434452057, + 0.05390085652470589, + -0.6246285438537598, + 0.017094625160098076, + -0.21573635935783386, + -0.010653275065124035, + 0.11613403260707855, + 0.05298250541090965, + 0.014548149891197681, + -0.20959270000457764, + 2.4623708724975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/1.png", + [ + 0.2137666940689087, + 0.034098248928785324, + 0.009433936327695847, + -0.11009262502193451, + 0.03449278697371483, + -0.21371705830097198, + -0.009119403548538685, + 0.1023612916469574, + 0.007870037108659744, + 0.010498818941414356, + -0.21627697348594666, + 2.656813144683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/81.png", + [ + 0.211651012301445, + 0.009409761987626553, + 0.04542244225740433, + -0.5147615075111389, + 0.012952436693012714, + -0.21571914851665497, + -0.015664733946323395, + 0.17342320084571838, + 0.0445418506860733, + 0.018016822636127472, + -0.21128018200397491, + 2.4754714965820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/95.png", + [ + 0.2104063183069229, + 0.012366184033453465, + 0.0502409003674984, + -0.5752658843994141, + 0.015085139311850071, + -0.2159159928560257, + -0.010030707344412804, + 0.11041952669620514, + 0.04949251562356949, + 0.013238352723419666, + -0.2105305939912796, + 2.4586095809936523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/200.png", + [ + 0.21425309777259827, + 0.006030706223100424, + -0.03173549100756645, + 0.3572298288345337, + 0.004811910446733236, + -0.2164485901594162, + -0.008645571768283844, + 0.09277859330177307, + -0.03194301575422287, + 0.00784416776150465, + -0.21416349709033966, + 2.4616317749023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/199.png", + [ + 0.21399308741092682, + 0.006982292979955673, + -0.033258117735385895, + 0.3752731382846832, + 0.005559105426073074, + -0.2163877785205841, + -0.00965998787432909, + 0.1030539721250534, + -0.03352538123726845, + 0.008687151595950127, + -0.21388894319534302, + 2.4608492851257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/103.png", + [ + 0.21046312153339386, + 0.012359845452010632, + 0.050004053860902786, + -0.5625971555709839, + 0.015599868260324001, + -0.21576043963432312, + -0.01232762262225151, + 0.13233722746372223, + 0.04908987507224083, + 0.015574350953102112, + -0.21046499907970428, + 2.448726177215576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/196.png", + [ + 0.21354728937149048, + 0.009194646961987019, + -0.03550926595926285, + 0.4031814932823181, + 0.007102760951966047, + -0.2161521464586258, + -0.013254784047603607, + 0.14394012093544006, + -0.03598611056804657, + 0.011899451725184917, + -0.21333375573158264, + 2.462157726287842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/150.png", + [ + 0.2160586416721344, + -0.0027182528283447027, + -0.01609855517745018, + 0.18973900377750397, + -0.003745223395526409, + -0.2162049412727356, + -0.013758267275989056, + 0.14527803659439087, + -0.015891058370471, + 0.01399741880595684, + -0.21563728153705597, + 2.494936466217041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/83.png", + [ + 0.21042881906032562, + 0.009803825058043003, + 0.05070984363555908, + -0.582251787185669, + 0.013628469780087471, + -0.21573545038700104, + -0.01484505645930767, + 0.16247902810573578, + 0.04981834813952446, + 0.017606699839234352, + -0.210133358836174, + 2.4622793197631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/142.png", + [ + 0.21030311286449432, + 0.01641257107257843, + 0.049508802592754364, + -0.5659160017967224, + 0.020618891343474388, + -0.21507564187049866, + -0.016285443678498268, + 0.17315907776355743, + 0.04790986701846123, + 0.02051784284412861, + -0.21031299233436584, + 2.4383883476257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/186.png", + [ + 0.21202440559864044, + 0.012288120575249195, + -0.04292494058609009, + 0.4848212003707886, + 0.00953330472111702, + -0.2159627228975296, + -0.014734627678990364, + 0.15940551459789276, + -0.043619539588689804, + 0.012529775500297546, + -0.21186843514442444, + 2.4456920623779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/195.png", + [ + 0.2136482298374176, + 0.009455670602619648, + -0.03482693061232567, + 0.39670830965042114, + 0.007371940184384584, + -0.21613065898418427, + -0.013456777669489384, + 0.14586499333381653, + -0.035326749086380005, + 0.012083901092410088, + -0.21343357861042023, + 2.4631800651550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/51.png", + [ + 0.20962025225162506, + 0.021612081676721573, + -0.05039998143911362, + 0.578859269618988, + 0.014356281608343124, + -0.21382033824920654, + -0.03197889029979706, + 0.3568066656589508, + -0.052925772964954376, + 0.027598373591899872, + -0.20829086005687714, + 2.4133191108703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/128.png", + [ + 0.20653317868709564, + 0.01311393454670906, + 0.0641869604587555, + -0.7316373586654663, + 0.01746192015707493, + -0.21562881767749786, + -0.012132116593420506, + 0.13505248725414276, + 0.06314286589622498, + 0.016737133264541626, + -0.20659318566322327, + 2.4001731872558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/168.png", + [ + 0.2069482058286667, + -0.0011342575307935476, + -0.06417987495660782, + 0.7308223247528076, + -0.0037663611583411694, + -0.21648211777210236, + -0.008318732492625713, + 0.08821253478527069, + -0.06407929956912994, + 0.009060918353497982, + -0.20678403973579407, + 2.3941879272460938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1L2d-mQA-Gc+P0+C0+F5084-5295/93.png", + [ + 0.21063852310180664, + 0.010423491708934307, + 0.049705762416124344, + -0.5680603981018066, + 0.012666186317801476, + -0.21614287793636322, + -0.008349601179361343, + 0.09136082231998444, + 0.04918210953474045, + 0.0110226571559906, + -0.2107309103012085, + 2.4686641693115234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/76.png", + [ + 0.19231541454792023, + -0.016108691692352295, + -0.09850475937128067, + 1.1425725221633911, + -0.027676556259393692, + -0.21405558288097382, + -0.019029265269637108, + 0.214431032538414, + -0.09589935094118118, + 0.029472272843122482, + -0.19204841554164886, + 2.289902687072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/48.png", + [ + 0.19004429876804352, + -0.025802528485655785, + -0.10082307457923889, + 1.2055126428604126, + -0.040821924805641174, + -0.21156921982765198, + -0.0228018406778574, + 0.26134932041168213, + -0.09573209285736084, + 0.03899465128779411, + -0.19042761623859406, + 2.3186326026916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/35.png", + [ + 0.18880444765090942, + -0.02022990956902504, + -0.10436247289180756, + 1.2456955909729004, + -0.03754975274205208, + -0.21169428527355194, + -0.026896679773926735, + 0.30554264783859253, + -0.09945245832204819, + 0.041523080319166183, + -0.18797056376934052, + 2.3033695220947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/97.png", + [ + 0.19202497601509094, + -0.013192654587328434, + -0.09950004518032074, + 1.1444816589355469, + -0.030906209722161293, + -0.21213018894195557, + -0.03151962533593178, + 0.3516849875450134, + -0.09549403935670853, + 0.04212640970945358, + -0.18987931311130524, + 2.2509217262268066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/13.png", + [ + 0.1812206208705902, + -0.025241518393158913, + -0.11605966091156006, + 1.3446507453918457, + -0.03547859191894531, + -0.2135627567768097, + -0.00895060133188963, + 0.09131269156932831, + -0.11335013061761856, + 0.026489797979593277, + -0.18275101482868195, + 2.1785502433776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/32.png", + [ + 0.18939736485481262, + -0.022172315046191216, + -0.10288306325674057, + 1.2269198894500732, + -0.03860915079712868, + -0.21168190240859985, + -0.0254560187458992, + 0.2907588481903076, + -0.09790746122598648, + 0.040584031492471695, + -0.18898403644561768, + 2.316183567047119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/38.png", + [ + 0.18937981128692627, + -0.0209690909832716, + -0.10316722840070724, + 1.2359741926193237, + -0.03755965828895569, + -0.21181751787662506, + -0.025894073769450188, + 0.2975336015224457, + -0.09834863990545273, + 0.040515776723623276, + -0.18876947462558746, + 2.3161864280700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/111.png", + [ + 0.18803074955940247, + -0.04330157861113548, + -0.09857641160488129, + 1.165693759918213, + -0.05617416650056839, + -0.20869307219982147, + -0.015477646142244339, + 0.17042604088783264, + -0.09185204654932022, + 0.03898805007338524, + -0.1923305094242096, + 2.3350396156311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/11.png", + [ + 0.17941740155220032, + -0.03054617904126644, + -0.11757645756006241, + 1.3605600595474243, + -0.04183140769600868, + -0.21242238581180573, + -0.008646193891763687, + 0.09185135364532471, + -0.11405010521411896, + 0.029858900234103203, + -0.18179360032081604, + 2.168179988861084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/59.png", + [ + 0.18861784040927887, + -0.00014481217658612877, + -0.10663572698831558, + 1.23648202419281, + -0.025328462943434715, + -0.2105344533920288, + -0.0445152185857296, + 0.5158340334892273, + -0.10358411073684692, + 0.051216352730989456, + -0.18328969180583954, + 2.1769237518310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/105.png", + [ + 0.18780048191547394, + -0.020935121923685074, + -0.10602166503667831, + 1.2357007265090942, + -0.03697545453906059, + -0.21218831837177277, + -0.02359725534915924, + 0.26721441745758057, + -0.10154648870229721, + 0.038545235991477966, + -0.18748459219932556, + 2.2391152381896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/24.png", + [ + 0.19058524072170258, + -0.02442885749042034, + -0.10014186054468155, + 1.1856187582015991, + -0.036172717809677124, + -0.21296507120132446, + -0.016890963539481163, + 0.19752037525177002, + -0.09652303159236908, + 0.03157532215118408, + -0.19140061736106873, + 2.313143253326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/74.png", + [ + 0.19281262159347534, + -0.014469741843640804, + -0.09778451919555664, + 1.129034399986267, + -0.027590150013566017, + -0.21370013058185577, + -0.022780127823352814, + 0.25511330366134644, + -0.09492085129022598, + 0.03272273391485214, + -0.19200819730758667, + 2.283881664276123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/98.png", + [ + 0.1912224441766739, + -0.014447790570557117, + -0.10086192935705185, + 1.1635726690292358, + -0.03262088820338249, + -0.21187686920166016, + -0.03149547055363655, + 0.35574960708618164, + -0.09652846306562424, + 0.04298079013824463, + -0.1891634315252304, + 2.247152805328369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/0.png", + [ + 0.11023811995983124, + -0.023227745667099953, + -0.1850835680961609, + 2.1473731994628906, + -0.04161759093403816, + -0.21263179183006287, + 0.001897044014185667, + -0.03132971376180649, + -0.18183350563049316, + 0.03458459675312042, + -0.11264268308877945, + 1.3577862977981567, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/96.png", + [ + 0.19221709668636322, + -0.014248496852815151, + -0.09898214787244797, + 1.1361925601959229, + -0.03079148381948471, + -0.21247731149196625, + -0.029208973050117493, + 0.3224348723888397, + -0.09514393657445908, + 0.03997823968529701, + -0.19051842391490936, + 2.255136013031006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/100.png", + [ + 0.18962208926677704, + -0.014265958219766617, + -0.10386453568935394, + 1.2020878791809082, + -0.031796373426914215, + -0.21237432956695557, + -0.028879651799798012, + 0.3267587721347809, + -0.0999017134308815, + 0.040515750646591187, + -0.1879521757364273, + 2.233461856842041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/40.png", + [ + 0.1891678273677826, + -0.02440030872821808, + -0.10280103236436844, + 1.2345279455184937, + -0.0405532531440258, + -0.21143825352191925, + -0.024437611922621727, + 0.2847580313682556, + -0.09756465256214142, + 0.04057570919394493, + -0.1891629993915558, + 2.326420783996582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/52.png", + [ + 0.19136962294578552, + -0.020462188869714737, + -0.09953320771455765, + 1.1776793003082275, + -0.032154813408851624, + -0.2135242372751236, + -0.01792648620903492, + 0.18515032529830933, + -0.09639309346675873, + 0.030603749677538872, + -0.1916237771511078, + 2.336998462677002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/3.png", + [ + 0.12105502188205719, + -0.026147866621613503, + -0.17779162526130676, + 2.044111967086792, + -0.04049631208181381, + -0.2128240019083023, + 0.0037268984597176313, + -0.062209732830524445, + -0.1750817745923996, + 0.031146911904215813, + -0.12379070371389389, + 1.4833741188049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/47.png", + [ + 0.1894734501838684, + -0.02598334662616253, + -0.10184578597545624, + 1.21945059299469, + -0.0426052026450634, + -0.2109142690896988, + -0.025453150272369385, + 0.2965742349624634, + -0.09608587622642517, + 0.04228393733501434, + -0.1895454078912735, + 2.308603286743164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/104.png", + [ + 0.18831153213977814, + -0.0187289509922266, + -0.10552670061588287, + 1.228246808052063, + -0.03451456129550934, + -0.21257276833057404, + -0.023863395676016808, + 0.2696344554424286, + -0.10146626085042953, + 0.0375492088496685, + -0.18772998452186584, + 2.2389016151428223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/21.png", + [ + 0.18964286148548126, + -0.0213547982275486, + -0.10260341316461563, + 1.2078973054885864, + -0.028582824394106865, + -0.2146260291337967, + -0.008159887976944447, + 0.08528308570384979, + -0.1008291020989418, + 0.020676899701356888, + -0.19066683948040009, + 2.2976903915405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/82.png", + [ + 0.19442085921764374, + -0.018586255609989166, + -0.09382417798042297, + 1.097883939743042, + -0.026252659037709236, + -0.21475116908550262, + -0.011858820915222168, + 0.12517128884792328, + -0.09197404980659485, + 0.0220087431371212, + -0.19494688510894775, + 2.333285331726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/106.png", + [ + 0.18718458712100983, + -0.02497217245399952, + -0.10623659193515778, + 1.2400354146957397, + -0.04075676202774048, + -0.21166060864925385, + -0.022058429196476936, + 0.25028854608535767, + -0.10123591870069504, + 0.039039451628923416, + -0.18755026161670685, + 2.242990016937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/14.png", + [ + 0.18170049786567688, + -0.02363446168601513, + -0.11564702540636063, + 1.3397175073623657, + -0.0319526307284832, + -0.21420933306217194, + -0.006425466388463974, + 0.05772792175412178, + -0.11363034695386887, + 0.02244257740676403, + -0.18311847746372223, + 2.1804022789001465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/67.png", + [ + 0.1914292275905609, + -0.008133228868246078, + -0.10117601603269577, + 1.1620672941207886, + -0.026282627135515213, + -0.21258367598056793, + -0.032638877630233765, + 0.3611433804035187, + -0.09804060310125351, + 0.04110867902636528, + -0.18880151212215424, + 2.2253661155700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/78.png", + [ + 0.19290785491466522, + -0.014609919860959053, + -0.09757561981678009, + 1.1386265754699707, + -0.023951858282089233, + -0.2148103415966034, + -0.015189660713076591, + 0.16546756029129028, + -0.095711849629879, + 0.024309823289513588, + -0.1928630918264389, + 2.305391311645508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/31.png", + [ + 0.18964143097400665, + -0.023213090375065804, + -0.10220164060592651, + 1.2192329168319702, + -0.03933994099497795, + -0.211609348654747, + -0.02493477798998356, + 0.2871077358722687, + -0.0971410870552063, + 0.04037977755069733, + -0.18942274153232574, + 2.3186559677124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/39.png", + [ + 0.18939583003520966, + -0.02238835208117962, + -0.10283907502889633, + 1.2329550981521606, + -0.03899760916829109, + -0.21157382428646088, + -0.025760596618056297, + 0.29811331629753113, + -0.09775633364915848, + 0.04102662205696106, + -0.18896670639514923, + 2.3214030265808105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/92.png", + [ + 0.19399501383304596, + -0.013031388632953167, + -0.09562430530786514, + 1.0938379764556885, + -0.02611018903553486, + -0.21377065777778625, + -0.023838268592953682, + 0.25576722621917725, + -0.09290900081396103, + 0.032866209745407104, + -0.1929653435945511, + 2.273489475250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/53.png", + [ + 0.18996281921863556, + -0.017441630363464355, + -0.10275121033191681, + 1.2108464241027832, + -0.030600469559431076, + -0.21353775262832642, + -0.02032584510743618, + 0.21187317371368408, + -0.09962747991085052, + 0.03233138099312782, + -0.18967589735984802, + 2.304539680480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/75.png", + [ + 0.1928957998752594, + -0.015547518618404865, + -0.0974544882774353, + 1.1272807121276855, + -0.027876757085323334, + -0.2138390690088272, + -0.021062569692730904, + 0.2368430197238922, + -0.09466779232025146, + 0.031289294362068176, + -0.19237174093723297, + 2.2911911010742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/87.png", + [ + 0.19485542178153992, + -0.013500448316335678, + -0.09379233419895172, + 1.0775418281555176, + -0.024205610156059265, + -0.21444068849086761, + -0.019421080127358437, + 0.20983150601387024, + -0.09161524474620819, + 0.02794329635798931, + -0.19435462355613708, + 2.291398048400879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/107.png", + [ + 0.18720701336860657, + -0.03015052154660225, + -0.10484454780817032, + 1.2258654832839966, + -0.045629777014255524, + -0.21078602969646454, + -0.020858557894825935, + 0.23745957016944885, + -0.09909267723560333, + 0.040101148188114166, + -0.18846867978572845, + 2.2609152793884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/112.png", + [ + 0.1881021410226822, + -0.04398147761821747, + -0.0981382206082344, + 1.1688261032104492, + -0.05531855300068855, + -0.2091323435306549, + -0.01230496633797884, + 0.12701334059238434, + -0.09222438931465149, + 0.03573770448565483, + -0.19278323650360107, + 2.3541030883789062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/69.png", + [ + 0.19043263792991638, + -0.009946062229573727, + -0.10288041830062866, + 1.1812833547592163, + -0.02741570957005024, + -0.2128046602010727, + -0.0301736481487751, + 0.332158625125885, + -0.0996578261256218, + 0.03953664004802704, + -0.1882898360490799, + 2.222019672393799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/45.png", + [ + 0.18858566880226135, + -0.02348845638334751, + -0.10407509654760361, + 1.2467669248580933, + -0.040129154920578, + -0.2114543616771698, + -0.024992022663354874, + 0.2919885814189911, + -0.09885840862989426, + 0.04102734476327896, + -0.18839231133460999, + 2.302311897277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/50.png", + [ + 0.19145822525024414, + -0.023835439234972, + -0.0986078605055809, + 1.1726043224334717, + -0.03617611899971962, + -0.2128043919801712, + -0.018801042810082436, + 0.20326077938079834, + -0.09477829933166504, + 0.03307662159204483, + -0.19201798737049103, + 2.340912342071533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/101.png", + [ + 0.1895381063222885, + -0.014480290934443474, + -0.10398806631565094, + 1.2062827348709106, + -0.03135129436850548, + -0.21261872351169586, + -0.027536654844880104, + 0.31178194284439087, + -0.10020126402378082, + 0.03913428261876106, + -0.18808536231517792, + 2.2372217178344727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/85.png", + [ + 0.1955638825893402, + -0.01444312371313572, + -0.09216319024562836, + 1.0680594444274902, + -0.02381945587694645, + -0.2146974802017212, + -0.016897449269890785, + 0.18319033086299896, + -0.09019584953784943, + 0.025382796302437782, + -0.19536714255809784, + 2.3209176063537598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/71.png", + [ + 0.19114728271961212, + -0.011499403044581413, + -0.10138233751058578, + 1.166601300239563, + -0.028153197839856148, + -0.21288050711154938, + -0.028934117406606674, + 0.31799837946891785, + -0.09807146340608597, + 0.03869818150997162, + -0.18929430842399597, + 2.238565444946289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/54.png", + [ + 0.18965493142604828, + -0.013762986287474632, + -0.1038724035024643, + 1.2182581424713135, + -0.028003348037600517, + -0.21364186704158783, + -0.02282245270907879, + 0.238532155752182, + -0.1009688600897789, + 0.03340107947587967, + -0.18877911567687988, + 2.2840018272399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/33.png", + [ + 0.18921534717082977, + -0.021571757271885872, + -0.1033446192741394, + 1.2324920892715454, + -0.03808850795030594, + -0.21176686882972717, + -0.025533469393849373, + 0.2890065610408783, + -0.09846175462007523, + 0.04046420007944107, + -0.18872155249118805, + 2.313324451446533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/49.png", + [ + 0.1907653957605362, + -0.02529917098581791, + -0.09958120435476303, + 1.1872258186340332, + -0.038894955068826675, + -0.2121562659740448, + -0.02061065472662449, + 0.23105216026306152, + -0.09509807825088501, + 0.03602178394794464, + -0.1913287192583084, + 2.3312768936157227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/110.png", + [ + 0.18794545531272888, + -0.04149705544114113, + -0.09951076656579971, + 1.172627329826355, + -0.05603137984871864, + -0.20844940841197968, + -0.018900541588664055, + 0.21459263563156128, + -0.0921134278178215, + 0.04212766885757446, + -0.19154182076454163, + 2.3157854080200195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/18.png", + [ + 0.18496549129486084, + -0.02309391088783741, + -0.1104641929268837, + 1.2843798398971558, + -0.02801773138344288, + -0.21484623849391937, + -0.0019976880867034197, + 0.0022744573652744293, + -0.10931913554668427, + 0.01598922535777092, + -0.18639089167118073, + 2.227158546447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/66.png", + [ + 0.19074366986751556, + -0.00686380360275507, + -0.10255555808544159, + 1.1796541213989258, + -0.02590048499405384, + -0.21242432296276093, + -0.033955395221710205, + 0.378038227558136, + -0.0994681715965271, + 0.0421508252620697, + -0.18782249093055725, + 2.21720027923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/16.png", + [ + 0.18174384534358978, + -0.021876243874430656, + -0.11592453718185425, + 1.3416179418563843, + -0.02697565034031868, + -0.21498195827007294, + -0.0017223380273208022, + -0.002697328105568886, + -0.11484503000974655, + 0.015877097845077515, + -0.18304762244224548, + 2.1778759956359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/94.png", + [ + 0.19162625074386597, + -0.013574225828051567, + -0.10021485388278961, + 1.1485432386398315, + -0.02914435788989067, + -0.21301698684692383, + -0.026875099167227745, + 0.2926141023635864, + -0.09683945775032043, + 0.03724788501858711, + -0.1902172714471817, + 2.248180389404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/28.png", + [ + 0.19027858972549438, + -0.02586015686392784, + -0.10036532580852509, + 1.1968576908111572, + -0.04212065041065216, + -0.21100755035877228, + -0.025486597791314125, + 0.30117571353912354, + -0.0946984514594078, + 0.04189233481884003, + -0.19032900035381317, + 2.3179636001586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/61.png", + [ + 0.1877019852399826, + -0.001091575832106173, + -0.10823430866003036, + 1.250362753868103, + -0.026217028498649597, + -0.2106705605983734, + -0.043341394513845444, + 0.4977703392505646, + -0.1050167828798294, + 0.05064205080270767, + -0.18263283371925354, + 2.1661691665649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/58.png", + [ + 0.1872451901435852, + -0.0004821665643248707, + -0.10902704298496246, + 1.2682037353515625, + -0.024431966245174408, + -0.2113478183746338, + -0.04102526977658272, + 0.4747679531574249, + -0.10625539720058441, + 0.04774684086441994, + -0.18269626796245575, + 2.1769375801086426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/64.png", + [ + 0.190705806016922, + -0.004990970250219107, + -0.10273399949073792, + 1.1838274002075195, + -0.025802671909332275, + -0.21182025969028473, + -0.03760713338851929, + 0.42331865429878235, + -0.09956609457731247, + 0.045333921909332275, + -0.18702758848667145, + 2.212094783782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/10.png", + [ + 0.17726238071918488, + -0.029787305742502213, + -0.1209903359413147, + 1.3967998027801514, + -0.040878064930438995, + -0.2126501202583313, + -0.007536707911640406, + 0.077822744846344, + -0.11770696192979813, + 0.028991976752877235, + -0.1795896291732788, + 2.1379623413085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/41.png", + [ + 0.19031797349452972, + -0.02523709274828434, + -0.10044926404953003, + 1.2066068649291992, + -0.041150618344545364, + -0.21127037703990936, + -0.024886714294552803, + 0.2924134135246277, + -0.09504520893096924, + 0.0409366674721241, + -0.19036410748958588, + 2.341775417327881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/91.png", + [ + 0.1937691867351532, + -0.012479795143008232, + -0.09615433216094971, + 1.0989922285079956, + -0.02531004138290882, + -0.2139328569173813, + -0.023238344117999077, + 0.2497166097164154, + -0.09359914809465408, + 0.03201364353299141, + -0.19277505576610565, + 2.268880844116211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/23.png", + [ + 0.19078800082206726, + -0.02334645204246044, + -0.10001388192176819, + 1.1818979978561401, + -0.03332973271608353, + -0.21365666389465332, + -0.013705975376069546, + 0.15719306468963623, + -0.09714403748512268, + 0.027453016489744186, + -0.1917218416929245, + 2.314910411834717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/37.png", + [ + 0.18832525610923767, + -0.01944122277200222, + -0.10537327826023102, + 1.2599897384643555, + -0.037062909454107285, + -0.21174483001232147, + -0.027172960340976715, + 0.31074991822242737, + -0.10053770989179611, + 0.041642140597105026, + -0.18736594915390015, + 2.297893524169922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/36.png", + [ + 0.1885349005460739, + -0.01948934607207775, + -0.10498880594968796, + 1.2533998489379883, + -0.03721129149198532, + -0.21167275309562683, + -0.027529260143637657, + 0.313952773809433, + -0.10008899122476578, + 0.041984591633081436, + -0.18752968311309814, + 2.298872470855713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/8.png", + [ + 0.17107737064361572, + -0.029526157304644585, + -0.12964807450771332, + 1.4914755821228027, + -0.040259987115859985, + -0.2128506600856781, + -0.004650374408811331, + 0.03892333433032036, + -0.12672629952430725, + 0.027761461213231087, + -0.17354434728622437, + 2.062739372253418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/6.png", + [ + 0.16283272206783295, + -0.030783342197537422, + -0.13959148526191711, + 1.596642017364502, + -0.04161569103598595, + -0.21263419091701508, + -0.0016534333117306232, + -0.0008343718945980072, + -0.13675355911254883, + 0.02805326133966446, + -0.16570870578289032, + 1.9643789529800415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/20.png", + [ + 0.1882176548242569, + -0.022585414350032806, + -0.10493768006563187, + 1.2305457592010498, + -0.02895568683743477, + -0.21465453505516052, + -0.005735874641686678, + 0.05408961698412895, + -0.10336142033338547, + 0.01900608092546463, + -0.18948107957839966, + 2.276493549346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/2.png", + [ + 0.10956588387489319, + -0.025243880227208138, + -0.1852186769247055, + 2.139633893966675, + -0.041322384029626846, + -0.2126493752002716, + 0.004538269247859716, + -0.06733830273151398, + -0.18230651319026947, + 0.033028494566679, + -0.11234474927186966, + 1.3543154001235962, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/5.png", + [ + 0.15188857913017273, + -0.03129015862941742, + -0.1513230949640274, + 1.7310512065887451, + -0.044022027403116226, + -0.2121552675962448, + -0.0003176674945279956, + -0.017348121851682663, + -0.1481209397315979, + 0.030967166647315025, + -0.1550777554512024, + 1.8398995399475098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/108.png", + [ + 0.18719124794006348, + -0.03535648435354233, + -0.10323397070169449, + 1.2075897455215454, + -0.0510890893638134, + -0.2095278799533844, + -0.020877428352832794, + 0.23967626690864563, + -0.09642218053340912, + 0.042377833276987076, + -0.1893535703420639, + 2.2743940353393555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/60.png", + [ + 0.18777397274971008, + -0.0008905993308871984, + -0.10811123251914978, + 1.249670386314392, + -0.02654481865465641, + -0.21041499078273773, + -0.04437125474214554, + 0.5133132934570312, + -0.10480555146932602, + 0.05169760808348656, + -0.18245834112167358, + 2.1656880378723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/56.png", + [ + 0.18901348114013672, + -0.005133145488798618, + -0.10580851882696152, + 1.2345733642578125, + -0.02366357110440731, + -0.21299728751182556, + -0.031938716769218445, + 0.3549845516681671, + -0.10325612127780914, + 0.03941696509718895, + -0.1863662302494049, + 2.234170436859131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/30.png", + [ + 0.19020161032676697, + -0.02422068826854229, + -0.10091880708932877, + 1.2038283348083496, + -0.04070490598678589, + -0.21121977269649506, + -0.026023397222161293, + 0.30359360575675964, + -0.0954691469669342, + 0.04180268943309784, + -0.18996334075927734, + 2.3217592239379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/17.png", + [ + 0.18433494865894318, + -0.023196520283818245, + -0.11149193346500397, + 1.2910887002944946, + -0.027540873736143112, + -0.21491561830043793, + -0.0008202398312278092, + -0.013295307755470276, + -0.11049899458885193, + 0.014869224280118942, + -0.1857869178056717, + 2.211636543273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/12.png", + [ + 0.18099328875541687, + -0.027667729184031487, + -0.11586122214794159, + 1.3420177698135376, + -0.038282398134469986, + -0.2130793035030365, + -0.00891960971057415, + 0.09373083710670471, + -0.1127997413277626, + 0.027921289205551147, + -0.18287840485572815, + 2.181056022644043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/114.png", + [ + 0.18928849697113037, + -0.04529164731502533, + -0.095217764377594, + 1.1446452140808105, + -0.05408540368080139, + -0.2096712589263916, + -0.00778623204678297, + 0.058571334928274155, + -0.09051256626844406, + 0.03056996315717697, + -0.19447581470012665, + 2.3970556259155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/27.png", + [ + 0.18983039259910583, + -0.02633053995668888, + -0.10108916461467743, + 1.2043038606643677, + -0.041852645576000214, + -0.2112845927476883, + -0.023560060188174248, + 0.27799639105796814, + -0.09571140259504318, + 0.040167436003685, + -0.19019410014152527, + 2.3123135566711426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/42.png", + [ + 0.18931111693382263, + -0.02377839758992195, + -0.1026829406619072, + 1.2338486909866333, + -0.04110042378306389, + -0.21103255450725555, + -0.026905644685029984, + 0.3184089958667755, + -0.09705644845962524, + 0.04298542067408562, + -0.18889202177524567, + 2.320807933807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/7.png", + [ + 0.16830964386463165, + -0.030674293637275696, + -0.13296180963516235, + 1.5266361236572266, + -0.041980378329753876, + -0.21252916753292084, + -0.004110364243388176, + 0.02846900373697281, + -0.1298360526561737, + 0.028954017907381058, + -0.1710326075553894, + 2.034792423248291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/73.png", + [ + 0.19296260178089142, + -0.013572433032095432, + -0.09761717170476913, + 1.12588632106781, + -0.027699721977114677, + -0.21342821419239044, + -0.025080334395170212, + 0.2784961760044098, + -0.09458354860544205, + 0.03481503948569298, + -0.19180656969547272, + 2.2757296562194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/46.png", + [ + 0.18925398588180542, + -0.024672672152519226, + -0.10257723182439804, + 1.2282328605651855, + -0.04132188484072685, + -0.2111702859401703, + -0.025446143001317978, + 0.29686740040779114, + -0.09707384556531906, + 0.04178831726312637, + -0.18915152549743652, + 2.3070197105407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/57.png", + [ + 0.186976358294487, + -0.0029026116244494915, + -0.10945003479719162, + 1.2746812105178833, + -0.024618390947580338, + -0.2121667116880417, + -0.03642958775162697, + 0.4163888096809387, + -0.10668490827083588, + 0.04387202486395836, + -0.18341612815856934, + 2.192051887512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/44.png", + [ + 0.1879720836877823, + -0.023750578984618187, + -0.10512037575244904, + 1.2593379020690918, + -0.041290003806352615, + -0.2110917866230011, + -0.02613970823585987, + 0.30821335315704346, + -0.09954656660556793, + 0.042709000408649445, + -0.1876547634601593, + 2.2974863052368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/113.png", + [ + 0.1886463463306427, + -0.045093782246112823, + -0.09657642990350723, + 1.1552926301956177, + -0.05495969206094742, + -0.20936870574951172, + -0.009595685638487339, + 0.08895595371723175, + -0.09132298827171326, + 0.03285111114382744, + -0.19372352957725525, + 2.3769326210021973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/29.png", + [ + 0.19021190702915192, + -0.025452077388763428, + -0.10059578716754913, + 1.20071280002594, + -0.042277704924345016, + -0.2108391523361206, + -0.0265958309173584, + 0.3136408030986786, + -0.094762422144413, + 0.04297596961259842, + -0.19005537033081055, + 2.318812370300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/4.png", + [ + 0.14159677922725677, + -0.030620723962783813, + -0.16112299263477325, + 1.8422341346740723, + -0.044015008956193924, + -0.21215064823627472, + 0.0016373979160562158, + -0.03852207958698273, + -0.15799027681350708, + 0.0316602848470211, + -0.14486058056354523, + 1.7195993661880493, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/55.png", + [ + 0.18948234617710114, + -0.009319720789790154, + -0.1046779528260231, + 1.2248859405517578, + -0.025475449860095978, + -0.21345718204975128, + -0.027109690010547638, + 0.2922206521034241, + -0.10195750743150711, + 0.036014948040246964, + -0.18776445090770721, + 2.263150691986084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/9.png", + [ + 0.17555807530879974, + -0.02947983518242836, + -0.12352406978607178, + 1.422338843345642, + -0.04037508741021156, + -0.212777242064476, + -0.006602227687835693, + 0.06490050256252289, + -0.1204039603471756, + 0.02836681716144085, + -0.1778935194015503, + 2.115346908569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/25.png", + [ + 0.19003278017044067, + -0.025748321786522865, + -0.10085862129926682, + 1.1963469982147217, + -0.03879409655928612, + -0.21233513951301575, + -0.01888659968972206, + 0.22194427251815796, + -0.09659428894519806, + 0.03462238609790802, + -0.19083692133426666, + 2.31057071685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/99.png", + [ + 0.18996848165988922, + -0.01373751275241375, + -0.10330124199390411, + 1.1940714120864868, + -0.03147085756063461, + -0.21231816709041595, + -0.02963901497423649, + 0.3354755640029907, + -0.09934511035680771, + 0.04098983854055405, + -0.18814431130886078, + 2.233461856842041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/34.png", + [ + 0.18882830440998077, + -0.020745716989040375, + -0.10421791672706604, + 1.2437946796417236, + -0.0375949889421463, + -0.21180379390716553, + -0.02595500648021698, + 0.2928819954395294, + -0.09939002245664597, + 0.04070209711790085, + -0.1881830394268036, + 2.3068790435791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/72.png", + [ + 0.19187310338020325, + -0.013052613474428654, + -0.09981099516153336, + 1.1488580703735352, + -0.02845437079668045, + -0.21311594545841217, + -0.026829790323972702, + 0.295720636844635, + -0.0965554416179657, + 0.036866217851638794, + -0.19043587148189545, + 2.25655460357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/102.png", + [ + 0.1903936266899109, + -0.01619882881641388, + -0.10215555131435394, + 1.1859004497528076, + -0.03194451704621315, + -0.21274805068969727, + -0.025801464915275574, + 0.2911137044429779, + -0.0983753427863121, + 0.037732820957899094, + -0.18933150172233582, + 2.2531657218933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/70.png", + [ + 0.190768301486969, + -0.01020647119730711, + -0.1022309735417366, + 1.1752560138702393, + -0.027391579002141953, + -0.21285149455070496, + -0.029863573610782623, + 0.3284713327884674, + -0.09902043640613556, + 0.03921682760119438, + -0.18869256973266602, + 2.229252338409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/90.png", + [ + 0.1942073255777359, + -0.01313658058643341, + -0.09517790377140045, + 1.0859293937683105, + -0.025704892352223396, + -0.21391966938972473, + -0.022924499586224556, + 0.24810394644737244, + -0.09257785975933075, + 0.03183872252702713, + -0.19329647719860077, + 2.2704296112060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/15.png", + [ + 0.18184438347816467, + -0.022642679512500763, + -0.11561930179595947, + 1.3362895250320435, + -0.029353193938732147, + -0.2146373987197876, + -0.00413207383826375, + 0.028265327215194702, + -0.11410042643547058, + 0.019130945205688477, + -0.18320204317569733, + 2.1788272857666016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/22.png", + [ + 0.19094254076480865, + -0.021962381899356842, + -0.10003248602151871, + 1.181815266609192, + -0.030604708939790726, + -0.21419969201087952, + -0.01139035727828741, + 0.12681150436401367, + -0.09773533791303635, + 0.02416696771979332, + -0.19186364114284515, + 2.3145570755004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/109.png", + [ + 0.1866372972726822, + -0.03910326212644577, + -0.10288508236408234, + 1.2080514430999756, + -0.05472039431333542, + -0.2087002396583557, + -0.01994464546442032, + 0.228397935628891, + -0.09549914300441742, + 0.043163001537323, + -0.18964378535747528, + 2.2876663208007812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/26.png", + [ + 0.19005437195301056, + -0.026319237425923347, + -0.10067033767700195, + 1.1966065168380737, + -0.04053858667612076, + -0.21179407835006714, + -0.021160924807190895, + 0.2483673095703125, + -0.09583237022161484, + 0.03739598020911217, + -0.19069764018058777, + 2.312809944152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/43.png", + [ + 0.18868792057037354, + -0.023768367245793343, + -0.10382597148418427, + 1.245344638824463, + -0.04160458594560623, + -0.21087858080863953, + -0.027334613725543022, + 0.3241296708583832, + -0.09805011749267578, + 0.04373999685049057, + -0.18820436298847198, + 2.3089518547058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/84.png", + [ + 0.19546978175640106, + -0.016599245369434357, + -0.09199956804513931, + 1.0721476078033447, + -0.024555785581469536, + -0.21486082673072815, + -0.013406447134912014, + 0.1426338106393814, + -0.09020237624645233, + 0.02252076007425785, + -0.19571471214294434, + 2.3322081565856934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/89.png", + [ + 0.19458045065402985, + -0.012162276543676853, + -0.0945432260632515, + 1.078061580657959, + -0.024310912936925888, + -0.21412880718708038, + -0.022488487884402275, + 0.24354133009910583, + -0.09217007458209991, + 0.03080311417579651, + -0.19365882873535156, + 2.2728700637817383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/63.png", + [ + 0.1898549646139145, + -0.0029116589576005936, + -0.10437674075365067, + 1.2039755582809448, + -0.025543663650751114, + -0.2113046795129776, + -0.04056788980960846, + 0.4602627456188202, + -0.10124476999044418, + 0.047851383686065674, + -0.18549296259880066, + 2.1957836151123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/88.png", + [ + 0.19455352425575256, + -0.01313964556902647, + -0.09446779638528824, + 1.081390619277954, + -0.024072613567113876, + -0.21442542970180511, + -0.019752105697989464, + 0.21276593208312988, + -0.09228935837745667, + 0.0282309427857399, + -0.19399376213550568, + 2.2822518348693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/62.png", + [ + 0.18854734301567078, + -0.0024010837078094482, + -0.10673343390226364, + 1.2315393686294556, + -0.026426056399941444, + -0.21092848479747772, + -0.04193723946809769, + 0.4784766137599945, + -0.10343816876411438, + 0.04951063543558121, + -0.18383996188640594, + 2.178215980529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/65.png", + [ + 0.19072949886322021, + -0.005643462296575308, + -0.10265626758337021, + 1.1825605630874634, + -0.02534244954586029, + -0.21225300431251526, + -0.03541634976863861, + 0.3952029347419739, + -0.0996389389038086, + 0.04318227246403694, + -0.18749737739562988, + 2.2148165702819824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/80.png", + [ + 0.19328299164772034, + -0.017925554886460304, + -0.096271812915802, + 1.1267400979995728, + -0.025175871327519417, + -0.21494968235492706, + -0.010522033087909222, + 0.10881933569908142, + -0.09463489800691605, + 0.020572122186422348, + -0.19382703304290771, + 2.320450782775879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/79.png", + [ + 0.1929856687784195, + -0.01712735928595066, + -0.09701075404882431, + 1.1348377466201782, + -0.024988004937767982, + -0.21490700542926788, + -0.011767112649977207, + 0.12367749214172363, + -0.0952892079949379, + 0.021668385714292526, + -0.193386510014534, + 2.31467342376709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/19.png", + [ + 0.1872829794883728, + -0.023772522807121277, + -0.10633832961320877, + 1.240510106086731, + -0.029173245653510094, + -0.2146749496459961, + -0.003388121724128723, + 0.02265521138906479, + -0.10498521476984024, + 0.017246006056666374, + -0.1887553185224533, + 2.261107921600342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/77.png", + [ + 0.1929570585489273, + -0.014668494462966919, + -0.09746942669153214, + 1.1341596841812134, + -0.024510929360985756, + -0.21467213332653046, + -0.016216786578297615, + 0.17915235459804535, + -0.09547077864408493, + 0.025467729195952415, + -0.19283312559127808, + 2.302013397216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/68.png", + [ + 0.19081251323223114, + -0.00839610118418932, + -0.10231314599514008, + 1.1738085746765137, + -0.026308735832571983, + -0.21273620426654816, + -0.03160768374800682, + 0.348548024892807, + -0.09922865033149719, + 0.04025792330503464, + -0.18836365640163422, + 2.2212281227111816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/86.png", + [ + 0.19569014012813568, + -0.013378793373703957, + -0.0920558050274849, + 1.0610098838806152, + -0.023708004504442215, + -0.21451421082019806, + -0.01922183483839035, + 0.2091158926486969, + -0.0899510607123375, + 0.02743275836110115, + -0.19520282745361328, + 2.308154582977295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/1.png", + [ + 0.10497945547103882, + -0.02260274812579155, + -0.18819226324558258, + 2.1828739643096924, + -0.04038558527827263, + -0.2128559947013855, + 0.0030366454739123583, + -0.04635374993085861, + -0.18519236147403717, + 0.03360554575920105, + -0.10734221339225769, + 1.2988771200180054, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/81.png", + [ + 0.19432947039604187, + -0.018478432670235634, + -0.09403456747531891, + 1.1016000509262085, + -0.025661297142505646, + -0.2148781716823578, + -0.010805971920490265, + 0.11218863725662231, + -0.0923333615064621, + 0.02082831785082817, + -0.19490671157836914, + 2.3330612182617188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/95.png", + [ + 0.1914348155260086, + -0.014160873368382454, + -0.10049914568662643, + 1.1529123783111572, + -0.030365511775016785, + -0.21271857619285583, + -0.027868252247571945, + 0.30622053146362305, + -0.09684287756681442, + 0.03870624676346779, + -0.18992413580417633, + 2.246863842010498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/103.png", + [ + 0.18932420015335083, + -0.016531074419617653, + -0.1040719673037529, + 1.2107046842575073, + -0.03226441517472267, + -0.21280819177627563, + -0.02489129826426506, + 0.2810306251049042, + -0.10031578689813614, + 0.037246380001306534, + -0.18840739130973816, + 2.2459988594055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/83.png", + [ + 0.19534651935100555, + -0.01750202104449272, + -0.09209403395652771, + 1.075051188468933, + -0.024985991418361664, + -0.21488532423973083, + -0.012161478400230408, + 0.12844476103782654, + -0.0903511568903923, + 0.021584268659353256, + -0.19575157761573792, + 2.3357467651367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/51.png", + [ + 0.19279487431049347, + -0.022383013740181923, + -0.096317358314991, + 1.141455888748169, + -0.03366978466510773, + -0.21329890191555023, + -0.017827410250902176, + 0.18718321621418, + -0.09297516196966171, + 0.030829720199108124, + -0.19326935708522797, + 2.3572702407836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/93.png", + [ + 0.19271907210350037, + -0.0129201365634799, + -0.09818515181541443, + 1.1254913806915283, + -0.026745006442070007, + -0.21363060176372528, + -0.024383898824453354, + 0.26293402910232544, + -0.09535176306962967, + 0.03380739688873291, + -0.19160637259483337, + 2.2623867988586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/76.png", + [ + 0.17308148741722107, + -0.010450278408825397, + 0.12992878258228302, + -1.4841772317886353, + 0.021785736083984375, + -0.21062004566192627, + -0.04596167802810669, + 0.5136172771453857, + 0.12851490080356598, + 0.04977836459875107, + -0.16719429194927216, + 1.9647122621536255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/48.png", + [ + 0.15014797449111938, + -0.029348425567150116, + 0.15343450009822845, + -1.7444485425949097, + 0.0009769409662112594, + -0.21263591945171356, + -0.04162827879190445, + 0.45914164185523987, + 0.15621308982372284, + 0.029538752511143684, + -0.14721694588661194, + 1.7392480373382568, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/35.png", + [ + 0.15767541527748108, + -0.047143030911684036, + 0.14093931019306183, + -1.611915946006775, + -0.01947093941271305, + -0.2102659046649933, + -0.048549164086580276, + 0.5437027215957642, + 0.14733374118804932, + 0.022664353251457214, + -0.15724815428256989, + 1.8661969900131226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/97.png", + [ + 0.1595350205898285, + -0.014038847759366035, + 0.1459430605173111, + -1.690028429031372, + 0.00930609367787838, + -0.2142745703458786, + -0.030784720554947853, + 0.34637850522994995, + 0.14632108807563782, + 0.02893463708460331, + -0.15716494619846344, + 1.8845618963241577, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/13.png", + [ + 0.16811254620552063, + -0.017180707305669785, + 0.13561299443244934, + -1.5621271133422852, + 0.007610093802213669, + -0.21344681084156036, + -0.03647525608539581, + 0.4070914685726166, + 0.1364849954843521, + 0.033063288778066635, + -0.16500471532344818, + 1.96534264087677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/32.png", + [ + 0.15464603900909424, + -0.047129612416028976, + 0.1442612260580063, + -1.659037470817566, + -0.02158913016319275, + -0.21069908142089844, + -0.04569137096405029, + 0.513861358165741, + 0.15022118389606476, + 0.018237093463540077, + -0.15507705509662628, + 1.8513892889022827, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/38.png", + [ + 0.16170179843902588, + -0.04277248680591583, + 0.1377350240945816, + -1.5715703964233398, + -0.00843203067779541, + -0.20937643945217133, + -0.05512088164687157, + 0.6178157329559326, + 0.1439768224954605, + 0.0357760451734066, + -0.1579197347164154, + 1.8708549737930298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/111.png", + [ + 0.13733792304992676, + -0.06264419108629227, + 0.15544095635414124, + -1.8661260604858398, + -0.05453787371516228, + -0.20673510432243347, + -0.035129960626363754, + 0.4031280279159546, + 0.15846703946590424, + -0.016858188435435295, + -0.14680561423301697, + 1.8188891410827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/11.png", + [ + 0.1636352688074112, + -0.016118930652737617, + 0.14110837876796722, + -1.637899398803711, + 0.005928045138716698, + -0.21431191265583038, + -0.031355440616607666, + 0.3486420214176178, + 0.14190225303173065, + 0.027540618553757668, + -0.1614098995923996, + 1.9381047487258911, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/59.png", + [ + 0.15712204575538635, + 0.004995464347302914, + 0.14911605417728424, + -1.7276767492294312, + 0.03120710328221321, + -0.2128635048866272, + -0.025751568377017975, + 0.28022661805152893, + 0.14589951932430267, + 0.04015062004327774, + -0.15507788956165314, + 1.8519288301467896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/105.png", + [ + 0.13233889639377594, + -0.05191968381404877, + 0.16351957619190216, + -1.9215621948242188, + -0.04342179000377655, + -0.20992708206176758, + -0.0315127894282341, + 0.34903189539909363, + 0.16597847640514374, + -0.013522314839065075, + -0.1386224627494812, + 1.6881449222564697, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/24.png", + [ + 0.15270450711250305, + -0.043845564126968384, + 0.14733226597309113, + -1.683249592781067, + -0.019758040085434914, + -0.21154938638210297, + -0.042477864772081375, + 0.4747925102710724, + 0.15244293212890625, + 0.016502005979418755, + -0.15309059619903564, + 1.8092350959777832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/74.png", + [ + 0.1739046722650528, + -0.016316501423716545, + 0.1282140016555786, + -1.460375428199768, + 0.014456427656114101, + -0.2111368030309677, + -0.046477410942316055, + 0.515038013458252, + 0.12843702733516693, + 0.045857492834329605, + -0.16837134957313538, + 1.9831327199935913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/98.png", + [ + 0.1541573703289032, + -0.019574511796236038, + 0.15099744498729706, + -1.7517945766448975, + -0.0002338770718779415, + -0.21490681171417236, + -0.02762061357498169, + 0.3056161105632782, + 0.15226075053215027, + 0.019488239660859108, + -0.15292078256607056, + 1.8350050449371338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/0.png", + [ + 0.15243081748485565, + -0.011236767284572124, + 0.15357889235019684, + -1.8306552171707153, + 0.01040642149746418, + -0.2148512899875641, + -0.026048457249999046, + 0.28862157464027405, + 0.15363739430904388, + 0.025701183825731277, + -0.15060840547084808, + 1.8566895723342896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/96.png", + [ + 0.1665535569190979, + -0.016185877844691277, + 0.13764381408691406, + -1.5919805765151978, + 0.01024142000824213, + -0.21316616237163544, + -0.037459198385477066, + 0.4200384020805359, + 0.13821329176425934, + 0.035300079733133316, + -0.16309162974357605, + 1.9457992315292358, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/100.png", + [ + 0.1492142528295517, + -0.032867640256881714, + 0.15363174676895142, + -1.7731196880340576, + -0.014406207948923111, + -0.21384984254837036, + -0.031758591532707214, + 0.34830090403556824, + 0.15644635260105133, + 0.01165611669421196, + -0.1494542360305786, + 1.7791606187820435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/40.png", + [ + 0.16485995054244995, + -0.044521138072013855, + 0.13336779177188873, + -1.5071442127227783, + -0.014109661802649498, + -0.2097265124320984, + -0.052570000290870667, + 0.5827420949935913, + 0.13989286124706268, + 0.03131382539868355, + -0.16247254610061646, + 1.9002305269241333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/52.png", + [ + 0.15332280099391937, + 0.0002726154343690723, + 0.15310107171535492, + -1.7328277826309204, + 0.02718978188931942, + -0.21327851712703705, + -0.026849383488297462, + 0.2854555547237396, + 0.15066762268543243, + 0.03821124508976936, + -0.15095385909080505, + 1.7765594720840454, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/3.png", + [ + 0.1489054560661316, + -0.013727115467190742, + 0.1568012237548828, + -1.8367629051208496, + 0.0067975991405546665, + -0.21508686244487762, + -0.025285016745328903, + 0.27833616733551025, + 0.15725409984588623, + 0.022295868024230003, + -0.14738361537456512, + 1.7928215265274048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/47.png", + [ + 0.1483796238899231, + -0.03252317011356354, + 0.15451093018054962, + -1.75894033908844, + -0.0016435415018349886, + -0.21233506500720978, + -0.04311630502343178, + 0.48241451382637024, + 0.15788820385932922, + 0.028354201465845108, + -0.145654559135437, + 1.728797435760498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/104.png", + [ + 0.13225822150707245, + -0.04957811161875725, + 0.16430966556072235, + -1.9232916831970215, + -0.038011450320482254, + -0.2107473909854889, + -0.0329933762550354, + 0.367458313703537, + 0.167364239692688, + -0.008685847744345665, + -0.13733777403831482, + 1.6660040616989136, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/21.png", + [ + 0.15279118716716766, + -0.04093591123819351, + 0.14807769656181335, + -1.714717149734497, + -0.015607429668307304, + -0.21189673244953156, + -0.04247438162565231, + 0.4788587987422943, + 0.15283700823783875, + 0.019285133108496666, + -0.1523706614971161, + 1.813509225845337, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/82.png", + [ + 0.1783486306667328, + -0.0077849747613072395, + 0.12279678136110306, + -1.404813289642334, + 0.02523953840136528, + -0.2093275487422943, + -0.04992839694023132, + 0.5680971145629883, + 0.12042684108018875, + 0.0554010272026062, + -0.17139428853988647, + 2.03257417678833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/106.png", + [ + 0.12972252070903778, + -0.051432378590106964, + 0.16575485467910767, + -1.9561388492584229, + -0.044617898762226105, + -0.20986898243427277, + -0.03020191378891468, + 0.33564257621765137, + 0.16771765053272247, + -0.016050636768341064, + -0.13623899221420288, + 1.6678683757781982, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/14.png", + [ + 0.16932931542396545, + -0.017189692705869675, + 0.13408949971199036, + -1.5418388843536377, + 0.007741476409137249, + -0.2133302092552185, + -0.03712401166558266, + 0.4169389009475708, + 0.1349649876356125, + 0.03380291908979416, + -0.16610148549079895, + 1.9757932424545288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/67.png", + [ + 0.16511023044586182, + -0.017362823709845543, + 0.1392301619052887, + -1.5968010425567627, + 0.014556854031980038, + -0.21172912418842316, + -0.04366655275225639, + 0.49313560128211975, + 0.13955144584178925, + 0.04262865334749222, + -0.1601751744747162, + 1.9058719873428345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/78.png", + [ + 0.174665167927742, + -0.0060381279326975346, + 0.1280762106180191, + -1.4667322635650635, + 0.023316094651818275, + -0.2113298624753952, + -0.0417606495320797, + 0.461700975894928, + 0.1260806769132614, + 0.047446109354496, + -0.16970688104629517, + 1.993627667427063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/31.png", + [ + 0.1556188315153122, + -0.04857852682471275, + 0.142726331949234, + -1.6446504592895508, + -0.023516690358519554, + -0.21042954921722412, + -0.04598114266991615, + 0.5174739956855774, + 0.14892159402370453, + 0.017533577978610992, + -0.156405970454216, + 1.8678957223892212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/39.png", + [ + 0.16473260521888733, + -0.036899544298648834, + 0.1358288675546646, + -1.540170669555664, + -0.008357716724276543, + -0.21129173040390015, + -0.0472637340426445, + 0.5300666093826294, + 0.1405034065246582, + 0.030694227665662766, + -0.16206341981887817, + 1.907551646232605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/92.png", + [ + 0.1760527640581131, + -0.011386912316083908, + 0.12579213082790375, + -1.461310863494873, + 0.019184868782758713, + -0.21087773144245148, + -0.04593924432992935, + 0.5296971201896667, + 0.12484093010425568, + 0.048464540392160416, + -0.17033444344997406, + 2.0418105125427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/53.png", + [ + 0.15694159269332886, + 0.0063285804353654385, + 0.1492554098367691, + -1.690735101699829, + 0.031119704246520996, + -0.21311601996421814, + -0.023685935884714127, + 0.2500953674316406, + 0.14611227810382843, + 0.038592856377363205, + -0.1552729606628418, + 1.824580430984497, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/75.png", + [ + 0.17445676028728485, + -0.012812383472919464, + 0.12786154448986053, + -1.4588327407836914, + 0.01853179559111595, + -0.21083268523216248, + -0.0464116632938385, + 0.5157767534255981, + 0.12715856730937958, + 0.048304375261068344, + -0.16865727305412292, + 1.9829903841018677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/87.png", + [ + 0.18216997385025024, + -0.013935867697000504, + 0.11648082733154297, + -1.3418089151382446, + 0.015538517385721207, + -0.21037834882736206, + -0.04947127774357796, + 0.5643545985221863, + 0.11627788841724396, + 0.04994641989469528, + -0.1758769452571869, + 2.0964088439941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/107.png", + [ + 0.13192762434482574, + -0.05473969876766205, + 0.1629311591386795, + -1.9234541654586792, + -0.05178040266036987, + -0.2085082232952118, + -0.028124835342168808, + 0.312570720911026, + 0.1638956516981125, + -0.021812424063682556, + -0.14003686606884003, + 1.713107705116272, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/112.png", + [ + 0.13328298926353455, + -0.06144293025135994, + 0.1593998372554779, + -1.9090046882629395, + -0.05140544846653938, + -0.2072294056415558, + -0.03689657524228096, + 0.42501699924468994, + 0.16291415691375732, + -0.01512098778039217, + -0.14205008745193481, + 1.763543963432312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/69.png", + [ + 0.16719812154769897, + -0.017542237415909767, + 0.13669291138648987, + -1.5613640546798706, + 0.01154327392578125, + -0.21237429976463318, + -0.04137400537729263, + 0.46029186248779297, + 0.13732966780662537, + 0.03920874372124672, + -0.16294518113136292, + 1.9262927770614624, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/45.png", + [ + 0.15214622020721436, + -0.03718443587422371, + 0.14972218871116638, + -1.6860700845718384, + -0.008320041000843048, + -0.2119581252336502, + -0.04418636113405228, + 0.48678216338157654, + 0.15404608845710754, + 0.025277964770793915, + -0.15026216208934784, + 1.765381932258606, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/50.png", + [ + 0.15402258932590485, + -0.01331001240760088, + 0.15181495249271393, + -1.7176004648208618, + 0.015930909663438797, + -0.21325787901878357, + -0.034859444946050644, + 0.3764207661151886, + 0.15156236290931702, + 0.03594187647104263, + -0.15061518549919128, + 1.7706700563430786, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/101.png", + [ + 0.1485692411661148, + -0.039148978888988495, + 0.15278229117393494, + -1.7598270177841187, + -0.023016037419438362, + -0.2130281627178192, + -0.032205041497945786, + 0.35392487049102783, + 0.15602992475032806, + 0.005853182170540094, + -0.15022748708724976, + 1.7828422784805298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/85.png", + [ + 0.17985516786575317, + -0.014623782597482204, + 0.1199423298239708, + -1.3816118240356445, + 0.01852887123823166, + -0.20920008420944214, + -0.05329069122672081, + 0.6123261451721191, + 0.11940141767263412, + 0.05449185147881508, + -0.17240020632743835, + 2.0523996353149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/71.png", + [ + 0.16620859503746033, + -0.023677198216319084, + 0.13697440922260284, + -1.564089059829712, + 0.004369272384792566, + -0.21251291036605835, + -0.042036473751068115, + 0.46164020895957947, + 0.1389370560646057, + 0.03500780090689659, + -0.16253873705863953, + 1.922754168510437, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/115.png", + [ + 0.136273592710495, + -0.062012720853090286, + 0.1566263884305954, + -1.8408730030059814, + -0.04091576486825943, + -0.20761080086231232, + -0.04659988731145859, + 0.5392906665802002, + 0.1634114682674408, + -0.00026838970370590687, + -0.14228323101997375, + 1.744223952293396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/54.png", + [ + 0.15270912647247314, + 0.011847062967717648, + 0.15325620770454407, + -1.744558334350586, + 0.04108259081840515, + -0.21131710708141327, + -0.024600639939308167, + 0.2607795000076294, + 0.1481216698884964, + 0.046396318823099136, + -0.1511794924736023, + 1.7854411602020264, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/33.png", + [ + 0.1538570523262024, + -0.04664032906293869, + 0.14526039361953735, + -1.6691395044326782, + -0.020329410210251808, + -0.21072912216186523, + -0.04612855240702629, + 0.5190378427505493, + 0.15120390057563782, + 0.01912612095475197, + -0.15401124954223633, + 1.83840012550354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/49.png", + [ + 0.15531966090202332, + -0.021467747166752815, + 0.14954209327697754, + -1.6948965787887573, + 0.0068810745142400265, + -0.21324804425239563, + -0.03776007145643234, + 0.4107724726200104, + 0.1509183794260025, + 0.031816791743040085, + -0.15218156576156616, + 1.7871780395507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/110.png", + [ + 0.135746568441391, + -0.059708088636398315, + 0.1579737514257431, + -1.8925385475158691, + -0.05348644405603409, + -0.20744717121124268, + -0.03244635835289955, + 0.370499849319458, + 0.1601872742176056, + -0.01866840571165085, + -0.14470461010932922, + 1.7900570631027222, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/18.png", + [ + 0.16259430348873138, + -0.02542487531900406, + 0.14094169437885284, + -1.6274878978729248, + 0.002551308134570718, + -0.21268486976623535, + -0.04131009429693222, + 0.46733787655830383, + 0.14319387078285217, + 0.03265897557139397, + -0.1593009978532791, + 1.8956907987594604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/66.png", + [ + 0.16506490111351013, + -0.01575029268860817, + 0.13947546482086182, + -1.600951075553894, + 0.013457542285323143, + -0.21253842115402222, + -0.03992752730846405, + 0.44936978816986084, + 0.139715313911438, + 0.0390799343585968, + -0.1609356552362442, + 1.9200035333633423, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/16.png", + [ + 0.16679449379444122, + -0.020051417872309685, + 0.13684089481830597, + -1.5762406587600708, + 0.009929134510457516, + -0.2120959460735321, + -0.0431811697781086, + 0.48867306113243103, + 0.1379452794790268, + 0.03951128572225571, + -0.16235099732875824, + 1.9325414896011353, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/94.png", + [ + 0.17023921012878418, + -0.012400773353874683, + 0.13346433639526367, + -1.546325445175171, + 0.019836731255054474, + -0.21103882789611816, + -0.044911134988069534, + 0.5117743611335754, + 0.13256321847438812, + 0.04750502109527588, + -0.16467592120170593, + 1.9712871313095093, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/28.png", + [ + 0.15786240994930267, + -0.04896848648786545, + 0.14010509848594666, + -1.5905848741531372, + -0.022948207333683968, + -0.2101348489522934, + -0.047588035464286804, + 0.5321334600448608, + 0.14663127064704895, + 0.019832510501146317, + -0.1582840234041214, + 1.864528775215149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/61.png", + [ + 0.1610015481710434, + 0.0011591302463784814, + 0.14500018954277039, + -1.679833173751831, + 0.027670057490468025, + -0.21293196082115173, + -0.029021386057138443, + 0.32003599405288696, + 0.1423403024673462, + 0.04008153825998306, + -0.1583685427904129, + 1.8958905935287476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/58.png", + [ + 0.15689438581466675, + 0.008434339426457882, + 0.149200901389122, + -1.7216671705245972, + 0.03680359199643135, + -0.21184693276882172, + -0.026725633069872856, + 0.28927966952323914, + 0.14483624696731567, + 0.04469480365514755, + -0.15483130514621735, + 1.841886043548584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/64.png", + [ + 0.16339372098445892, + -0.012580081820487976, + 0.14174669981002808, + -1.6397209167480469, + 0.013784731738269329, + -0.2134121209383011, + -0.03483029827475548, + 0.3865126669406891, + 0.14163462817668915, + 0.03528328612446785, + -0.16013310849666595, + 1.9210087060928345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/10.png", + [ + 0.16019967198371887, + -0.013865823857486248, + 0.14522980153560638, + -1.6899911165237427, + 0.00798188429325819, + -0.21453769505023956, + -0.029287632554769516, + 0.32545629143714905, + 0.14567171037197113, + 0.027003979310393333, + -0.1581089347600937, + 1.902983546257019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/41.png", + [ + 0.15934304893016815, + -0.04595504701137543, + 0.13944827020168304, + -1.5740512609481812, + -0.01470029354095459, + -0.2097473293542862, + -0.05232449620962143, + 0.5794005393981934, + 0.14608758687973022, + 0.029018698260188103, + -0.1573665291070938, + 1.8430920839309692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/91.png", + [ + 0.17874497175216675, + -0.011772207915782928, + 0.12189973145723343, + -1.4164347648620605, + 0.018717657774686813, + -0.21051131188869476, + -0.04777590557932854, + 0.5505871176719666, + 0.12102801352739334, + 0.049943000078201294, + -0.17264360189437866, + 2.070011615753174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/23.png", + [ + 0.15197353065013885, + -0.04351186379790306, + 0.14818453788757324, + -1.6995656490325928, + -0.019814694300293922, + -0.2116726189851761, + -0.04183271527290344, + 0.46990761160850525, + 0.1531643569469452, + 0.01578972302377224, + -0.1524442881345749, + 1.803114652633667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/37.png", + [ + 0.15675464272499084, + -0.04661867767572403, + 0.14213575422763824, + -1.6267695426940918, + -0.012303975410759449, + -0.20920412242412567, + -0.055046770721673965, + 0.6167504787445068, + 0.14907878637313843, + 0.03175269067287445, + -0.15399733185768127, + 1.8305963277816772, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/36.png", + [ + 0.15737605094909668, + -0.045970797538757324, + 0.14165930449962616, + -1.617085337638855, + -0.01589706353843212, + -0.21010196208953857, + -0.050520770251750946, + 0.5655527710914612, + 0.14808090031147003, + 0.026301156729459763, + -0.15597496926784515, + 1.8494391441345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/8.png", + [ + 0.15003851056098938, + -0.014088605530560017, + 0.15568508207798004, + -1.8172929286956787, + 0.006967728491872549, + -0.21497564017772675, + -0.026169072836637497, + 0.2876778841018677, + 0.15616588294506073, + 0.023127494379878044, + -0.14840897917747498, + 1.797823429107666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/6.png", + [ + 0.14685112237930298, + -0.013451896607875824, + 0.15875039994716644, + -1.8441135883331299, + 0.007694432511925697, + -0.2150501310825348, + -0.025340210646390915, + 0.2800953686237335, + 0.15913338959217072, + 0.022811776027083397, + -0.1452724188566208, + 1.7531908750534058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/20.png", + [ + 0.15478339791297913, + -0.03942243754863739, + 0.14640989899635315, + -1.6968984603881836, + -0.01282651536166668, + -0.21187728643417358, + -0.04349014163017273, + 0.4903516471385956, + 0.15108101069927216, + 0.022400522604584694, + -0.15369008481502533, + 1.828524112701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/2.png", + [ + 0.15389910340309143, + -0.013653410598635674, + 0.15190966427326202, + -1.7858457565307617, + 0.00691519770771265, + -0.21495817601680756, + -0.026325879618525505, + 0.2922283113002777, + 0.15236514806747437, + 0.023546898737549782, + -0.1522442102432251, + 1.8557571172714233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/5.png", + [ + 0.14213363826274872, + -0.014327265322208405, + 0.1629130244255066, + -1.9026451110839844, + 0.006683553569018841, + -0.21515236794948578, + -0.024752488359808922, + 0.2713005840778351, + 0.163405179977417, + 0.021262289956212044, + -0.14069312810897827, + 1.7102164030075073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/108.png", + [ + 0.1357913315296173, + -0.056618764996528625, + 0.15906894207000732, + -1.8844209909439087, + -0.05132756382226944, + -0.2083110809326172, + -0.030329473316669464, + 0.3417094051837921, + 0.1608542650938034, + -0.018673820421099663, + -0.14396211504936218, + 1.7643922567367554, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/60.png", + [ + 0.15700644254684448, + 0.002833279548212886, + 0.14929449558258057, + -1.7282013893127441, + 0.030370088294148445, + -0.21271349489688873, + -0.02790205553174019, + 0.3091486692428589, + 0.1462002992630005, + 0.041144128888845444, + -0.154533252120018, + 1.8500585556030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/56.png", + [ + 0.15295378863811493, + 0.012097755447030067, + 0.15299241244792938, + -1.7505087852478027, + 0.04291849955916405, + -0.21075396239757538, + -0.026242462918162346, + 0.2825735807418823, + 0.14734667539596558, + 0.04882938414812088, + -0.15117061138153076, + 1.7895832061767578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/30.png", + [ + 0.15029017627239227, + -0.04667046666145325, + 0.14893832802772522, + -1.7170730829238892, + -0.020722204819321632, + -0.2108973115682602, + -0.04517529904842377, + 0.5097599625587463, + 0.15469761192798615, + 0.017090480774641037, + -0.15074634552001953, + 1.8057595491409302, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/17.png", + [ + 0.1653907597064972, + -0.02279137447476387, + 0.13810989260673523, + -1.5943700075149536, + 0.007326173130422831, + -0.21208079159259796, + -0.04377162829041481, + 0.4973795711994171, + 0.13978596031665802, + 0.038081251084804535, + -0.16111360490322113, + 1.9184719324111938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/12.png", + [ + 0.16331151127815247, + -0.013253338634967804, + 0.1417800635099411, + -1.6366896629333496, + 0.011042024940252304, + -0.2139059156179428, + -0.03271445259451866, + 0.36480990052223206, + 0.14196941256523132, + 0.031882770359516144, + -0.16054928302764893, + 1.9227508306503296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/114.png", + [ + 0.13741034269332886, + -0.06343357264995575, + 0.15505634248256683, + -1.8351712226867676, + -0.0484686940908432, + -0.20701831579208374, + -0.041738446801900864, + 0.4816366136074066, + 0.16036544740200043, + -0.008215476758778095, + -0.14547619223594666, + 1.782741904258728, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/27.png", + [ + 0.15694311261177063, + -0.05022948607802391, + 0.14069025218486786, + -1.5947978496551514, + -0.02613387070596218, + -0.21014416217803955, + -0.04587312787771225, + 0.5110585689544678, + 0.14708422124385834, + 0.01625797711312771, + -0.15827129781246185, + 1.8590058088302612, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/42.png", + [ + 0.16163954138755798, + -0.04203837737441063, + 0.13803379237651825, + -1.555891990661621, + -0.009873192757368088, + -0.21001166105270386, + -0.052397679537534714, + 0.5804524421691895, + 0.14395511150360107, + 0.03279896080493927, + -0.15858450531959534, + 1.8545163869857788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/7.png", + [ + 0.1480608731508255, + -0.013491831719875336, + 0.15761928260326385, + -1.8354175090789795, + 0.006929268594831228, + -0.21512487530708313, + -0.024923229590058327, + 0.27429699897766113, + 0.15804386138916016, + 0.022071534767746925, + -0.14657039940357208, + 1.7679868936538696, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/73.png", + [ + 0.16959671676158905, + -0.02292098104953766, + 0.13288895785808563, + -1.518100619316101, + 0.007385041564702988, + -0.21162265539169312, + -0.04592614620923996, + 0.5069985389709473, + 0.13464882969856262, + 0.04047688841819763, + -0.16486117243766785, + 1.9501584768295288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/46.png", + [ + 0.14946000277996063, + -0.03784122318029404, + 0.152242049574852, + -1.7223824262619019, + -0.006576955318450928, + -0.21160297095775604, + -0.0461391806602478, + 0.5123141407966614, + 0.15673653781414032, + 0.027205180376768112, + -0.14711026847362518, + 1.7383170127868652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/57.png", + [ + 0.1552601158618927, + 0.011281481944024563, + 0.1507146954536438, + -1.7275404930114746, + 0.041689760982990265, + -0.21088409423828125, + -0.027161723002791405, + 0.2932945787906647, + 0.14527268707752228, + 0.04846156761050224, + -0.15328148007392883, + 1.8170326948165894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/44.png", + [ + 0.15679919719696045, + -0.04524167627096176, + 0.14253103733062744, + -1.6072120666503906, + -0.010984942317008972, + -0.20944726467132568, + -0.054397378116846085, + 0.5998910665512085, + 0.14913496375083923, + 0.03213929384946823, + -0.15386267006397247, + 1.8020051717758179, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/113.png", + [ + 0.1407225877046585, + -0.06453505158424377, + 0.1515924483537674, + -1.801536202430725, + -0.051732536405324936, + -0.20658594369888306, + -0.03992348164319992, + 0.4597238302230835, + 0.15642501413822174, + -0.010264808312058449, + -0.1495785415172577, + 1.8358169794082642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/29.png", + [ + 0.15463143587112427, + -0.04710335657000542, + 0.1442854255437851, + -1.6498249769210815, + -0.02087494172155857, + -0.21061906218528748, + -0.04638683423399925, + 0.5206660032272339, + 0.1503371000289917, + 0.019203510135412216, + -0.1548478901386261, + 1.8392667770385742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/4.png", + [ + 0.14511388540267944, + -0.01267236564308405, + 0.16040341556072235, + -1.8718864917755127, + 0.0066556064411997795, + -0.21534398198127747, + -0.02303403802216053, + 0.25111109018325806, + 0.16076551377773285, + 0.020353753119707108, + -0.1438334584236145, + 1.746463656425476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/55.png", + [ + 0.15463365614414215, + 0.014116174541413784, + 0.15111933648586273, + -1.7254365682601929, + 0.04346795752644539, + -0.21081764996051788, + -0.024786176159977913, + 0.2647840678691864, + 0.14541961252689362, + 0.04800574481487274, + -0.15328560769557953, + 1.8087928295135498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/9.png", + [ + 0.15121176838874817, + -0.01574428752064705, + 0.15438593924045563, + -1.8052115440368652, + 0.007254797965288162, + -0.21460379660129547, + -0.02899094671010971, + 0.3218696415424347, + 0.15501700341701508, + 0.025401271879673004, + -0.1492394208908081, + 1.8105247020721436, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/25.png", + [ + 0.1561477929353714, + -0.04445639252662659, + 0.1434900164604187, + -1.6270952224731445, + -0.026362352073192596, + -0.21186645328998566, + -0.03695305064320564, + 0.4118155539035797, + 0.14788773655891418, + 0.009172291494905949, + -0.1580916792154312, + 1.8542364835739136, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/99.png", + [ + 0.1520376205444336, + -0.027343733236193657, + 0.15193673968315125, + -1.7570204734802246, + -0.009160816669464111, + -0.2144709676504135, + -0.02943098358809948, + 0.3231869041919708, + 0.15410558879375458, + 0.014227564446628094, + -0.1516474187374115, + 1.8119227886199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/34.png", + [ + 0.15472596883773804, + -0.04572457820177078, + 0.14462724328041077, + -1.6603235006332397, + -0.01993659697473049, + -0.2109336256980896, + -0.045358967036008835, + 0.5102524161338806, + 0.15036724507808685, + 0.01908314973115921, + -0.15483354032039642, + 1.8467533588409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/72.png", + [ + 0.16842561960220337, + -0.024444621056318283, + 0.13410130143165588, + -1.5314453840255737, + 0.0046034445986151695, + -0.21202051639556885, + -0.04442983120679855, + 0.48834922909736633, + 0.13623327016830444, + 0.037385329604148865, + -0.16428852081298828, + 1.9428948163986206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/102.png", + [ + 0.14129087328910828, + -0.04064647853374481, + 0.15916234254837036, + -1.8403843641281128, + -0.021709345281124115, + -0.21271581947803497, + -0.03505110740661621, + 0.39019617438316345, + 0.16282965242862701, + 0.006909400224685669, + -0.14278188347816467, + 1.7107020616531372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/70.png", + [ + 0.16450494527816772, + -0.023171477019786835, + 0.13910099864006042, + -1.588658332824707, + 0.004115684889256954, + -0.21284957230091095, + -0.040323857218027115, + 0.44322991371154785, + 0.14095769822597504, + 0.03325710818171501, + -0.16116076707839966, + 1.9053963422775269, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/90.png", + [ + 0.17989937961101532, + -0.010876615531742573, + 0.1202738806605339, + -1.3972452878952026, + 0.019077129662036896, + -0.2105250358581543, + -0.0475727878510952, + 0.5464483499526978, + 0.11924835294485092, + 0.050087980926036835, + -0.173835888504982, + 2.086574077606201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/15.png", + [ + 0.17105458676815033, + -0.01824561133980751, + 0.1317395567893982, + -1.5154932737350464, + 0.008707587607204914, + -0.2126290649175644, + -0.040754806250333786, + 0.45940354466438293, + 0.13271169364452362, + 0.037468306720256805, + -0.1671275645494461, + 1.9859434366226196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/22.png", + [ + 0.15469767153263092, + -0.04135202243924141, + 0.14596758782863617, + -1.6810683012008667, + -0.017134100198745728, + -0.21189886331558228, + -0.041871216148138046, + 0.47129908204078674, + 0.1507413387298584, + 0.018351735547184944, + -0.1545579433441162, + 1.8307709693908691, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/109.png", + [ + 0.1280549019575119, + -0.056719642132520676, + 0.1653261035680771, + -1.974324345588684, + -0.052041858434677124, + -0.20802608132362366, + -0.031059518456459045, + 0.35278216004371643, + 0.16685765981674194, + -0.02135254070162773, + -0.13656677305698395, + 1.6938992738723755, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/26.png", + [ + 0.1575840413570404, + -0.04397808387875557, + 0.14206017553806305, + -1.611388087272644, + -0.02178962528705597, + -0.2115776240825653, + -0.04132813215255737, + 0.46331551671028137, + 0.14710669219493866, + 0.015771184116601944, + -0.15829966962337494, + 1.8602486848831177, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/43.png", + [ + 0.1579435169696808, + -0.04528401792049408, + 0.14124836027622223, + -1.5934573411941528, + -0.010997018776834011, + -0.20933735370635986, + -0.05481642112135887, + 0.6061660647392273, + 0.147921621799469, + 0.0327892042696476, + -0.15489338338375092, + 1.8151811361312866, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/84.png", + [ + 0.18076340854167938, + -0.012212191708385944, + 0.11884167045354843, + -1.3654454946517944, + 0.021830229088664055, + -0.2085341364145279, + -0.05463375896215439, + 0.6298849582672119, + 0.11745601892471313, + 0.057552315294742584, + -0.17274172604084015, + 2.052610397338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/89.png", + [ + 0.17912378907203674, + -0.011382723227143288, + 0.1213795393705368, + -1.4027035236358643, + 0.01708952710032463, + -0.21125362813472748, + -0.04503050446510315, + 0.5139672756195068, + 0.12070836871862411, + 0.0467999167740345, + -0.17374449968338013, + 2.0776171684265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/63.png", + [ + 0.16170601546764374, + -0.007076095324009657, + 0.14404506981372833, + -1.6720075607299805, + 0.019549818709492683, + -0.21334055066108704, + -0.03242694213986397, + 0.35849443078041077, + 0.14288757741451263, + 0.03719719126820564, + -0.15857931971549988, + 1.905685305595398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/88.png", + [ + 0.18097077310085297, + -0.011990778148174286, + 0.11854826658964157, + -1.3694592714309692, + 0.01629706099629402, + -0.2110579013824463, + -0.04622622951865196, + 0.5271242260932922, + 0.11803338676691055, + 0.047525569796562195, + -0.17537769675254822, + 2.097137451171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/62.png", + [ + 0.16044114530086517, + -0.003115848172456026, + 0.14559130370616913, + -1.6913338899612427, + 0.026239577680826187, + -0.21246086061000824, + -0.03346287086606026, + 0.37065058946609497, + 0.14324113726615906, + 0.04240955412387848, + -0.15694361925125122, + 1.8899894952774048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/65.png", + [ + 0.16531847417354584, + -0.013882985338568687, + 0.13937343657016754, + -1.6069066524505615, + 0.012667707167565823, + -0.21324196457862854, + -0.03626689687371254, + 0.4047304391860962, + 0.13948912918567657, + 0.03581928461790085, + -0.1618877798318863, + 1.9371992349624634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/80.png", + [ + 0.1760634183883667, + -0.008262267336249352, + 0.12602102756500244, + -1.4393471479415894, + 0.023695288226008415, + -0.21020962297916412, + -0.04688647761940956, + 0.5207973718643188, + 0.12404876947402954, + 0.051880091428756714, + -0.1699066013097763, + 2.0098681449890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/79.png", + [ + 0.17702271044254303, + -0.007968418300151825, + 0.12468905001878738, + -1.424231767654419, + 0.02023393101990223, + -0.21155087649822235, + -0.042245808988809586, + 0.46610644459724426, + 0.12329413741827011, + 0.04615869000554085, + -0.1720924824476242, + 2.0233817100524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/116.png", + [ + 0.13944575190544128, + -0.061385080218315125, + 0.15406052768230438, + -1.7938858270645142, + -0.03839163854718208, + -0.20776593685150146, + -0.04803422838449478, + 0.5541536211967468, + 0.16133460402488708, + 0.00361617817543447, + -0.14458893239498138, + 1.7565016746520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/19.png", + [ + 0.15730901062488556, + -0.03538990020751953, + 0.1447388082742691, + -1.679707646369934, + -0.008195803500711918, + -0.21221087872982025, + -0.042979829013347626, + 0.4853067696094513, + 0.14877699315547943, + 0.02572919987142086, + -0.1554068922996521, + 1.8499345779418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/77.png", + [ + 0.17365781962871552, + -0.006779589224606752, + 0.1294020414352417, + -1.48158597946167, + 0.024924922734498978, + -0.21058952808380127, + -0.04448244720697403, + 0.49369755387306213, + 0.1271597295999527, + 0.05053689330816269, + -0.1680009365081787, + 1.971608281135559, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/68.png", + [ + 0.16525010764598846, + -0.019557395949959755, + 0.13877248764038086, + -1.5857629776000977, + 0.010960693471133709, + -0.21209360659122467, + -0.04294262453913689, + 0.4833891689777374, + 0.1397145688533783, + 0.039770763367414474, + -0.16076697409152985, + 1.9053725004196167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/86.png", + [ + 0.18086035549640656, + -0.014620617032051086, + 0.11842156201601028, + -1.3654389381408691, + 0.017522132024168968, + -0.20945625007152557, + -0.05262080579996109, + 0.6022123694419861, + 0.11802713572978973, + 0.05349964275956154, + -0.1736527532339096, + 2.0708727836608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/1.png", + [ + 0.15147598087787628, + -0.01122345682233572, + 0.15452168881893158, + -1.8306890726089478, + 0.00974856223911047, + -0.2149866372346878, + -0.02517165243625641, + 0.28066563606262207, + 0.15462175011634827, + 0.02454955130815506, + -0.1497909426689148, + 1.8395289182662964, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/81.png", + [ + 0.17732715606689453, + -0.008295211009681225, + 0.12423433363437653, + -1.4196574687957764, + 0.024001386016607285, + -0.20986118912696838, + -0.04827120155096054, + 0.5421105623245239, + 0.12217573821544647, + 0.05326692387461662, + -0.17083212733268738, + 2.024606704711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/95.png", + [ + 0.16759240627288818, + -0.017492126673460007, + 0.13621565699577332, + -1.5782465934753418, + 0.012057412415742874, + -0.2122059166431427, + -0.04208521172404289, + 0.4755312502384186, + 0.13680386543273926, + 0.04013192281126976, + -0.16316257417201996, + 1.9514492750167847, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/103.png", + [ + 0.13430167734622955, + -0.043499670922756195, + 0.16437377035617828, + -1.910582184791565, + -0.026381509378552437, + -0.21225832402706146, + -0.03461674973368645, + 0.387031227350235, + 0.167973130941391, + 0.0014429931761696935, + -0.1368606686592102, + 1.6537835597991943, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/83.png", + [ + 0.179416686296463, + -0.010452952235937119, + 0.12103007733821869, + -1.386204481124878, + 0.023252947255969048, + -0.20892441272735596, + -0.05251458287239075, + 0.6032366752624512, + 0.11923439800739288, + 0.056473154574632645, + -0.17187736928462982, + 2.0393714904785156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/51.png", + [ + 0.15442058444023132, + -0.006643373519182205, + 0.15184877812862396, + -1.7197593450546265, + 0.020899632945656776, + -0.21348336338996887, + -0.03059348464012146, + 0.3273668587207794, + 0.15055027604103088, + 0.03645026311278343, + -0.15150541067123413, + 1.7846050262451172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/93.png", + [ + 0.17443856596946716, + -0.013574658893048763, + 0.12780772149562836, + -1.4804376363754272, + 0.017312638461589813, + -0.21101737022399902, + -0.04604167491197586, + 0.5274000763893127, + 0.12735523283481598, + 0.04727886989712715, + -0.16879943013191223, + 2.0162086486816406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/76.png", + [ + 0.20957092940807343, + 0.047575727105140686, + 0.027649125084280968, + -0.2983446419239044, + 0.04925941675901413, + -0.21072567999362946, + -0.010774821043014526, + 0.12275226414203644, + 0.02452414482831955, + 0.016707396134734154, + -0.2146330028772354, + 2.422565460205078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/48.png", + [ + 0.20929399132728577, + 0.04449321702122688, + 0.03412146121263504, + -0.3809128701686859, + 0.0476476289331913, + -0.21063697338104248, + -0.01759731024503708, + 0.19216372072696686, + 0.029557138681411743, + 0.024501338601112366, + -0.21324624121189117, + 2.4764928817749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/35.png", + [ + 0.20933590829372406, + 0.044584304094314575, + 0.033743344247341156, + -0.3809787333011627, + 0.04720408841967583, + -0.21100302040576935, + -0.014049790799617767, + 0.1523548811674118, + 0.029969114810228348, + 0.02092514932155609, + -0.21356938779354095, + 2.5036468505859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/124.png", + [ + 0.20936262607574463, + 0.04839188978075981, + 0.02781013958156109, + -0.26888948678970337, + 0.049978598952293396, + -0.21060462296009064, + -0.009784056805074215, + 0.11073623597621918, + 0.024845890700817108, + 0.015868622809648514, + -0.21465963125228882, + 2.2340521812438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/97.png", + [ + 0.20982354879379272, + 0.0494183786213398, + 0.02190416306257248, + -0.24774548411369324, + 0.05020523816347122, + -0.21070484817028046, + -0.0055491868406534195, + 0.05853777006268501, + 0.020035022869706154, + 0.010449095629155636, + -0.21549317240715027, + 2.568002223968506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/13.png", + [ + 0.21155810356140137, + 0.0466398224234581, + 0.003973989747464657, + -0.037737324833869934, + 0.04680794104933739, + -0.2109030932188034, + -0.01663711853325367, + 0.17932625114917755, + 0.00028694927459582686, + 0.017102746292948723, + -0.21599841117858887, + 2.498778820037842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/32.png", + [ + 0.21008184552192688, + 0.03994559869170189, + 0.03489791229367256, + -0.3975975811481476, + 0.04278098791837692, + -0.21187803149223328, + -0.015012777410447598, + 0.16454647481441498, + 0.03135764226317406, + 0.02144634537398815, + -0.21331819891929626, + 2.51662015914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/38.png", + [ + 0.2093268781900406, + 0.04387662187218666, + 0.0347130186855793, + -0.39000260829925537, + 0.04664130508899689, + -0.211102694272995, + -0.014427040703594685, + 0.1584959179162979, + 0.030898872762918472, + 0.021410109475255013, + -0.21338877081871033, + 2.4845662117004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/111.png", + [ + 0.2078554779291153, + 0.05198047310113907, + 0.03228030726313591, + -0.3668043315410614, + 0.052006177604198456, + -0.2103067934513092, + 0.0037818008568137884, + -0.056200459599494934, + 0.032238882035017014, + 0.004120036028325558, + -0.21422319114208221, + 2.5241713523864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/11.png", + [ + 0.21140889823436737, + 0.04699130356311798, + 0.006781829986721277, + -0.06907027959823608, + 0.04737897962331772, + -0.21080338954925537, + -0.016280734911561012, + 0.17772434651851654, + 0.003067178651690483, + 0.01736801490187645, + -0.21595564484596252, + 2.488246440887451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/125.png", + [ + 0.2092394381761551, + 0.04696689546108246, + 0.03099788911640644, + -0.299004465341568, + 0.04861395061016083, + -0.21098025143146515, + -0.008480125106871128, + 0.09740036725997925, + 0.02834506891667843, + 0.015143933705985546, + -0.21427813172340393, + 2.2087888717651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/59.png", + [ + 0.2092141956090927, + 0.04038725420832634, + 0.03932156041264534, + -0.4338168799877167, + 0.04262484982609749, + -0.2122592031955719, + -0.00877781305462122, + 0.08944182097911835, + 0.036884114146232605, + 0.016211029142141342, + -0.21289588510990143, + 2.433375835418701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/105.png", + [ + 0.20834560692310333, + 0.04911644384264946, + 0.03357928246259689, + -0.38680920004844666, + 0.050502657890319824, + -0.21064162254333496, + -0.005242498591542244, + 0.050147946923971176, + 0.03145592659711838, + 0.012867655605077744, + -0.2139926254749298, + 2.5429062843322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/121.png", + [ + 0.20852133631706238, + 0.049675021320581436, + 0.03160925954580307, + -0.3370269536972046, + 0.051533862948417664, + -0.2102396935224533, + -0.0095620546489954, + 0.11141738295555115, + 0.02847829833626747, + 0.016720185056328773, + -0.21414321660995483, + 2.388988971710205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/24.png", + [ + 0.21043336391448975, + 0.03838329762220383, + 0.034531258046627045, + -0.3940451443195343, + 0.04057235270738602, + -0.21255886554718018, + -0.010977513156831264, + 0.1161167323589325, + 0.03193069249391556, + 0.01712729036808014, + -0.21362344920635223, + 2.5277934074401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/74.png", + [ + 0.2092968076467514, + 0.04931333288550377, + 0.026663267984986305, + -0.2933610677719116, + 0.050589609891176224, + -0.2105448842048645, + -0.007710059639066458, + 0.08516402542591095, + 0.024154216051101685, + 0.013672922737896442, + -0.2148895412683487, + 2.464560031890869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/129.png", + [ + 0.2073446363210678, + 0.048224348574876785, + 0.040379591286182404, + -0.40730011463165283, + 0.04970560595393181, + -0.2108689546585083, + -0.003397083142772317, + 0.0370163656771183, + 0.03854156285524368, + 0.012513966299593449, + -0.21285170316696167, + 2.2577624320983887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/98.png", + [ + 0.2096564918756485, + 0.04919033870100975, + 0.023924099281430244, + -0.27346837520599365, + 0.05012276768684387, + -0.21071209013462067, + -0.006000793073326349, + 0.06314404308795929, + 0.021903421729803085, + 0.011340723372995853, + -0.2152661681175232, + 2.5688910484313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/0.png", + [ + 0.2105618417263031, + 0.04934728518128395, + 0.013283615931868553, + -0.1477213352918625, + 0.050079815089702606, + -0.21046826243400574, + -0.011959088034927845, + 0.12982837855815887, + 0.010179460048675537, + 0.014691930264234543, + -0.21593615412712097, + 2.5303549766540527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/96.png", + [ + 0.20979814231395721, + 0.04925043508410454, + 0.0225173719227314, + -0.25521430373191833, + 0.05014237016439438, + -0.21069741249084473, + -0.00634340662509203, + 0.0681968629360199, + 0.020454341545701027, + 0.01135301124304533, + -0.21540804207324982, + 2.5606985092163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/100.png", + [ + 0.2089812010526657, + 0.05052780732512474, + 0.02686437778174877, + -0.30807560682296753, + 0.051809847354888916, + -0.210252583026886, + -0.007581872399896383, + 0.08161410689353943, + 0.024300072342157364, + 0.013736301101744175, + -0.21486906707286835, + 2.564161777496338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/40.png", + [ + 0.20902246236801147, + 0.04401398077607155, + 0.0363355427980423, + -0.4097978472709656, + 0.046895720064640045, + -0.21106848120689392, + -0.014099005609750748, + 0.1542075127363205, + 0.03253142535686493, + 0.021465318277478218, + -0.21314042806625366, + 2.4891176223754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/52.png", + [ + 0.20972943305969238, + 0.04431956261396408, + 0.03157905861735344, + -0.3368561863899231, + 0.046933770179748535, + -0.2109508514404297, + -0.01564783975481987, + 0.17374972999095917, + 0.027544166892766953, + 0.021986594423651695, + -0.213789165019989, + 2.3980960845947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/3.png", + [ + 0.21033194661140442, + 0.05017773061990738, + 0.013804572634398937, + -0.1545412838459015, + 0.050864312797784805, + -0.21036601066589355, + -0.010337152518332005, + 0.11148038506507874, + 0.01100875437259674, + 0.013275174424052238, + -0.2159872055053711, + 2.5307650566101074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/47.png", + [ + 0.20913338661193848, + 0.044816646724939346, + 0.0346783772110939, + -0.38999828696250916, + 0.04810329154133797, + -0.2104940116405487, + -0.018062224611639977, + 0.1979147493839264, + 0.029953215271234512, + 0.025132423266768456, + -0.21311748027801514, + 2.4883885383605957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/104.png", + [ + 0.2089284509420395, + 0.04900068789720535, + 0.0299287810921669, + -0.3428534269332886, + 0.050382766872644424, + -0.21062342822551727, + -0.006873006001114845, + 0.07067020237445831, + 0.027538619935512543, + 0.013586553744971752, + -0.21448758244514465, + 2.552402973175049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/21.png", + [ + 0.21067357063293457, + 0.03779540956020355, + 0.0337052159011364, + -0.38437920808792114, + 0.03969525173306465, + -0.21279573440551758, + -0.009495241567492485, + 0.0943218469619751, + 0.03144553676247597, + 0.015407128259539604, + -0.21382632851600647, + 2.5039825439453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/82.png", + [ + 0.2092277705669403, + 0.04733283445239067, + 0.030516158789396286, + -0.323057621717453, + 0.04898492991924286, + -0.2108829766511917, + -0.008759899996221066, + 0.09750247001647949, + 0.02778685837984085, + 0.01535780169069767, + -0.21433600783348083, + 2.366811752319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/106.png", + [ + 0.20812645554542542, + 0.05023939535021782, + 0.03327573835849762, + -0.3827134668827057, + 0.051518797874450684, + -0.21041147410869598, + -0.004552297294139862, + 0.04151872172951698, + 0.03125835582613945, + 0.012284684926271439, + -0.21405582129955292, + 2.5393123626708984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/14.png", + [ + 0.21189168095588684, + 0.045131832361221313, + 0.003595455549657345, + -0.03201785683631897, + 0.045274704694747925, + -0.2112611085176468, + -0.016335180029273033, + 0.17615598440170288, + 0.00010311970254406333, + 0.016725871711969376, + -0.21602807939052582, + 2.5041399002075195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/67.png", + [ + 0.20967400074005127, + 0.047473955899477005, + 0.027035793289542198, + -0.3033798038959503, + 0.04884606599807739, + -0.2109282910823822, + -0.008438823744654655, + 0.09111581742763519, + 0.02446981891989708, + 0.014260987751185894, + -0.21481561660766602, + 2.496586322784424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/78.png", + [ + 0.2095833271741867, + 0.04854355752468109, + 0.02581189200282097, + -0.27057650685310364, + 0.050399355590343475, + -0.21028226613998413, + -0.013753876090049744, + 0.15789704024791718, + 0.021968984976410866, + 0.019307684153318405, + -0.21469157934188843, + 2.3664326667785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/31.png", + [ + 0.21023418009281158, + 0.03821717947721481, + 0.03590171039104462, + -0.4113321900367737, + 0.04089229181408882, + -0.212358295917511, + -0.01340386364609003, + 0.14319714903831482, + 0.03282234072685242, + 0.01978105679154396, + -0.213258758187294, + 2.518622398376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/39.png", + [ + 0.20928001403808594, + 0.04327310621738434, + 0.0357380285859108, + -0.4015822410583496, + 0.04608369618654251, + -0.21124888956546783, + -0.014074661768972874, + 0.15418946743011475, + 0.03203219547867775, + 0.0211953092366457, + -0.2132430225610733, + 2.487150192260742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/92.png", + [ + 0.20904357731342316, + 0.05014592781662941, + 0.027093632146716118, + -0.30727818608283997, + 0.05164602771401405, + -0.2102195918560028, + -0.00939751323312521, + 0.10319043695926666, + 0.024111568927764893, + 0.015524513088166714, + -0.21476852893829346, + 2.530247688293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/53.png", + [ + 0.2097233384847641, + 0.04461989551782608, + 0.03119412623345852, + -0.32921209931373596, + 0.04694444686174393, + -0.21108518540859222, + -0.013680389150977135, + 0.14945979416370392, + 0.02757222019135952, + 0.019999979063868523, + -0.2139805406332016, + 2.376682758331299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/75.png", + [ + 0.20943722128868103, + 0.04908221587538719, + 0.0259785708039999, + -0.2833460569381714, + 0.050313156098127365, + -0.2106112539768219, + -0.007705511059612036, + 0.08680708706378937, + 0.023506103083491325, + 0.01348050870001316, + -0.214973583817482, + 2.45181941986084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/87.png", + [ + 0.2091052234172821, + 0.0467386394739151, + 0.03222421184182167, + -0.3571875989437103, + 0.048786710947752, + -0.2108353227376938, + -0.01078074611723423, + 0.11569203436374664, + 0.029030276462435722, + 0.01765976846218109, + -0.2139936238527298, + 2.466644763946533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/107.png", + [ + 0.20828777551651, + 0.05012774467468262, + 0.03242387995123863, + -0.371581494808197, + 0.05128302052617073, + -0.21047964692115784, + -0.004032674245536327, + 0.03556787595152855, + 0.03056388534605503, + 0.01155073381960392, + -0.21419693529605865, + 2.5368285179138184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/112.png", + [ + 0.20748978853225708, + 0.05318893492221832, + 0.032662104815244675, + -0.37164968252182007, + 0.052998822182416916, + -0.2100251019001007, + 0.005336323752999306, + -0.07412146031856537, + 0.03296969458460808, + 0.0028790670912712812, + -0.21413220465183258, + 2.5217175483703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/69.png", + [ + 0.20986640453338623, + 0.049335163086652756, + 0.02168012224137783, + -0.2358434796333313, + 0.05029335245490074, + -0.21062137186527252, + -0.007557399105280638, + 0.08072222769260406, + 0.019353680312633514, + 0.012352208606898785, + -0.21545477211475372, + 2.4728379249572754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/45.png", + [ + 0.209000363945961, + 0.04404894635081291, + 0.03642013669013977, + -0.4128715693950653, + 0.0473165325820446, + -0.2107938975095749, + -0.016582129523158073, + 0.1804196834564209, + 0.03206060454249382, + 0.023948101326823235, + -0.21294717490673065, + 2.495412826538086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/50.png", + [ + 0.20910753309726715, + 0.045757751911878586, + 0.0335882343351841, + -0.36919093132019043, + 0.04888725280761719, + -0.21033471822738647, + -0.017811235040426254, + 0.1969337910413742, + 0.02884402871131897, + 0.024767549708485603, + -0.21331311762332916, + 2.44783878326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/101.png", + [ + 0.20846256613731384, + 0.05098395794630051, + 0.029864460229873657, + -0.3429519236087799, + 0.05254041776061058, + -0.21004973351955414, + -0.008154957555234432, + 0.08934225142002106, + 0.02703247219324112, + 0.015087575651705265, + -0.2144516557455063, + 2.558438777923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/85.png", + [ + 0.20852205157279968, + 0.047523967921733856, + 0.03475511446595192, + -0.381468266248703, + 0.04969288036227226, + -0.21065765619277954, + -0.010092699900269508, + 0.10827544331550598, + 0.03157631307840347, + 0.017683805897831917, + -0.2136307954788208, + 2.427309513092041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/131.png", + [ + 0.20709465444087982, + 0.048544157296419144, + 0.041269443929195404, + -0.4305630326271057, + 0.050506506115198135, + -0.21062907576560974, + -0.005689800716936588, + 0.059344541281461716, + 0.03884321451187134, + 0.015058075077831745, + -0.2126319706439972, + 2.3143482208251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/71.png", + [ + 0.21023957431316376, + 0.045761916786432266, + 0.025554994121193886, + -0.28221338987350464, + 0.047069448977708817, + -0.21131587028503418, + -0.008829661644995213, + 0.09783084690570831, + 0.02305813878774643, + 0.014118882827460766, + -0.2149810940027237, + 2.466261863708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/115.png", + [ + 0.20799407362937927, + 0.05152587592601776, + 0.03211622312664986, + -0.36171919107437134, + 0.05182220786809921, + -0.21037758886814117, + 0.0019048993708565831, + -0.03188776224851608, + 0.031635843217372894, + 0.005852673202753067, + -0.21427275240421295, + 2.509141445159912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/54.png", + [ + 0.20994390547275543, + 0.04286586865782738, + 0.03215539827942848, + -0.33879542350769043, + 0.04506181925535202, + -0.21158884465694427, + -0.012144597247242928, + 0.13060130178928375, + 0.028998015448451042, + 0.018454696983098984, + -0.2139309197664261, + 2.3653178215026855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/33.png", + [ + 0.2098693698644638, + 0.0401078499853611, + 0.035973552614450455, + -0.4095667600631714, + 0.04295237362384796, + -0.21188980340957642, + -0.014342286624014378, + 0.1569039225578308, + 0.03252429887652397, + 0.02102302573621273, + -0.21318559348583221, + 2.5100908279418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/49.png", + [ + 0.209102600812912, + 0.0458206906914711, + 0.03353295475244522, + -0.3718402683734894, + 0.048986341804265976, + -0.21028488874435425, + -0.018124639987945557, + 0.1991981863975525, + 0.02871120721101761, + 0.02507246471941471, + -0.21329541504383087, + 2.4656925201416016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/118.png", + [ + 0.20828936994075775, + 0.050977349281311035, + 0.03106026165187359, + -0.34208548069000244, + 0.05177413299679756, + -0.21038949489593506, + -0.0018964313203468919, + 0.015396133065223694, + 0.029713109135627747, + 0.009244851768016815, + -0.21442845463752747, + 2.4713916778564453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/110.png", + [ + 0.20781071484088898, + 0.052871447056531906, + 0.031099991872906685, + -0.35239100456237793, + 0.053323544561862946, + -0.21000947058200836, + 0.0007170719909481704, + -0.019649434834718704, + 0.030318301171064377, + 0.006965959444642067, + -0.21442987024784088, + 2.5287184715270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/18.png", + [ + 0.2123068869113922, + 0.03867444768548012, + 0.0194412712007761, + -0.2151799201965332, + 0.03960949555039406, + -0.21282558143138885, + -0.009179220534861088, + 0.09403000771999359, + 0.0174575038254261, + 0.012548173777759075, + -0.21560536324977875, + 2.480973720550537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/66.png", + [ + 0.20988482236862183, + 0.04324497655034065, + 0.03203307092189789, + -0.3659052848815918, + 0.04481682553887367, + -0.21185116469860077, + -0.0076444074511528015, + 0.08098156750202179, + 0.02979426644742489, + 0.014030558988451958, + -0.21415726840496063, + 2.5177998542785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/16.png", + [ + 0.2120857983827591, + 0.04320472106337547, + 0.010042925365269184, + -0.10777110606431961, + 0.04367993026971817, + -0.21196316182613373, + -0.010563012212514877, + 0.1117134690284729, + 0.007718292996287346, + 0.012363879941403866, + -0.2161838561296463, + 2.5000319480895996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/94.png", + [ + 0.20936979353427887, + 0.049369849264621735, + 0.025977034121751785, + -0.2965857684612274, + 0.050735585391521454, + -0.21046140789985657, + -0.00893296767026186, + 0.09929481148719788, + 0.023196732625365257, + 0.014714475721120834, + -0.21492624282836914, + 2.5471529960632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/28.png", + [ + 0.2100062370300293, + 0.03966466337442398, + 0.03566502034664154, + -0.40816256403923035, + 0.04193641245365143, + -0.21230186522006989, + -0.010823658667504787, + 0.11380340158939362, + 0.032963864505290985, + 0.017393354326486588, + -0.21344497799873352, + 2.5271172523498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/61.png", + [ + 0.20958402752876282, + 0.04072517901659012, + 0.03693091869354248, + -0.4119897186756134, + 0.04264015331864357, + -0.21229128539562225, + -0.007882138714194298, + 0.07865035533905029, + 0.03470230847597122, + 0.014891961589455605, + -0.213358536362648, + 2.467416763305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/132.png", + [ + 0.2075500339269638, + 0.04857896268367767, + 0.03887109085917473, + -0.4111519157886505, + 0.05062125250697136, + -0.21055713295936584, + -0.0071465857326984406, + 0.0756392627954483, + 0.03617134690284729, + 0.01592700369656086, + -0.2130395770072937, + 2.351510524749756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/58.png", + [ + 0.20939378440380096, + 0.04091761261224747, + 0.03778742998838425, + -0.4102294445037842, + 0.04323631525039673, + -0.21208444237709045, + -0.009935243055224419, + 0.1028561145067215, + 0.0351107120513916, + 0.017141681164503098, + -0.21312274038791656, + 2.4121665954589844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/123.png", + [ + 0.20898433029651642, + 0.05009166896343231, + 0.027645293623209, + -0.2763899862766266, + 0.05180641636252403, + -0.21010597050189972, + -0.010930286720395088, + 0.12333165109157562, + 0.02428029663860798, + 0.017152272164821625, + -0.21462564170360565, + 2.2800731658935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/64.png", + [ + 0.20983195304870605, + 0.04221466928720474, + 0.03371002897620201, + -0.3824779987335205, + 0.04421353340148926, + -0.21188591420650482, + -0.009869995526969433, + 0.10515913367271423, + 0.031042039394378662, + 0.016436995938420296, + -0.2138085812330246, + 2.5036468505859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/10.png", + [ + 0.21110861003398895, + 0.047953855246305466, + 0.009026605635881424, + -0.09503556787967682, + 0.04849899560213089, + -0.2106180340051651, + -0.015355565585196018, + 0.1686445027589798, + 0.005375837441533804, + 0.016981560736894608, + -0.21594126522541046, + 2.486382007598877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/41.png", + [ + 0.2091541290283203, + 0.04358388110995293, + 0.03609553724527359, + -0.4077732563018799, + 0.046402838081121445, + -0.21119233965873718, + -0.013873282819986343, + 0.15042078495025635, + 0.03239164873957634, + 0.02112194523215294, + -0.2131960093975067, + 2.4930267333984375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/91.png", + [ + 0.20894654095172882, + 0.04942047968506813, + 0.029100658372044563, + -0.33032625913619995, + 0.05103376507759094, + -0.21038000285625458, + -0.009149247780442238, + 0.10002465546131134, + 0.02616843394935131, + 0.015677055343985558, + -0.2145165205001831, + 2.5178327560424805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/23.png", + [ + 0.21020126342773438, + 0.03949910029768944, + 0.03468633070588112, + -0.3938514292240143, + 0.041888102889060974, + -0.21223923563957214, + -0.012156778015196323, + 0.13050174713134766, + 0.03176014497876167, + 0.018499232828617096, + -0.21353444457054138, + 2.5177321434020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/37.png", + [ + 0.20922569930553436, + 0.04498107731342316, + 0.03389988839626312, + -0.38023561239242554, + 0.04769790545105934, + -0.21085403859615326, + -0.01460727583616972, + 0.16060513257980347, + 0.029956795275211334, + 0.02156768925487995, + -0.21350719034671783, + 2.4876527786254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/36.png", + [ + 0.20906789600849152, + 0.04559704288840294, + 0.034050293266773224, + -0.3833320140838623, + 0.04830456152558327, + -0.21073031425476074, + -0.014397894963622093, + 0.15696708858013153, + 0.030086249113082886, + 0.021483464166522026, + -0.21349747478961945, + 2.496479034423828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/8.png", + [ + 0.210744708776474, + 0.049413878470659256, + 0.009634741581976414, + -0.10249898582696915, + 0.04995424672961235, + -0.210398867726326, + -0.013593406416475773, + 0.14795218408107758, + 0.006255628075450659, + 0.015442670322954655, + -0.21603307127952576, + 2.492584228515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/6.png", + [ + 0.21078550815582275, + 0.04921845719218254, + 0.009741988964378834, + -0.1063590943813324, + 0.04977893456816673, + -0.21041324734687805, + -0.01400777231901884, + 0.15490767359733582, + 0.006278550252318382, + 0.015865176916122437, + -0.21600177884101868, + 2.510680675506592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/20.png", + [ + 0.21118046343326569, + 0.03765270486474037, + 0.030544595792889595, + -0.345284640789032, + 0.039329808205366135, + -0.21286237239837646, + -0.009521951898932457, + 0.09377829730510712, + 0.02835250273346901, + 0.014824825339019299, + -0.21429945528507233, + 2.4932198524475098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/2.png", + [ + 0.21066814661026, + 0.04897508770227432, + 0.012971662916243076, + -0.14542429149150848, + 0.04961557313799858, + -0.21065916121006012, + -0.010435875505208969, + 0.11139048635959625, + 0.01025270763784647, + 0.01311691664159298, + -0.21603408455848694, + 2.5320963859558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/117.png", + [ + 0.20794861018657684, + 0.05223343148827553, + 0.03125613555312157, + -0.3477674722671509, + 0.05261027067899704, + -0.2101869136095047, + 0.0012334117200225592, + -0.02133616805076599, + 0.030617590993642807, + 0.006405491381883621, + -0.21440483629703522, + 2.4903697967529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/5.png", + [ + 0.2107878029346466, + 0.04898722097277641, + 0.010800352320075035, + -0.11843803524971008, + 0.04962186515331268, + -0.21045896410942078, + -0.013877811841666698, + 0.15456654131412506, + 0.0073529393412172794, + 0.015974216163158417, + -0.2159598469734192, + 2.522578716278076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/108.png", + [ + 0.2084798514842987, + 0.050365425646305084, + 0.03077944740653038, + -0.3503326177597046, + 0.0514679029583931, + -0.21042971312999725, + -0.004276815336197615, + 0.039146583527326584, + 0.028898198157548904, + 0.011426272802054882, + -0.2144346684217453, + 2.53617000579834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/60.png", + [ + 0.2093445360660553, + 0.0392802432179451, + 0.03974694386124611, + -0.44331803917884827, + 0.041385285556316376, + -0.21253763139247894, + -0.007931468077003956, + 0.07877181470394135, + 0.0375501848757267, + 0.015254892408847809, + -0.21285010874271393, + 2.451605796813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/56.png", + [ + 0.20871134102344513, + 0.043690890073776245, + 0.03845234215259552, + -0.4108184576034546, + 0.04614609107375145, + -0.21145747601985931, + -0.010206030681729317, + 0.10779276490211487, + 0.035468507558107376, + 0.01802028901875019, + -0.21299096941947937, + 2.37361478805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/30.png", + [ + 0.21016018092632294, + 0.03757121413946152, + 0.03700000047683716, + -0.4242589771747589, + 0.04016808420419693, + -0.21256262063980103, + -0.01231070701032877, + 0.13019032776355743, + 0.034163158386945724, + 0.01879979856312275, + -0.21313691139221191, + 2.517500877380371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/17.png", + [ + 0.21254488825798035, + 0.03982061147689819, + 0.01367037370800972, + -0.14908641576766968, + 0.04045556113123894, + -0.21264922618865967, + -0.009568175300955772, + 0.10111235082149506, + 0.011657957918941975, + 0.01193822082132101, + -0.21603116393089294, + 2.4852347373962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/12.png", + [ + 0.21124093234539032, + 0.0479373000562191, + 0.005213221535086632, + -0.05229661986231804, + 0.04819728061556816, + -0.21062222123146057, + -0.01622329279780388, + 0.1760561317205429, + 0.0014783431543037295, + 0.01697608269751072, + -0.21600352227687836, + 2.4951682090759277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/114.png", + [ + 0.2078854739665985, + 0.05240127444267273, + 0.03139479458332062, + -0.3535883128643036, + 0.05243721976876259, + -0.2102024406194687, + 0.003629211103543639, + -0.053224433213472366, + 0.031334713101387024, + 0.00411582738161087, + -0.2143574059009552, + 2.513523578643799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/27.png", + [ + 0.21031194925308228, + 0.03817213326692581, + 0.035491716116666794, + -0.40640467405319214, + 0.040345706045627594, + -0.21263177692890167, + -0.010384848341345787, + 0.10885506868362427, + 0.03299996629357338, + 0.016688600182533264, + -0.2134956419467926, + 2.524216651916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/42.png", + [ + 0.2093833088874817, + 0.043321721255779266, + 0.03506786748766899, + -0.39640381932258606, + 0.04601253941655159, + -0.21128816902637482, + -0.013713082298636436, + 0.14755715429782867, + 0.031454313546419144, + 0.020698554813861847, + -0.21337780356407166, + 2.49711275100708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/7.png", + [ + 0.21067960560321808, + 0.04957672953605652, + 0.010204967111349106, + -0.10975825041532516, + 0.05015360936522484, + -0.2103598266839981, + -0.013463071547448635, + 0.14654171466827393, + 0.006827102974057198, + 0.015452713705599308, + -0.2160150408744812, + 2.4994935989379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/73.png", + [ + 0.20951683819293976, + 0.047734737396240234, + 0.027784615755081177, + -0.3080166280269623, + 0.04908069968223572, + -0.21089935302734375, + -0.007774357683956623, + 0.08544096350669861, + 0.025331299751996994, + 0.013811248354613781, + -0.21474513411521912, + 2.469099998474121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/120.png", + [ + 0.2084159404039383, + 0.05059562250971794, + 0.03083464689552784, + -0.3320094347000122, + 0.05215471610426903, + -0.2101641297340393, + -0.007669555954635143, + 0.08765411376953125, + 0.028117230162024498, + 0.014799286611378193, + -0.2143322080373764, + 2.416506767272949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/46.png", + [ + 0.20905332267284393, + 0.04397330805659294, + 0.036207158118486404, + -0.4098343253135681, + 0.04746125638484955, + -0.2106252908706665, + -0.018229592591524124, + 0.1995364874601364, + 0.03149665892124176, + 0.025519339367747307, + -0.21284881234169006, + 2.4911136627197266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/127.png", + [ + 0.20798946917057037, + 0.04840419068932533, + 0.03667854145169258, + -0.36101266741752625, + 0.04982275143265724, + -0.21082475781440735, + -0.0043023922480642796, + 0.052123215049505234, + 0.03472714126110077, + 0.012563897296786308, + -0.21350426971912384, + 2.2191882133483887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/133.png", + [ + 0.207795649766922, + 0.048833541572093964, + 0.03720412775874138, + -0.396344929933548, + 0.05080101266503334, + -0.21050390601158142, + -0.007434114348143339, + 0.07827043533325195, + 0.03446910157799721, + 0.015852266922593117, + -0.21332718431949615, + 2.3741512298583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/57.png", + [ + 0.2086988091468811, + 0.043638888746500015, + 0.038579072803258896, + -0.4151765704154968, + 0.046190109103918076, + -0.21142242848873138, + -0.010720361024141312, + 0.11377441883087158, + 0.03548480197787285, + 0.018549926578998566, + -0.21294277906417847, + 2.393129348754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/44.png", + [ + 0.20910301804542542, + 0.042984433472156525, + 0.03709658980369568, + -0.42063793540000916, + 0.04615607112646103, + -0.2111312448978424, + -0.015527517534792423, + 0.16810989379882812, + 0.03306712582707405, + 0.02288723737001419, + -0.21290992200374603, + 2.496244430541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/113.png", + [ + 0.20759354531764984, + 0.05373220145702362, + 0.031075013801455498, + -0.3517063856124878, + 0.05348813906311989, + -0.20989394187927246, + 0.0056080808863043785, + -0.07660573720932007, + 0.03149326890707016, + 0.002298114588484168, + -0.21436135470867157, + 2.5190820693969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/126.png", + [ + 0.2085699588060379, + 0.04779605567455292, + 0.03408828750252724, + -0.33214178681373596, + 0.04942987114191055, + -0.21085156500339508, + -0.00679740821942687, + 0.07998225092887878, + 0.03167274221777916, + 0.01431969553232193, + -0.21386836469173431, + 2.2086939811706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/29.png", + [ + 0.21014605462551117, + 0.038207001984119415, + 0.036424681544303894, + -0.4169953465461731, + 0.040641121566295624, + -0.2125149369239807, + -0.01155846007168293, + 0.12091344594955444, + 0.03368726000189781, + 0.01804228313267231, + -0.21327807009220123, + 2.5202698707580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/4.png", + [ + 0.210518479347229, + 0.04968860745429993, + 0.012685024179518223, + -0.14081421494483948, + 0.05037064850330353, + -0.2104112207889557, + -0.011739160865545273, + 0.12894384562969208, + 0.009626271203160286, + 0.014354534447193146, + -0.21598419547080994, + 2.529313087463379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/55.png", + [ + 0.20960043370723724, + 0.041048165410757065, + 0.036477502435445786, + -0.38786548376083374, + 0.04351118952035904, + -0.21194854378700256, + -0.011510218493640423, + 0.12248893082141876, + 0.03350129351019859, + 0.01845959573984146, + -0.21327166259288788, + 2.3629980087280273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/9.png", + [ + 0.21076926589012146, + 0.04934520646929741, + 0.009448007680475712, + -0.10026302933692932, + 0.04989049583673477, + -0.21037088334560394, + -0.014245170168578625, + 0.15607263147830963, + 0.005928957834839821, + 0.016032379120588303, + -0.2159993201494217, + 2.484635353088379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/25.png", + [ + 0.2106247842311859, + 0.03626183792948723, + 0.035639479756355286, + -0.4096756875514984, + 0.03845224529504776, + -0.21297399699687958, + -0.010554781183600426, + 0.11060996353626251, + 0.03326437249779701, + 0.0165848508477211, + -0.2134626805782318, + 2.5268096923828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/99.png", + [ + 0.20949873328208923, + 0.048916880041360855, + 0.025793692097067833, + -0.29583293199539185, + 0.050080347806215286, + -0.21068459749221802, + -0.007200830616056919, + 0.0772208422422409, + 0.023454943671822548, + 0.01292408723384142, + -0.215013325214386, + 2.5655384063720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/34.png", + [ + 0.20971517264842987, + 0.04201021045446396, + 0.034678276628255844, + -0.3934738039970398, + 0.04473418742418289, + -0.21152494847774506, + -0.014280670322477818, + 0.1558469980955124, + 0.031085262075066566, + 0.02098158933222294, + -0.21340423822402954, + 2.5093445777893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/72.png", + [ + 0.20967569947242737, + 0.04650584235787392, + 0.028656676411628723, + -0.3189070522785187, + 0.04802534729242325, + -0.21110178530216217, + -0.00880364514887333, + 0.09747530519962311, + 0.02603006549179554, + 0.01487094908952713, + -0.21459074318408966, + 2.467557430267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/102.png", + [ + 0.20882344245910645, + 0.050188302993774414, + 0.028667010366916656, + -0.3274845480918884, + 0.05158407986164093, + -0.21030861139297485, + -0.007567352615296841, + 0.08128808438777924, + 0.026071934029459953, + 0.01411795150488615, + -0.21463651955127716, + 2.559868812561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/134.png", + [ + 0.20764441788196564, + 0.0489947535097599, + 0.03783120587468147, + -0.40756386518478394, + 0.05098848044872284, + -0.2104635238647461, + -0.0072920070961117744, + 0.07531780004501343, + 0.0350978747010231, + 0.01589064858853817, + -0.21322175860404968, + 2.3890838623046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/70.png", + [ + 0.21029438078403473, + 0.04748176783323288, + 0.021671485155820847, + -0.23650944232940674, + 0.04853644594550133, + -0.2109886109828949, + -0.008713272400200367, + 0.0950266569852829, + 0.019193360581994057, + 0.013311244547367096, + -0.215411975979805, + 2.4646148681640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/130.png", + [ + 0.2069316804409027, + 0.04773568734526634, + 0.042993929237127304, + -0.4431016445159912, + 0.049665987491607666, + -0.21084770560264587, + -0.004942717030644417, + 0.05164815112948418, + 0.04074878245592117, + 0.01457549910992384, + -0.21230871975421906, + 2.2823729515075684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/90.png", + [ + 0.2090587168931961, + 0.04858109727501869, + 0.029702115803956985, + -0.33497312664985657, + 0.050185926258563995, + -0.21059978008270264, + -0.008775071240961552, + 0.09497718513011932, + 0.026901893317699432, + 0.015346206724643707, + -0.2144497185945511, + 2.505138397216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/122.png", + [ + 0.2085568755865097, + 0.0515129491686821, + 0.02825506590306759, + -0.2906518578529358, + 0.05338606983423233, + -0.20966245234012604, + -0.011810269206762314, + 0.13667090237140656, + 0.02453284151852131, + 0.01832950860261917, + -0.2144995629787445, + 2.324244976043701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/15.png", + [ + 0.21156282722949982, + 0.04660757631063461, + 0.004097764380276203, + -0.03787047415971756, + 0.04677277058362961, + -0.21115806698799133, + -0.013132954016327858, + 0.13937650620937347, + 0.001168483286164701, + 0.013707691803574562, + -0.21623742580413818, + 2.4974637031555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/22.png", + [ + 0.21008111536502838, + 0.03893421217799187, + 0.03602699935436249, + -0.4103362262248993, + 0.041262056678533554, + -0.21242263913154602, + -0.011043683625757694, + 0.11541371047496796, + 0.033335573971271515, + 0.017568359151482582, + -0.21337288618087769, + 2.508899211883545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/109.png", + [ + 0.20814236998558044, + 0.05196182429790497, + 0.030407628044486046, + -0.34370872378349304, + 0.05277063325047493, + -0.21013960242271423, + -0.00212345109321177, + 0.014019038528203964, + 0.028981277719140053, + 0.009445546194911003, + -0.21451984345912933, + 2.5358333587646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/26.png", + [ + 0.21042288839817047, + 0.03785169869661331, + 0.035176001489162445, + -0.40445733070373535, + 0.03985411301255226, + -0.2127678096294403, + -0.009455163963139057, + 0.09761787950992584, + 0.03288998827338219, + 0.015652460977435112, + -0.2135910540819168, + 2.527442455291748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/43.png", + [ + 0.20900845527648926, + 0.04358059540390968, + 0.036933694034814835, + -0.4185132384300232, + 0.04661177098751068, + -0.21109062433242798, + -0.014696559868752956, + 0.1592852622270584, + 0.03302588686347008, + 0.02212188020348549, + -0.2129972130060196, + 2.4950180053710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/84.png", + [ + 0.2084086686372757, + 0.048359114676713943, + 0.03427994251251221, + -0.37214195728302, + 0.05017177760601044, + -0.21063876152038574, + -0.007874278351664543, + 0.08343730866909027, + 0.03156756982207298, + 0.015511523932218552, + -0.21380078792572021, + 2.406074047088623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/89.png", + [ + 0.20891249179840088, + 0.04877801612019539, + 0.030400222167372704, + -0.3409145772457123, + 0.05066298320889473, + -0.2104034572839737, + -0.010561316274106503, + 0.11487853527069092, + 0.027142781764268875, + 0.01729116402566433, + -0.21427127718925476, + 2.489875316619873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/63.png", + [ + 0.20998616516590118, + 0.04102778062224388, + 0.03421132266521454, + -0.3853922486305237, + 0.04314274340867996, + -0.21207760274410248, + -0.010473313741385937, + 0.11086055636405945, + 0.03150234371423721, + 0.01696193777024746, + -0.21370024979114532, + 2.4925718307495117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/88.png", + [ + 0.2092207372188568, + 0.04732530936598778, + 0.03057599626481533, + -0.3398643136024475, + 0.049168627709150314, + -0.21077512204647064, + -0.010207354091107845, + 0.10946248471736908, + 0.027514031156897545, + 0.016794631257653236, + -0.2142634093761444, + 2.480980396270752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/62.png", + [ + 0.20987214148044586, + 0.04038263112306595, + 0.03564862534403801, + -0.39905524253845215, + 0.04236441105604172, + -0.21230582892894745, + -0.008910383097827435, + 0.09166516363620758, + 0.03326917439699173, + 0.015600692480802536, + -0.2135361135005951, + 2.4784913063049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/65.png", + [ + 0.20971333980560303, + 0.04300617799162865, + 0.03344675526022911, + -0.3815964162349701, + 0.04477483034133911, + -0.21183283627033234, + -0.008364343084394932, + 0.0883646011352539, + 0.031039176508784294, + 0.015007234178483486, + -0.21391411125659943, + 2.511847496032715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/80.png", + [ + 0.20986326038837433, + 0.04783995822072029, + 0.024832310155034065, + -0.2555454671382904, + 0.04928155988454819, + -0.21073408424854279, + -0.010505612008273602, + 0.12044563889503479, + 0.0218319334089756, + 0.01582334376871586, + -0.21499042212963104, + 2.3452415466308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/119.png", + [ + 0.20838052034378052, + 0.0513918362557888, + 0.02973766438663006, + -0.3227788507938385, + 0.052494775503873825, + -0.21016818284988403, + -0.004639193881303072, + 0.050122279673814774, + 0.027744336053729057, + 0.011666293255984783, + -0.21457409858703613, + 2.44923734664917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/79.png", + [ + 0.2098502516746521, + 0.04816845804452896, + 0.024301564320921898, + -0.250554621219635, + 0.04973619058728218, + -0.21053726971149445, + -0.012175988405942917, + 0.1404489129781723, + 0.02090640179812908, + 0.01737075299024582, + -0.21496295928955078, + 2.3491902351379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/116.png", + [ + 0.20794756710529327, + 0.05107865482568741, + 0.033116113394498825, + -0.3717927634716034, + 0.05141371488571167, + -0.21047870814800262, + 0.001800105907022953, + -0.028586411848664284, + 0.0325934924185276, + 0.0061303661204874516, + -0.21412141621112823, + 2.498520851135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/19.png", + [ + 0.21198371052742004, + 0.03719015046954155, + 0.025053970515727997, + -0.282043993473053, + 0.03851626068353653, + -0.21300271153450012, + -0.009707718156278133, + 0.09628833830356598, + 0.0229631494730711, + 0.013951163738965988, + -0.21500222384929657, + 2.4800004959106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/77.png", + [ + 0.20973166823387146, + 0.04731468856334686, + 0.02686706930398941, + -0.28581443428993225, + 0.049224838614463806, + -0.21058228611946106, + -0.01341325044631958, + 0.15334336459636688, + 0.023182619363069534, + 0.01908719539642334, + -0.2145836502313614, + 2.389446258544922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/68.png", + [ + 0.2101024091243744, + 0.04722117632627487, + 0.02397986873984337, + -0.26517561078071594, + 0.04836906120181084, + -0.21104776859283447, + -0.008195750415325165, + 0.08867515623569489, + 0.021570980548858643, + 0.013300267979502678, + -0.21518756449222565, + 2.480360984802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/86.png", + [ + 0.20859362185001373, + 0.048824701458215714, + 0.03244595602154732, + -0.35704508423805237, + 0.05091409012675285, + -0.21032968163490295, + -0.010820155031979084, + 0.1163066178560257, + 0.02905765362083912, + 0.018040746450424194, + -0.21395812928676605, + 2.4508681297302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/1.png", + [ + 0.21041171252727509, + 0.049749404191970825, + 0.014135284349322319, + -0.1572524607181549, + 0.05042644590139389, + -0.21049834787845612, + -0.009773235768079758, + 0.10370591282844543, + 0.011488382704555988, + 0.012780431658029556, + -0.2159920632839203, + 2.530604839324951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/81.png", + [ + 0.20923694968223572, + 0.04884478077292442, + 0.027963854372501373, + -0.29162368178367615, + 0.05034339427947998, + -0.21055659651756287, + -0.008908207528293133, + 0.10233290493488312, + 0.025166098028421402, + 0.015099698677659035, + -0.21467779576778412, + 2.353715419769287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/95.png", + [ + 0.20953600108623505, + 0.04926658421754837, + 0.024806499481201172, + -0.28269872069358826, + 0.05045793578028679, + -0.21056489646434784, + -0.00801971834152937, + 0.08740635216236115, + 0.02228352427482605, + 0.013532293029129505, + -0.2151004821062088, + 2.554265022277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/103.png", + [ + 0.208889901638031, + 0.04968203604221344, + 0.029061876237392426, + -0.33216962218284607, + 0.0510639064013958, + -0.21044592559337616, + -0.0072725391946733, + 0.07721228897571564, + 0.02655889466404915, + 0.013860288076102734, + -0.21459360420703888, + 2.558539867401123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/83.png", + [ + 0.20886830985546112, + 0.04750616103410721, + 0.03263568505644798, + -0.35023343563079834, + 0.049166493117809296, + -0.210882306098938, + -0.0076944585889577866, + 0.08363726735115051, + 0.030076222494244576, + 0.014822736382484436, + -0.21406447887420654, + 2.3871049880981445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/51.png", + [ + 0.2093096524477005, + 0.04625868424773216, + 0.03158313035964966, + -0.34232208132743835, + 0.0492265447974205, + -0.21020911633968353, + -0.018351368606090546, + 0.20450912415981293, + 0.026722798123955727, + 0.02490299567580223, + -0.21357347071170807, + 2.4253182411193848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/128.png", + [ + 0.2076164335012436, + 0.04797109216451645, + 0.03926946222782135, + -0.39004310965538025, + 0.049487993121147156, + -0.21090959012508392, + -0.00399689981713891, + 0.04595402255654335, + 0.03733972832560539, + 0.012798862531781197, + -0.21304889023303986, + 2.2316842079162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/93.png", + [ + 0.20913584530353546, + 0.05006967857480049, + 0.026516415178775787, + -0.3015657663345337, + 0.05148141086101532, + -0.21027833223342896, + -0.008977075107395649, + 0.09899608790874481, + 0.023659195750951767, + 0.014964976347982883, + -0.2148585319519043, + 2.540562152862549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/137.png", + [ + 0.14855444431304932, + -0.013627431355416775, + -0.1571424901485443, + 1.5851274728775024, + -0.044689882546663284, + -0.21065539121627808, + -0.0239794310182333, + 0.20804201066493988, + -0.15126892924308777, + 0.048851728439331055, + -0.14723829925060272, + 1.526975393295288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/173.png", + [ + 0.15648217499256134, + -0.01828080415725708, + -0.14875157177448273, + 1.3663359880447388, + -0.043050069361925125, + -0.2114761769771576, + -0.019298039376735687, + 0.06331115961074829, + -0.14355456829071045, + 0.043491773307323456, + -0.1563599854707718, + 1.3809198141098022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/35.png", + [ + 0.18373064696788788, + -0.018589036539196968, + -0.11333753168582916, + 1.0345609188079834, + -0.03638406842947006, + -0.21222564578056335, + -0.024173792451620102, + 0.06758226454257965, + -0.10893645137548447, + 0.039529990404844284, + -0.1830795705318451, + 1.554094672203064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/124.png", + [ + 0.15696723759174347, + -0.01980792172253132, + -0.14804330468177795, + 1.4189634323120117, + -0.045932602137327194, + -0.2107551544904709, + -0.020502733066678047, + 0.06481824815273285, + -0.1421245038509369, + 0.04623648151755333, + -0.15687799453735352, + 1.443651795387268, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/97.png", + [ + 0.16355521976947784, + -0.007746646646410227, + -0.14190693199634552, + 1.4225538969039917, + -0.04379076510667801, + -0.20857280492782593, + -0.03908525034785271, + 0.33203548192977905, + -0.13520340621471405, + 0.05818314477801323, + -0.15900520980358124, + 1.6084753274917603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/155.png", + [ + 0.16083477437496185, + -0.016236789524555206, + -0.14427903294563293, + 1.4001179933547974, + -0.04591977968811989, + -0.2099514752626419, + -0.027561577036976814, + 0.18418265879154205, + -0.13773687183856964, + 0.051035601645708084, + -0.159285306930542, + 1.5317412614822388, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/192.png", + [ + 0.1675950586795807, + -0.022797321900725365, + -0.13542550802230835, + 1.278184413909912, + -0.04683351144194603, + -0.2103474736213684, + -0.02254897728562355, + 0.06552436947822571, + -0.12909846007823944, + 0.04671312868595123, + -0.16762866079807281, + 1.5138534307479858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/13.png", + [ + 0.14967776834964752, + -0.010798011906445026, + -0.15629415214061737, + 1.3802908658981323, + -0.027117446064949036, + -0.21468229591846466, + -0.011137565597891808, + -0.028835538774728775, + -0.1543019711971283, + 0.027254434302449226, + -0.1496528834104538, + 1.2640907764434814, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/32.png", + [ + 0.17713820934295654, + -0.023240311071276665, + -0.12259623408317566, + 1.106399416923523, + -0.042329080402851105, + -0.2114519476890564, + -0.02107640728354454, + 0.06047894433140755, + -0.11738057434558868, + 0.041180744767189026, + -0.17740868031978607, + 1.5304933786392212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/158.png", + [ + 0.15553197264671326, + -0.018727071583271027, + -0.1496896594762802, + 1.4996917247772217, + -0.049536701291799545, + -0.20941680669784546, + -0.025270802900195122, + 0.20758210122585297, + -0.14249145984649658, + 0.052362147718667984, + -0.15460364520549774, + 1.5841366052627563, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/148.png", + [ + 0.15789403021335602, + -0.016933739185333252, + -0.14741308987140656, + 1.558899998664856, + -0.0469101145863533, + -0.2099153697490692, + -0.02613183856010437, + 0.22178247570991516, + -0.14077217876911163, + 0.050957635045051575, + -0.1566345989704132, + 1.6800140142440796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/111.png", + [ + 0.15558834373950958, + -0.017906583845615387, + -0.14973145723342896, + 1.5551307201385498, + -0.04741394519805908, + -0.21003951132297516, + -0.02414967678487301, + 0.2102750986814499, + -0.14315053820610046, + 0.05010632053017616, + -0.1547422707080841, + 1.639336347579956, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/11.png", + [ + 0.15375320613384247, + -0.011044813320040703, + -0.15226905047893524, + 1.351341724395752, + -0.03145870193839073, + -0.21376121044158936, + -0.016260186210274696, + 0.03429156914353371, + -0.149392768740654, + 0.033646032214164734, + -0.15328939259052277, + 1.3099383115768433, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/125.png", + [ + 0.13520300388336182, + -0.04703103378415108, + -0.162653386592865, + 1.558544397354126, + -0.05533025786280632, + -0.2089928686618805, + 0.01443764939904213, + -0.258011132478714, + -0.1600206345319748, + 0.032526373863220215, + -0.14241951704025269, + 1.306692123413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/105.png", + [ + 0.16016386449337006, + -0.018939493224024773, + -0.14469529688358307, + 1.4934113025665283, + -0.04887142404913902, + -0.20939737558364868, + -0.026687506586313248, + 0.21676968038082123, + -0.1375027894973755, + 0.05236348509788513, + -0.1590564250946045, + 1.6554405689239502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/121.png", + [ + 0.1591021716594696, + -0.015915170311927795, + -0.1462227702140808, + 1.411863923072815, + -0.04751905798912048, + -0.20941336452960968, + -0.02891160361468792, + 0.19770537316799164, + -0.1391989141702652, + 0.0532977394759655, + -0.15726065635681152, + 1.5149165391921997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/175.png", + [ + 0.15760628879070282, + -0.014513145200908184, + -0.14797809720039368, + 1.3758065700531006, + -0.047882966697216034, + -0.20910635590553284, + -0.030490092933177948, + 0.2162284404039383, + -0.14076709747314453, + 0.0548798069357872, + -0.15530848503112793, + 1.450426697731018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/24.png", + [ + 0.18134935200214386, + -0.01968526281416416, + -0.11693075299263, + 1.0820002555847168, + -0.0392477884888649, + -0.21158921718597412, + -0.025248877704143524, + 0.09242978692054749, + -0.1118924617767334, + 0.04231293871998787, + -0.18065877258777618, + 1.5870394706726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/193.png", + [ + 0.15974745154380798, + -0.020912520587444305, + -0.14488376677036285, + 1.3368110656738281, + -0.045987021178007126, + -0.21076452732086182, + -0.020283108577132225, + 0.04301375523209572, + -0.13897420465946198, + 0.04570423439145088, + -0.15982860326766968, + 1.4199670553207397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/129.png", + [ + 0.15515588223934174, + -0.027720540761947632, + -0.14868125319480896, + 1.3682748079299927, + -0.04679001122713089, + -0.21135233342647552, + -0.009422472678124905, + -0.04282458499073982, + -0.14382362365722656, + 0.038854341953992844, + -0.15733084082603455, + 1.384947419166565, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/172.png", + [ + 0.13781875371932983, + -0.034459374845027924, + -0.1636045128107071, + 1.5412867069244385, + -0.04478806257247925, + -0.2118828147649765, + 0.006899040658026934, + -0.18546345829963684, + -0.16108356416225433, + 0.02942989580333233, + -0.14189383387565613, + 1.2717245817184448, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/153.png", + [ + 0.15157833695411682, + -0.019034523516893387, + -0.15365412831306458, + 1.4892728328704834, + -0.041124455630779266, + -0.21225669980049133, + -0.014274725690484047, + 0.0264853797852993, + -0.14926716685295105, + 0.03914939612150192, + -0.15210041403770447, + 1.4260071516036987, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/144.png", + [ + 0.15830594301223755, + -0.01813712902367115, + -0.14682699739933014, + 1.5169669389724731, + -0.046173688024282455, + -0.21035563945770264, + -0.023798909038305283, + 0.19410890340805054, + -0.14055286347866058, + 0.04867691546678543, + -0.15755422413349152, + 1.654892921447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/188.png", + [ + 0.15595240890979767, + -0.022717120125889778, + -0.14869655668735504, + 1.5378491878509521, + -0.042737338691949844, + -0.21205425262451172, + -0.012426171451807022, + 0.06107554957270622, + -0.1442229449748993, + 0.03827299177646637, + -0.1571076363325119, + 1.6123063564300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/98.png", + [ + 0.16190993785858154, + -0.0080442288890481, + -0.1437649130821228, + 1.4480136632919312, + -0.044303737580776215, + -0.20862440764904022, + -0.03822208568453789, + 0.32203465700149536, + -0.1370045244693756, + 0.05795722082257271, + -0.1575392633676529, + 1.6029603481292725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/0.png", + [ + 0.15923266112804413, + -0.0041152434423565865, + -0.14688740670681, + 1.4340120553970337, + -0.020261336117982864, + -0.21513573825359344, + -0.015936903655529022, + 0.09626443684101105, + -0.1455414742231369, + 0.02544742450118065, + -0.15848657488822937, + 1.517945647239685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/163.png", + [ + 0.13943888247013092, + -0.04399167373776436, + -0.15990442037582397, + 1.562827229499817, + -0.045415207743644714, + -0.21105574071407318, + 0.01846134662628174, + -0.2795618176460266, + -0.1595059484243393, + 0.021635491400957108, + -0.14504361152648926, + 1.3389745950698853, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/96.png", + [ + 0.16212919354438782, + -0.010219186544418335, + -0.14337915182113647, + 1.4226930141448975, + -0.045853082090616226, + -0.2085120677947998, + -0.03698794171214104, + 0.3153323233127594, + -0.13623329997062683, + 0.05801880359649658, + -0.15818408131599426, + 1.5925921201705933, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/100.png", + [ + 0.16194918751716614, + -0.010145114734768867, + -0.14358772337436676, + 1.4539034366607666, + -0.044962525367736816, + -0.20888662338256836, + -0.03595338389277458, + 0.30749571323394775, + -0.13674329221248627, + 0.05666878819465637, + -0.1582334041595459, + 1.6246654987335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/141.png", + [ + 0.15765224397182465, + -0.021139392629265785, + -0.14712846279144287, + 1.5060296058654785, + -0.04775277525186539, + -0.21030594408512115, + -0.020951708778738976, + 0.1547936648130417, + -0.14075985550880432, + 0.047669991850852966, + -0.1576772928237915, + 1.6325546503067017, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/52.png", + [ + 0.15432608127593994, + -0.01659437082707882, + -0.15118193626403809, + 1.296517252922058, + -0.034760549664497375, + -0.21352867782115936, + -0.012045653536915779, + -0.0402330607175827, + -0.14806436002254486, + 0.032833222299814224, + -0.1547475904226303, + 1.2517673969268799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/184.png", + [ + 0.15493671596050262, + -0.014502814039587975, + -0.15077193081378937, + 1.55107843875885, + -0.0456332266330719, + -0.210127592086792, + -0.026681503280997276, + 0.2331218123435974, + -0.14443029463291168, + 0.05083269253373146, + -0.15330953896045685, + 1.5843425989151, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/3.png", + [ + 0.16606514155864716, + 0.0018110772361978889, + -0.13916531205177307, + 1.3273897171020508, + -0.021070802584290504, + -0.21383178234100342, + -0.02792644128203392, + 0.19046036899089813, + -0.13757283985614777, + 0.034936871379613876, + -0.16371016204357147, + 1.520089030265808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/104.png", + [ + 0.15683682262897491, + -0.017608117312192917, + -0.14845894277095795, + 1.5360733270645142, + -0.05104217678308487, + -0.20854412019252777, + -0.029188022017478943, + 0.24808144569396973, + -0.14051620662212372, + 0.05609990283846855, + -0.15509961545467377, + 1.6276260614395142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/21.png", + [ + 0.18035687506198883, + -0.023764722049236298, + -0.11770522594451904, + 1.1084896326065063, + -0.03477809950709343, + -0.21362391114234924, + -0.010158903896808624, + -0.00041946396231651306, + -0.11493372917175293, + 0.027348803356289864, + -0.18163196742534637, + 1.6656494140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/106.png", + [ + 0.15552599728107452, + -0.021060379222035408, + -0.1493854522705078, + 1.5364245176315308, + -0.0502808578312397, + -0.20952200889587402, + -0.022809240967035294, + 0.1752144992351532, + -0.1422370821237564, + 0.05103809013962746, + -0.15527915954589844, + 1.6139289140701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/14.png", + [ + 0.17478598654270172, + -0.006366652436554432, + -0.12789535522460938, + 1.1347565650939941, + -0.028116973116993904, + -0.21303366124629974, + -0.02782072313129902, + 0.09980268776416779, + -0.12492875009775162, + 0.03903873264789581, + -0.17267505824565887, + 1.4397525787353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/67.png", + [ + 0.169612318277359, + -0.02631864883005619, + -0.1322379857301712, + 1.3605669736862183, + -0.04551602527499199, + -0.2112085521221161, + -0.016344435513019562, + 0.12709034979343414, + -0.12691669166088104, + 0.0405731163918972, + -0.1708621382713318, + 1.7884907722473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/191.png", + [ + 0.17512823641300201, + -0.02420341782271862, + -0.12526848912239075, + 1.213472604751587, + -0.045796480029821396, + -0.2104877382516861, + -0.023355703800916672, + 0.08617724478244781, + -0.11908267438411713, + 0.045354168862104416, + -0.1752432882785797, + 1.6214803457260132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/31.png", + [ + 0.158864825963974, + -0.016629058867692947, + -0.1464012712240219, + 1.2957695722579956, + -0.040069274604320526, + -0.2120523601770401, + -0.019394420087337494, + 0.041285548359155655, + -0.14178965985774994, + 0.04129364341497421, + -0.15855099260807037, + 1.3594920635223389, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/194.png", + [ + 0.1592615842819214, + -0.01674586348235607, + -0.14595621824264526, + 1.3333134651184082, + -0.042941104620695114, + -0.21116803586483002, + -0.022627856582403183, + 0.0600106380879879, + -0.1404980570077896, + 0.045558031648397446, + -0.15853282809257507, + 1.3882554769515991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/152.png", + [ + 0.16421422362327576, + -0.01909531094133854, + -0.14006052911281586, + 1.3872593641281128, + -0.042191922664642334, + -0.2115234136581421, + -0.020629703998565674, + 0.08410663902759552, + -0.1349126696586609, + 0.04290818050503731, + -0.16402851045131683, + 1.5621132850646973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/92.png", + [ + 0.15512719750404358, + -0.013542123138904572, + -0.15066535770893097, + 1.394202470779419, + -0.05157334730029106, + -0.2076101005077362, + -0.03444022685289383, + 0.25145748257637024, + -0.14220979809761047, + 0.060519006103277206, + -0.15186083316802979, + 1.4075802564620972, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/151.png", + [ + 0.16655246913433075, + -0.015410182066261768, + -0.13773411512374878, + 1.4032223224639893, + -0.042022012174129486, + -0.21080955862998962, + -0.027228226885199547, + 0.16275811195373535, + -0.13206936419010162, + 0.04764191806316376, + -0.1650327891111374, + 1.625883936882019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/139.png", + [ + 0.1503136307001114, + -0.014131740666925907, + -0.15541556477546692, + 1.5954205989837646, + -0.04210854694247246, + -0.21145343780517578, + -0.021499022841453552, + 0.17497971653938293, + -0.1502683460712433, + 0.04511797055602074, + -0.14943788945674896, + 1.5650206804275513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/107.png", + [ + 0.157695934176445, + -0.020956747233867645, + -0.147107794880867, + 1.5121797323226929, + -0.05004964768886566, + -0.20946580171585083, + -0.023811809718608856, + 0.18614168465137482, + -0.13991041481494904, + 0.05131066218018532, + -0.15729014575481415, + 1.6323692798614502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/112.png", + [ + 0.15831080079078674, + -0.019640473648905754, + -0.1466282457113266, + 1.5238596200942993, + -0.047038741409778595, + -0.21029424667358398, + -0.022618165239691734, + 0.1846192479133606, + -0.1402602642774582, + 0.048357799649238586, + -0.15791286528110504, + 1.6627848148345947, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/69.png", + [ + 0.1776786744594574, + -0.027972834184765816, + -0.12081266194581985, + 1.2411502599716187, + -0.04169190675020218, + -0.212277352809906, + -0.012165640480816364, + 0.05155276134610176, + -0.11679025739431381, + 0.033222559839487076, + -0.17945526540279388, + 1.827985167503357, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/157.png", + [ + 0.15445485711097717, + -0.018856283277273178, + -0.1507847160100937, + 1.4878990650177002, + -0.04997065290808678, + -0.20934529602527618, + -0.02500740811228752, + 0.1979156881570816, + -0.1435079127550125, + 0.05260111391544342, + -0.15357893705368042, + 1.5463906526565552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/50.png", + [ + 0.15774179995059967, + -0.019300920888781548, + -0.1472850739955902, + 1.2846077680587769, + -0.037686537951231, + -0.2130085825920105, + -0.012448516674339771, + -0.034682080149650574, + -0.14368419349193573, + 0.03468018397688866, + -0.15842989087104797, + 1.3145776987075806, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/101.png", + [ + 0.1646796613931656, + -0.012295562773942947, + -0.14027589559555054, + 1.4236925840377808, + -0.04483270272612572, + -0.20919300615787506, + -0.034295905381441116, + 0.2996404767036438, + -0.1334860771894455, + 0.05509083345532417, + -0.16153748333454132, + 1.668703556060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/156.png", + [ + 0.14837561547756195, + -0.017419535666704178, + -0.15693672001361847, + 1.5347230434417725, + -0.050568465143442154, + -0.20925195515155792, + -0.02458350360393524, + 0.17936551570892334, + -0.1495841145515442, + 0.053460992872714996, + -0.14735810458660126, + 1.460844874382019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/181.png", + [ + 0.15509450435638428, + -0.01341954618692398, + -0.15071001648902893, + 1.53156578540802, + -0.04785941168665886, + -0.20909073948860168, + -0.03063386119902134, + 0.2688286006450653, + -0.14353768527507782, + 0.05521659553050995, + -0.15263013541698456, + 1.5547032356262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/131.png", + [ + 0.15697431564331055, + -0.010652153752744198, + -0.14897479116916656, + 1.3765629529953003, + -0.04068804532289505, + -0.21099838614463806, + -0.027785850688815117, + 0.14761044085025787, + -0.14370609819889069, + 0.04810511693358421, + -0.15486237406730652, + 1.39117431640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/71.png", + [ + 0.1805608868598938, + -0.028385642915964127, + -0.11636114120483398, + 1.1718591451644897, + -0.044224709272384644, + -0.21142712235450745, + -0.017048289999365807, + 0.039070066064596176, + -0.11130963265895844, + 0.03795687481760979, + -0.18198169767856598, + 1.7490497827529907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/160.png", + [ + 0.15915045142173767, + -0.021294059231877327, + -0.14548400044441223, + 1.4642213582992554, + -0.04641850292682648, + -0.21070274710655212, + -0.019939027726650238, + 0.13299329578876495, + -0.13951469957828522, + 0.04581272229552269, + -0.15932589769363403, + 1.6125307083129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/115.png", + [ + 0.1697242707014084, + -0.012614116072654724, + -0.1340986043214798, + 1.3436729907989502, + -0.04280047118663788, + -0.2095920294523239, + -0.03445569425821304, + 0.2302931845188141, + -0.12770932912826538, + 0.05347858741879463, + -0.166668102145195, + 1.6171280145645142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/33.png", + [ + 0.17781183123588562, + -0.023228172212839127, + -0.12161950767040253, + 1.0991605520248413, + -0.043093252927064896, + -0.21113146841526031, + -0.022679682821035385, + 0.07537923753261566, + -0.11607680469751358, + 0.04280009865760803, + -0.1778826117515564, + 1.539676547050476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/159.png", + [ + 0.15968015789985657, + -0.017044423148036003, + -0.1454634964466095, + 1.4647727012634277, + -0.0454736053943634, + -0.2103363275527954, + -0.025272119790315628, + 0.2014356553554535, + -0.13922031223773956, + 0.04915298894047737, + -0.15858620405197144, + 1.6173354387283325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/177.png", + [ + 0.14519362151622772, + -0.01337024848908186, + -0.16027456521987915, + 1.5426347255706787, + -0.053127702325582504, + -0.20779085159301758, + -0.03079458512365818, + 0.2588444948196411, + -0.15180297195911407, + 0.0599340982735157, + -0.14251893758773804, + 1.4075011014938354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/49.png", + [ + 0.1564619243144989, + -0.022515026852488518, + -0.14819121360778809, + 1.3002642393112183, + -0.02923022024333477, + -0.21468675136566162, + 0.0017562536522746086, + -0.14445847272872925, + -0.14701412618160248, + 0.018723348155617714, + -0.1580638438463211, + 1.3048150539398193, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/118.png", + [ + 0.15331165492534637, + -0.01697501167654991, + -0.15216858685016632, + 1.4679924249649048, + -0.04651627689599991, + -0.21032457053661346, + -0.023403160274028778, + 0.11841535568237305, + -0.1458754986524582, + 0.049227237701416016, + -0.15246281027793884, + 1.4374808073043823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/210.png", + [ + 0.14628104865550995, + -0.019996924325823784, + -0.15858711302280426, + 1.3865638971328735, + -0.037436775863170624, + -0.21327923238277435, + -0.00763846468180418, + -0.06612379103899002, + -0.15539704263210297, + 0.032557353377342224, + -0.14744380116462708, + 1.226334571838379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/179.png", + [ + 0.1519211232662201, + -0.014337074011564255, + -0.15382559597492218, + 1.5319939851760864, + -0.05088656395673752, + -0.20834457874298096, + -0.030838124454021454, + 0.27337417006492615, + -0.14587122201919556, + 0.057748425751924515, + -0.14944761991500854, + 1.516726016998291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/110.png", + [ + 0.15413500368595123, + -0.019186565652489662, + -0.15107007324695587, + 1.5671882629394531, + -0.04813532903790474, + -0.21006587147712708, + -0.022432608529925346, + 0.19391994178295135, + -0.14447590708732605, + 0.049518756568431854, + -0.15369613468647003, + 1.6289443969726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/18.png", + [ + 0.1794653683900833, + -0.019710369408130646, + -0.11979806423187256, + 1.1038843393325806, + -0.033381469547748566, + -0.21357080340385437, + -0.0148688405752182, + 0.039422739297151566, + -0.11672939360141754, + 0.03077184222638607, + -0.179931178689003, + 1.6168378591537476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/66.png", + [ + 0.16884303092956543, + -0.026645993813872337, + -0.13315372169017792, + 1.3484039306640625, + -0.047592394053936005, + -0.21059781312942505, + -0.018204938620328903, + 0.14831683039665222, + -0.1271805465221405, + 0.04343324154615402, + -0.16996045410633087, + 1.7574666738510132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/16.png", + [ + 0.17783014476299286, + -0.013018419966101646, + -0.12310507893562317, + 1.1024305820465088, + -0.031251102685928345, + -0.21321514248847961, + -0.022595848888158798, + 0.07248210906982422, + -0.11978191137313843, + 0.036300476640462875, + -0.1768684983253479, + 1.5124056339263916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/190.png", + [ + 0.17588424682617188, + -0.025525923818349838, + -0.12393971532583237, + 1.233900547027588, + -0.04173453152179718, + -0.21204763650894165, + -0.015553806908428669, + 0.037633057683706284, + -0.11946066468954086, + 0.03649820387363434, + -0.17704497277736664, + 1.6922250986099243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/94.png", + [ + 0.1597122699022293, + -0.007993318140506744, + -0.14620532095432281, + 1.4137741327285767, + -0.045835983008146286, + -0.20820720493793488, + -0.038687389343976974, + 0.3263348639011383, + -0.13906455039978027, + 0.059445422142744064, + -0.1551617980003357, + 1.526639461517334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/209.png", + [ + 0.1459430605173111, + -0.02370445616543293, + -0.15838757157325745, + 1.3808358907699585, + -0.04230579361319542, + -0.212382510304451, + -0.007196425460278988, + -0.06791902333498001, + -0.1544627547264099, + 0.03577243536710739, + -0.1476803421974182, + 1.239506721496582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/28.png", + [ + 0.15229497849941254, + -0.011960151605308056, + -0.15365901589393616, + 1.324019193649292, + -0.0325159952044487, + -0.2136523425579071, + -0.015597575344145298, + -0.002586944028735161, + -0.15065473318099976, + 0.03402247652411461, + -0.15196552872657776, + 1.2500379085540771, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/61.png", + [ + 0.17465709149837494, + -0.02380106970667839, + -0.12600122392177582, + 1.1177220344543457, + -0.04550587758421898, + -0.21055637300014496, + -0.023304983973503113, + 0.089291512966156, + -0.11988334357738495, + 0.045248378068208694, + -0.17472396790981293, + 1.4937413930892944, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/132.png", + [ + 0.15418276190757751, + -0.011186026968061924, + -0.1518237143754959, + 1.4168537855148315, + -0.0430658720433712, + -0.21046708524227142, + -0.02822829969227314, + 0.1711616963148117, + -0.14601676166057587, + 0.05026310309767723, + -0.15198887884616852, + 1.4040910005569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/123.png", + [ + 0.14526750147342682, + -0.019724499434232712, + -0.15954996645450592, + 1.5408955812454224, + -0.04630531743168831, + -0.211058109998703, + -0.016067953780293465, + 0.053390923887491226, + -0.1539515107870102, + 0.04486987367272377, + -0.14571726322174072, + 1.3852815628051758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/64.png", + [ + 0.16624920070171356, + -0.025067448616027832, + -0.13667742908000946, + 1.3189654350280762, + -0.045352865010499954, + -0.21123753488063812, + -0.016423292458057404, + 0.11178846657276154, + -0.1313476711511612, + 0.041209593415260315, + -0.16732439398765564, + 1.6364116668701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/10.png", + [ + 0.17180514335632324, + -0.005251896567642689, + -0.13192157447338104, + 1.1756255626678467, + -0.027976294979453087, + -0.21303482353687286, + -0.02795323356986046, + 0.14325456321239471, + -0.12902796268463135, + 0.039197880774736404, + -0.16959719359874725, + 1.4353874921798706, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/91.png", + [ + 0.15937440097332, + -0.015334409661591053, + -0.14598818123340607, + 1.3379896879196167, + -0.05259184539318085, + -0.207148939371109, + -0.035655539482831955, + 0.23056620359420776, + -0.137046679854393, + 0.06166096776723862, + -0.15608981251716614, + 1.3945659399032593, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/140.png", + [ + 0.15963727235794067, + -0.016366295516490936, + -0.14558838307857513, + 1.4911597967147827, + -0.044083792716264725, + -0.21070554852485657, + -0.02465132251381874, + 0.19739475846290588, + -0.13971561193466187, + 0.04778297618031502, + -0.1585693061351776, + 1.644818663597107, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/23.png", + [ + 0.18318209052085876, + -0.024111680686473846, + -0.11318499594926834, + 1.0599725246429443, + -0.03706482797861099, + -0.21297995746135712, + -0.014615966007113457, + 0.014296483248472214, + -0.10962852835655212, + 0.03171836957335472, + -0.18418312072753906, + 1.6443525552749634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/178.png", + [ + 0.1463763266801834, + -0.012619536370038986, + -0.1592564433813095, + 1.56060791015625, + -0.053438521921634674, + -0.20742279291152954, + -0.032680343836545944, + 0.2866610288619995, + -0.15055295825004578, + 0.06135493516921997, + -0.14323852956295013, + 1.4394696950912476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/36.png", + [ + 0.15122851729393005, + -0.05144484341144562, + -0.14639417827129364, + 1.3136509656906128, + -0.04264456406235695, + -0.21032775938510895, + 0.0298591461032629, + -0.37379777431488037, + -0.14919541776180267, + 0.007972144521772861, + -0.15692375600337982, + 1.3258310556411743, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/182.png", + [ + 0.15531128644943237, + -0.01788662187755108, + -0.15002118051052094, + 1.5254862308502197, + -0.050799015909433365, + -0.20880697667598724, + -0.027694815769791603, + 0.2392674684524536, + -0.14228758215904236, + 0.055023740977048874, + -0.1538652777671814, + 1.5700182914733887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/8.png", + [ + 0.17720891535282135, + -0.004952229559421539, + -0.1245807483792305, + 1.1263678073883057, + -0.02859761007130146, + -0.21234598755836487, + -0.032237447798252106, + 0.1991649568080902, + -0.12135511636734009, + 0.04280831664800644, + -0.17432233691215515, + 1.501604676246643, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/6.png", + [ + 0.1730891913175583, + -0.0010306373005732894, + -0.1303340345621109, + 1.189738392829895, + -0.026821382343769073, + -0.21231229603290558, + -0.033941060304641724, + 0.2235511839389801, + -0.12754854559898376, + 0.043247196823358536, + -0.1697319746017456, + 1.4898077249526978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/154.png", + [ + 0.15758752822875977, + -0.01609557680785656, + -0.14783434569835663, + 1.4301373958587646, + -0.04171629622578621, + -0.2115374356508255, + -0.021437183022499084, + 0.10424716770648956, + -0.14273683726787567, + 0.04405377060174942, + -0.15695014595985413, + 1.4825623035430908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/20.png", + [ + 0.1803986132144928, + -0.021761124953627586, + -0.11802834272384644, + 1.1113779544830322, + -0.03467709943652153, + -0.21344582736492157, + -0.013648242689669132, + 0.03676394000649452, + -0.11489880830049515, + 0.03025275468826294, + -0.18119308352470398, + 1.6709787845611572, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/2.png", + [ + 0.15345053374767303, + 0.0012891283258795738, + -0.15296785533428192, + 1.4872416257858276, + -0.018897511065006256, + -0.21484757959842682, + -0.020767757669091225, + 0.133102685213089, + -0.15180154144763947, + 0.028049133718013763, + -0.1520441621541977, + 1.4450466632843018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/117.png", + [ + 0.14968471229076385, + -0.02032548002898693, + -0.1553359478712082, + 1.5092161893844604, + -0.046384360641241074, + -0.21096020936965942, + -0.017093032598495483, + 0.05388538911938667, + -0.14963580667972565, + 0.045061688870191574, + -0.15008819103240967, + 1.4173046350479126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/149.png", + [ + 0.1649438440799713, + -0.01871878281235695, + -0.1392516791820526, + 1.4602125883102417, + -0.04568689316511154, + -0.2102188766002655, + -0.02585771679878235, + 0.1994333416223526, + -0.13286882638931274, + 0.0490461066365242, + -0.16397634148597717, + 1.7193857431411743, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/161.png", + [ + 0.16695907711982727, + -0.01565171778202057, + -0.13721363246440887, + 1.3688600063323975, + -0.04251923784613609, + -0.21064722537994385, + -0.027708489447832108, + 0.17900148034095764, + -0.1313951015472412, + 0.04827701672911644, + -0.16538606584072113, + 1.6150459051132202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/5.png", + [ + 0.16904407739639282, + -0.0012182298814877868, + -0.13553781807422638, + 1.2518390417099, + -0.027796875685453415, + -0.21237237751483917, + -0.03275969997048378, + 0.21521592140197754, + -0.13266244530677795, + 0.04294624552130699, + -0.1658438742160797, + 1.4797805547714233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/187.png", + [ + 0.15697762370109558, + -0.018922289833426476, + -0.14814810454845428, + 1.5409889221191406, + -0.04209958016872406, + -0.21181921660900116, + -0.01755397580564022, + 0.12958507239818573, + -0.1432952731847763, + 0.04150258004665375, + -0.15713652968406677, + 1.6376874446868896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/108.png", + [ + 0.15325607359409332, + -0.019102327525615692, + -0.15197229385375977, + 1.5656756162643433, + -0.04796919599175453, + -0.21015390753746033, + -0.02195887640118599, + 0.1749456524848938, + -0.14546282589435577, + 0.049176592379808426, + -0.15287290513515472, + 1.5972968339920044, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/60.png", + [ + 0.1718372255563736, + -0.014102657325565815, + -0.13122868537902832, + 1.1416128873825073, + -0.04000769183039665, + -0.21086385846138, + -0.02972727082669735, + 0.1102992594242096, + -0.1257745623588562, + 0.04780628904700279, + -0.16983288526535034, + 1.3983279466629028, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/147.png", + [ + 0.15659107267856598, + -0.015103243291378021, + -0.1489933431148529, + 1.5724295377731323, + -0.048961903899908066, + -0.20888632535934448, + -0.03028414212167263, + 0.27548253536224365, + -0.14152687788009644, + 0.055554378777742386, + -0.1543753445148468, + 1.6651040315628052, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/30.png", + [ + 0.17798107862472534, + -0.011807246133685112, + -0.12300904095172882, + 1.0903538465499878, + -0.03558981046080589, + -0.21144238114356995, + -0.031199006363749504, + 0.1293923556804657, + -0.11833851039409637, + 0.0458323210477829, + -0.1756225824356079, + 1.4697599411010742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/17.png", + [ + 0.1807897537946701, + -0.02081131562590599, + -0.11760039627552032, + 1.0705054998397827, + -0.033372100442647934, + -0.21366366744041443, + -0.013492400757968426, + 0.012919634580612183, + -0.11467025429010391, + 0.029370585456490517, + -0.18148277699947357, + 1.5903692245483398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/12.png", + [ + 0.16933000087738037, + -0.010678439401090145, + -0.13476350903511047, + 1.1950678825378418, + -0.035165250301361084, + -0.2120411992073059, + -0.02738325484097004, + 0.10825474560260773, + -0.1305321455001831, + 0.04327133670449257, + -0.16744206845760345, + 1.4127806425094604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/114.png", + [ + 0.1651095300912857, + -0.015270975418388844, + -0.13947592675685883, + 1.4255067110061646, + -0.04446087032556534, + -0.20998214185237885, + -0.029641538858413696, + 0.2114044576883316, + -0.13307879865169525, + 0.051207300275564194, + -0.1631433069705963, + 1.6422573328018188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/27.png", + [ + 0.15732549130916595, + -0.014117593877017498, + -0.14831478893756866, + 1.2917978763580322, + -0.033685725182294846, + -0.21348457038402557, + -0.015411379747092724, + -0.003521829843521118, + -0.14512702822685242, + 0.03424810245633125, + -0.1572040319442749, + 1.3060661554336548, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/174.png", + [ + 0.15658652782440186, + -0.01682225801050663, + -0.1488138735294342, + 1.3746289014816284, + -0.048371512442827225, + -0.20944464206695557, + -0.02722189761698246, + 0.15878671407699585, + -0.1417347937822342, + 0.052894674241542816, + -0.15511704981327057, + 1.4105647802352905, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/7.png", + [ + 0.17578938603401184, + -0.0026109495665878057, + -0.12664581835269928, + 1.1423932313919067, + -0.028070712462067604, + -0.21204562485218048, + -0.034591689705848694, + 0.22292488813400269, + -0.12352335453033447, + 0.04447171092033386, + -0.17237210273742676, + 1.4886378049850464, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/73.png", + [ + 0.16434882581233978, + -0.02112828567624092, + -0.13960999250411987, + 1.2944906949996948, + -0.036330658942461014, + -0.21334978938102722, + -0.01048052404075861, + -0.05895007401704788, + -0.13644571602344513, + 0.031358469277620316, + -0.16536960005760193, + 1.4379669427871704, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/120.png", + [ + 0.1604500710964203, + -0.011346977204084396, + -0.14517201483249664, + 1.3970643281936646, + -0.0435352586209774, + -0.2098734825849533, + -0.031712763011455536, + 0.2198536992073059, + -0.13895447552204132, + 0.05265229940414429, + -0.15769363939762115, + 1.5084789991378784, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/133.png", + [ + 0.14451858401298523, + -0.017033524811267853, + -0.1605370193719864, + 1.5210163593292236, + -0.04225853830575943, + -0.2119438201189041, + -0.015554005280137062, + 0.07861924171447754, + -0.1558091640472412, + 0.04168417304754257, + -0.1446852833032608, + 1.3761991262435913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/113.png", + [ + 0.15491650998592377, + -0.022426022216677666, + -0.14981937408447266, + 1.553128719329834, + -0.04916078969836235, + -0.21013224124908447, + -0.019379248842597008, + 0.1356687992811203, + -0.14328987896442413, + 0.04784780368208885, + -0.15532705187797546, + 1.621330976486206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/29.png", + [ + 0.1639229953289032, + -0.011622684076428413, + -0.14121635258197784, + 1.2292823791503906, + -0.03447623923420906, + -0.2127263844013214, + -0.02251153439283371, + 0.053360480815172195, + -0.13743555545806885, + 0.03950055316090584, + -0.1627853363752365, + 1.3447023630142212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/4.png", + [ + 0.16397984325885773, + -0.0010602892143651843, + -0.1416240781545639, + 1.3342394828796387, + -0.02488570846617222, + -0.21351325511932373, + -0.027215491980314255, + 0.17689964175224304, + -0.13942454755306244, + 0.036862682551145554, + -0.16170908510684967, + 1.478036880493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/9.png", + [ + 0.17717012763023376, + -0.0071225701831281185, + -0.12453071773052216, + 1.122961163520813, + -0.028018904849886894, + -0.21306540071964264, + -0.027676226571202278, + 0.15284112095832825, + -0.12154658138751984, + 0.03873373195528984, + -0.17513997852802277, + 1.4978948831558228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/25.png", + [ + 0.18171760439872742, + -0.013249583542346954, + -0.11726489663124084, + 1.0737993717193604, + -0.035220205783843994, + -0.21158131957054138, + -0.03067215159535408, + 0.12992532551288605, + -0.11263277381658554, + 0.04478495568037033, + -0.17959970235824585, + 1.5432500839233398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/99.png", + [ + 0.16304942965507507, + -0.009756292216479778, + -0.1423642635345459, + 1.4348746538162231, + -0.04510665684938431, + -0.20860770344734192, + -0.037364546209573746, + 0.31559959053993225, + -0.1353815644979477, + 0.05775408819317818, + -0.15901006758213043, + 1.6223934888839722, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/208.png", + [ + 0.16532264649868011, + -0.02527446858584881, + -0.13775888085365295, + 1.1906765699386597, + -0.04756572097539902, + -0.21058273315429688, + -0.0184476301074028, + 0.018655434250831604, + -0.13173387944698334, + 0.044317200779914856, + -0.16622294485569, + 1.3740900754928589, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/34.png", + [ + 0.16902653872966766, + -0.017533661797642708, + -0.1344265192747116, + 1.2255151271820068, + -0.041209813207387924, + -0.21133263409137726, + -0.024252044036984444, + 0.0820249617099762, + -0.12914980947971344, + 0.04448574408888817, + -0.16819405555725098, + 1.4740409851074219, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/72.png", + [ + 0.15637756884098053, + -0.028988057747483253, + -0.14715176820755005, + 1.4308031797409058, + -0.04175755754113197, + -0.21259814500808716, + -0.00249495473690331, + -0.11392918229103088, + -0.1440494954586029, + 0.030159752815961838, + -0.15902207791805267, + 1.483225703239441, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/102.png", + [ + 0.15838927030563354, + -0.012260939925909042, + -0.14734451472759247, + 1.5145623683929443, + -0.047905370593070984, + -0.208535835146904, + -0.034143462777137756, + 0.304425448179245, + -0.13987784087657928, + 0.057535815984010696, + -0.1551506221294403, + 1.6236650943756104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/134.png", + [ + 0.14707981050014496, + -0.017407801002264023, + -0.15815307199954987, + 1.5152816772460938, + -0.041654303669929504, + -0.21207502484321594, + -0.015394877642393112, + 0.09329381585121155, + -0.15355895459651947, + 0.04085403308272362, + -0.14730411767959595, + 1.4331728219985962, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/70.png", + [ + 0.1802300065755844, + -0.0297040157020092, + -0.11654486507177353, + 1.192750334739685, + -0.04439277946949005, + -0.21156616508960724, + -0.014728638343513012, + 0.04890326038002968, + -0.11177796870470047, + 0.03612925857305527, + -0.18206661939620972, + 1.8152776956558228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/135.png", + [ + 0.1474853754043579, + -0.014835081994533539, + -0.15803760290145874, + 1.5390969514846802, + -0.04191187769174576, + -0.21170997619628906, + -0.019240058958530426, + 0.1411966234445572, + -0.1530991643667221, + 0.04366584122180939, + -0.14697560667991638, + 1.4650195837020874, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/130.png", + [ + 0.15641741454601288, + -0.014070597477257252, + -0.14927662909030914, + 1.3690248727798462, + -0.04329001531004906, + -0.21076983213424683, + -0.025493979454040527, + 0.10827668011188507, + -0.1435529887676239, + 0.04822848364710808, + -0.15496595203876495, + 1.369393229484558, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/90.png", + [ + 0.13879269361495972, + -0.029135849326848984, + -0.1638157069683075, + 1.4977631568908691, + -0.054920438677072525, + -0.20939281582832336, + -0.009289204142987728, + -0.026989197358489037, + -0.15706121921539307, + 0.04747258499264717, + -0.14151331782341003, + 1.2435873746871948, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/122.png", + [ + 0.1585288643836975, + -0.01670982874929905, + -0.14675581455230713, + 1.4182968139648438, + -0.04548380523920059, + -0.21034488081932068, + -0.02518242970108986, + 0.15562830865383148, + -0.14052656292915344, + 0.04923121631145477, + -0.15740540623664856, + 1.5094276666641235, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/15.png", + [ + 0.1791076511144638, + -0.008874556049704552, + -0.12161246687173843, + 1.0776580572128296, + -0.028741970658302307, + -0.21308349072933197, + -0.026780853047966957, + 0.0948471873998642, + -0.1184999942779541, + 0.0382695347070694, + -0.177316352725029, + 1.4811592102050781, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/162.png", + [ + 0.1556982696056366, + -0.020632414147257805, + -0.14926569163799286, + 1.4596874713897705, + -0.04227270931005478, + -0.21199560165405273, + -0.014791111461818218, + 0.023984570056200027, + -0.14463388919830322, + 0.03974999859929085, + -0.15636134147644043, + 1.4702978134155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/22.png", + [ + 0.1819351315498352, + -0.025057457387447357, + -0.11497660726308823, + 1.083247184753418, + -0.03679584339261055, + -0.2132033407688141, + -0.011759994551539421, + 0.0033676549792289734, + -0.11177460849285126, + 0.029399927705526352, + -0.18327566981315613, + 1.664989709854126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/138.png", + [ + 0.15264694392681122, + -0.014934428967535496, + -0.15304821729660034, + 1.561084270477295, + -0.04409245401620865, + -0.21084608137607574, + -0.023402515798807144, + 0.1994176208972931, + -0.14731819927692413, + 0.04763176664710045, + -0.1515798568725586, + 1.5827807188034058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/109.png", + [ + 0.15898635983467102, + -0.01743844337761402, + -0.14617499709129333, + 1.5070501565933228, + -0.046206556260585785, + -0.21018743515014648, + -0.025181256234645844, + 0.21533745527267456, + -0.13977190852165222, + 0.0496491864323616, + -0.15794511139392853, + 1.6571886539459229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/26.png", + [ + 0.1827336549758911, + -0.016745904460549355, + -0.11522098630666733, + 1.0366504192352295, + -0.035221632570028305, + -0.21232594549655914, + -0.025000547990202904, + 0.07421126961708069, + -0.11097628623247147, + 0.03981413319706917, + -0.18178832530975342, + 1.5273798704147339, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/136.png", + [ + 0.14771775901317596, + -0.012034861370921135, + -0.15805858373641968, + 1.5732256174087524, + -0.03988264128565788, + -0.21192093193531036, + -0.02113732136785984, + 0.17232577502727509, + -0.15341685712337494, + 0.043503716588020325, + -0.146692156791687, + 1.4993901252746582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/63.png", + [ + 0.17047126591205597, + -0.022931290790438652, + -0.13176341354846954, + 1.2343605756759644, + -0.042897243052721024, + -0.21156270802021027, + -0.01868000626564026, + 0.1103408932685852, + -0.12667782604694366, + 0.04078323021531105, + -0.17098933458328247, + 1.6000275611877441, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/62.png", + [ + 0.17521822452545166, + -0.02446090057492256, + -0.1250924915075302, + 1.1383273601531982, + -0.042314279824495316, + -0.21175052225589752, + -0.01786377839744091, + 0.07628561556339264, + -0.1202329769730568, + 0.03887514770030975, + -0.17601320147514343, + 1.5723586082458496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/65.png", + [ + 0.16658203303813934, + -0.025042511522769928, + -0.13627615571022034, + 1.349972128868103, + -0.04525160416960716, + -0.21125370264053345, + -0.016494302079081535, + 0.12559930980205536, + -0.1309603601694107, + 0.041141729801893234, + -0.16764436662197113, + 1.6926637887954712, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/146.png", + [ + 0.15134567022323608, + -0.012697725556790829, + -0.15453527867794037, + 1.6282442808151245, + -0.04960903897881508, + -0.20856139063835144, + -0.031448204070329666, + 0.28760918974876404, + -0.14690585434436798, + 0.05734818056225777, + -0.14858582615852356, + 1.6038732528686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/119.png", + [ + 0.15649284422397614, + -0.015189996920526028, + -0.14908769726753235, + 1.4381468296051025, + -0.04732609540224075, + -0.20953677594661713, + -0.02832784131169319, + 0.17804774641990662, + -0.14219042658805847, + 0.053023483604192734, + -0.15465538203716278, + 1.471398115158081, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/180.png", + [ + 0.1551826000213623, + -0.016323454678058624, + -0.1503322869539261, + 1.5154982805252075, + -0.04971925914287567, + -0.2089398354291916, + -0.028636178001761436, + 0.2522716820240021, + -0.1428084373474121, + 0.0550052709877491, + -0.1533885896205902, + 1.55788254737854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/145.png", + [ + 0.15454554557800293, + -0.017146101221442223, + -0.15089592337608337, + 1.571982502937317, + -0.049237530678510666, + -0.20931711792945862, + -0.026643985882401466, + 0.2311534583568573, + -0.14366361498832703, + 0.053293973207473755, + -0.15319404006004333, + 1.6307271718978882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/207.png", + [ + 0.16263489425182343, + -0.0196568313986063, + -0.14181466400623322, + 1.2327114343643188, + -0.035785213112831116, + -0.21339157223701477, + -0.01146088819950819, + -0.038221076130867004, + -0.13862614333629608, + 0.032024092972278595, + -0.16341708600521088, + 1.3362846374511719, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/189.png", + [ + 0.16503025591373444, + -0.01938691921532154, + -0.1390577256679535, + 1.415919303894043, + -0.03865761682391167, + -0.21257871389389038, + -0.016240954399108887, + 0.07157422602176666, + -0.1349758803844452, + 0.03717966377735138, + -0.16536949574947357, + 1.645934820175171, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/176.png", + [ + 0.14900216460227966, + -0.01572320982813835, + -0.15652163326740265, + 1.4871749877929688, + -0.051978547126054764, + -0.20840157568454742, + -0.028546690940856934, + 0.22218558192253113, + -0.1484738141298294, + 0.057179223746061325, + -0.14708486199378967, + 1.4225025177001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/185.png", + [ + 0.1514703333377838, + -0.013329418376088142, + -0.154359832406044, + 1.594929814338684, + -0.04331472888588905, + -0.2109067440032959, + -0.024291500449180603, + 0.21038632094860077, + -0.14875638484954834, + 0.04783899337053299, + -0.15010282397270203, + 1.5647765398025513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/116.png", + [ + 0.151180699467659, + -0.01973147876560688, + -0.15395766496658325, + 1.5119632482528687, + -0.044352710247039795, + -0.21144746243953705, + -0.016453243792057037, + 0.04987294599413872, + -0.14874517917633057, + 0.0429946631193161, + -0.15157249569892883, + 1.4457781314849854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/19.png", + [ + 0.1782919466495514, + -0.020298419520258904, + -0.12144073843955994, + 1.1330597400665283, + -0.0345064140856266, + -0.21338319778442383, + -0.014993933029472828, + 0.04803112521767616, + -0.11819130927324295, + 0.03167783096432686, + -0.17881618440151215, + 1.6397262811660767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/68.png", + [ + 0.1718418449163437, + -0.02757411077618599, + -0.12906567752361298, + 1.332908272743225, + -0.04526958242058754, + -0.21135273575782776, + -0.015119009651243687, + 0.10254375636577606, + -0.12397153675556183, + 0.038956232368946075, + -0.17338211834430695, + 1.807002067565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/143.png", + [ + 0.1572033017873764, + -0.01763276942074299, + -0.1480678915977478, + 1.5200543403625488, + -0.04740738123655319, + -0.20990122854709625, + -0.025336064398288727, + 0.2001085877418518, + -0.14137734472751617, + 0.050778552889823914, + -0.15614697337150574, + 1.6220216751098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/183.png", + [ + 0.15391458570957184, + -0.015264023095369339, + -0.15174056589603424, + 1.5538067817687988, + -0.047687336802482605, + -0.2095930129289627, + -0.02728699892759323, + 0.23539891839027405, + -0.14485891163349152, + 0.052779462188482285, + -0.15224359929561615, + 1.5610729455947876, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/1.png", + [ + 0.1555764377117157, + 0.000148348743095994, + -0.1508105844259262, + 1.4741413593292236, + -0.019121645018458366, + -0.21490642428398132, + -0.019937317818403244, + 0.13074719905853271, + -0.1495935171842575, + 0.027624480426311493, + -0.15429376065731049, + 1.477649211883545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/95.png", + [ + 0.1616077721118927, + -0.008376428857445717, + -0.1440856009721756, + 1.4113491773605347, + -0.04509960487484932, + -0.20840851962566376, + -0.038468290120363235, + 0.33087190985679626, + -0.13710162043571472, + 0.05868235602974892, + -0.15718595683574677, + 1.5677014589309692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/103.png", + [ + 0.15602794289588928, + -0.012349890545010567, + -0.14983540773391724, + 1.5465415716171265, + -0.04578696936368942, + -0.2095877230167389, + -0.030404437333345413, + 0.26677483320236206, + -0.14320169389247894, + 0.05355704575777054, + -0.15353438258171082, + 1.6143224239349365, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/196.png", + [ + 0.1573798805475235, + -0.019523516297340393, + -0.14764246344566345, + 1.298982858657837, + -0.040813323110342026, + -0.21223516762256622, + -0.015440129674971104, + -0.013138297945261002, + -0.14322616159915924, + 0.03902507945895195, + -0.1578328162431717, + 1.3148928880691528, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/150.png", + [ + 0.16854040324687958, + -0.016494721174240112, + -0.13516637682914734, + 1.3961819410324097, + -0.04156700149178505, + -0.21104535460472107, + -0.026075907051563263, + 0.178487166762352, + -0.12966962158679962, + 0.046213556081056595, + -0.16732601821422577, + 1.7000377178192139, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/142.png", + [ + 0.16195668280124664, + -0.019511260092258453, + -0.14260868728160858, + 1.4605672359466553, + -0.04647878557443619, + -0.21026365458965302, + -0.024017062038183212, + 0.1839791238307953, + -0.13622646033763885, + 0.048542845994234085, + -0.1613500416278839, + 1.6651498079299927, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/186.png", + [ + 0.1593901365995407, + -0.01916986145079136, + -0.1455169916152954, + 1.5092357397079468, + -0.044296663254499435, + -0.21108458936214447, + -0.02071227692067623, + 0.17143593728542328, + -0.13993029296398163, + 0.044985659420490265, + -0.15919704735279083, + 1.661262035369873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/195.png", + [ + 0.17285850644111633, + -0.01337998453527689, + -0.1299569308757782, + 1.1731246709823608, + -0.0386398546397686, + -0.21112847328186035, + -0.02965853549540043, + 0.11166536808013916, + -0.12479899823665619, + 0.04683634266257286, + -0.1708199679851532, + 1.4495006799697876, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/51.png", + [ + 0.15568959712982178, + -0.015293275937438011, + -0.14991584420204163, + 1.29758620262146, + -0.03564911708235741, + -0.21317525207996368, + -0.015275564044713974, + -0.012440482154488564, + -0.14641648530960083, + 0.03564152121543884, + -0.15569134056568146, + 1.2824026346206665, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/128.png", + [ + 0.14679382741451263, + -0.048016227781772614, + -0.15196681022644043, + 1.4245530366897583, + -0.049861516803503036, + -0.2100716084241867, + 0.01821110025048256, + -0.29193395376205444, + -0.15137138962745667, + 0.022633099928498268, + -0.1533699482679367, + 1.3542534112930298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/93.png", + [ + 0.1547686606645584, + -0.011518711224198341, + -0.15120144188404083, + 1.430305004119873, + -0.04896685108542442, + -0.20827069878578186, + -0.03425578027963638, + 0.2733469605445862, + -0.14351586997509003, + 0.058638982474803925, + -0.15136896073818207, + 1.4543434381484985, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/76.png", + [ + 0.19681145250797272, + -0.00041709255310706794, + -0.09062547981739044, + 1.0367180109024048, + -0.020606793463230133, + -0.2112027108669281, + -0.04377976059913635, + 0.4857977330684662, + -0.08825254440307617, + 0.04838525876402855, + -0.19188083708286285, + 2.2449889183044434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/48.png", + [ + 0.1978032886981964, + 0.016068819910287857, + -0.08696866780519485, + 0.9799311757087708, + -0.0031087426468729973, + -0.211673304438591, + -0.04618052765727043, + 0.5107139348983765, + -0.08838605135679245, + 0.043406203389167786, + -0.1930069923400879, + 2.2264418601989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/35.png", + [ + 0.19080780446529388, + 0.007047242019325495, + -0.10242369025945663, + 1.1486972570419312, + -0.013365629129111767, + -0.21261882781982422, + -0.03952838107943535, + 0.435566782951355, + -0.1017921194434166, + 0.04112747684121132, + -0.186801478266716, + 2.176410675048828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/97.png", + [ + 0.20670104026794434, + -0.034046467393636703, + -0.05534817650914192, + 0.6423534750938416, + -0.04423436149954796, + -0.20891478657722473, + -0.036685552448034286, + 0.41259175539016724, + -0.04760150983929634, + 0.04629629850387573, + -0.20624898374080658, + 2.4479098320007324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/13.png", + [ + 0.19624915719032288, + 0.021320655941963196, + -0.08932854235172272, + 1.0232787132263184, + 0.0046204798854887486, + -0.21278005838394165, + -0.04063478112220764, + 0.45209020376205444, + -0.09172136336565018, + 0.034899335354566574, + -0.19317640364170074, + 2.2786941528320312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/32.png", + [ + 0.18738281726837158, + 0.009602215141057968, + -0.10836680978536606, + 1.2141270637512207, + -0.010759975761175156, + -0.2131349891424179, + -0.03749120235443115, + 0.41294723749160767, + -0.10825799405574799, + 0.03780429810285568, + -0.18384486436843872, + 2.12642240524292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/38.png", + [ + 0.18809087574481964, + 0.014107730239629745, + -0.10663343220949173, + 1.2079055309295654, + -0.004866136237978935, + -0.21346686780452728, + -0.03682531416416168, + 0.4039224684238434, + -0.10745248943567276, + 0.03436211496591568, + -0.18498946726322174, + 2.151557445526123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/111.png", + [ + 0.21182958781719208, + -0.014930196106433868, + -0.04304898530244827, + 0.49808982014656067, + -0.015584510751068592, + -0.21610647439956665, + -0.0017363523365929723, + 0.01630347967147827, + -0.04281645640730858, + 0.004793860483914614, + -0.21234798431396484, + 2.4772543907165527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/11.png", + [ + 0.196720153093338, + 0.02410472184419632, + -0.08756735175848007, + 1.003095269203186, + 0.006116365548223257, + -0.21194608509540558, + -0.04460211470723152, + 0.5021870732307434, + -0.09061825275421143, + 0.038022637367248535, + -0.1931075006723404, + 2.279409408569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/59.png", + [ + 0.20138931274414062, + 0.013393916189670563, + -0.07880892604589462, + 0.9070413112640381, + -0.008313127793371677, + -0.20894430577754974, + -0.0567544586956501, + 0.6416390538215637, + -0.0795055702328682, + 0.05577436089515686, + -0.19369041919708252, + 2.2812137603759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/105.png", + [ + 0.20647218823432922, + -0.01978234201669693, + -0.06265608221292496, + 0.7203560471534729, + -0.01988513395190239, + -0.21574468910694122, + 0.0025888574309647083, + -0.04836026206612587, + -0.062623530626297, + 0.0032832527067512274, + -0.2074015587568283, + 2.4439826011657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/24.png", + [ + 0.1917722076177597, + 0.008350299671292305, + -0.10050662606954575, + 1.1416932344436646, + -0.0036926644388586283, + -0.21520450711250305, + -0.02492544800043106, + 0.2725207805633545, + -0.10078529268503189, + 0.023773647844791412, + -0.19032874703407288, + 2.2450547218322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/74.png", + [ + 0.1965140998363495, + 0.0004930333816446364, + -0.09126807004213333, + 1.0435494184494019, + -0.02167636901140213, + -0.21021991968154907, + -0.04780814051628113, + 0.5323432683944702, + -0.08865799754858017, + 0.05249038338661194, + -0.1906106323003769, + 2.226985454559326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/98.png", + [ + 0.20590750873088837, + -0.03422621265053749, + -0.05812537297606468, + 0.6753492951393127, + -0.04401575028896332, + -0.20965717732906342, + -0.03247123956680298, + 0.3613029718399048, + -0.051113665103912354, + 0.042665377259254456, + -0.2061915546655655, + 2.450160026550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/0.png", + [ + 0.1996939778327942, + 0.023381493985652924, + -0.08076826483011246, + 0.9307767748832703, + 0.005822831764817238, + -0.21147482097148895, + -0.04682300612330437, + 0.5236064791679382, + -0.08388266712427139, + 0.04098298400640488, + -0.1955299973487854, + 2.2523365020751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/96.png", + [ + 0.20729778707027435, + -0.03519396856427193, + -0.05231548100709915, + 0.6045506000518799, + -0.0455484502017498, + -0.20790140330791473, + -0.04062309116125107, + 0.4608248174190521, + -0.04359889402985573, + 0.04986262694001198, + -0.20630256831645966, + 2.446877956390381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/100.png", + [ + 0.2039748728275299, + -0.03354011848568916, + -0.06493999809026718, + 0.7587231397628784, + -0.04168449714779854, + -0.21151843667030334, + -0.021685203537344933, + 0.2352912724018097, + -0.06003786623477936, + 0.03290753811597824, + -0.2055734544992447, + 2.442563056945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/40.png", + [ + 0.1863957792520523, + 0.019189834594726562, + -0.10879454761743546, + 1.234066367149353, + 0.0007900379714556038, + -0.2136068046092987, + -0.03632368892431259, + 0.4003876745700836, + -0.11047118157148361, + 0.030851006507873535, + -0.18382664024829865, + 2.12687349319458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/52.png", + [ + 0.2028559446334839, + 0.013838431797921658, + -0.07487227022647858, + 0.8473886847496033, + -0.0024731382727622986, + -0.2117559313774109, + -0.04583887755870819, + 0.5039762854576111, + -0.07610020786523819, + 0.043770045042037964, + -0.1980929970741272, + 2.2897701263427734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/3.png", + [ + 0.19983047246932983, + 0.027829114347696304, + -0.07900136709213257, + 0.90549635887146, + 0.012518309988081455, + -0.21199321746826172, + -0.04301246255636215, + 0.48187729716300964, + -0.08281887322664261, + 0.0351044237613678, + -0.1971207857131958, + 2.305107593536377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/47.png", + [ + 0.19700363278388977, + 0.016206709668040276, + -0.08874013274908066, + 0.9995973110198975, + -0.0032984050922095776, + -0.21171240508556366, + -0.04598775506019592, + 0.5082892179489136, + -0.09014759212732315, + 0.04316358640789986, + -0.19224518537521362, + 2.221101760864258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/104.png", + [ + 0.2060982584953308, + -0.023425821214914322, + -0.06263090670108795, + 0.7236013412475586, + -0.02547680214047432, + -0.2151453047990799, + -0.003365259151905775, + 0.02192312851548195, + -0.061825014650821686, + 0.010565194301307201, + -0.20739801228046417, + 2.4491543769836426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/21.png", + [ + 0.19414609670639038, + 0.010182877071201801, + -0.09566342085599899, + 1.088772177696228, + -0.0009279060177505016, + -0.2152492105960846, + -0.024795323610305786, + 0.26933878660202026, + -0.09619937837123871, + 0.022626932710409164, + -0.1928253024816513, + 2.2718119621276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/82.png", + [ + 0.20537880063056946, + -0.018278134986758232, + -0.06658342480659485, + 0.7610106468200684, + -0.031939394772052765, + -0.21039551496505737, + -0.04076146334409714, + 0.4630200266838074, + -0.061215344816446304, + 0.04845133051276207, + -0.20212136209011078, + 2.3683114051818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/106.png", + [ + 0.20707131922245026, + -0.015742778778076172, + -0.06181849166750908, + 0.7087320685386658, + -0.014089563861489296, + -0.21607422828674316, + 0.007830399088561535, + -0.10997074842453003, + -0.062216125428676605, + -0.0034635127522051334, + -0.2075212299823761, + 2.439807415008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/14.png", + [ + 0.19561631977558136, + 0.020515568554401398, + -0.09089145809412003, + 1.0448508262634277, + 0.004752098582684994, + -0.21327897906303406, + -0.03791282698512077, + 0.4200672507286072, + -0.09305676817893982, + 0.03223470598459244, + -0.1930006593465805, + 2.2804059982299805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/67.png", + [ + 0.1986064910888672, + 0.012829873710870743, + -0.08566650003194809, + 0.9836248755455017, + -0.01705297641456127, + -0.204300194978714, + -0.07013217359781265, + 0.8038589954376221, + -0.08492673933506012, + 0.07102619111537933, + -0.18625418841838837, + 2.1848058700561523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/78.png", + [ + 0.19770407676696777, + -0.0008958601392805576, + -0.08865771442651749, + 1.0169695615768433, + -0.019556844606995583, + -0.21176770329475403, + -0.04147133231163025, + 0.4560513198375702, + -0.08647844940423965, + 0.04584254324436188, + -0.19330760836601257, + 2.2707042694091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/31.png", + [ + 0.18579170107841492, + 0.00843340065330267, + -0.11116752028465271, + 1.2441612482070923, + -0.012036766856908798, + -0.2132735401391983, + -0.036296144127845764, + 0.4000873863697052, + -0.1108352541923523, + 0.03729841485619545, + -0.18240687251091003, + 2.1068358421325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/39.png", + [ + 0.1846773326396942, + 0.0185772106051445, + -0.111790232360363, + 1.2706998586654663, + -0.0002768079284578562, + -0.2136688232421875, + -0.03596459701657295, + 0.39472290873527527, + -0.11332296580076218, + 0.030796365812420845, + -0.18209168314933777, + 2.112539768218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/92.png", + [ + 0.20878902077674866, + -0.035052020102739334, + -0.046112846583127975, + 0.5313416123390198, + -0.04548431560397148, + -0.20602115988731384, + -0.04933913052082062, + 0.5708182454109192, + -0.03586384654045105, + 0.057223498821258545, + -0.20588140189647675, + 2.441767692565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/53.png", + [ + 0.20340867340564728, + 0.012008078396320343, + -0.07367909699678421, + 0.8344895839691162, + -0.00340933445841074, + -0.21213564276695251, + -0.04398573189973831, + 0.4824065864086151, + -0.0745733231306076, + 0.04245202615857124, + -0.1989586353302002, + 2.303280830383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/75.png", + [ + 0.19688355922698975, + 0.000776286527980119, + -0.09046627581119537, + 1.0333988666534424, + -0.019896654412150383, + -0.21099033951759338, + -0.04511198401451111, + 0.500647783279419, + -0.08825459331274033, + 0.049298737198114395, + -0.1916472166776657, + 2.238842487335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/87.png", + [ + 0.2060060054063797, + -0.03987598046660423, + -0.054030779749155045, + 0.6220649480819702, + -0.04783890023827553, + -0.20949271321296692, + -0.027787357568740845, + 0.29783034324645996, + -0.04712599143385887, + 0.038348447531461716, + -0.20798180997371674, + 2.4690394401550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/107.png", + [ + 0.20800992846488953, + -0.013323922641575336, + -0.059179726988077164, + 0.6772461533546448, + -0.011434709653258324, + -0.21620623767375946, + 0.008485707454383373, + -0.11454473435878754, + -0.05957360565662384, + -0.0050232368521392345, + -0.20826339721679688, + 2.444326400756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/69.png", + [ + 0.1966751217842102, + 0.010041831992566586, + -0.09036567807197571, + 1.036356806755066, + -0.018361391499638557, + -0.2065255045890808, + -0.06291241943836212, + 0.7099965214729309, + -0.0890485942363739, + 0.06476322561502457, + -0.1866118162870407, + 2.1884512901306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/45.png", + [ + 0.19705240428447723, + 0.01690761186182499, + -0.08850071579217911, + 0.994860827922821, + -0.002987281884998083, + -0.21148258447647095, + -0.04705404117703438, + 0.5224198698997498, + -0.09005177021026611, + 0.044012948870658875, + -0.192097470164299, + 2.2187247276306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/50.png", + [ + 0.20038661360740662, + 0.01501665823161602, + -0.08104071021080017, + 0.9146450757980347, + -0.0029295841231942177, + -0.21161562204360962, + -0.04645577818155289, + 0.5118703246116638, + -0.0823681578040123, + 0.04405929893255234, + -0.19550487399101257, + 2.257981777191162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/101.png", + [ + 0.20489241182804108, + -0.031943563371896744, + -0.06282198429107666, + 0.731107234954834, + -0.03861348330974579, + -0.21245267987251282, + -0.017909565940499306, + 0.19263166189193726, + -0.0589575357735157, + 0.028131166473031044, + -0.20659270882606506, + 2.4495792388916016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/85.png", + [ + 0.20643575489521027, + -0.03570706024765968, + -0.05529177188873291, + 0.6350266337394714, + -0.04412105679512024, + -0.21014031767845154, + -0.0290218498557806, + 0.31328779458999634, + -0.048841651529073715, + 0.038909390568733215, + -0.20748119056224823, + 2.4551892280578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/71.png", + [ + 0.1975371241569519, + 0.005030697211623192, + -0.08889132738113403, + 1.016809344291687, + -0.021189553663134575, + -0.20745618641376495, + -0.05882883816957474, + 0.6610198020935059, + -0.08647530525922775, + 0.06232593581080437, + -0.18864092230796814, + 2.2047853469848633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/54.png", + [ + 0.2027939409017563, + 0.012416545301675797, + -0.07528837025165558, + 0.8570759892463684, + -0.0028041712939739227, + -0.2124297022819519, + -0.042587075382471085, + 0.46714603900909424, + -0.07625383138656616, + 0.04083322361111641, + -0.1986602544784546, + 2.3084583282470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/33.png", + [ + 0.18741263449192047, + 0.00956684723496437, + -0.10831842571496964, + 1.2171655893325806, + -0.011271556839346886, + -0.21296267211437225, + -0.03831123933196068, + 0.4226357042789459, + -0.10815432667732239, + 0.038772087544202805, + -0.18370428681373596, + 2.132248878479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/49.png", + [ + 0.19932019710540771, + 0.015056472271680832, + -0.08362210541963577, + 0.9432996511459351, + -0.003242254024371505, + -0.21174244582653046, + -0.045853205025196075, + 0.5056730508804321, + -0.08490489423274994, + 0.04343191161751747, + -0.19455775618553162, + 2.2449073791503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/110.png", + [ + 0.21133829653263092, + -0.013208291493356228, + -0.04593002051115036, + 0.5260622501373291, + -0.012746132910251617, + -0.2162703573703766, + 0.0035448723938316107, + -0.04908145219087601, + -0.04606041684746742, + -0.000755682063754648, + -0.21172095835208893, + 2.4732141494750977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/18.png", + [ + 0.19596444070339203, + 0.016891516745090485, + -0.09088730812072754, + 1.0414153337478638, + 0.005218395963311195, + -0.21470841765403748, + -0.028652306646108627, + 0.31471461057662964, + -0.09229623526334763, + 0.023724732920527458, + -0.19459301233291626, + 2.296494960784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/66.png", + [ + 0.20073974132537842, + 0.011469833552837372, + -0.0807458832859993, + 0.9241856336593628, + -0.01668091118335724, + -0.20421195030212402, + -0.07047788798809052, + 0.8072832226753235, + -0.07983233034610748, + 0.07151103764772415, + -0.18831056356430054, + 2.2104196548461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/16.png", + [ + 0.19494710862636566, + 0.01920998841524124, + -0.0925985798239708, + 1.0670058727264404, + 0.004775193054229021, + -0.21388626098632812, + -0.034318484365940094, + 0.38237103819847107, + -0.09444954246282578, + 0.028836382552981377, + -0.19286170601844788, + 2.282360076904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/94.png", + [ + 0.20891167223453522, + -0.032932013273239136, + -0.04710936173796654, + 0.5423851013183594, + -0.04337504133582115, + -0.20684805512428284, + -0.04775334522128105, + 0.5479438900947571, + -0.037714920938014984, + 0.05547304451465607, + -0.20602966845035553, + 2.440892219543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/28.png", + [ + 0.18467170000076294, + 0.007441858295351267, + -0.11308793723583221, + 1.280827522277832, + -0.011297534219920635, + -0.21392127871513367, + -0.032526083290576935, + 0.35102957487106323, + -0.1127680167555809, + 0.03361843153834343, + -0.18193700909614563, + 2.119050979614258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/61.png", + [ + 0.20045633614063263, + 0.012540311552584171, + -0.08128893375396729, + 0.9367292523384094, + -0.01766429841518402, + -0.20258109271526337, + -0.07481154054403305, + 0.8735303282737732, + -0.08033133298158646, + 0.07583887130022049, + -0.18639537692070007, + 2.191758155822754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/58.png", + [ + 0.20165608823299408, + 0.013966409489512444, + -0.07802345603704453, + 0.8966041207313538, + -0.004658544436097145, + -0.2108275145292282, + -0.049778979271650314, + 0.5528124570846558, + -0.07912658900022507, + 0.048006121069192886, + -0.19591397047042847, + 2.3055500984191895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/64.png", + [ + 0.2026236653327942, + 0.010116451419889927, + -0.07608684152364731, + 0.8721423149108887, + -0.01533002033829689, + -0.20512333512306213, + -0.06809777021408081, + 0.7780835628509521, + -0.07520998269319534, + 0.06906498968601227, + -0.1911056786775589, + 2.245934009552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/10.png", + [ + 0.19814655184745789, + 0.02197105437517166, + -0.08487111330032349, + 0.970728874206543, + 0.004849503748118877, + -0.21218565106391907, + -0.04360765218734741, + 0.49120399355888367, + -0.08753465116024017, + 0.03797917440533638, + -0.19453318417072296, + 2.2949962615966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/41.png", + [ + 0.18967579305171967, + 0.018487857654690742, + -0.10309796035289764, + 1.1645252704620361, + 0.0011702652554959059, + -0.2136334478855133, + -0.03615641966462135, + 0.3989224433898926, + -0.10473597049713135, + 0.031094297766685486, + -0.18711338937282562, + 2.1647238731384277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/91.png", + [ + 0.20796765387058258, + -0.03755711764097214, + -0.04782062768936157, + 0.5525276064872742, + -0.04815090447664261, + -0.20578041672706604, + -0.04778923839330673, + 0.5516718029975891, + -0.037132736295461655, + 0.056495875120162964, + -0.20585741102695465, + 2.442699432373047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/23.png", + [ + 0.19286265969276428, + 0.008052632212638855, + -0.09842275083065033, + 1.117380976676941, + -0.0036083171144127846, + -0.2152341902256012, + -0.024680383503437042, + 0.26926639676094055, + -0.09868568181991577, + 0.023607127368450165, + -0.1914464235305786, + 2.2552289962768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/37.png", + [ + 0.19077534973621368, + 0.010692055337131023, + -0.10216821730136871, + 1.1511497497558594, + -0.008185449056327343, + -0.21323037147521973, + -0.037599291652441025, + 0.4119069278240204, + -0.10239952802658081, + 0.03696468845009804, + -0.18733885884284973, + 2.1855320930480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/36.png", + [ + 0.19185227155685425, + 0.0065500251948833466, + -0.10048730671405792, + 1.1265689134597778, + -0.012733733281493187, + -0.21290220320224762, + -0.038189008831977844, + 0.41916441917419434, + -0.09989219903945923, + 0.0397195890545845, + -0.1881270706653595, + 2.194654941558838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/8.png", + [ + 0.19807223975658417, + 0.024864662438631058, + -0.08424390107393265, + 0.9656746983528137, + 0.008977147750556469, + -0.21245425939559937, + -0.04159921035170555, + 0.46509742736816406, + -0.08737675100564957, + 0.03453740105032921, + -0.19524437189102173, + 2.3039703369140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/6.png", + [ + 0.1991080343723297, + 0.0253450945019722, + -0.08161808550357819, + 0.9343069791793823, + 0.01056963112205267, + -0.21264129877090454, + -0.04024739935994148, + 0.45023030042648315, + -0.0848066508769989, + 0.03300297632813454, + -0.1966380774974823, + 2.315065860748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/20.png", + [ + 0.19366860389709473, + 0.012319580651819706, + -0.09637733548879623, + 1.099557638168335, + 0.0006826277822256088, + -0.21509306132793427, + -0.026122871786355972, + 0.2849285900592804, + -0.09715913236141205, + 0.023045571520924568, + -0.19229377806186676, + 2.269591808319092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/2.png", + [ + 0.20023885369300842, + 0.026909606531262398, + -0.07828263193368912, + 0.8973490595817566, + 0.011469247750937939, + -0.2119489312171936, + -0.043520163744688034, + 0.4886716902256012, + -0.08198019862174988, + 0.03607522323727608, + -0.19729602336883545, + 2.2994842529296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/5.png", + [ + 0.19981922209262848, + 0.026681242510676384, + -0.07942475378513336, + 0.9075700044631958, + 0.01176291424781084, + -0.21229401230812073, + -0.04172266274690628, + 0.4666503667831421, + -0.0829567015171051, + 0.034165158867836, + -0.1972278505563736, + 2.3153576850891113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/108.png", + [ + 0.20904313027858734, + -0.011059105396270752, + -0.05591569468379021, + 0.6374974846839905, + -0.009130380116403103, + -0.21630939841270447, + 0.008647754788398743, + -0.11505921185016632, + -0.056262824684381485, + -0.005986958276480436, + -0.20915676653385162, + 2.4462075233459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/60.png", + [ + 0.2014790028333664, + 0.011824682354927063, + -0.07883073389530182, + 0.9084613919258118, + -0.014127606526017189, + -0.20558814704418182, + -0.0669463574886322, + 0.7734378576278687, + -0.07845073193311691, + 0.06739126145839691, + -0.19039903581142426, + 2.237901210784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/56.png", + [ + 0.20244677364826202, + 0.012348408810794353, + -0.076228067278862, + 0.8723794221878052, + -0.003061078954488039, + -0.2124350666999817, + -0.042542606592178345, + 0.4658104479312897, + -0.07716107368469238, + 0.040825970470905304, + -0.19831113517284393, + 2.314645290374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/30.png", + [ + 0.18502500653266907, + 0.005486768204718828, + -0.11262118071317673, + 1.2625662088394165, + -0.015938157215714455, + -0.21297229826450348, + -0.036560505628585815, + 0.40253108739852905, + -0.11162262409925461, + 0.039504311978816986, + -0.18145987391471863, + 2.099644184112549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/17.png", + [ + 0.1953865885734558, + 0.01962217688560486, + -0.09158032387495041, + 1.0530118942260742, + 0.0069859642535448074, + -0.21432912349700928, + -0.03101801872253418, + 0.34110280871391296, + -0.09339796751737595, + 0.02501782216131687, + -0.19390414655208588, + 2.292628765106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/12.png", + [ + 0.19635744392871857, + 0.022488320246338844, + -0.08880271017551422, + 1.0169764757156372, + 0.004975419957190752, + -0.21235226094722748, + -0.04277442768216133, + 0.4787242114543915, + -0.09147071838378906, + 0.036724403500556946, + -0.19295679032802582, + 2.278042793273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/27.png", + [ + 0.1840357631444931, + 0.010224107652902603, + -0.11390432715415955, + 1.29449462890625, + -0.007288579363375902, + -0.21431969106197357, + -0.03101363033056259, + 0.3344992399215698, + -0.11412978172302246, + 0.030173437669873238, + -0.18169164657592773, + 2.1265811920166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/42.png", + [ + 0.19192974269390106, + 0.01719215326011181, + -0.0990721583366394, + 1.1171132326126099, + -0.00031666745780967176, + -0.21337971091270447, + -0.03764159977436066, + 0.41468867659568787, + -0.1005522757768631, + 0.03348761051893234, + -0.18898601830005646, + 2.188262939453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/7.png", + [ + 0.1984851360321045, + 0.02417711354792118, + -0.08346861600875854, + 0.9556223154067993, + 0.008878505788743496, + -0.21267278492450714, + -0.04048902168869972, + 0.45238229632377625, + -0.08644485473632812, + 0.033669810742139816, + -0.19580991566181183, + 2.309164524078369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/73.png", + [ + 0.1968795657157898, + 0.0015722884563729167, + -0.09046466648578644, + 1.0352082252502441, + -0.0219266340136528, + -0.2093549221754074, + -0.05135788023471832, + 0.5737387537956238, + -0.08778126537799835, + 0.05582057684659958, + -0.19006948173046112, + 2.220055103302002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/46.png", + [ + 0.19680386781692505, + 0.01650235801935196, + -0.08912801742553711, + 1.002899408340454, + -0.0034320710692554712, + -0.21154405176639557, + -0.046746477484703064, + 0.5178835391998291, + -0.0905778780579567, + 0.04387122392654419, + -0.1918824166059494, + 2.2171621322631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/57.png", + [ + 0.20224592089653015, + 0.01258498802781105, + -0.07672096788883209, + 0.8810358643531799, + -0.003886428428813815, + -0.21191321313381195, + -0.045006461441516876, + 0.4956021010875702, + -0.07764911651611328, + 0.04338552802801132, + -0.19757582247257233, + 2.316065788269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/44.png", + [ + 0.19516083598136902, + 0.01839020662009716, + -0.09231435507535934, + 1.0377928018569946, + -0.0008739322074688971, + -0.2121358960866928, + -0.04410776123404503, + 0.4885600507259369, + -0.09412425756454468, + 0.04010060802102089, + -0.19099858403205872, + 2.210474967956543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/29.png", + [ + 0.18337379395961761, + 0.006341679487377405, + -0.11524636298418045, + 1.299918532371521, + -0.01414650771766901, + -0.21348130702972412, + -0.034256432205438614, + 0.3731875717639923, + -0.11455049365758896, + 0.03651588410139084, + -0.18025721609592438, + 2.0949883460998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/4.png", + [ + 0.1998058557510376, + 0.027892526239156723, + -0.07904129475355148, + 0.902289628982544, + 0.012571249157190323, + -0.21198678016662598, + -0.04302862659096718, + 0.48157551884651184, + -0.08287028223276138, + 0.03509282320737839, + -0.19710125029087067, + 2.3110108375549316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/55.png", + [ + 0.20249535143375397, + 0.012007640674710274, + -0.07615342736244202, + 0.8701419830322266, + -0.0032011528965085745, + -0.21253618597984314, + -0.04202406853437424, + 0.4605954885482788, + -0.07702778279781342, + 0.040399085730314255, + -0.19845031201839447, + 2.309295654296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/9.png", + [ + 0.19837462902069092, + 0.022624410688877106, + -0.08416375517845154, + 0.9641949534416199, + 0.0061681088991463184, + -0.21236629784107208, + -0.04254879429936409, + 0.4777607023715973, + -0.08693306893110275, + 0.03655928373336792, + -0.19507421553134918, + 2.3034472465515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/25.png", + [ + 0.19017741084098816, + 0.009631160646677017, + -0.10338129103183746, + 1.1762397289276123, + -0.0030582300387322903, + -0.21512724459171295, + -0.025667419657111168, + 0.2786236107349396, + -0.10378390550613403, + 0.023987704887986183, + -0.18868328630924225, + 2.224165916442871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/99.png", + [ + 0.20475834608078003, + -0.034442026168107986, + -0.06193265691399574, + 0.7220199704170227, + -0.04363473504781723, + -0.21048426628112793, + -0.027208128944039345, + 0.2987348139286041, + -0.05583832040429115, + 0.038184016942977905, + -0.20584449172019958, + 2.446140766143799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/34.png", + [ + 0.1901177316904068, + 0.008800223469734192, + -0.10356494039297104, + 1.1624027490615845, + -0.01171269454061985, + -0.21270747482776642, + -0.039575785398483276, + 0.43661096692085266, + -0.10327611118555069, + 0.04032352194190025, + -0.1861611008644104, + 2.162153720855713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/72.png", + [ + 0.19686897099018097, + 0.0036711166612803936, + -0.09042692929506302, + 1.0351101160049438, + -0.021626142784953117, + -0.20831601321697235, + -0.05553952232003212, + 0.6237140893936157, + -0.08787956088781357, + 0.05948824808001518, + -0.18890798091888428, + 2.2073750495910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/102.png", + [ + 0.20514607429504395, + -0.028834225609898567, + -0.06349465250968933, + 0.7387614250183105, + -0.03421706706285477, + -0.2135239541530609, + -0.01358695700764656, + 0.1429557204246521, + -0.060763269662857056, + 0.022891061380505562, + -0.20671652257442474, + 2.4451522827148438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/70.png", + [ + 0.19633503258228302, + 0.0073888846673071384, + -0.09135568886995316, + 1.0471887588500977, + -0.020232267677783966, + -0.2071477472782135, + -0.06023590639233589, + 0.677731454372406, + -0.08939302712678909, + 0.06311190873384476, + -0.18701249361038208, + 2.1909804344177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/90.png", + [ + 0.2073018103837967, + -0.03917543590068817, + -0.049387626349925995, + 0.5718593001365662, + -0.049461767077445984, + -0.20632420480251312, + -0.04395178332924843, + 0.5033731460571289, + -0.03908178582787514, + 0.053324587643146515, + -0.2063419371843338, + 2.4520263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/15.png", + [ + 0.19559603929519653, + 0.01929873786866665, + -0.09120111912488937, + 1.0492674112319946, + 0.004171344917267561, + -0.21358023583889008, + -0.03624879941344261, + 0.40254250168800354, + -0.09312725067138672, + 0.030966663733124733, + -0.19317421317100525, + 2.2839789390563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/22.png", + [ + 0.19388419389724731, + 0.008974784053862095, + -0.09631337970495224, + 1.0939178466796875, + -0.0018270505825057626, + -0.21536174416542053, + -0.02374604344367981, + 0.2559681534767151, + -0.0967133566737175, + 0.02206050604581833, + -0.1926337331533432, + 2.2666735649108887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/109.png", + [ + 0.2098947912454605, + -0.010605625808238983, + -0.052721891552209854, + 0.604343593120575, + -0.008796650916337967, + -0.21632921695709229, + 0.008496200665831566, + -0.11074218153953552, + -0.053053706884384155, + -0.006089924369007349, + -0.2099907547235489, + 2.452904224395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/26.png", + [ + 0.18710952997207642, + 0.010658943094313145, + -0.10873961448669434, + 1.2396010160446167, + -0.004421464167535305, + -0.21472583711147308, + -0.02865605428814888, + 0.3117178678512573, + -0.1091712936758995, + 0.02696489728987217, + -0.18520914018154144, + 2.1771273612976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/43.png", + [ + 0.19459980726242065, + 0.017140088602900505, + -0.0937284305691719, + 1.0548030138015747, + -0.0009104365017265081, + -0.21279586851596832, + -0.040804166346788406, + 0.450893759727478, + -0.09527839720249176, + 0.03704087436199188, + -0.19104422628879547, + 2.2091526985168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/84.png", + [ + 0.2065345048904419, + -0.030972572043538094, + -0.05772431939840317, + 0.6597231030464172, + -0.04048759862780571, + -0.21044757962226868, + -0.031944647431373596, + 0.3526811897754669, + -0.05149904638528824, + 0.04123597592115402, + -0.20638638734817505, + 2.4396800994873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/89.png", + [ + 0.20612263679504395, + -0.04003223404288292, + -0.053467486053705215, + 0.6200315952301025, + -0.05002831295132637, + -0.20745040476322174, + -0.03754177689552307, + 0.4217965602874756, + -0.04425516352057457, + 0.048058684915304184, + -0.20659074187278748, + 2.460663318634033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/63.png", + [ + 0.20198318362236023, + 0.011692927218973637, + -0.07754980772733688, + 0.8941385746002197, + -0.015512663871049881, + -0.20406314730644226, + -0.07117222994565964, + 0.8222724199295044, + -0.07687687128782272, + 0.07189857214689255, + -0.1893896460533142, + 2.2256088256835938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/88.png", + [ + 0.20610810816287994, + -0.039436936378479004, + -0.05396360531449318, + 0.6249200105667114, + -0.04837408289313316, + -0.20873436331748962, + -0.0322151780128479, + 0.35285910964012146, + -0.04612256586551666, + 0.04269189015030861, + -0.20735961198806763, + 2.466068744659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/62.png", + [ + 0.2005080133676529, + 0.012406455352902412, + -0.08118195831775665, + 0.9361541867256165, + -0.01828211173415184, + -0.20207005739212036, + -0.07603515684604645, + 0.8882762789726257, + -0.08006369322538376, + 0.07721179723739624, + -0.18594633042812347, + 2.18607759475708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/65.png", + [ + 0.20231689512729645, + 0.009240991435945034, + -0.0770089253783226, + 0.8802073001861572, + -0.01670270413160324, + -0.20489276945590973, + -0.06846806406974792, + 0.7810543179512024, + -0.07574159651994705, + 0.06986745446920395, + -0.1906033605337143, + 2.2408833503723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/80.png", + [ + 0.19913047552108765, + -0.006945767439901829, + -0.0851275771856308, + 0.9793672561645508, + -0.024024533107876778, + -0.2117926925420761, + -0.038917507976293564, + 0.4302341341972351, + -0.08196201175451279, + 0.045205164700746536, + -0.19541394710540771, + 2.3035635948181152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/79.png", + [ + 0.19941666722297668, + -0.0016988825518637896, + -0.08472304791212082, + 0.9745579957962036, + -0.018955426290631294, + -0.21203605830669403, + -0.04036450386047363, + 0.44315874576568604, + -0.08259281516075134, + 0.044561367481946945, + -0.19529619812965393, + 2.2953224182128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/19.png", + [ + 0.19514690339565277, + 0.014565304853022099, + -0.09302382916212082, + 1.0652132034301758, + 0.0028377422131597996, + -0.21487903594970703, + -0.027691850438714027, + 0.30435019731521606, + -0.09411443769931793, + 0.02372221276164055, + -0.1937204748392105, + 2.2855324745178223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/77.png", + [ + 0.19739803671836853, + -0.0017713746055960655, + -0.0893239974975586, + 1.0239136219024658, + -0.02112349309027195, + -0.21141529083251953, + -0.0424884669482708, + 0.46910759806632996, + -0.08680848032236099, + 0.047416601330041885, + -0.1927792727947235, + 2.2597875595092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/68.png", + [ + 0.19750091433525085, + 0.012367711402475834, + -0.08825146406888962, + 1.0134689807891846, + -0.016832808032631874, + -0.20553737878799438, + -0.06647506356239319, + 0.7551658749580383, + -0.0875096395611763, + 0.06744863837957382, + -0.18638840317726135, + 2.185328483581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/86.png", + [ + 0.20626315474510193, + -0.03812306746840477, + -0.05431419238448143, + 0.6260145306587219, + -0.04599159210920334, + -0.20997285842895508, + -0.027277635410428047, + 0.29185765981674194, + -0.0478348545730114, + 0.037495702505111694, + -0.20797546207904816, + 2.4659738540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/1.png", + [ + 0.2006487101316452, + 0.024907024577260017, + -0.07789500802755356, + 0.8944976925849915, + 0.00881525781005621, + -0.21176570653915405, + -0.04500524327158928, + 0.5046096444129944, + -0.08130364120006561, + 0.03850741311907768, + -0.1971161961555481, + 2.285128593444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/81.png", + [ + 0.20254237949848175, + -0.012087132781744003, + -0.07601567357778549, + 0.8699624538421631, + -0.028005672618746758, + -0.210891991853714, + -0.04108699783682823, + 0.4618314206600189, + -0.07169493287801743, + 0.04823235049843788, + -0.1986992061138153, + 2.3340301513671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/95.png", + [ + 0.20840924978256226, + -0.03388872370123863, + -0.04863161966204643, + 0.559825599193573, + -0.044128723442554474, + -0.2073938548564911, + -0.044590748846530914, + 0.5090190172195435, + -0.03957443684339523, + 0.05279425159096718, + -0.20638442039489746, + 2.444758892059326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/103.png", + [ + 0.20552942156791687, + -0.026304904371500015, + -0.0633530393242836, + 0.7348364591598511, + -0.03045382723212242, + -0.21429899334907532, + -0.009818674996495247, + 0.09794451296329498, + -0.061466414481401443, + 0.01821795664727688, + -0.2069731503725052, + 2.445331573486328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/83.png", + [ + 0.20534829795360565, + -0.024085164070129395, + -0.06480644643306732, + 0.7410925030708313, + -0.03612571954727173, + -0.2105492502450943, + -0.03621925413608551, + 0.40977156162261963, + -0.05894830822944641, + 0.04513099044561386, + -0.2035588026046753, + 2.3959412574768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/51.png", + [ + 0.20132222771644592, + 0.015353691764175892, + -0.07862260937690735, + 0.8891110420227051, + -0.001952244550921023, + -0.2116541564464569, + -0.04633148014545441, + 0.5090782046318054, + -0.08008395880460739, + 0.04375707730650902, + -0.196519136428833, + 2.273078441619873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/93.png", + [ + 0.209061861038208, + -0.03357595205307007, + -0.045974887907505035, + 0.5282137989997864, + -0.04399745911359787, + -0.2063334733247757, + -0.04938233643770218, + 0.5698516964912415, + -0.036128364503383636, + 0.056982867419719696, + -0.2059018909931183, + 2.439134120941162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/76.png", + [ + 0.2008623331785202, + -0.048385582864284515, + -0.06527674943208694, + 0.7624949216842651, + -0.04977162927389145, + -0.2108573168516159, + 0.0031436632853001356, + -0.05335981398820877, + -0.0642261952161789, + 0.01208026334643364, + -0.20658403635025024, + 2.4503965377807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/48.png", + [ + 0.19893160462379456, + -0.04338391125202179, + -0.07410766184329987, + 0.8367884159088135, + -0.043517403304576874, + -0.21213161945343018, + 0.007369185797870159, + -0.0951964408159256, + -0.0740293487906456, + 0.008118204772472382, + -0.20347395539283752, + 2.3480124473571777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/35.png", + [ + 0.19918908178806305, + -0.042253125458955765, + -0.07406940311193466, + 0.8397159576416016, + -0.043426379561424255, + -0.21223494410514832, + 0.004286925308406353, + -0.05808606743812561, + -0.07338770478963852, + 0.010904171504080296, + -0.20357613265514374, + 2.359631061553955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/97.png", + [ + 0.1997959315776825, + -0.038218867033720016, + -0.07462438195943832, + 0.8643020987510681, + -0.031319040805101395, + -0.21291403472423553, + 0.025191722437739372, + -0.3070051968097687, + -0.07777272164821625, + -0.012442799285054207, + -0.20185260474681854, + 2.3832645416259766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/13.png", + [ + 0.20352928340435028, + -0.047225963324308395, + -0.0573885478079319, + 0.6589961051940918, + -0.05213672295212746, + -0.20995864272117615, + -0.012125205248594284, + 0.12683677673339844, + -0.052966970950365067, + 0.025198543444275856, + -0.20858435332775116, + 2.430323600769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/32.png", + [ + 0.19823047518730164, + -0.04828532785177231, + -0.07294589281082153, + 0.8311362862586975, + -0.05020654574036598, + -0.21075524389743805, + 0.0030696517787873745, + -0.046867020428180695, + -0.07163713127374649, + 0.014094232581555843, + -0.20400336384773254, + 2.379854679107666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/38.png", + [ + 0.19830261170864105, + -0.03619998320937157, + -0.07945775985717773, + 0.9034497141838074, + -0.03558306023478508, + -0.21356409788131714, + 0.008492602966725826, + -0.10728779435157776, + -0.07973594963550568, + 0.005276320036500692, + -0.20140066742897034, + 2.334519863128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/111.png", + [ + 0.20630323886871338, + -0.0334206223487854, + -0.05718336999416351, + 0.6557170748710632, + -0.03587614372372627, + -0.2136349081993103, + -0.004573913291096687, + 0.0474306158721447, + -0.05567564815282822, + 0.013823175802826881, + -0.20894266664981842, + 2.4279417991638184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/11.png", + [ + 0.20316703617572784, + -0.05150233209133148, + -0.05494140088558197, + 0.6288161277770996, + -0.05592883378267288, + -0.20905038714408875, + -0.010853632353246212, + 0.10789439082145691, + -0.050428297370672226, + 0.024358686059713364, + -0.2093120515346527, + 2.438462734222412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/59.png", + [ + 0.20108944177627563, + -0.04482501745223999, + -0.06709430366754532, + 0.7664672136306763, + -0.047906678169965744, + -0.211298406124115, + -0.0024156118743121624, + 0.009876877069473267, + -0.0649297907948494, + 0.017076384276151657, + -0.20601071417331696, + 2.4035658836364746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/105.png", + [ + 0.20486034452915192, + -0.035761263221502304, + -0.060838017612695694, + 0.6999154686927795, + -0.03681032732129097, + -0.21351924538612366, + 0.0015572848496958613, + -0.01884917914867401, + -0.060209065675735474, + 0.00886324979364872, + -0.20795240998268127, + 2.416584014892578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/24.png", + [ + 0.2001727968454361, + -0.04313488304615021, + -0.07083873450756073, + 0.8151776194572449, + -0.04787687212228775, + -0.21121345460414886, + -0.006676868535578251, + 0.07154618203639984, + -0.0677240639925003, + 0.0218210332095623, + -0.20465871691703796, + 2.4012818336486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/74.png", + [ + 0.2001773566007614, + -0.04744643718004227, + -0.06801284849643707, + 0.7947960495948792, + -0.04998847469687462, + -0.21082942187786102, + -5.082552888779901e-05, + -0.011181935667991638, + -0.0661669448018074, + 0.01573803462088108, + -0.20572346448898315, + 2.4489521980285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/98.png", + [ + 0.19950851798057556, + -0.0358915813267231, + -0.0765247792005539, + 0.8877279162406921, + -0.028324954211711884, + -0.2132168561220169, + 0.026156513020396233, + -0.3185828924179077, + -0.07963632047176361, + -0.014080491848289967, + -0.2010166496038437, + 2.3766465187072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/0.png", + [ + 0.20625390112400055, + -0.04402909427881241, + -0.04968558996915817, + 0.5707497596740723, + -0.047728102654218674, + -0.21106117963790894, + -0.011095281690359116, + 0.11079950630664825, + -0.04614376276731491, + 0.021506182849407196, + -0.21060895919799805, + 2.4158754348754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/96.png", + [ + 0.19872251152992249, + -0.04064517840743065, + -0.07619208097457886, + 0.8844645023345947, + -0.033288437873125076, + -0.21245431900024414, + 0.026513025164604187, + -0.3246203064918518, + -0.07968151569366455, + -0.012610706500709057, + -0.2010962963104248, + 2.37868595123291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/100.png", + [ + 0.2014501690864563, + -0.03397908806800842, + -0.07218824326992035, + 0.8366395235061646, + -0.028056412935256958, + -0.2136911302804947, + 0.02228979580104351, + -0.27285143733024597, + -0.07468974590301514, + -0.01137622632086277, + -0.20307613909244537, + 2.389970302581787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/40.png", + [ + 0.1979234665632248, + -0.039885349571704865, + -0.07863430678844452, + 0.8923677802085876, + -0.039800968021154404, + -0.2128455638885498, + 0.0077812690287828445, + -0.09806622564792633, + -0.07867704331874847, + 0.007336464244872332, + -0.20175230503082275, + 2.3368659019470215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/52.png", + [ + 0.1982199102640152, + -0.044805858284235, + -0.0751611515879631, + 0.8487113118171692, + -0.044929392635822296, + -0.2118222713470459, + 0.0077830092050135136, + -0.10510025918483734, + -0.07508738338947296, + 0.008465217426419258, + -0.2030717134475708, + 2.346684455871582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/3.png", + [ + 0.20532765984535217, + -0.04747374355792999, + -0.05034580081701279, + 0.5694262385368347, + -0.05162229761481285, + -0.21006670594215393, + -0.012450529262423515, + 0.1299358755350113, + -0.04608248174190521, + 0.02379329688847065, + -0.2103762924671173, + 2.423539161682129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/47.png", + [ + 0.19637534022331238, + -0.04278319329023361, + -0.08095811307430267, + 0.9205710887908936, + -0.04226455092430115, + -0.21229250729084015, + 0.00966962706297636, + -0.12139993906021118, + -0.08123007416725159, + 0.0070279669016599655, + -0.20074902474880219, + 2.3265581130981445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/104.png", + [ + 0.20461362600326538, + -0.036127377301454544, + -0.06144886463880539, + 0.7084327340126038, + -0.036826811730861664, + -0.2135024219751358, + 0.002896953606978059, + -0.03577512875199318, + -0.0610322542488575, + 0.007708375342190266, + -0.207758367061615, + 2.419285774230957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/21.png", + [ + 0.19984768331050873, + -0.048794057220220566, + -0.06802897155284882, + 0.7800183892250061, + -0.053837794810533524, + -0.20973728597164154, + -0.007723556365817785, + 0.07755860686302185, + -0.06411156058311462, + 0.024027107283473015, + -0.20557311177253723, + 2.3967947959899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/82.png", + [ + 0.2005264312028885, + -0.05736751854419708, + -0.058702725917100906, + 0.6691300868988037, + -0.056366004049777985, + -0.20889297127723694, + 0.011597373522818089, + -0.15196573734283447, + -0.05966503545641899, + 0.004537949338555336, + -0.20824837684631348, + 2.450723171234131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/106.png", + [ + 0.204984650015831, + -0.035152941942214966, + -0.06077379733324051, + 0.6982257962226868, + -0.036658111959695816, + -0.2135510891675949, + -0.00012179389887023717, + -0.00024836137890815735, + -0.05987793579697609, + 0.01039724238216877, + -0.20797699689865112, + 2.4135847091674805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/14.png", + [ + 0.20305916666984558, + -0.046400297433137894, + -0.059681523591279984, + 0.685967206954956, + -0.0516253262758255, + -0.21007341146469116, + -0.012324211187660694, + 0.130036860704422, + -0.05522406846284866, + 0.025769615545868874, + -0.20792816579341888, + 2.4242501258850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/67.png", + [ + 0.2014854997396469, + -0.04369347542524338, + -0.06665107607841492, + 0.7662531733512878, + -0.045347120612859726, + -0.2118685394525528, + 0.0018076819833368063, + -0.04063637927174568, + -0.06553719937801361, + 0.01226822193711996, + -0.206160768866539, + 2.4077134132385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/78.png", + [ + 0.20222623646259308, + -0.047711167484521866, + -0.06144985184073448, + 0.7222991585731506, + -0.04631011188030243, + -0.21134474873542786, + 0.011690562590956688, + -0.1623511016368866, + -0.06251250952482224, + 0.0022227386943995953, + -0.20744913816452026, + 2.4607648849487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/31.png", + [ + 0.19902625679969788, + -0.04785523563623428, + -0.07103744894266129, + 0.8094152808189392, + -0.04974157363176346, + -0.21087060868740082, + 0.002694123424589634, + -0.043962638825178146, + -0.06972961127758026, + 0.0138332424685359, + -0.20468102395534515, + 2.389723300933838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/39.png", + [ + 0.1985010802745819, + -0.037205249071121216, + -0.07849195599555969, + 0.892276406288147, + -0.03670754283666611, + -0.2133808135986328, + 0.008311662822961807, + -0.10494746267795563, + -0.07872594892978668, + 0.00568305142223835, + -0.2017865777015686, + 2.3372907638549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/92.png", + [ + 0.19497504830360413, + -0.05161309614777565, + -0.07917517423629761, + 0.9189336895942688, + -0.04760586470365524, + -0.2104368805885315, + 0.019947433844208717, + -0.2498144805431366, + -0.08164742588996887, + -0.0005540538695640862, + -0.2007019817829132, + 2.371732711791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/53.png", + [ + 0.19964800775051117, + -0.04343108460307121, + -0.07212703675031662, + 0.815295934677124, + -0.04370024800300598, + -0.21211427450180054, + 0.006761494092643261, + -0.09529437124729156, + -0.07196427881717682, + 0.008316852152347565, + -0.2042054682970047, + 2.3624563217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/75.png", + [ + 0.20016013085842133, + -0.04878777265548706, + -0.067108653485775, + 0.7841722369194031, + -0.05095414072275162, + -0.21059513092041016, + 0.0011247426737099886, + -0.02683100663125515, + -0.06547895818948746, + 0.01474254485219717, + -0.2060171365737915, + 2.4500041007995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/87.png", + [ + 0.20042772591114044, + -0.049245793372392654, + -0.06596571207046509, + 0.7500768899917603, + -0.05145629495382309, + -0.21047453582286835, + 0.0007840156322345138, + -0.020991232246160507, + -0.06425631046295166, + 0.014940431341528893, + -0.2063875049352646, + 2.428521156311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/107.png", + [ + 0.20510627329349518, + -0.03494461998343468, + -0.06048295274376869, + 0.6947948932647705, + -0.036706745624542236, + -0.21353991329669952, + -0.0011029827874153852, + 0.009744510054588318, + -0.05943003669381142, + 0.011290482245385647, + -0.20805886387825012, + 2.415390968322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/112.png", + [ + 0.2069631665945053, + -0.03380585089325905, + -0.05450969561934471, + 0.6236914992332458, + -0.03637072816491127, + -0.21352502703666687, + -0.005668811034411192, + 0.061780910938978195, + -0.05283288285136223, + 0.014564660377800465, + -0.20962932705879211, + 2.4342665672302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/69.png", + [ + 0.20033593475818634, + -0.043273311108350754, + -0.07029108703136444, + 0.8092565536499023, + -0.04609363153576851, + -0.2117125540971756, + -0.0010343872709199786, + -0.005293319001793861, + -0.06847476214170456, + 0.015909554436802864, + -0.2049536257982254, + 2.403899669647217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/45.png", + [ + 0.19594089686870575, + -0.04401123523712158, + -0.08135151118040085, + 0.9303945899009705, + -0.042417075484991074, + -0.21210910379886627, + 0.012586668133735657, + -0.1539514809846878, + -0.08219399303197861, + 0.004543448332697153, + -0.2004280388355255, + 2.3338866233825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/50.png", + [ + 0.20013222098350525, + -0.04671097546815872, + -0.06865183264017105, + 0.7690786719322205, + -0.04715842008590698, + -0.21138502657413483, + 0.006352090276777744, + -0.08393663167953491, + -0.06834524869918823, + 0.009074685163795948, + -0.20541290938854218, + 2.3596324920654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/101.png", + [ + 0.20256663858890533, + -0.03495737165212631, + -0.06850278377532959, + 0.793211817741394, + -0.031361646950244904, + -0.21376869082450867, + 0.016349220648407936, + -0.20280753076076508, + -0.07022176682949066, + -0.0053695556707680225, + -0.20490966737270355, + 2.404721736907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/85.png", + [ + 0.2020074427127838, + -0.051079243421554565, + -0.05942896753549576, + 0.6784112453460693, + -0.05192459374666214, + -0.21031764149665833, + 0.004269149620085955, + -0.06751149892807007, + -0.058691807091236115, + 0.01026158593595028, + -0.20832154154777527, + 2.448244571685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/71.png", + [ + 0.20012372732162476, + -0.04408876597881317, + -0.07038867473602295, + 0.8164516687393188, + -0.04692479595541954, + -0.2115304172039032, + -0.0009184886584989727, + -0.0020273197442293167, + -0.0685306265950203, + 0.016092263162136078, + -0.2049206793308258, + 2.424753189086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/54.png", + [ + 0.2001064121723175, + -0.04305289313197136, + -0.07107573747634888, + 0.8061953186988831, + -0.044349320232868195, + -0.2120569795370102, + 0.0035888804122805595, + -0.06042216718196869, + -0.07027411460876465, + 0.011233445256948471, + -0.20465399324893951, + 2.372842788696289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/33.png", + [ + 0.19819362461566925, + -0.046637557446956635, + -0.07410883903503418, + 0.8428496718406677, + -0.048505622893571854, + -0.21115189790725708, + 0.003158921841531992, + -0.045905038714408875, + -0.07289984077215195, + 0.01370080653578043, + -0.20358240604400635, + 2.373013496398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/49.png", + [ + 0.19934587180614471, + -0.04468195140361786, + -0.07219862937927246, + 0.8117417097091675, + -0.04505191370844841, + -0.21183304488658905, + 0.006706519052386284, + -0.08706524223089218, + -0.07196835428476334, + 0.008841690607368946, + -0.2041819542646408, + 2.3507843017578125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/110.png", + [ + 0.20564383268356323, + -0.03325224667787552, + -0.05960538238286972, + 0.6850767135620117, + -0.03575717285275459, + -0.21366314589977264, + -0.004168452229350805, + 0.042558882385492325, + -0.05813723802566528, + 0.013792738318443298, + -0.20827318727970123, + 2.421292781829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/18.png", + [ + 0.20174190402030945, + -0.04845716059207916, + -0.06244994327425957, + 0.7174307703971863, + -0.05244024097919464, + -0.2101369947195053, + -0.00635314267128706, + 0.05489358678460121, + -0.05914485454559326, + 0.021029623225331306, + -0.20738257467746735, + 2.4143614768981934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/66.png", + [ + 0.20212310552597046, + -0.04597076028585434, + -0.06309386342763901, + 0.7252744436264038, + -0.046916522085666656, + -0.21150007843971252, + 0.003802357940003276, + -0.06477954983711243, + -0.062393806874752045, + 0.010114707984030247, + -0.20725008845329285, + 2.419539451599121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/16.png", + [ + 0.20292896032333374, + -0.045998137444257736, + -0.06043097376823425, + 0.6956120729446411, + -0.05055975168943405, + -0.21047551929950714, + -0.009573801420629025, + 0.09691756963729858, + -0.05666960030794144, + 0.02306765876710415, + -0.20785652101039886, + 2.422520160675049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/94.png", + [ + 0.1967213749885559, + -0.04722432419657707, + -0.07757871598005295, + 0.9020547270774841, + -0.04028157889842987, + -0.21124815940856934, + 0.026448050513863564, + -0.3256887197494507, + -0.08140017837285995, + -0.009589971974492073, + -0.20057404041290283, + 2.3719959259033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/28.png", + [ + 0.20115742087364197, + -0.042852021753787994, + -0.06817105412483215, + 0.7783253192901611, + -0.04671073332428932, + -0.21152372658252716, + -0.0048699588514864445, + 0.042232755571603775, + -0.06558731943368912, + 0.019217517226934433, + -0.2056134194135666, + 2.4000210762023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/61.png", + [ + 0.20151333510875702, + -0.04674404859542847, + -0.06446126848459244, + 0.7363706827163696, + -0.04921965301036835, + -0.21100850403308868, + -0.0008535850793123245, + -0.009803956374526024, + -0.06259144097566605, + 0.015436834655702114, + -0.20686204731464386, + 2.4127111434936523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/58.png", + [ + 0.20070451498031616, + -0.043479762971401215, + -0.06910208612680435, + 0.78908371925354, + -0.046702802181243896, + -0.21156644821166992, + -0.0025267447344958782, + 0.012139551341533661, + -0.06696593761444092, + 0.017235012724995613, + -0.20534460246562958, + 2.3941574096679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/64.png", + [ + 0.20283286273479462, + -0.04548601806163788, + -0.061137083917856216, + 0.7018805742263794, + -0.04655851796269417, + -0.2115926295518875, + 0.0029590697959065437, + -0.056085824966430664, + -0.06032433360815048, + 0.010366950184106827, + -0.2078494429588318, + 2.4231042861938477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/10.png", + [ + 0.20312020182609558, + -0.052154578268527985, + -0.054497458040714264, + 0.6247859597206116, + -0.05628810077905655, + -0.20900727808475494, + -0.009772257879376411, + 0.09467078745365143, + -0.05021676421165466, + 0.023318378254771233, + -0.20948132872581482, + 2.441300392150879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/41.png", + [ + 0.19872525334358215, + -0.042222075164318085, + -0.07532234489917755, + 0.8534303903579712, + -0.04243477061390877, + -0.21236060559749603, + 0.007082140538841486, + -0.08886927366256714, + -0.07520272582769394, + 0.008256093598902225, + -0.20303763449192047, + 2.3503379821777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/91.png", + [ + 0.1955919861793518, + -0.049264609813690186, + -0.07914963364601135, + 0.913885235786438, + -0.04845888540148735, + -0.21087278425693512, + 0.011502201668918133, + -0.14880555868148804, + -0.07964548468589783, + 0.00731864757835865, + -0.20137259364128113, + 2.374520778656006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/23.png", + [ + 0.1994277834892273, + -0.045460671186447144, + -0.07148272544145584, + 0.8208934664726257, + -0.05039313808083534, + -0.21062850952148438, + -0.0066376649774611, + 0.07180933654308319, + -0.06809540838003159, + 0.022734427824616432, + -0.20443594455718994, + 2.390780448913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/37.png", + [ + 0.19897469878196716, + -0.03665120154619217, + -0.07754778116941452, + 0.8792590498924255, + -0.036716170608997345, + -0.21343699097633362, + 0.0066685862839221954, + -0.08540023118257523, + -0.07751704007387161, + 0.0070168678648769855, + -0.20221218466758728, + 2.337972640991211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/36.png", + [ + 0.1993790864944458, + -0.039491329342126846, + -0.07507528364658356, + 0.8515235185623169, + -0.040021225810050964, + -0.21287044882774353, + 0.005689494777470827, + -0.07470060884952545, + -0.07479415088891983, + 0.008631554432213306, + -0.20317289233207703, + 2.3510818481445312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/8.png", + [ + 0.20287881791591644, + -0.05281217396259308, + -0.05476266145706177, + 0.6247754693031311, + -0.05625714734196663, + -0.2091357409954071, + -0.006728522479534149, + 0.05868317559361458, + -0.05121725797653198, + 0.020518627017736435, + -0.2095320224761963, + 2.4423680305480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/6.png", + [ + 0.20353074371814728, + -0.052005305886268616, + -0.05309034138917923, + 0.600896418094635, + -0.05591906979680061, + -0.20911744236946106, + -0.009531539864838123, + 0.09445194900035858, + -0.048950932919979095, + 0.0226548183709383, + -0.2098534256219864, + 2.430936336517334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/20.png", + [ + 0.20001773536205292, + -0.04880762845277786, + -0.06751750409603119, + 0.7751635909080505, + -0.05355251953005791, + -0.20983707904815674, + -0.006958240643143654, + 0.06521746516227722, + -0.06381948292255402, + 0.023110710084438324, + -0.20576895773410797, + 2.398484230041504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/2.png", + [ + 0.2057761698961258, + -0.045992620289325714, + -0.04988730698823929, + 0.5663039684295654, + -0.04995838552713394, + -0.21049430966377258, + -0.012008259072899818, + 0.12432125210762024, + -0.045915402472019196, + 0.02290670946240425, + -0.21051117777824402, + 2.4234724044799805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/5.png", + [ + 0.2043880969285965, + -0.05057835951447487, + -0.05113926902413368, + 0.5772553086280823, + -0.05456322431564331, + -0.20940518379211426, + -0.010964230634272099, + 0.11256635189056396, + -0.04686416685581207, + 0.023220445960760117, + -0.210267573595047, + 2.427891254425049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/108.png", + [ + 0.20518890023231506, + -0.03456525877118111, + -0.060420677065849304, + 0.6944085359573364, + -0.03660250082612038, + -0.21354997158050537, + -0.002135306829586625, + 0.020080383867025375, + -0.059208713471889496, + 0.012228884734213352, + -0.20806892216205597, + 2.416959762573242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/60.png", + [ + 0.20105193555355072, + -0.045552585273981094, + -0.06671562790870667, + 0.7621897459030151, + -0.048250943422317505, + -0.2112305462360382, + -0.0011818334460258484, + -0.005427833646535873, + -0.06479088962078094, + 0.015953421592712402, + -0.20614442229270935, + 2.406395435333252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/56.png", + [ + 0.20034265518188477, + -0.043889470398426056, + -0.06988868117332458, + 0.7960653901100159, + -0.04656842350959778, + -0.21161027252674103, + -0.000603494409006089, + -0.011314600706100464, + -0.0681329220533371, + 0.015578709542751312, + -0.2050929069519043, + 2.3877487182617188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/30.png", + [ + 0.20010831952095032, + -0.045353490859270096, + -0.06962477415800095, + 0.7929092645645142, + -0.04833001643419266, + -0.2112116515636444, + -0.0013221482513472438, + 0.0020291507244110107, + -0.06759259849786758, + 0.016751106828451157, + -0.20517928898334503, + 2.39444637298584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/17.png", + [ + 0.2028491050004959, + -0.047486137598752975, + -0.059541601687669754, + 0.6840403079986572, + -0.05172617360949516, + -0.21023589372634888, + -0.008553972467780113, + 0.08244714140892029, + -0.05589757114648819, + 0.022222373634576797, + -0.20815744996070862, + 2.4234628677368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/12.png", + [ + 0.20330104231834412, + -0.04893800988793373, + -0.056759558618068695, + 0.6515569090843201, + -0.05358220264315605, + -0.20964790880680084, + -0.011162295006215572, + 0.11313511431217194, + -0.052397750318050385, + 0.024509599432349205, + -0.20881009101867676, + 2.434950828552246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/114.png", + [ + 0.20776155591011047, + -0.035646289587020874, + -0.050123557448387146, + 0.5678292512893677, + -0.03769444674253464, + -0.21332243084907532, + -0.0045348904095590115, + 0.043618831783533096, + -0.04860202968120575, + 0.013068239204585552, + -0.2107485681772232, + 2.4441933631896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/27.png", + [ + 0.2011089324951172, + -0.040895141661167145, + -0.06950312107801437, + 0.7965180277824402, + -0.044710561633110046, + -0.2119603455066681, + -0.00465509993955493, + 0.038440462201833725, + -0.06711231172084808, + 0.018662570044398308, + -0.20517197251319885, + 2.400419235229492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/42.png", + [ + 0.1981857568025589, + -0.043412890285253525, + -0.07606329768896103, + 0.8626617789268494, + -0.04399418830871582, + -0.21206451952457428, + 0.006406680215150118, + -0.08102743327617645, + -0.07572855800390244, + 0.009584094397723675, + -0.20278367400169373, + 2.349642753601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/7.png", + [ + 0.20343704521656036, + -0.052601005882024765, + -0.05286206677556038, + 0.6000415682792664, + -0.05620651692152023, + -0.20909500122070312, + -0.008245588280260563, + 0.07781118154525757, + -0.04901113361120224, + 0.021454520523548126, + -0.20996549725532532, + 2.440357208251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/73.png", + [ + 0.20043253898620605, + -0.04720975458621979, + -0.06742355972528458, + 0.7864519953727722, + -0.04979078471660614, + -0.21087591350078583, + -0.00036029540933668613, + -0.006775058805942535, + -0.06554064899682999, + 0.015826893970370293, + -0.20591704547405243, + 2.448634624481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/46.png", + [ + 0.19630548357963562, + -0.04444964975118637, + -0.08022637665271759, + 0.9141584634780884, + -0.043464429676532745, + -0.21198028326034546, + 0.011095371097326279, + -0.13698825240135193, + -0.08076439052820206, + 0.006040907930582762, + -0.20096895098686218, + 2.331294536590576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/57.png", + [ + 0.20052315294742584, + -0.04460494592785835, + -0.06891120970249176, + 0.7846089601516724, + -0.047757044434547424, + -0.21133489906787872, + -0.002173989312723279, + 0.007831282913684845, + -0.06676541268825531, + 0.017200587317347527, + -0.20541280508041382, + 2.3928847312927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/44.png", + [ + 0.19340144097805023, + -0.04498386010527611, + -0.08671926707029343, + 0.9914177656173706, + -0.04343320056796074, + -0.21187584102153778, + 0.013041513040661812, + -0.15799261629581451, + -0.08750621229410172, + 0.005742472130805254, + -0.19813525676727295, + 2.316319465637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/113.png", + [ + 0.20747624337673187, + -0.03494583070278168, + -0.05177159979939461, + 0.5893986821174622, + -0.03746576979756355, + -0.2133222073316574, + -0.006152681540697813, + 0.06560759246349335, + -0.049978259950876236, + 0.014843444339931011, + -0.21030868589878082, + 2.441133975982666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/29.png", + [ + 0.20072537660598755, + -0.04418770968914032, + -0.06859057396650314, + 0.7807081341743469, + -0.047697171568870544, + -0.21133165061473846, + -0.0034373821690678596, + 0.025647971779108047, + -0.0661981925368309, + 0.018283387646079063, + -0.20550283789634705, + 2.3982982635498047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/4.png", + [ + 0.20500987768173218, + -0.04922476038336754, + -0.04995764046907425, + 0.562978208065033, + -0.05325921252369881, + -0.20968692004680634, + -0.011947618797421455, + 0.12443669140338898, + -0.04563222825527191, + 0.023584138602018356, + -0.21049794554710388, + 2.424910068511963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/55.png", + [ + 0.20040564239025116, + -0.0438339002430439, + -0.06974280625581741, + 0.7925768494606018, + -0.045862697064876556, + -0.21176119148731232, + 0.0013073158916085958, + -0.03469698131084442, + -0.068425752222538, + 0.013553038239479065, + -0.20513929426670074, + 2.3839645385742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/9.png", + [ + 0.2029266506433487, + -0.05285121873021126, + -0.054547399282455444, + 0.6241535544395447, + -0.05676111951470375, + -0.20892533659934998, + -0.008733394555747509, + 0.08149252831935883, + -0.05046628415584564, + 0.02246875874698162, + -0.20951421558856964, + 2.4423141479492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/25.png", + [ + 0.2008386105298996, + -0.04167803004384041, + -0.06981901079416275, + 0.8034792542457581, + -0.0460386797785759, + -0.21163924038410187, + -0.006096287630498409, + 0.060805898159742355, + -0.06702381372451782, + 0.020485760644078255, + -0.20502692461013794, + 2.4069557189941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/99.png", + [ + 0.19995205104351044, + -0.03520754724740982, + -0.07568033039569855, + 0.8784036040306091, + -0.02812335267663002, + -0.21338613331317902, + 0.024966605007648468, + -0.3051420748233795, + -0.07858855277299881, + -0.013216771185398102, + -0.20148710906505585, + 2.380286693572998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/34.png", + [ + 0.19896596670150757, + -0.04580610245466232, + -0.07254128158092499, + 0.8219415545463562, + -0.04740370437502861, + -0.21139714121818542, + 0.0034677658695727587, + -0.04785414785146713, + -0.0715075358748436, + 0.012686111032962799, + -0.20414119958877563, + 2.3699421882629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/72.png", + [ + 0.20064175128936768, + -0.045240625739097595, + -0.0681474357843399, + 0.7925586700439453, + -0.04774896427989006, + -0.21134771406650543, + -0.0002778124762699008, + -0.007697533816099167, + -0.06641403585672379, + 0.015275023877620697, + -0.20567874610424042, + 2.4421372413635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/102.png", + [ + 0.20346912741661072, + -0.03536629676818848, + -0.06555482000112534, + 0.7584425210952759, + -0.03373175486922264, + -0.21376873552799225, + 0.010629847645759583, + -0.13306516408920288, + -0.06641066819429398, + 0.00022352855012286454, + -0.20624612271785736, + 2.413708209991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/70.png", + [ + 0.19998398423194885, + -0.04322013631463051, + -0.07131849229335785, + 0.8242763876914978, + -0.04623324051499367, + -0.21168026328086853, + -0.001360898488201201, + 0.0015196837484836578, + -0.06940312683582306, + 0.016473745927214622, + -0.20459647476673126, + 2.411050796508789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/90.png", + [ + 0.19695232808589935, + -0.047280386090278625, + -0.07695607841014862, + 0.8867510557174683, + -0.047863561660051346, + -0.21119724214076996, + 0.007259308826178312, + -0.09696605801582336, + -0.07659472525119781, + 0.010401098057627678, + -0.20241779088974, + 2.3848013877868652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/15.png", + [ + 0.20322155952453613, + -0.04634302109479904, + -0.05917109176516533, + 0.6797128915786743, + -0.05124271661043167, + -0.21022219955921173, + -0.011344960890710354, + 0.11794598400592804, + -0.05498252436518669, + 0.02463430166244507, + -0.20812968909740448, + 2.4247617721557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/22.png", + [ + 0.19926193356513977, + -0.0490068681538105, + -0.06957665085792542, + 0.7974909543991089, + -0.05450429767370224, + -0.20953468978405, + -0.008508480153977871, + 0.09020854532718658, + -0.06535951793193817, + 0.025326650589704514, + -0.205023393034935, + 2.3917489051818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/109.png", + [ + 0.20527613162994385, + -0.03430802747607231, + -0.060270704329013824, + 0.6928701400756836, + -0.036532964557409286, + -0.213553324341774, + -0.0028662909753620625, + 0.02725672349333763, + -0.05894862860441208, + 0.012877598404884338, + -0.20810361206531525, + 2.4180831909179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/26.png", + [ + 0.20092208683490753, + -0.04014134779572487, + -0.07047607749700546, + 0.8094843029975891, + -0.044238604605197906, + -0.21204304695129395, + -0.005346790421754122, + 0.04827265068888664, + -0.06797904521226883, + 0.019347218796610832, + -0.20482292771339417, + 2.401090621948242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/43.png", + [ + 0.19412685930728912, + -0.04443025961518288, + -0.08537334948778152, + 0.9731621742248535, + -0.04387418553233147, + -0.21192485094070435, + 0.010526901111006737, + -0.12727852165699005, + -0.08566045016050339, + 0.007855702191591263, + -0.19886796176433563, + 2.3185248374938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/84.png", + [ + 0.20162171125411987, + -0.05320297181606293, + -0.05887295678257942, + 0.6718462109565735, + -0.05340714007616043, + -0.20988048613071442, + 0.00676417862996459, + -0.09582732617855072, + -0.058687806129455566, + 0.008217073045670986, + -0.20841333270072937, + 2.447697162628174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/89.png", + [ + 0.19879761338233948, + -0.04493172839283943, + -0.0735427662730217, + 0.8445242643356323, + -0.04663921892642975, + -0.21157151460647583, + 0.003188724396750331, + -0.04649987444281578, + -0.07247195392847061, + 0.012904452160000801, + -0.20378711819648743, + 2.4031176567077637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/63.png", + [ + 0.2026291936635971, + -0.044957783073186874, + -0.06219407916069031, + 0.7134436964988708, + -0.04665512219071388, + -0.21158991754055023, + 0.0009474217076785862, + -0.03163132816553116, + -0.06093115359544754, + 0.01250583678483963, + -0.20755454897880554, + 2.4194235801696777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/88.png", + [ + 0.20017048716545105, + -0.04511423781514168, + -0.06960159540176392, + 0.7936316132545471, + -0.04703517258167267, + -0.21150009334087372, + 0.0018190883565694094, + -0.02986232191324234, + -0.06831814348697662, + 0.013428406789898872, + -0.20518335700035095, + 2.4173994064331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/62.png", + [ + 0.20247843861579895, + -0.04625753313302994, + -0.06173023581504822, + 0.7064163684844971, + -0.04824386537075043, + -0.21123547852039337, + 4.680986239691265e-05, + -0.021447505801916122, + -0.06019062176346779, + 0.013700854033231735, + -0.2076951563358307, + 2.4201107025146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/65.png", + [ + 0.20252269506454468, + -0.0457058921456337, + -0.06199537217617035, + 0.71173495054245, + -0.04635857418179512, + -0.21160797774791718, + 0.004565960727632046, + -0.07502837479114532, + -0.06150884926319122, + 0.008996468037366867, + -0.20756593346595764, + 2.42220401763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/80.png", + [ + 0.20079602301120758, + -0.053965725004673004, + -0.06096356362104416, + 0.7102428078651428, + -0.05113103613257408, + -0.2098398506641388, + 0.01734233647584915, + -0.229322150349617, + -0.06335987150669098, + -0.001685207593254745, + -0.20719696581363678, + 2.4507484436035156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/79.png", + [ + 0.20224671065807343, + -0.04969562962651253, + -0.059787217527627945, + 0.7006970047950745, + -0.04636067897081375, + -0.21085242927074432, + 0.018434539437294006, + -0.24439109861850739, + -0.06240876764059067, + -0.0044146752916276455, + -0.20744530856609344, + 2.4608426094055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/19.png", + [ + 0.2008741796016693, + -0.04905125871300697, + -0.06474126130342484, + 0.7429260015487671, + -0.05327334254980087, + -0.20993077754974365, + -0.006238208618015051, + 0.053297076374292374, + -0.061314020305871964, + 0.021701103076338768, + -0.2066822350025177, + 2.406712055206299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/77.png", + [ + 0.20130561292171478, + -0.04744049161672592, + -0.06460142880678177, + 0.7570123672485352, + -0.04750754311680794, + -0.21128246188163757, + 0.007117616944015026, + -0.10327284038066864, + -0.06455213576555252, + 0.00755159230902791, + -0.20669758319854736, + 2.4528822898864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/68.png", + [ + 0.20069701969623566, + -0.04342351108789444, + -0.06915922462940216, + 0.7944307327270508, + -0.04576504975557327, + -0.21178628504276276, + 0.0001676444080658257, + -0.019985102117061615, + -0.0676325336098671, + 0.014452221803367138, + -0.20534084737300873, + 2.401948928833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/86.png", + [ + 0.20081622898578644, + -0.05150143802165985, + -0.06299474835395813, + 0.718077540397644, + -0.05319907143712044, + -0.21003153920173645, + 0.0021222189534455538, + -0.04034233093261719, + -0.06156781315803528, + 0.013499902561306953, + -0.20730425417423248, + 2.439826011657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/1.png", + [ + 0.20579186081886292, + -0.04616542160511017, + -0.04966239631175995, + 0.5658956170082092, + -0.04978637397289276, + -0.21061460673809052, + -0.01052140537649393, + 0.10589867830276489, + -0.04603170230984688, + 0.021404124796390533, + -0.21064387261867523, + 2.419915199279785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/81.png", + [ + 0.20114469528198242, + -0.05531959608197212, + -0.05855296924710274, + 0.6727060079574585, + -0.053604111075401306, + -0.20948688685894012, + 0.013774649240076542, + -0.18080416321754456, + -0.06012742221355438, + 0.0016983167733997107, + -0.20815788209438324, + 2.4515695571899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/95.png", + [ + 0.19748061895370483, + -0.04438427835702896, + -0.07732613384723663, + 0.8980849981307983, + -0.03678969666361809, + -0.21173980832099915, + 0.027580147609114647, + -0.338553249835968, + -0.08121462166309357, + -0.01200758945196867, + -0.20051905512809753, + 2.3729701042175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/103.png", + [ + 0.2040780782699585, + -0.03683574125170708, + -0.06279459595680237, + 0.7246110439300537, + -0.03634519875049591, + -0.21348613500595093, + 0.007113063707947731, + -0.08820012211799622, + -0.06307978928089142, + 0.003833683207631111, + -0.20725379884243011, + 2.4179000854492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/83.png", + [ + 0.20093466341495514, + -0.05599530041217804, + -0.05863168090581894, + 0.6674096584320068, + -0.05597153678536415, + -0.2091696560382843, + 0.007946131750941277, + -0.10907191038131714, + -0.05865436792373657, + 0.007776875514537096, + -0.2084396481513977, + 2.448397159576416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/51.png", + [ + 0.19924411177635193, + -0.04649592563509941, + -0.07132881134748459, + 0.8007766604423523, + -0.04677943140268326, + -0.21144340932369232, + 0.007160239852964878, + -0.09512588381767273, + -0.07114320993423462, + 0.008815456181764603, + -0.20447206497192383, + 2.355370044708252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/93.png", + [ + 0.1960247904062271, + -0.05059964582324028, + -0.07721300423145294, + 0.8978220820426941, + -0.044935740530490875, + -0.21060803532600403, + 0.02393602579832077, + -0.29732391238212585, + -0.08064087480306625, + -0.005641782656311989, + -0.20103013515472412, + 2.377094268798828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/76.png", + [ + 0.2142578661441803, + 0.03202293440699577, + -0.004000077024102211, + 0.045466452836990356, + 0.03221577778458595, + -0.21381837129592896, + 0.013847253285348415, + -0.16444556415081024, + -0.001900823786854744, + -0.01428754348307848, + -0.21619470417499542, + 2.5088510513305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/48.png", + [ + 0.2054249346256256, + 0.01594593934714794, + -0.06703891605138779, + 0.7822674512863159, + 0.019200965762138367, + -0.2156907021999359, + 0.0075324345380067825, + -0.09191814064979553, + -0.06618014723062515, + -0.013082110323011875, + -0.20590516924858093, + 2.427278995513916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/35.png", + [ + 0.20787106454372406, + 0.024463018402457237, + -0.05602746084332466, + 0.6421409845352173, + 0.023745274171233177, + -0.21528871357440948, + -0.005901692900806665, + 0.06206531450152397, + -0.05633540824055672, + -0.0004781193856615573, + -0.20922234654426575, + 2.471740245819092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/124.png", + [ + 0.20663237571716309, + 0.012680786661803722, + -0.06395429372787476, + 0.7451884150505066, + 0.016309654340147972, + -0.21583297848701477, + 0.009900353848934174, + -0.12427261471748352, + -0.06312645971775055, + -0.014255506917834282, + -0.20678424835205078, + 2.4418559074401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/97.png", + [ + 0.21465478837490082, + 0.029384175315499306, + 0.002790970727801323, + -0.028660790994763374, + 0.028958188369870186, + -0.21361730992794037, + 0.02183965966105461, + -0.2622832655906677, + 0.005713359918445349, + -0.021263061091303825, + -0.21555310487747192, + 2.518500804901123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/13.png", + [ + 0.1978585571050644, + 0.006053306628018618, + -0.08810925483703613, + 1.030835509300232, + 0.01333583239465952, + -0.21573424339294434, + 0.015125575475394726, + -0.186752051115036, + -0.08730428665876389, + -0.019234992563724518, + -0.1973724216222763, + 2.358635902404785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/32.png", + [ + 0.20531757175922394, + 0.019228165969252586, + -0.06650465726852417, + 0.7754319906234741, + 0.0192925576120615, + -0.21579545736312866, + -0.0028306145686656237, + 0.023823466151952744, + -0.06648600846529007, + -0.0032392824068665504, + -0.20619654655456543, + 2.4392905235290527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/38.png", + [ + 0.20943067967891693, + 0.028045397251844406, + -0.047959789633750916, + 0.542668879032135, + 0.027330292388796806, + -0.21485193073749542, + -0.006292903795838356, + 0.07053294777870178, + -0.04837086424231529, + 3.31010487570893e-05, + -0.21120642125606537, + 2.4903945922851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/111.png", + [ + 0.21390698850154877, + 0.025190923362970352, + -0.023603195324540138, + 0.2602378726005554, + 0.025697238743305206, + -0.21512019634246826, + 0.0032937561627477407, + -0.04419822245836258, + -0.023050926625728607, + -0.00605098158121109, + -0.21536001563072205, + 2.5473756790161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/11.png", + [ + 0.19805528223514557, + 0.005820147227495909, + -0.08768192678689957, + 1.0272016525268555, + 0.013073878362774849, + -0.21574431657791138, + 0.015210514888167381, + -0.1874276101589203, + -0.08689688891172409, + -0.019194062799215317, + -0.19755610823631287, + 2.364826202392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/125.png", + [ + 0.2088272124528885, + 0.014372852630913258, + -0.05596880614757538, + 0.6467189192771912, + 0.018847621977329254, + -0.21532969176769257, + 0.01502612978219986, + -0.1825939565896988, + -0.054624658077955246, + -0.019350413233041763, + -0.20878124237060547, + 2.459733009338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/59.png", + [ + 0.20985913276672363, + 0.027746349573135376, + -0.046229664236307144, + 0.5376591682434082, + 0.035517022013664246, + -0.2109183967113495, + 0.034639135003089905, + -0.4175942540168762, + -0.04056578874588013, + -0.041127465665340424, + -0.20883210003376007, + 2.4897408485412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/105.png", + [ + 0.21377897262573242, + 0.030478671193122864, + -0.01781853847205639, + 0.21303075551986694, + 0.0314103327691555, + -0.21412426233291626, + 0.010587049648165703, + -0.13299480080604553, + -0.016119573265314102, + -0.013028634712100029, + -0.2156810462474823, + 2.542806625366211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/121.png", + [ + 0.20773230493068695, + 0.011747609823942184, + -0.060474593192338943, + 0.7025030851364136, + 0.014930234290659428, + -0.21595798432826996, + 0.009334532544016838, + -0.11713872849941254, + -0.05976848304271698, + -0.013116366229951382, + -0.2078547328710556, + 2.4602112770080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/24.png", + [ + 0.21112538874149323, + 0.010886989533901215, + -0.047491516917943954, + 0.5387628674507141, + 0.01245122030377388, + -0.2162393033504486, + 0.005781528539955616, + -0.07386530935764313, + -0.04710560292005539, + -0.008362560532987118, + -0.21132683753967285, + 2.4888052940368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/74.png", + [ + 0.21385742723941803, + 0.03463995084166527, + -0.003600795054808259, + 0.03486134484410286, + 0.034824106842279434, + -0.21296416223049164, + 0.019530650228261948, + -0.23090189695358276, + -0.0004167516599409282, + -0.01985543593764305, + -0.21576255559921265, + 2.499213695526123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/129.png", + [ + 0.21030886471271515, + 0.013063209131360054, + -0.050472088158130646, + 0.577194333076477, + 0.016692817211151123, + -0.21559222042560577, + 0.013756529428064823, + -0.1659640520811081, + -0.04939057305455208, + -0.01724078506231308, + -0.2102646380662918, + 2.451261520385742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/98.png", + [ + 0.21457581222057343, + 0.02986251190304756, + 0.0036533656530082226, + -0.039192114025354385, + 0.02935069240629673, + -0.21356657147407532, + 0.02181173488497734, + -0.2629935145378113, + 0.0066070957109332085, + -0.021105574443936348, + -0.2155430167913437, + 2.5226197242736816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/0.png", + [ + 0.19613885879516602, + 0.01685468666255474, + -0.09051717817783356, + 1.0593223571777344, + 0.021343816071748734, + -0.21553407609462738, + 0.0061158896423876286, + -0.07754123210906982, + -0.08956495672464371, + -0.014452757313847542, + -0.1967667043209076, + 2.3607535362243652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/96.png", + [ + 0.2147989273071289, + 0.028228210285305977, + 0.003533583367243409, + -0.03778037428855896, + 0.02771039865911007, + -0.21369637548923492, + 0.02266901545226574, + -0.272411048412323, + 0.006438316311687231, + -0.022020867094397545, + -0.2154565453529358, + 2.5182933807373047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/100.png", + [ + 0.21443358063697815, + 0.03052246756851673, + 0.005874482449144125, + -0.06820604205131531, + 0.02982638031244278, + -0.2135830521583557, + 0.02098962850868702, + -0.25301146507263184, + 0.008747424930334091, + -0.019963882863521576, + -0.21557556092739105, + 2.529452323913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/40.png", + [ + 0.20552298426628113, + 0.032557398080825806, + -0.06040041521191597, + 0.7023932933807373, + 0.03272204473614693, + -0.21415050327777863, + -0.004090219736099243, + 0.040993932634592056, + -0.06031138077378273, + -0.005241918843239546, + -0.20804555714130402, + 2.4700403213500977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/52.png", + [ + 0.21188606321811676, + 0.0183181781321764, + -0.04143231734633446, + 0.4698975384235382, + 0.022026140242815018, + -0.21482735872268677, + 0.017662204802036285, + -0.2146509736776352, + -0.03958588093519211, + -0.021483682096004486, + -0.21194174885749817, + 2.4870119094848633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/3.png", + [ + 0.19832676649093628, + 0.01365784090012312, + -0.08618499338626862, + 1.0110067129135132, + 0.01957881450653076, + -0.2155126929283142, + 0.010901721194386482, + -0.1397104114294052, + -0.08503564447164536, + -0.017766283825039864, + -0.19849734008312225, + 2.3783621788024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/47.png", + [ + 0.20543751120567322, + 0.015831753611564636, + -0.06702747941017151, + 0.7831878066062927, + 0.018993502482771873, + -0.2157183438539505, + 0.007262364029884338, + -0.09023818373680115, + -0.06620100885629654, + -0.012761292047798634, + -0.20591861009597778, + 2.4333653450012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/104.png", + [ + 0.21417707204818726, + 0.031011931598186493, + -0.010692566633224487, + 0.12373035401105881, + 0.03170584887266159, + -0.21382170915603638, + 0.014930255711078644, + -0.1836564987897873, + -0.008414861746132374, + -0.016322795301675797, + -0.21589499711990356, + 2.5442543029785156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/21.png", + [ + 0.20605780184268951, + 0.009265562519431114, + -0.06634922325611115, + 0.7643005847930908, + 0.011188138276338577, + -0.21633805334568024, + 0.004535237792879343, + -0.060222432017326355, + -0.06605223566293716, + -0.00773900281637907, + -0.20621617138385773, + 2.43043851852417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/82.png", + [ + 0.21480658650398254, + 0.028376083821058273, + -0.0009094206034205854, + 0.010564063675701618, + 0.02831590175628662, + -0.21362774074077606, + 0.02256755717098713, + -0.2717393934726715, + 0.002058854093775153, + -0.02249184250831604, + -0.21549426019191742, + 2.528533458709717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/106.png", + [ + 0.21195803582668304, + 0.03218787536025047, + -0.03139466419816017, + 0.37838709354400635, + 0.033192116767168045, + -0.21406742930412292, + 0.004617386031895876, + -0.06427080184221268, + -0.030330969020724297, + -0.009326184168457985, + -0.21433840692043304, + 2.540167808532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/14.png", + [ + 0.19975067675113678, + 0.003907512407749891, + -0.08385878056287766, + 0.9796901345252991, + 0.01056474819779396, + -0.2158891260623932, + 0.015105468221008778, + -0.18538683652877808, + -0.08328234404325485, + -0.01801444962620735, + -0.1992170214653015, + 2.3778514862060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/67.png", + [ + 0.21156899631023407, + 0.023906126618385315, + -0.04018638655543327, + 0.4723287522792816, + 0.028271762654185295, + -0.21372324228286743, + 0.021702220663428307, + -0.26212555170059204, + -0.03724454343318939, + -0.02643437311053276, + -0.21180643141269684, + 2.512383460998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/78.png", + [ + 0.21437875926494598, + 0.030145086348056793, + -0.008995619602501392, + 0.10789445787668228, + 0.030678536742925644, + -0.21404549479484558, + 0.013829589821398258, + -0.16630832850933075, + -0.006962410174310207, + -0.014956722036004066, + -0.21604564785957336, + 2.5169382095336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/31.png", + [ + 0.20476040244102478, + 0.018561504781246185, + -0.0683853030204773, + 0.8007287383079529, + 0.0193902850151062, + -0.21580463647842407, + -0.0005161419976502657, + -0.00569271482527256, + -0.06815493851900101, + -0.005632063373923302, + -0.2055993229150772, + 2.4322195053100586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/39.png", + [ + 0.2076239436864853, + 0.031125979498028755, + -0.053585153073072433, + 0.6147586107254028, + 0.030408672988414764, + -0.21442461013793945, + -0.006729627028107643, + 0.07477661967277527, + -0.053995437920093536, + -0.0010717530967667699, + -0.2098362147808075, + 2.4827957153320312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/92.png", + [ + 0.21462105214595795, + 0.029613059014081955, + 0.0029615932144224644, + -0.03204484283924103, + 0.029034800827503204, + -0.21307970583438873, + 0.026493584737181664, + -0.31803056597709656, + 0.006533351726830006, + -0.02584562636911869, + -0.21502840518951416, + 2.5177059173583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/53.png", + [ + 0.21196167171001434, + 0.01802423782646656, + -0.041173551231622696, + 0.469758003950119, + 0.022284163162112236, + -0.21451856195926666, + 0.02081081084907055, + -0.24970297515392303, + -0.03903268277645111, + -0.024592692032456398, + -0.2117062658071518, + 2.4844021797180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/75.png", + [ + 0.21397633850574493, + 0.0339982770383358, + -0.0024774428457021713, + 0.02450629137456417, + 0.034087587147951126, + -0.21329475939273834, + 0.01706680655479431, + -0.20287388563156128, + 0.00023914410849101841, + -0.017244024202227592, + -0.21598723530769348, + 2.500850200653076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/87.png", + [ + 0.2147083729505539, + 0.029095428064465523, + 0.0012905173934996128, + -0.01265850942581892, + 0.02880663052201271, + -0.2135733962059021, + 0.022460512816905975, + -0.26999470591545105, + 0.004288081079721451, + -0.022085120901465416, + -0.2155034989118576, + 2.5225377082824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/107.png", + [ + 0.21004532277584076, + 0.03148924186825752, + -0.04286356642842293, + 0.5130822658538818, + 0.0326557420194149, + -0.21418292820453644, + 0.00267658568918705, + -0.04068218916654587, + -0.041981663554906845, + -0.009054801426827908, + -0.2123757004737854, + 2.520658016204834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/112.png", + [ + 0.21400050818920135, + 0.022463485598564148, + -0.025437531992793083, + 0.2849009037017822, + 0.02366580255329609, + -0.21518740057945251, + 0.009066709317266941, + -0.11561870574951172, + -0.024322951212525368, + -0.011733169667422771, + -0.21498516201972961, + 2.539189338684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/69.png", + [ + 0.2122005671262741, + 0.02725406177341938, + -0.03429332748055458, + 0.40219661593437195, + 0.030666973441839218, + -0.21355503797531128, + 0.020041994750499725, + -0.241554856300354, + -0.03127863630652428, + -0.024481846019625664, + -0.2130027860403061, + 2.508084297180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/45.png", + [ + 0.20792816579341888, + 0.014713466167449951, + -0.05913783609867096, + 0.6868396401405334, + 0.017308082431554794, + -0.2158639132976532, + 0.007148237898945808, + -0.09135289490222931, + -0.05843115597963333, + -0.011583646759390831, + -0.20832550525665283, + 2.472550868988037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/50.png", + [ + 0.2082057148218155, + 0.01958513632416725, + -0.05669836699962616, + 0.6533321738243103, + 0.022829409688711166, + -0.2152600884437561, + 0.00947671476751566, + -0.11693203449249268, + -0.05547162890434265, + -0.015080198645591736, + -0.20890997350215912, + 2.456679344177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/101.png", + [ + 0.2144232839345932, + 0.030755870044231415, + 0.0049623120576143265, + -0.06074194237589836, + 0.030146345496177673, + -0.2135465294122696, + 0.02090386301279068, + -0.2515118420124054, + 0.007857869379222393, + -0.019996248185634613, + -0.21560682356357574, + 2.5332188606262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/85.png", + [ + 0.2147640883922577, + 0.02870112471282482, + -0.0007261464488692582, + 0.01164139062166214, + 0.028614021837711334, + -0.2135269194841385, + 0.02313852682709694, + -0.2773011028766632, + 0.0023493755143135786, + -0.023030396550893784, + -0.21543438732624054, + 2.5311312675476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/71.png", + [ + 0.21332427859306335, + 0.033530011773109436, + -0.01778731308877468, + 0.19593438506126404, + 0.03566908836364746, + -0.21180810034275055, + 0.028512105345726013, + -0.33507487177848816, + -0.012975610792636871, + -0.03099938854575157, + -0.2140527069568634, + 2.490035057067871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/115.png", + [ + 0.21223290264606476, + 0.017047513276338577, + -0.040180470794439316, + 0.4745838940143585, + 0.019805466756224632, + -0.21536092460155487, + 0.013240346685051918, + -0.17126338183879852, + -0.038895133882761, + -0.016641682013869286, + -0.21250440180301666, + 2.528237819671631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/54.png", + [ + 0.2113025188446045, + 0.017940212041139603, + -0.044466808438301086, + 0.5133011341094971, + 0.023103775456547737, + -0.2141668200492859, + 0.023381207138299942, + -0.2817930281162262, + -0.04201623424887657, + -0.027542948722839355, + -0.21076981723308563, + 2.485055923461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/33.png", + [ + 0.20502406358718872, + 0.019296880811452866, + -0.06738441437482834, + 0.7868552207946777, + 0.019477225840091705, + -0.21578259766101837, + -0.002532200887799263, + 0.019589900970458984, + -0.06733251363039017, + -0.0036612474359571934, + -0.20591461658477783, + 2.4357948303222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/49.png", + [ + 0.20658844709396362, + 0.016858261078596115, + -0.0631260871887207, + 0.7337244749069214, + 0.01984279602766037, + -0.2156389057636261, + 0.0073503064922988415, + -0.09089263528585434, + -0.0622524619102478, + -0.012789160944521427, + -0.20714479684829712, + 2.435276985168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/118.png", + [ + 0.207729309797287, + 0.015303337946534157, + -0.05968451499938965, + 0.700675368309021, + 0.01850772649049759, + -0.21569037437438965, + 0.009111486375331879, + -0.1184225082397461, + -0.058769866824150085, + -0.01383340172469616, + -0.2080928534269333, + 2.4708948135375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/110.png", + [ + 0.21237996220588684, + 0.028323709964752197, + -0.03225550800561905, + 0.3707728087902069, + 0.028607886284589767, + -0.2147776335477829, + -0.00023428353597410023, + -0.002940606325864792, + -0.0320037305355072, + -0.004029104486107826, + -0.21426017582416534, + 2.5386385917663574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/18.png", + [ + 0.20087461173534393, + 0.00475202314555645, + -0.08108456432819366, + 0.9434311985969543, + 0.009763780049979687, + -0.21614772081375122, + 0.011520770378410816, + -0.14310142397880554, + -0.0806347131729126, + -0.014334499835968018, + -0.200600266456604, + 2.378113269805908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/66.png", + [ + 0.21195948123931885, + 0.018607692793011665, + -0.04092463478446007, + 0.48290619254112244, + 0.023144369944930077, + -0.21426209807395935, + 0.02244970016181469, + -0.2712661027908325, + -0.03854101896286011, + -0.02633257582783699, + -0.21158704161643982, + 2.5110230445861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/16.png", + [ + 0.201140895485878, + 0.004375175107270479, + -0.0804431140422821, + 0.9364080429077148, + 0.009603392332792282, + -0.216114342212677, + 0.012258312664926052, + -0.15040338039398193, + -0.07998757064342499, + -0.014944872818887234, + -0.20081466436386108, + 2.3871216773986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/94.png", + [ + 0.21468695998191833, + 0.029232753440737724, + 0.001686783623881638, + -0.01622825674712658, + 0.028853746131062508, + -0.21332570910453796, + 0.024647381156682968, + -0.29571786522865295, + 0.004986024461686611, + -0.024196654558181763, + -0.21526159346103668, + 2.5150113105773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/28.png", + [ + 0.2101781666278839, + 0.01622011885046959, + -0.05009924992918968, + 0.5749666690826416, + 0.01773884892463684, + -0.2158999741077423, + 0.0045189340598881245, + -0.06307728588581085, + -0.049581848084926605, + -0.008484998717904091, + -0.21075467765331268, + 2.4860825538635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/61.png", + [ + 0.21064040064811707, + 0.026654677465558052, + -0.04322097823023796, + 0.5021504759788513, + 0.03312400355935097, + -0.21190883219242096, + 0.030746454373002052, + -0.3681148588657379, + -0.038487985730171204, + -0.0364975668489933, + -0.21008212864398956, + 2.503875732421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/58.png", + [ + 0.20935571193695068, + 0.0258196834474802, + -0.049511853605508804, + 0.5798148512840271, + 0.033348746597766876, + -0.21190853416919708, + 0.030504582449793816, + -0.36971843242645264, + -0.04478773474693298, + -0.037094637751579285, + -0.20872457325458527, + 2.48374080657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/123.png", + [ + 0.20707584917545319, + 0.011488535441458225, + -0.06273355334997177, + 0.7301631569862366, + 0.014730631373822689, + -0.21598294377326965, + 0.009070594795048237, + -0.1130983978509903, + -0.06205234304070473, + -0.012933705933392048, + -0.20719586312770844, + 2.446518898010254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/64.png", + [ + 0.21149425208568573, + 0.02247505635023117, + -0.04138782247900963, + 0.4850965738296509, + 0.027533281594514847, + -0.213486447930336, + 0.024766001850366592, + -0.29731735587120056, + -0.03820992261171341, + -0.02943311259150505, + -0.21123823523521423, + 2.5122480392456055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/10.png", + [ + 0.1990387886762619, + 0.004341679625213146, + -0.08551381528377533, + 1.0034445524215698, + 0.011793526820838451, + -0.21572354435920715, + 0.016497528180480003, + -0.20413947105407715, + -0.0848078727722168, + -0.01980922557413578, + -0.19840139150619507, + 2.376465320587158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/41.png", + [ + 0.20547179877758026, + 0.028274957090616226, + -0.06268780678510666, + 0.7310296893119812, + 0.029246186837553978, + -0.21468956768512726, + -0.0009742079419083893, + 0.0009870901703834534, + -0.06224063038825989, + -0.0075376019813120365, + -0.20740586519241333, + 2.463723659515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/91.png", + [ + 0.2143874168395996, + 0.031021952629089355, + 0.00485495338216424, + -0.054300643503665924, + 0.030203886330127716, + -0.21290074288845062, + 0.026625055819749832, + -0.3203546702861786, + 0.008582381531596184, + -0.025667229667305946, + -0.21497775614261627, + 2.5201263427734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/23.png", + [ + 0.2089928388595581, + 0.011516164988279343, + -0.05601134151220322, + 0.6435166001319885, + 0.013451763428747654, + -0.21618035435676575, + 0.005744425114244223, + -0.07426109910011292, + -0.05557825788855553, + -0.009018104523420334, + -0.20923103392124176, + 2.4648094177246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/37.png", + [ + 0.20893865823745728, + 0.028845319524407387, + -0.049603238701820374, + 0.5620185136795044, + 0.028097592294216156, + -0.21474595367908478, + -0.006526639685034752, + 0.0714670717716217, + -0.050030581653118134, + -0.00013875350123271346, + -0.21081939339637756, + 2.4881510734558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/36.png", + [ + 0.2091355174779892, + 0.025396477431058884, + -0.050648268312215805, + 0.5737078785896301, + 0.024488253518939018, + -0.21517956256866455, + -0.006780877709388733, + 0.07386213541030884, + -0.05109357461333275, + 0.0008207464707084, + -0.21056273579597473, + 2.483262062072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/8.png", + [ + 0.19965194165706635, + 0.007298285141587257, + -0.08386735618114471, + 0.9824616312980652, + 0.014582174830138683, + -0.21559397876262665, + 0.015952493995428085, + -0.1977280080318451, + -0.08291175216436386, + -0.020343473181128502, + -0.19914738833904266, + 2.3812618255615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/6.png", + [ + 0.2002045065164566, + 0.008812320418655872, + -0.08239171653985977, + 0.9681762456893921, + 0.015076026320457458, + -0.21572372317314148, + 0.01356036588549614, + -0.17226262390613556, + -0.08147861063480377, + -0.018262339755892754, + -0.19993901252746582, + 2.3925070762634277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/20.png", + [ + 0.20313523709774017, + 0.008204997517168522, + -0.07494430989027023, + 0.8688598871231079, + 0.011366196908056736, + -0.21625874936580658, + 0.007131590507924557, + -0.09115627408027649, + -0.07453040033578873, + -0.010617343708872795, + -0.20317575335502625, + 2.4010791778564453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/2.png", + [ + 0.1985963135957718, + 0.01415818091481924, + -0.08548066020011902, + 1.0034557580947876, + 0.01959802582859993, + -0.21556255221366882, + 0.00982820987701416, + -0.12987695634365082, + -0.0843997374176979, + -0.016739841550588608, + -0.1988576352596283, + 2.382460117340088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/117.png", + [ + 0.20812219381332397, + 0.01429127436131239, + -0.058556005358695984, + 0.6902514100074768, + 0.017634274438023567, + -0.2157229334115982, + 0.010026788339018822, + -0.1307116001844406, + -0.057637475430965424, + -0.014396654441952705, + -0.20837119221687317, + 2.4792990684509277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/5.png", + [ + 0.19837550818920135, + 0.012032458558678627, + -0.08631496876478195, + 1.0127547979354858, + 0.018905509263277054, + -0.21543076634407043, + 0.013418625108897686, + -0.17144560813903809, + -0.0850742906332016, + -0.019816601648926735, + -0.19828656315803528, + 2.374753475189209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/108.png", + [ + 0.20907793939113617, + 0.03172965720295906, + -0.047196730971336365, + 0.5637508034706116, + 0.03282362222671509, + -0.21416929364204407, + 0.0014233669498935342, + -0.02552632987499237, + -0.04644256830215454, + -0.008523206226527691, + -0.21146710216999054, + 2.514784336090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/60.png", + [ + 0.21036562323570251, + 0.02785942144691944, + -0.0437956266105175, + 0.5071829557418823, + 0.03498280793428421, + -0.21115772426128387, + 0.033712223172187805, + -0.40490323305130005, + -0.03834589198231697, + -0.039801549166440964, + -0.20950733125209808, + 2.496474266052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/56.png", + [ + 0.21008135378360748, + 0.022305618971586227, + -0.048126764595508575, + 0.5638889074325562, + 0.0286900345236063, + -0.2131311297416687, + 0.02645551785826683, + -0.3204384446144104, + -0.04461623355746269, + -0.03202298656105995, + -0.20959916710853577, + 2.481614112854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/30.png", + [ + 0.20591877400875092, + 0.017740873619914055, + -0.0650431290268898, + 0.7629570960998535, + 0.01858534850180149, + -0.21587607264518738, + -4.241009082761593e-05, + -0.012322502210736275, + -0.06480688601732254, + -0.005538793746381998, + -0.20668157935142517, + 2.4439749717712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/17.png", + [ + 0.20099703967571259, + 0.005854467861354351, + -0.08070813864469528, + 0.9362663626670837, + 0.011433198116719723, + -0.2159935086965561, + 0.012805551290512085, + -0.15597200393676758, + -0.08010842651128769, + -0.016137700527906418, + -0.2006741464138031, + 2.3794217109680176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/12.png", + [ + 0.19835737347602844, + 0.00472024641931057, + -0.08706298470497131, + 1.0191813707351685, + 0.012097171507775784, + -0.21575424075126648, + 0.015863798558712006, + -0.1945621520280838, + -0.08634757250547409, + -0.019383521750569344, + -0.1977783441543579, + 2.3662915229797363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/114.png", + [ + 0.21365976333618164, + 0.01885589025914669, + -0.03068968653678894, + 0.3531329333782196, + 0.020555788651108742, + -0.21542946994304657, + 0.010747278109192848, + -0.1372952163219452, + -0.02957804873585701, + -0.013509250245988369, + -0.21422074735164642, + 2.5356483459472656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/27.png", + [ + 0.2101045697927475, + 0.015257681719958782, + -0.05070676654577255, + 0.5840155482292175, + 0.017070461064577103, + -0.21592432260513306, + 0.0057601178996264935, + -0.07594054192304611, + -0.05012556537985802, + -0.009580331854522228, + -0.2105790674686432, + 2.4837894439697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/42.png", + [ + 0.20673850178718567, + 0.0227791890501976, + -0.060730502009391785, + 0.707639753818512, + 0.024578310549259186, + -0.21525616943836212, + 0.0029296972788870335, + -0.04613117128610611, + -0.0600249357521534, + -0.009684263728559017, + -0.2079690396785736, + 2.4722752571105957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/7.png", + [ + 0.1986713409423828, + 0.007689937949180603, + -0.08613044768571854, + 1.0142149925231934, + 0.015088737942278385, + -0.21558810770511627, + 0.015555942431092262, + -0.19431205093860626, + -0.0851464495062828, + -0.02026134915649891, + -0.19821062684059143, + 2.373856544494629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/73.png", + [ + 0.2138606309890747, + 0.034009214490652084, + -0.007409379351884127, + 0.07829919457435608, + 0.034587036818265915, + -0.2128155678510666, + 0.02147478237748146, + -0.25380682945251465, + -0.003906737081706524, + -0.02237861603498459, + -0.2154804766178131, + 2.4951701164245605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/120.png", + [ + 0.20801405608654022, + 0.01417925301939249, + -0.05896608904004097, + 0.6839435696601868, + 0.01752176694571972, + -0.21573638916015625, + 0.00993440207093954, + -0.12444238364696503, + -0.058060646057128906, + -0.014305714517831802, + -0.2082599401473999, + 2.4693870544433594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/46.png", + [ + 0.2065313756465912, + 0.014092948287725449, + -0.06398497521877289, + 0.7467189431190491, + 0.017203491181135178, + -0.21584278345108032, + 0.007989361882209778, + -0.10013523697853088, + -0.06321968138217926, + -0.012695620767772198, + -0.20685741305351257, + 2.4510021209716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/127.png", + [ + 0.2111603021621704, + 0.01245865598320961, + -0.04694681242108345, + 0.5355188250541687, + 0.01617957465350628, + -0.21550709009170532, + 0.01558263786137104, + -0.188248872756958, + -0.04579784348607063, + -0.018691688776016235, + -0.2109527885913849, + 2.46821928024292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/57.png", + [ + 0.2096308320760727, + 0.025617171078920364, + -0.04844140633940697, + 0.5651501417160034, + 0.03290705382823944, + -0.21200837194919586, + 0.030289731919765472, + -0.3665861189365387, + -0.04381706938147545, + -0.03666199743747711, + -0.20900683104991913, + 2.479440212249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/44.png", + [ + 0.20850756764411926, + 0.017387891188263893, + -0.05630408599972725, + 0.6516309380531311, + 0.01961621269583702, + -0.21570055186748505, + 0.006030662450939417, + -0.07991427928209305, + -0.05556701496243477, + -0.010900729335844517, + -0.20914438366889954, + 2.48457670211792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/113.png", + [ + 0.2140553593635559, + 0.022600878030061722, + -0.02484758570790291, + 0.2762911915779114, + 0.02370419166982174, + -0.21520806849002838, + 0.008456268347799778, + -0.10614441335201263, + -0.023797346279025078, + -0.011072367429733276, + -0.21507900953292847, + 2.536890983581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/126.png", + [ + 0.21088945865631104, + 0.013438982889056206, + -0.04788437485694885, + 0.5470800399780273, + 0.017277216538786888, + -0.21541818976402283, + 0.01563310995697975, + -0.18928737938404083, + -0.04663708433508873, + -0.019033916294574738, + -0.2107381969690323, + 2.470996379852295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/29.png", + [ + 0.20782822370529175, + 0.016679253429174423, + -0.058967139571905136, + 0.6876047253608704, + 0.018472598865628242, + -0.21584773063659668, + 0.004052240401506424, + -0.058487243950366974, + -0.058430153876543045, + -0.008914039470255375, + -0.2084570825099945, + 2.465664863586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/4.png", + [ + 0.1984652578830719, + 0.012330157682299614, + -0.08606623858213425, + 1.009482502937317, + 0.018538283184170723, + -0.2155536711215973, + 0.01186753623187542, + -0.15153872966766357, + -0.08494564890861511, + -0.018233858048915863, + -0.19849348068237305, + 2.3774614334106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/55.png", + [ + 0.2101421058177948, + 0.01937158778309822, + -0.04912158101797104, + 0.5731275677680969, + 0.025721192359924316, + -0.21358947455883026, + 0.025804098695516586, + -0.31232163310050964, + -0.04611516371369362, + -0.030857296660542488, + -0.20944954454898834, + 2.477363109588623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/9.png", + [ + 0.20059587061405182, + 0.006023270543664694, + -0.08168790489435196, + 0.9581300020217896, + 0.01245550811290741, + -0.2158181220293045, + 0.014672821387648582, + -0.18241693079471588, + -0.08095711469650269, + -0.01827981509268284, + -0.20014916360378265, + 2.3934569358825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/25.png", + [ + 0.21218347549438477, + 0.011456645093858242, + -0.04236520454287529, + 0.47681939601898193, + 0.01331669744104147, + -0.21610741317272186, + 0.0082548251375556, + -0.10155659914016724, + -0.04181782528758049, + -0.010687464848160744, + -0.21233214437961578, + 2.496081829071045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/99.png", + [ + 0.21457618474960327, + 0.029685530811548233, + 0.004870652221143246, + -0.05451678857207298, + 0.029050789773464203, + -0.21359193325042725, + 0.021964380517601967, + -0.2638200521469116, + 0.007810587994754314, + -0.021098626777529716, + -0.21550345420837402, + 2.526853084564209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/34.png", + [ + 0.20656809210777283, + 0.021323591470718384, + -0.06182890757918358, + 0.7161413431167603, + 0.021020760759711266, + -0.2156129777431488, + -0.004131147637963295, + 0.03994722291827202, + -0.0619325265288353, + -0.0020598971750587225, + -0.20762468874454498, + 2.454453945159912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/72.png", + [ + 0.21361567080020905, + 0.03485278785228729, + -0.01007595844566822, + 0.10433945804834366, + 0.03579657897353172, + -0.2122686356306076, + 0.024668226018548012, + -0.29011210799217224, + -0.005903107114136219, + -0.02598460577428341, + -0.21502988040447235, + 2.493105411529541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/102.png", + [ + 0.21447741985321045, + 0.03077038936316967, + -0.0007199523388408124, + 0.005926327779889107, + 0.030702853575348854, + -0.21353372931480408, + 0.02021322399377823, + -0.2443547397851944, + 0.0021610031835734844, + -0.02011026442050934, + -0.2157285362482071, + 2.540419101715088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/70.png", + [ + 0.21298322081565857, + 0.03006386011838913, + -0.02611902728676796, + 0.29925957322120667, + 0.03329555317759514, + -0.21238693594932556, + 0.02703864313662052, + -0.3197576403617859, + -0.021850524470210075, + -0.030591607093811035, + -0.2133883833885193, + 2.495734214782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/90.png", + [ + 0.21433384716510773, + 0.03130214661359787, + 0.0053912741132080555, + -0.061774179339408875, + 0.030465764924883842, + -0.21300022304058075, + 0.02550765685737133, + -0.30627915263175964, + 0.008984840475022793, + -0.024474045261740685, + -0.21510040760040283, + 2.5195565223693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/122.png", + [ + 0.20633965730667114, + 0.011455326341092587, + -0.06512003391981125, + 0.7605394721031189, + 0.015228676609694958, + -0.2158944010734558, + 0.010275463573634624, + -0.12829969823360443, + -0.06434229761362076, + -0.014362212270498276, + -0.2064017653465271, + 2.4439969062805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/15.png", + [ + 0.19991283118724823, + 0.0053931949660182, + -0.08338860422372818, + 0.9729407429695129, + 0.011546982452273369, + -0.2159314900636673, + 0.013716855086386204, + -0.168639674782753, + -0.08276118338108063, + -0.017099659889936447, + -0.19951461255550385, + 2.3782224655151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/22.png", + [ + 0.20819620788097382, + 0.010161427780985832, + -0.05915217101573944, + 0.6761121153831482, + 0.012000801041722298, + -0.21628226339817047, + 0.005084929522126913, + -0.06520067155361176, + -0.058806587010622025, + -0.008162177167832851, + -0.2083820253610611, + 2.454981803894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/109.png", + [ + 0.2103472203016281, + 0.03119395300745964, + -0.041579779237508774, + 0.49222332239151, + 0.03160375356674194, + -0.21435536444187164, + -0.0009338402887806296, + 0.0034501999616622925, + -0.041269153356552124, + -0.0051581780426204205, + -0.21264559030532837, + 2.5284838676452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/26.png", + [ + 0.21181927621364594, + 0.012447786517441273, + -0.043881047517061234, + 0.4970991909503937, + 0.014096138067543507, + -0.21611054241657257, + 0.006739485077559948, + -0.08482369780540466, + -0.04337962716817856, + -0.009443218819797039, + -0.21207764744758606, + 2.4942407608032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/43.png", + [ + 0.20680496096611023, + 0.02321302518248558, + -0.06033877283334732, + 0.7015120983123779, + 0.025190070271492004, + -0.21517601609230042, + 0.0035556580405682325, + -0.051492758095264435, + -0.059540510177612305, + -0.010408533737063408, + -0.20807327330112457, + 2.474851131439209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/84.png", + [ + 0.21491184830665588, + 0.027582386508584023, + 4.652987263398245e-05, + 0.0009333926718682051, + 0.02742832899093628, + -0.2137494832277298, + 0.022511016577482224, + -0.2693273425102234, + 0.002911523450165987, + -0.02232198603451252, + -0.2155020833015442, + 2.5286240577697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/89.png", + [ + 0.21437892317771912, + 0.030873382464051247, + 0.006033670622855425, + -0.06895080953836441, + 0.02999163419008255, + -0.2131330370903015, + 0.024953892454504967, + -0.2987654209136963, + 0.0094906622543931, + -0.02385433204472065, + -0.21514829993247986, + 2.5195064544677734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/63.png", + [ + 0.21146675944328308, + 0.023797864094376564, + -0.04078448936343193, + 0.476450115442276, + 0.029084082692861557, + -0.2130759209394455, + 0.026469964534044266, + -0.31774717569351196, + -0.03719985857605934, + -0.03130821883678436, + -0.21114890277385712, + 2.512497901916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/88.png", + [ + 0.2146250456571579, + 0.029699858278036118, + 0.0013778199208900332, + -0.013267490081489086, + 0.029398294165730476, + -0.2134893387556076, + 0.02249309979379177, + -0.2700630724430084, + 0.004440721124410629, + -0.022093391045928, + -0.21549955010414124, + 2.518634796142578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/62.png", + [ + 0.21103987097740173, + 0.024366527795791626, + -0.042618561536073685, + 0.497211754322052, + 0.030228490009903908, + -0.21271133422851562, + 0.028071796521544456, + -0.33596545457839966, + -0.03868214040994644, + -0.03328752517700195, + -0.2105790227651596, + 2.507452964782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/65.png", + [ + 0.2112254649400711, + 0.021677721291780472, + -0.043148305267095566, + 0.5080119371414185, + 0.026656437665224075, + -0.213785782456398, + 0.023086197674274445, + -0.2774750590324402, + -0.040263306349515915, + -0.027813930064439774, + -0.21107615530490875, + 2.511234760284424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/80.png", + [ + 0.21431438624858856, + 0.030203118920326233, + -0.010247454978525639, + 0.12212997674942017, + 0.031024783849716187, + -0.21356265246868134, + 0.01939985156059265, + -0.2331332266330719, + -0.007396054919809103, + -0.02065582014620304, + -0.21556097269058228, + 2.522855758666992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/119.png", + [ + 0.207557812333107, + 0.015065347775816917, + -0.06033806502819061, + 0.7029156684875488, + 0.018680518493056297, + -0.21561606228351593, + 0.010423881001770496, + -0.13195236027240753, + -0.05931850150227547, + -0.015187308192253113, + -0.207842618227005, + 2.464231491088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/79.png", + [ + 0.21436075866222382, + 0.02962881699204445, + -0.010931471362709999, + 0.1304706633090973, + 0.030377471819519997, + -0.21395306289196014, + 0.01578574813902378, + -0.19047440588474274, + -0.008635570295155048, + -0.017149748280644417, + -0.21582217514514923, + 2.5191354751586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/116.png", + [ + 0.21038571000099182, + 0.013824308291077614, + -0.04994640871882439, + 0.5921273231506348, + 0.016940947622060776, + -0.2156965285539627, + 0.011658047325909138, + -0.15308021008968353, + -0.04897713288664818, + -0.015224790200591087, + -0.21051685512065887, + 2.5026612281799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/19.png", + [ + 0.20143689215183258, + 0.005921106785535812, + -0.07959908246994019, + 0.9250674843788147, + 0.010684511624276638, + -0.21613328158855438, + 0.010961265303194523, + -0.1362851858139038, + -0.07910066097974777, + -0.01411554403603077, + -0.20122559368610382, + 2.381181240081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/77.png", + [ + 0.21438845992088318, + 0.030511364340782166, + -0.00738508952781558, + 0.08915259689092636, + 0.030939558520913124, + -0.21399246156215668, + 0.01406656764447689, + -0.16837769746780396, + -0.005312866531312466, + -0.014972686767578125, + -0.21609139442443848, + 2.511613368988037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/68.png", + [ + 0.21134616434574127, + 0.024364016950130463, + -0.041074175387620926, + 0.48712629079818726, + 0.028772534802556038, + -0.21369795501232147, + 0.0212889201939106, + -0.2583124339580536, + -0.03811606392264366, + -0.026219680905342102, + -0.21167802810668945, + 2.501272678375244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/86.png", + [ + 0.21476247906684875, + 0.028719423338770866, + -0.0004156071809120476, + 0.00826747715473175, + 0.028601083904504776, + -0.21354486048221588, + 0.02298833802342415, + -0.2752404808998108, + 0.0026374158915132284, + -0.02284032478928566, + -0.21545130014419556, + 2.526228904724121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/1.png", + [ + 0.19709335267543793, + 0.015802206471562386, + -0.08861379325389862, + 1.0388383865356445, + 0.021829627454280853, + -0.21533292531967163, + 0.010153481736779213, + -0.12998491525650024, + -0.08732457458972931, + -0.018163593485951424, + -0.19746491312980652, + 2.3634791374206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/81.png", + [ + 0.21463461220264435, + 0.029234357178211212, + -0.005022350698709488, + 0.05812748894095421, + 0.029586730524897575, + -0.21361719071865082, + 0.020981142297387123, + -0.25267061591148376, + -0.002120646182447672, + -0.021469399333000183, + -0.21559792757034302, + 2.5253677368164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/95.png", + [ + 0.21457283198833466, + 0.03002641722559929, + 0.0021927806083112955, + -0.02260262332856655, + 0.029603010043501854, + -0.21329863369464874, + 0.023984385654330254, + -0.28770238161087036, + 0.005482331849634647, + -0.023452142253518105, + -0.21533191204071045, + 2.5160818099975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/103.png", + [ + 0.21447481215000153, + 0.030728520825505257, + -0.0020505348220467567, + 0.016627222299575806, + 0.03079148568212986, + -0.2136920690536499, + 0.01831609383225441, + -0.22176222503185272, + 0.0005752563592977822, + -0.018421536311507225, + -0.2158893495798111, + 2.542731761932373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/83.png", + [ + 0.2148100733757019, + 0.028362035751342773, + 0.0003500792954582721, + -0.0038366520311683416, + 0.0281772930175066, + -0.2136848419904709, + 0.02219749055802822, + -0.26660043001174927, + 0.0032508315052837133, + -0.021960945799946785, + -0.21553432941436768, + 2.5305066108703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/51.png", + [ + 0.21054276823997498, + 0.018096093088388443, + -0.04787658154964447, + 0.5441850423812866, + 0.021909138187766075, + -0.21503670513629913, + 0.015069720335304737, + -0.18339011073112488, + -0.04625607654452324, + -0.01948430947959423, + -0.2107810080051422, + 2.471465587615967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/128.png", + [ + 0.2108849287033081, + 0.0140555240213871, + -0.0477273166179657, + 0.5451228022575378, + 0.018218157812952995, + -0.21522805094718933, + 0.017113707959651947, + -0.2070360630750656, + -0.04629852622747421, + -0.02066936157643795, + -0.21065875887870789, + 2.457764148712158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/93.png", + [ + 0.21451780200004578, + 0.03045508824288845, + 0.0015790160978212953, + -0.015377646312117577, + 0.03006173111498356, + -0.2130659520626068, + 0.02543778158724308, + -0.30518290400505066, + 0.00512817082926631, + -0.024965494871139526, + -0.2151704579591751, + 2.5148720741271973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/76.png", + [ + 0.18369358777999878, + -0.04304485768079758, + 0.1065443679690361, + -1.2102051973342896, + -0.021761296316981316, + -0.21029408276081085, + -0.04744192957878113, + 0.5275969505310059, + 0.11283177137374878, + 0.029519997537136078, + -0.18260738253593445, + 2.1409945487976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/48.png", + [ + 0.18268656730651855, + -0.05124765634536743, + 0.10462884604930878, + -1.148404836654663, + -0.03723827749490738, + -0.21006430685520172, + -0.037870731204748154, + 0.4075978100299835, + 0.11039397120475769, + 0.013948448933660984, + -0.18592070043087006, + 2.099449634552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/35.png", + [ + 0.18677595257759094, + -0.04876763001084328, + 0.09840910881757736, + -1.0919537544250488, + -0.04371918737888336, + -0.21111175417900085, + -0.021641569212079048, + 0.23155465722084045, + 0.10075350850820541, + -0.0012010710779577494, + -0.19182071089744568, + 2.1916961669921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/97.png", + [ + 0.1711508333683014, + -0.06392956525087357, + 0.11648302525281906, + -1.3042385578155518, + -0.05167430266737938, + -0.2070191651582718, + -0.03769256919622421, + 0.4082254469394684, + 0.12241344898939133, + 0.0019934794399887323, + -0.17877045273780823, + 2.0613341331481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/13.png", + [ + 0.18111276626586914, + -0.059919849038124084, + 0.10274077206850052, + -1.165534257888794, + -0.053976576775312424, + -0.20819291472434998, + -0.026270397007465363, + 0.2806277871131897, + 0.10598388314247131, + -0.0036353636533021927, + -0.18894997239112854, + 2.2028346061706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/32.png", + [ + 0.18539269268512726, + -0.04922459274530411, + 0.10076893866062164, + -1.1200530529022217, + -0.04510267451405525, + -0.21097494661808014, + -0.020080095157027245, + 0.21579357981681824, + 0.1026800274848938, + -0.0037948405370116234, + -0.19076243042945862, + 2.1787848472595215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/38.png", + [ + 0.18651798367500305, + -0.047717079520225525, + 0.0994083359837532, + -1.1038918495178223, + -0.04074126482009888, + -0.211336150765419, + -0.025001591071486473, + 0.2697606086730957, + 0.10246504843235016, + 0.002830167766660452, + -0.1908947378396988, + 2.1776232719421387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/11.png", + [ + 0.18133336305618286, + -0.05959836766123772, + 0.10253847390413284, + -1.1589951515197754, + -0.05512608215212822, + -0.20821882784366608, + -0.023535603657364845, + 0.24929264187812805, + 0.10501056164503098, + -0.006390935275703669, + -0.1894197165966034, + 2.2020506858825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/59.png", + [ + 0.1796867847442627, + -0.057830311357975006, + 0.10637769848108292, + -1.1806373596191406, + -0.04385128244757652, + -0.20852193236351013, + -0.039288248866796494, + 0.42387157678604126, + 0.11286108195781708, + 0.011052430607378483, + -0.1846296638250351, + 2.106825828552246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/24.png", + [ + 0.18342895805835724, + -0.048413291573524475, + 0.10467985272407532, + -1.176173448562622, + -0.04439682513475418, + -0.21114574372768402, + -0.01985672488808632, + 0.21129977703094482, + 0.10644548386335373, + -0.004639002028852701, + -0.18866832554340363, + 2.1742911338806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/74.png", + [ + 0.1843021959066391, + -0.04229842498898506, + 0.10578955709934235, + -1.1914353370666504, + -0.022337231785058975, + -0.2106991410255432, + -0.04533000662922859, + 0.5004276633262634, + 0.11172123998403549, + 0.027651479467749596, + -0.18358010053634644, + 2.1368179321289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/98.png", + [ + 0.16895198822021484, + -0.062316689640283585, + 0.12049790471792221, + -1.3543425798416138, + -0.05130567029118538, + -0.20751778781414032, + -0.03538341447710991, + 0.3814863860607147, + 0.1255820244550705, + -0.0009420919232070446, + -0.17656773328781128, + 2.0431652069091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/0.png", + [ + 0.18124455213546753, + -0.05557942017912865, + 0.10492487251758575, + -1.1738113164901733, + -0.060371242463588715, + -0.20801053941249847, + -0.005900859367102385, + 0.04733520373702049, + 0.10224291682243347, + -0.024298857897520065, + -0.18948309123516083, + 2.1530137062072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/96.png", + [ + 0.17428921163082123, + -0.060833804309368134, + 0.11344783008098602, + -1.2729943990707397, + -0.048129428178071976, + -0.20789943635463715, + -0.03754037991166115, + 0.4078715145587921, + 0.11939314752817154, + 0.004996908828616142, + -0.18074347078800201, + 2.08474063873291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/100.png", + [ + 0.16765469312667847, + -0.061153266578912735, + 0.12288236618041992, + -1.388649344444275, + -0.05288534238934517, + -0.2077844887971878, + -0.031251225620508194, + 0.3368358314037323, + 0.12666071951389313, + -0.005811761133372784, + -0.17570196092128754, + 2.0442686080932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/40.png", + [ + 0.18547748029232025, + -0.0494043342769146, + 0.10052467882633209, + -1.1164956092834473, + -0.040116675198078156, + -0.2108595222234726, + -0.02961098775267601, + 0.31989049911499023, + 0.10457845777273178, + 0.0067356969229876995, + -0.18964670598506927, + 2.1566662788391113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/52.png", + [ + 0.1834905743598938, + -0.05400840938091278, + 0.10179489850997925, + -1.1140838861465454, + -0.03882040083408356, + -0.20918656885623932, + -0.04101046174764633, + 0.44211262464523315, + 0.10849923640489578, + 0.016491614282131195, + -0.186825692653656, + 2.1098408699035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/3.png", + [ + 0.1818082332611084, + -0.05636106804013252, + 0.103523388504982, + -1.1466951370239258, + -0.05746155232191086, + -0.20853501558303833, + -0.012618138454854488, + 0.12542647123336792, + 0.10291662812232971, + -0.01686645671725273, + -0.18992522358894348, + 2.157878875732422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/47.png", + [ + 0.1815290004014969, + -0.05338427424430847, + 0.10557100176811218, + -1.159172534942627, + -0.03912622109055519, + -0.20957012474536896, + -0.0386962927877903, + 0.4176415205001831, + 0.11164342612028122, + 0.013355999253690243, + -0.1852167844772339, + 2.087398052215576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/104.png", + [ + 0.1759381890296936, + -0.048973165452480316, + 0.11659879982471466, + -1.3197121620178223, + -0.04245278984308243, + -0.2110479176044464, + -0.0245853029191494, + 0.2609945237636566, + 0.11912771314382553, + -0.0028819723520427942, + -0.18096457421779633, + 2.108795166015625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/21.png", + [ + 0.18352821469306946, + -0.05267670005559921, + 0.10242287814617157, + -1.161756992340088, + -0.05219155550003052, + -0.20980247855186462, + -0.014382329769432545, + 0.1476840227842331, + 0.10267094522714615, + -0.012488982640206814, + -0.19039589166641235, + 2.21351957321167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/82.png", + [ + 0.1818120926618576, + -0.04904640465974808, + 0.10717605799436569, + -1.2346097230911255, + -0.029950536787509918, + -0.20978179574012756, + -0.04519360139966011, + 0.5091378092765808, + 0.11399659514427185, + 0.023107292130589485, + -0.18280787765979767, + 2.1811165809631348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/14.png", + [ + 0.18183177709579468, + -0.0598142072558403, + 0.10152517259120941, + -1.1537542343139648, + -0.05384349077939987, + -0.2082303762435913, + -0.02624649740755558, + 0.2809906005859375, + 0.10481403023004532, + -0.0032030625734478235, + -0.18960922956466675, + 2.2132515907287598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/67.png", + [ + 0.1820567101240158, + -0.05759280547499657, + 0.1024027094244957, + -1.1471545696258545, + -0.044665005058050156, + -0.20860357582569122, + -0.03791405260562897, + 0.41437286138534546, + 0.10866592079401016, + 0.01074740756303072, + -0.18714727461338043, + 2.157569408416748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/78.png", + [ + 0.18320202827453613, + -0.0471227653324604, + 0.10566149652004242, + -1.2087167501449585, + -0.024722468107938766, + -0.20926153659820557, + -0.05046091601252556, + 0.5647277235984802, + 0.11302082240581512, + 0.030609628185629845, + -0.18231083452701569, + 2.1510534286499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/31.png", + [ + 0.1838931441307068, + -0.05091078579425812, + 0.10266108810901642, + -1.1432671546936035, + -0.04570256173610687, + -0.21059377491474152, + -0.022570455446839333, + 0.24583211541175842, + 0.10508322715759277, + -0.0024983223993331194, + -0.18947076797485352, + 2.165114402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/39.png", + [ + 0.1861121952533722, + -0.048021361231803894, + 0.10002045333385468, + -1.1108094453811646, + -0.03952076658606529, + -0.2112094759941101, + -0.027866993099451065, + 0.30045291781425476, + 0.1036737784743309, + 0.005692881997674704, + -0.190176859498024, + 2.166524887084961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/92.png", + [ + 0.17721284925937653, + -0.05848457291722298, + 0.11010472476482391, + -1.2517049312591553, + -0.04208555072546005, + -0.20818491280078888, + -0.042845625430345535, + 0.46780458092689514, + 0.11735546588897705, + 0.013656321913003922, + -0.18162901699543, + 2.1218881607055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/53.png", + [ + 0.18208403885364532, + -0.05553769692778587, + 0.10348362475633621, + -1.13309907913208, + -0.0404236726462841, + -0.20888876914978027, + -0.040979377925395966, + 0.44252124428749084, + 0.11026885360479355, + 0.015130993910133839, + -0.18590247631072998, + 2.1052732467651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/75.png", + [ + 0.18264511227607727, + -0.04118367284536362, + 0.10905303061008453, + -1.2342745065689087, + -0.020641488954424858, + -0.2109246850013733, + -0.04508436843752861, + 0.5003052949905396, + 0.11472830921411514, + 0.027614785358309746, + -0.18172156810760498, + 2.1256775856018066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/87.png", + [ + 0.17409244179725647, + -0.05574922636151314, + 0.1163259819149971, + -1.3524082899093628, + -0.03332698717713356, + -0.20819929242134094, + -0.049902621656656265, + 0.5629792809486389, + 0.12461551278829575, + 0.022203225642442703, + -0.1758575737476349, + 2.0859274864196777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/69.png", + [ + 0.18196947872638702, + -0.05554961413145065, + 0.10367856174707413, + -1.1617487668991089, + -0.03994572535157204, + -0.20882314443588257, + -0.041774723678827286, + 0.4562240242958069, + 0.11063157021999359, + 0.015969615429639816, + -0.18561658263206482, + 2.1490464210510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/45.png", + [ + 0.18345819413661957, + -0.051777184009552, + 0.10300534963607788, + -1.1310094594955444, + -0.036714524030685425, + -0.20975303649902344, + -0.04004492983222008, + 0.4394356310367584, + 0.10928413271903992, + 0.01645221747457981, + -0.1863711178302765, + 2.105158805847168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/50.png", + [ + 0.18367744982242584, + -0.05102363973855972, + 0.10299067944288254, + -1.130247712135315, + -0.03697901964187622, + -0.21006491780281067, + -0.038120582699775696, + 0.4114213287830353, + 0.10882575064897537, + 0.014738213270902634, + -0.1867823302745819, + 2.110151767730713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/101.png", + [ + 0.16917699575424194, + -0.05903015658259392, + 0.12182971835136414, + -1.3790936470031738, + -0.051559239625930786, + -0.20839068293571472, + -0.029374565929174423, + 0.31775861978530884, + 0.1251746118068695, + -0.00605491828173399, + -0.1767556220293045, + 2.0614328384399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/85.png", + [ + 0.17725367844104767, + -0.05334394425153732, + 0.11262079328298569, + -1.3052253723144531, + -0.03254656493663788, + -0.20883944630622864, + -0.04769385606050491, + 0.5361746549606323, + 0.12029024958610535, + 0.022099917754530907, + -0.1788567751646042, + 2.1173510551452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/71.png", + [ + 0.18396957218647003, + -0.04691366106271744, + 0.10441359877586365, + -1.1655478477478027, + -0.027891753241419792, + -0.21005626022815704, + -0.045236196368932724, + 0.4947322905063629, + 0.11101864278316498, + 0.024967418983578682, + -0.18438921868801117, + 2.1369919776916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/54.png", + [ + 0.1813889741897583, + -0.05722521245479584, + 0.10378442704677582, + -1.1379432678222656, + -0.041652388870716095, + -0.20841962099075317, + -0.04212166368961334, + 0.45597487688064575, + 0.11095499992370605, + 0.01531114149838686, + -0.18547898530960083, + 2.100069522857666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/33.png", + [ + 0.1859322488307953, + -0.049966681748628616, + 0.09940033406019211, + -1.1021952629089355, + -0.04592477157711983, + -0.21079936623573303, + -0.020060786977410316, + 0.21436229348182678, + 0.1013311967253685, + -0.003853662172332406, + -0.19148114323616028, + 2.1842546463012695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/49.png", + [ + 0.1828722506761551, + -0.05166317895054817, + 0.10409871488809586, + -1.1416295766830444, + -0.038486335426568985, + -0.21005764603614807, + -0.03663986548781395, + 0.39395928382873535, + 0.1096559539437294, + 0.012433563359081745, + -0.1864641159772873, + 2.107743740081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/18.png", + [ + 0.18472859263420105, + -0.05636157467961311, + 0.0982171818614006, + -1.1133984327316284, + -0.054339949041604996, + -0.20899930596351624, + -0.01772996596992016, + 0.18909619748592377, + 0.09934993833303452, + -0.009516043588519096, + -0.192319855093956, + 2.2315292358398438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/66.png", + [ + 0.1815319061279297, + -0.05793076381087303, + 0.10314113646745682, + -1.1562427282333374, + -0.04524518921971321, + -0.20855271816253662, + -0.03750370442867279, + 0.41011691093444824, + 0.10930205881595612, + 0.009883391670882702, + -0.18682418763637543, + 2.152622699737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/16.png", + [ + 0.1837960183620453, + -0.05733466148376465, + 0.09939645230770111, + -1.1289787292480469, + -0.05311525613069534, + -0.20887954533100128, + -0.022271081805229187, + 0.23861965537071228, + 0.10171374678611755, + -0.005474252626299858, + -0.19123868644237518, + 2.227130889892578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/94.png", + [ + 0.17517657577991486, + -0.06086141616106033, + 0.11205781251192093, + -1.2643650770187378, + -0.04625933617353439, + -0.2077634036540985, + -0.04052571579813957, + 0.441135436296463, + 0.11883240193128586, + 0.008840149268507957, + -0.18096576631069183, + 2.1020750999450684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/28.png", + [ + 0.1830737292766571, + -0.05019441619515419, + 0.10446257889270782, + -1.1646207571029663, + -0.04258260503411293, + -0.21077114343643188, + -0.02664857544004917, + 0.28845375776290894, + 0.10778976231813431, + 0.001986226998269558, + -0.18795031309127808, + 2.1514058113098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/61.png", + [ + 0.18130625784397125, + -0.05634646490216255, + 0.10440792888402939, + -1.1648296117782593, + -0.04229056462645531, + -0.20884719491004944, + -0.0392715148627758, + 0.42639732360839844, + 0.11084875464439392, + 0.012482774443924427, + -0.1857542097568512, + 2.129849433898926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/58.png", + [ + 0.17981277406215668, + -0.05739018693566322, + 0.10640313476324081, + -1.1766031980514526, + -0.04271680489182472, + -0.20856356620788574, + -0.040304023772478104, + 0.43588191270828247, + 0.1130952537059784, + 0.012470207177102566, + -0.1843959242105484, + 2.098454475402832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/64.png", + [ + 0.1820361167192459, + -0.05763820558786392, + 0.10241379588842392, + -1.145172119140625, + -0.04425426200032234, + -0.20854520797729492, + -0.03870861232280731, + 0.42204082012176514, + 0.1088683009147644, + 0.011603198945522308, + -0.18697847425937653, + 2.1531753540039062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/10.png", + [ + 0.18123416602611542, + -0.05936872214078903, + 0.10284660756587982, + -1.160993218421936, + -0.05561919882893562, + -0.20823505520820618, + -0.022193728014826775, + 0.23308342695236206, + 0.10492175817489624, + -0.007836559787392616, + -0.18941465020179749, + 2.1966381072998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/41.png", + [ + 0.18472455441951752, + -0.04865594208240509, + 0.10226108133792877, + -1.1328526735305786, + -0.038842249661684036, + -0.2110096663236618, + -0.0302339568734169, + 0.3274633288383484, + 0.10637673735618591, + 0.0074438974261283875, + -0.1886172741651535, + 2.143397331237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/91.png", + [ + 0.1779017597436905, + -0.05548630654811859, + 0.11054468154907227, + -1.2606233358383179, + -0.038156017661094666, + -0.20882409811019897, + -0.04341098293662071, + 0.47635117173194885, + 0.1176561713218689, + 0.016176076605916023, + -0.18122708797454834, + 2.126173496246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/23.png", + [ + 0.18529731035232544, + -0.046938031911849976, + 0.10202760249376297, + -1.1466678380966187, + -0.04418141767382622, + -0.21143747866153717, + -0.017032265663146973, + 0.178179532289505, + 0.10325121134519577, + -0.0062383441254496574, + -0.1903894990682602, + 2.194700241088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/37.png", + [ + 0.1868065446615219, + -0.04951203614473343, + 0.097978375852108, + -1.088600993156433, + -0.04274952784180641, + -0.21092933416366577, + -0.02508358284831047, + 0.26905614137649536, + 0.10111221671104431, + 0.002294908743351698, + -0.19162188470363617, + 2.1863245964050293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/36.png", + [ + 0.185382679104805, + -0.049864429980516434, + 0.1004723533987999, + -1.1180086135864258, + -0.04371550306677818, + -0.21085864305496216, + -0.023989185690879822, + 0.2573292851448059, + 0.10329622775316238, + 0.0002537491382099688, + -0.19046711921691895, + 2.1782050132751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/8.png", + [ + 0.1801978349685669, + -0.05905107781291008, + 0.10483129322528839, + -1.180822730064392, + -0.05594130605459213, + -0.208257257938385, + -0.02115125209093094, + 0.22076711058616638, + 0.10652322322130203, + -0.009474989026784897, + -0.1884434074163437, + 2.1822800636291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/6.png", + [ + 0.17987187206745148, + -0.05774424597620964, + 0.10611129552125931, + -1.1884105205535889, + -0.05623782053589821, + -0.20846374332904816, + -0.018112853169441223, + 0.1844753921031952, + 0.10691731423139572, + -0.01250480767339468, + -0.18804310262203217, + 2.1653056144714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/20.png", + [ + 0.1854218691587448, + -0.05386485531926155, + 0.09831172972917557, + -1.1143269538879395, + -0.05234445258975029, + -0.2096368670463562, + -0.016134927049279213, + 0.1674833744764328, + 0.0991295874118805, + -0.009942580945789814, + -0.19241195917129517, + 2.235107421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/2.png", + [ + 0.18339011073112488, + -0.0538780651986599, + 0.10204468667507172, + -1.1301871538162231, + -0.056277383118867874, + -0.20903490483760834, + -0.009228113107383251, + 0.08860288560390472, + 0.10074135661125183, + -0.01869375817477703, + -0.19091784954071045, + 2.1662678718566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/5.png", + [ + 0.18076035380363464, + -0.05635518208146095, + 0.10534553974866867, + -1.174647331237793, + -0.05541885644197464, + -0.20880788564682007, + -0.016610795632004738, + 0.16716597974300385, + 0.10584111511707306, + -0.013086702674627304, + -0.1886114776134491, + 2.1642069816589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/60.png", + [ + 0.18011994659900665, + -0.05770857632160187, + 0.10570912063121796, + -1.1765165328979492, + -0.0435572974383831, + -0.2085212618112564, + -0.03961746394634247, + 0.42883870005607605, + 0.11228293925523758, + 0.011683379299938679, + -0.1849430501461029, + 2.116898536682129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/56.png", + [ + 0.18193833529949188, + -0.05594215542078018, + 0.10352203249931335, + -1.1369428634643555, + -0.040196217596530914, + -0.20870241522789001, + -0.04213624447584152, + 0.45977383852005005, + 0.11059203743934631, + 0.01617634855210781, + -0.18562225997447968, + 2.102890968322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/30.png", + [ + 0.18508197367191315, + -0.04849384352564812, + 0.10169024765491486, + -1.1327670812606812, + -0.041877251118421555, + -0.21117447316646576, + -0.024485494941473007, + 0.2683412432670593, + 0.10458897799253464, + 0.001261411583982408, + -0.18975630402565002, + 2.1703319549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/17.png", + [ + 0.1839865744113922, + -0.05745074898004532, + 0.0989760011434555, + -1.1224445104599, + -0.0540044829249382, + -0.20880214869976044, + -0.02081051468849182, + 0.22315114736557007, + 0.10089773684740067, + -0.006998016498982906, + -0.19162088632583618, + 2.226614475250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/12.png", + [ + 0.1811414510011673, + -0.06025360897183418, + 0.10249471664428711, + -1.1604219675064087, + -0.05518466606736183, + -0.20805859565734863, + -0.02478228695690632, + 0.2629617154598236, + 0.1053105816245079, + -0.005386128555983305, + -0.1892843395471573, + 2.2037863731384277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/27.png", + [ + 0.1829090565443039, + -0.050471678376197815, + 0.10461729764938354, + -1.167680025100708, + -0.043241653591394424, + -0.21071133017539978, + -0.0260536577552557, + 0.28108569979667664, + 0.10780692100524902, + 0.0011151519138365984, + -0.18794766068458557, + 2.1520915031433105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/42.png", + [ + 0.18431299924850464, + -0.049256689846515656, + 0.10271507501602173, + -1.1350741386413574, + -0.03881940618157387, + -0.21083636581897736, + -0.031447965651750565, + 0.3418530225753784, + 0.10709652304649353, + 0.008348607458174229, + -0.18817155063152313, + 2.1336750984191895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/7.png", + [ + 0.18004481494426727, + -0.05898429825901985, + 0.10513140261173248, + -1.1814494132995605, + -0.05628826096653938, + -0.20823542773723602, + -0.020433569326996803, + 0.21093080937862396, + 0.10659919679164886, + -0.010332110337913036, + -0.18835538625717163, + 2.1767473220825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/73.png", + [ + 0.1862020492553711, + -0.04301685839891434, + 0.10210897773504257, + -1.143794059753418, + -0.02337796241044998, + -0.21043603122234344, + -0.04602213576436043, + 0.5057860016822815, + 0.10830587893724442, + 0.028532719239592552, + -0.18548211455345154, + 2.15084171295166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/46.png", + [ + 0.18235911428928375, + -0.05349373072385788, + 0.10407435148954391, + -1.1431787014007568, + -0.038036834448575974, + -0.20934179425239563, + -0.04095255583524704, + 0.44620513916015625, + 0.1106627881526947, + 0.01619669795036316, + -0.18557830154895782, + 2.094784736633301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/57.png", + [ + 0.18054525554180145, + -0.056547656655311584, + 0.1056109294295311, + -1.1643247604370117, + -0.04132789000868797, + -0.20869030058383942, + -0.041088491678237915, + 0.4474712014198303, + 0.11244247853755951, + 0.014093280769884586, + -0.18467800319194794, + 2.0973877906799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/44.png", + [ + 0.18427178263664246, + -0.05014835298061371, + 0.10235696285963058, + -1.1248716115951538, + -0.03666903078556061, + -0.21031488478183746, + -0.03702608123421669, + 0.4065820872783661, + 0.10792213678359985, + 0.014166544191539288, + -0.18734999001026154, + 2.116586685180664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/29.png", + [ + 0.1839463859796524, + -0.04997935891151428, + 0.10302276164293289, + -1.1498303413391113, + -0.042868662625551224, + -0.21082648634910583, + -0.02573641762137413, + 0.28051093220710754, + 0.1061786338686943, + 0.0014661280438303947, + -0.1888699233531952, + 2.162424087524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/4.png", + [ + 0.1804337203502655, + -0.05602418631315231, + 0.10607948899269104, + -1.1773792505264282, + -0.056559011340141296, + -0.2086925059556961, + -0.01401475165039301, + 0.13868708908557892, + 0.10579530149698257, + -0.016019489616155624, + -0.18841077387332916, + 2.1511688232421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/55.png", + [ + 0.1814722865819931, + -0.05676497891545296, + 0.10389148443937302, + -1.14030921459198, + -0.04157674312591553, + -0.2085898369550705, + -0.041346706449985504, + 0.4482996463775635, + 0.11084707826375961, + 0.014693981036543846, + -0.185593381524086, + 2.1019105911254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/9.png", + [ + 0.18077214062213898, + -0.05968436971306801, + 0.10347510874271393, + -1.1658918857574463, + -0.05588740110397339, + -0.20813913643360138, + -0.022418590262532234, + 0.23542937636375427, + 0.10557422786951065, + -0.007985694333910942, + -0.1890454888343811, + 2.1902222633361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/25.png", + [ + 0.1833799034357071, + -0.04992280155420303, + 0.10405487567186356, + -1.1655856370925903, + -0.04501408338546753, + -0.21082141995429993, + -0.02181652933359146, + 0.23265990614891052, + 0.10627058148384094, + -0.003153215628117323, + -0.18879754841327667, + 2.169567108154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/99.png", + [ + 0.16854038834571838, + -0.061731789261102676, + 0.12137223035097122, + -1.3670132160186768, + -0.05209064483642578, + -0.2076687216758728, + -0.03328917920589447, + 0.35884782671928406, + 0.12581174075603485, + -0.0032850459683686495, + -0.17637602984905243, + 2.044365882873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/34.png", + [ + 0.18734852969646454, + -0.0482763834297657, + 0.09755928814411163, + -1.081276297569275, + -0.04348883032798767, + -0.2112233191728592, + -0.021008029580116272, + 0.22484111785888672, + 0.09978550672531128, + -0.0014164830790832639, + -0.19232457876205444, + 2.195575714111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/72.png", + [ + 0.18514284491539001, + -0.04382849112153053, + 0.10367778688669205, + -1.1570085287094116, + -0.02378692664206028, + -0.2103016972541809, + -0.04642486199736595, + 0.5085311532020569, + 0.11001909524202347, + 0.028286907821893692, + -0.18450891971588135, + 2.1375250816345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/102.png", + [ + 0.17212827503681183, + -0.058250028640031815, + 0.11801136285066605, + -1.3374934196472168, + -0.05023631826043129, + -0.20866425335407257, + -0.029722630977630615, + 0.3215530514717102, + 0.12163904309272766, + -0.003749170573428273, + -0.17927011847496033, + 2.091724395751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/70.png", + [ + 0.18297311663627625, + -0.052378177642822266, + 0.1035628691315651, + -1.1593419313430786, + -0.03492138907313347, + -0.20923958718776703, + -0.0441269613802433, + 0.4831230938434601, + 0.11067628115415573, + 0.02057226561009884, + -0.18513628840446472, + 2.145075798034668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/90.png", + [ + 0.17647214233875275, + -0.054547566920518875, + 0.11326973885297775, + -1.298743486404419, + -0.03545540198683739, + -0.20888681709766388, + -0.04535527154803276, + 0.5010988712310791, + 0.12061668187379837, + 0.01840510591864586, + -0.17905516922473907, + 2.1062121391296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/15.png", + [ + 0.1831502467393875, + -0.05874008312821388, + 0.09976714849472046, + -1.134799599647522, + -0.05318064242601395, + -0.2085355669260025, + -0.025152072310447693, + 0.26951736211776733, + 0.10283822566270828, + -0.0032263672910630703, + -0.1906876564025879, + 2.2252039909362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/22.png", + [ + 0.18634867668151855, + -0.04734044894576073, + 0.09990470111370087, + -1.1258951425552368, + -0.047005794942379, + -0.21115197241306305, + -0.012377412989735603, + 0.12708227336406708, + 0.10006260126829147, + -0.01102844811975956, + -0.1918690800666809, + 2.219527244567871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/26.png", + [ + 0.1827554702758789, + -0.050296757370233536, + 0.10496935993432999, + -1.1726778745651245, + -0.044337693601846695, + -0.21075135469436646, + -0.02378934994339943, + 0.2544887065887451, + 0.10762201994657516, + -0.0014144029701128602, + -0.18805156648159027, + 2.156796455383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/43.png", + [ + 0.18356074392795563, + -0.04982656240463257, + 0.1037818044424057, + -1.145616054534912, + -0.03802871331572533, + -0.21060794591903687, + -0.033852674067020416, + 0.37075796723365784, + 0.10866078734397888, + 0.010464232414960861, + -0.18716631829738617, + 2.1204237937927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/84.png", + [ + 0.17823554575443268, + -0.05272352322936058, + 0.11135624349117279, + -1.2869808673858643, + -0.032092250883579254, + -0.2089402824640274, + -0.04755986109375954, + 0.5346605777740479, + 0.11895406991243362, + 0.022629251703619957, + -0.17968234419822693, + 2.1316781044006348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/89.png", + [ + 0.1744508445262909, + -0.05528942495584488, + 0.11600809544324875, + -1.3394581079483032, + -0.03411329537630081, + -0.2085021734237671, + -0.04807312786579132, + 0.5378110408782959, + 0.12389948219060898, + 0.02044069394469261, + -0.17657573521137238, + 2.0844192504882812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/63.png", + [ + 0.18262922763824463, + -0.05649273842573166, + 0.10199527442455292, + -1.1394895315170288, + -0.04322752356529236, + -0.2088412195444107, + -0.03827043995261192, + 0.4154466390609741, + 0.10828595608472824, + 0.011908624321222305, + -0.18729718029499054, + 2.1531286239624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/88.png", + [ + 0.17583879828453064, + -0.05648932605981827, + 0.11330299824476242, + -1.313198447227478, + -0.034290432929992676, + -0.20791256427764893, + -0.05044220760464668, + 0.5653102993965149, + 0.12187198549509048, + 0.02300448529422283, + -0.17766796052455902, + 2.096782684326172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/62.png", + [ + 0.1826011687517166, + -0.055783189833164215, + 0.10243503004312515, + -1.144713044166565, + -0.04205656051635742, + -0.20897652208805084, + -0.0388324148952961, + 0.4218873977661133, + 0.10879313945770264, + 0.012843132950365543, + -0.18694117665290833, + 2.1463422775268555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/65.png", + [ + 0.18141034245491028, + -0.058490604162216187, + 0.1030389815568924, + -1.153928279876709, + -0.045564088970422745, + -0.20838090777397156, + -0.03806838393211365, + 0.41639190912246704, + 0.1093713566660881, + 0.0102047985419631, + -0.18676632642745972, + 2.151214599609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/80.png", + [ + 0.18300174176692963, + -0.04658754914999008, + 0.10624433308839798, + -1.2205108404159546, + -0.024855541065335274, + -0.20957304537296295, + -0.04908392205834389, + 0.5500415563583374, + 0.11331574618816376, + 0.029268229380249977, + -0.18234802782535553, + 2.166748046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/79.png", + [ + 0.18249846994876862, + -0.04677252843976021, + 0.10702585428953171, + -1.2260836362838745, + -0.024675631895661354, + -0.20950116217136383, + -0.04947995766997337, + 0.5532636642456055, + 0.11416353285312653, + 0.029487010091543198, + -0.18178309500217438, + 2.155513286590576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/19.png", + [ + 0.18533535301685333, + -0.05582892894744873, + 0.09737472981214523, + -1.1034386157989502, + -0.05357552692294121, + -0.20917709171772003, + -0.01795841008424759, + 0.18960820138454437, + 0.09863249957561493, + -0.008716175332665443, + -0.19272661209106445, + 2.235881805419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/77.png", + [ + 0.18362262845039368, + -0.044989001005887985, + 0.10586130619049072, + -1.2079777717590332, + -0.022637544199824333, + -0.2096482366323471, + -0.04983029142022133, + 0.5566970705986023, + 0.11277486383914948, + 0.031168989837169647, + -0.18236835300922394, + 2.1433849334716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/68.png", + [ + 0.1815231889486313, + -0.05770087242126465, + 0.10328520089387894, + -1.1585180759429932, + -0.04357084259390831, + -0.2084672451019287, + -0.03988589346408844, + 0.4357339143753052, + 0.10999457538127899, + 0.012645646929740906, + -0.18625031411647797, + 2.1498889923095703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/86.png", + [ + 0.1735750436782837, + -0.05479196831583977, + 0.11754757910966873, + -1.3665697574615479, + -0.033039070665836334, + -0.20858967304229736, + -0.04844234883785248, + 0.5465492010116577, + 0.12541137635707855, + 0.020882565528154373, + -0.17545311152935028, + 2.0846047401428223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/1.png", + [ + 0.18412743508815765, + -0.05449877306818962, + 0.10037363320589066, + -1.1142656803131104, + -0.05816580355167389, + -0.20861798524856567, + -0.006570504978299141, + 0.05900843068957329, + 0.09829405695199966, + -0.02136152982711792, + -0.19191105663776398, + 2.172905445098877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/81.png", + [ + 0.18228335678577423, + -0.046679895371198654, + 0.10743215680122375, + -1.2385132312774658, + -0.02514752931892872, + -0.20968759059906006, + -0.04844190180301666, + 0.5468371510505676, + 0.11440403014421463, + 0.028284339234232903, + -0.1818230152130127, + 2.1699252128601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/95.png", + [ + 0.17431841790676117, + -0.060005348175764084, + 0.11384347826242447, + -1.284290075302124, + -0.046319834887981415, + -0.20808759331703186, + -0.038754675537347794, + 0.42253634333610535, + 0.12006437033414841, + 0.00684179225936532, + -0.18023769557476044, + 2.0882859230041504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/103.png", + [ + 0.171991229057312, + -0.05252191051840782, + 0.12086505442857742, + -1.3678572177886963, + -0.04564085602760315, + -0.21016401052474976, + -0.02637975476682186, + 0.28399649262428284, + 0.12362776696681976, + -0.004519666079431772, + -0.17788660526275635, + 2.0786595344543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/83.png", + [ + 0.1806395947933197, + -0.05106601119041443, + 0.10821042209863663, + -1.2464309930801392, + -0.03162785619497299, + -0.20935945212841034, + -0.04600212723016739, + 0.5177984237670898, + 0.11539892852306366, + 0.022556135430932045, + -0.18199506402015686, + 2.1654443740844727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/51.png", + [ + 0.18429403007030487, + -0.05092732980847359, + 0.10193142294883728, + -1.1171327829360962, + -0.03657034412026405, + -0.21001087129116058, + -0.03880644962191582, + 0.41776958107948303, + 0.10791764408349991, + 0.01580309122800827, + -0.18722164630889893, + 2.111494541168213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/93.png", + [ + 0.17664535343647003, + -0.060138314962387085, + 0.1101258173584938, + -1.248803973197937, + -0.04489314183592796, + -0.207869753241539, + -0.041505008935928345, + 0.45261576771736145, + 0.11717047542333603, + 0.01102009229362011, + -0.18192727863788605, + 2.1219635009765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/76.png", + [ + 0.20043234527111053, + -0.007452753372490406, + 0.08197092264890671, + -0.9590404033660889, + 0.005247572902590036, + -0.2141885757446289, + -0.03230508044362068, + 0.367272287607193, + 0.08214158564805984, + 0.03186866641044617, + -0.19795212149620056, + 2.370293140411377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/48.png", + [ + 0.20189622044563293, + -0.020592402666807175, + 0.07590626925230026, + -0.8858850002288818, + -0.0070191058330237865, + -0.21299925446510315, + -0.039114490151405334, + 0.4469340443611145, + 0.07833607494831085, + 0.03398771211504936, + -0.1991386115550995, + 2.367800712585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/137.png", + [ + 0.1984081268310547, + 0.03971994295716286, + 0.0774882584810257, + -0.9063532948493958, + 0.04906059429049492, + -0.2102932333946228, + -0.017824459820985794, + 0.19275355339050293, + 0.07193860411643982, + 0.03386708348989487, + -0.20155830681324005, + 2.4111218452453613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/35.png", + [ + 0.20273971557617188, + -0.024443119764328003, + 0.07243640720844269, + -0.8376244306564331, + -0.008199119940400124, + -0.21106907725334167, + -0.048275429755449295, + 0.5432831048965454, + 0.0760083869099617, + 0.042429666966199875, + -0.19841961562633514, + 2.3609509468078613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/124.png", + [ + 0.20053815841674805, + 0.04386907070875168, + 0.06933866441249847, + -0.8200080990791321, + 0.0522073395550251, + -0.20947925746440887, + -0.018458709120750427, + 0.2045092135667801, + 0.06329880654811859, + 0.03379104286432266, + -0.20444881916046143, + 2.46480131149292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/97.png", + [ + 0.19916927814483643, + 0.021582499146461487, + 0.08254510909318924, + -0.940593421459198, + 0.025971464812755585, + -0.21501585841178894, + -0.006446636747568846, + 0.054844487458467484, + 0.08127104490995407, + 0.015819985419511795, + -0.20023146271705627, + 2.3517632484436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/155.png", + [ + 0.18907319009304047, + 0.020200960338115692, + 0.10388042777776718, + -1.2221723794937134, + 0.04338204115629196, + -0.2087932527065277, + -0.038357146084308624, + 0.42849767208099365, + 0.09652575105428696, + 0.05426963418722153, + -0.18624037504196167, + 2.247373580932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/13.png", + [ + 0.20072060823440552, + -0.028305845335125923, + 0.07653701305389404, + -0.8900108337402344, + -0.016861407086253166, + -0.21322257816791534, + -0.03463700786232948, + 0.38808006048202515, + 0.07984252274036407, + 0.026130609214305878, + -0.1997254490852356, + 2.3750739097595215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/32.png", + [ + 0.20095360279083252, + -0.026252247393131256, + 0.07665744423866272, + -0.8860939741134644, + -0.014252176508307457, + -0.2132432609796524, + -0.03566630557179451, + 0.39161935448646545, + 0.07976477593183517, + 0.028036223724484444, + -0.1994979977607727, + 2.3639931678771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/158.png", + [ + 0.1763414442539215, + 0.006586347706615925, + 0.1257307231426239, + -1.4855631589889526, + 0.04527994245290756, + -0.20521791279315948, + -0.052756354212760925, + 0.6098020076751709, + 0.11747901141643524, + 0.06921074539422989, + -0.16839373111724854, + 2.016615867614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/38.png", + [ + 0.20319698750972748, + -0.02419133298099041, + 0.07122967392206192, + -0.8371340036392212, + -0.003411697456613183, + -0.20791758596897125, + -0.060881320387125015, + 0.7084348797798157, + 0.07514818012714386, + 0.05597280338406563, + -0.1953655332326889, + 2.3387961387634277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/148.png", + [ + 0.19731679558753967, + 0.03301664814352989, + 0.08320983499288559, + -0.9706339836120605, + 0.04481229558587074, + -0.21077866852283478, + -0.022629685699939728, + 0.24709799885749817, + 0.07749731093645096, + 0.03781725838780403, + -0.1987760365009308, + 2.380802631378174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/111.png", + [ + 0.19245046377182007, + 0.060451991856098175, + 0.07909660786390305, + -0.930936872959137, + 0.0675969049334526, + -0.20573343336582184, + -0.007232425734400749, + 0.07451020181179047, + 0.07308470457792282, + 0.031099945306777954, + -0.20159195363521576, + 2.4207282066345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/11.png", + [ + 0.201912984251976, + -0.028173496946692467, + 0.0733845978975296, + -0.8534281849861145, + -0.01726550981402397, + -0.21323516964912415, + -0.03435938060283661, + 0.38627058267593384, + 0.07668732851743698, + 0.02617095597088337, + -0.20095281302928925, + 2.3879685401916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/125.png", + [ + 0.20073272287845612, + 0.04341936856508255, + 0.06905815005302429, + -0.813802182674408, + 0.05171048268675804, + -0.2095964550971985, + -0.01852700300514698, + 0.20352119207382202, + 0.06308957934379578, + 0.03364494815468788, + -0.2045375555753708, + 2.4587512016296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/59.png", + [ + 0.20331688225269318, + -0.013457555323839188, + 0.07368201017379761, + -0.861129641532898, + -0.002103466307744384, + -0.21409042179584503, + -0.033298004418611526, + 0.37684985995292664, + 0.07487133890390396, + 0.030529916286468506, + -0.20102263987064362, + 2.4004650115966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/105.png", + [ + 0.1886230856180191, + 0.06356942653656006, + 0.08560467511415482, + -0.9976935982704163, + 0.07061745226383209, + -0.20481400191783905, + -0.0035065014380961657, + 0.026893526315689087, + 0.07988996058702469, + 0.03095235861837864, + -0.19901618361473083, + 2.355701446533203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/121.png", + [ + 0.20003251731395721, + 0.04525812342762947, + 0.06990411132574081, + -0.8325356841087341, + 0.05252726003527641, + -0.2097080647945404, + -0.014536581933498383, + 0.16024279594421387, + 0.06462019681930542, + 0.030366549268364906, + -0.20457270741462708, + 2.48526668548584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/24.png", + [ + 0.20106734335422516, + -0.02644745074212551, + 0.07629123330116272, + -0.8773806691169739, + -0.014018584974110126, + -0.2130470722913742, + -0.03690951317548752, + 0.4113512933254242, + 0.07951918244361877, + 0.029314933344721794, + -0.19941221177577972, + 2.345918655395508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/74.png", + [ + 0.19967086613178253, + -0.007286318112164736, + 0.08382335305213928, + -0.9744007587432861, + 0.005766194313764572, + -0.21416819095611572, + -0.032351817935705185, + 0.367794930934906, + 0.08394163101911545, + 0.0320436991751194, + -0.19716718792915344, + 2.3463850021362305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/129.png", + [ + 0.19938141107559204, + 0.041130729019641876, + 0.07418357580900192, + -0.8679528832435608, + 0.05025649443268776, + -0.20993672311306, + -0.018674761056900024, + 0.20249426364898682, + 0.06833173334598541, + 0.03439076989889145, + -0.20272134244441986, + 2.4269752502441406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/153.png", + [ + 0.19451317191123962, + 0.0276893749833107, + 0.09135547280311584, + -1.0697739124298096, + 0.043724674731492996, + -0.21017111837863922, + -0.029396360740065575, + 0.32534798979759216, + 0.0848567932844162, + 0.044825125485658646, + -0.1942625194787979, + 2.344850540161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/144.png", + [ + 0.19701772928237915, + 0.03381519392132759, + 0.08359692990779877, + -0.9677608013153076, + 0.044026266783475876, + -0.21136730909347534, + -0.018260570243000984, + 0.19339147210121155, + 0.07869943976402283, + 0.03359007090330124, + -0.19906280934810638, + 2.365748405456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/98.png", + [ + 0.19982630014419556, + 0.029088767245411873, + 0.07855690270662308, + -0.8945102095603943, + 0.03363542631268501, + -0.21395426988601685, + -0.006333957891911268, + 0.053037311881780624, + 0.07672028243541718, + 0.018036196008324623, + -0.2018330693244934, + 2.3702282905578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/0.png", + [ + 0.20392358303070068, + -0.024656515568494797, + 0.0689573809504509, + -0.8086472749710083, + -0.014344288036227226, + -0.21352067589759827, + -0.03392728418111801, + 0.385227233171463, + 0.07181438058614731, + 0.027365591377019882, + -0.2025875598192215, + 2.426546573638916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/96.png", + [ + 0.19943787157535553, + 0.016529668122529984, + 0.08306142687797546, + -0.9454583525657654, + 0.021886702626943588, + -0.21534818410873413, + -0.0096964742988348, + 0.09296940267086029, + 0.08181320875883102, + 0.017315294593572617, + -0.19988663494586945, + 2.3385019302368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/100.png", + [ + 0.19915156066417694, + 0.0466824546456337, + 0.07146536558866501, + -0.8110275268554688, + 0.051112473011016846, + -0.2105020135641098, + -0.004930742084980011, + 0.037608105689287186, + 0.068367138504982, + 0.02139030210673809, + -0.2044903188943863, + 2.4000535011291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/40.png", + [ + 0.20227141678333282, + -0.02546481229364872, + 0.07338743656873703, + -0.8633008599281311, + -0.005800436716526747, + -0.2090812623500824, + -0.05656217038631439, + 0.6504953503608704, + 0.0774630680680275, + 0.05083765089511871, + -0.1958644986152649, + 2.3386001586914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/141.png", + [ + 0.19653268158435822, + 0.03911453112959862, + 0.0824187770485878, + -0.9619758725166321, + 0.048165012151002884, + -0.2107313871383667, + -0.014842974953353405, + 0.15683069825172424, + 0.07747860252857208, + 0.03178420662879944, + -0.19983674585819244, + 2.383641242980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/52.png", + [ + 0.2032691389322281, + -0.018925640732049942, + 0.0726042240858078, + -0.8514154553413391, + -0.00651907455176115, + -0.21333037316799164, + -0.0373571552336216, + 0.4260622560977936, + 0.07474660128355026, + 0.032861460000276566, + -0.20070117712020874, + 2.392627716064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/3.png", + [ + 0.20381690561771393, + -0.02602122351527214, + 0.06877104192972183, + -0.8021795749664307, + -0.016265617683529854, + -0.2135881930589676, + -0.03260991722345352, + 0.3659297525882721, + 0.07170767337083817, + 0.02551221288740635, + -0.20286701619625092, + 2.4304394721984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/47.png", + [ + 0.20199885964393616, + -0.02275259792804718, + 0.07501113414764404, + -0.8766254782676697, + -0.009357019327580929, + -0.21286256611347198, + -0.039368413388729095, + 0.44800931215286255, + 0.07782542705535889, + 0.033462584018707275, + -0.19942757487297058, + 2.373208999633789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/104.png", + [ + 0.19043423235416412, + 0.06349799782037735, + 0.08155182003974915, + -0.9449055194854736, + 0.07067415118217468, + -0.2047475427389145, + -0.005612573586404324, + 0.05177680775523186, + 0.07541792094707489, + 0.031533144414424896, + -0.20066314935684204, + 2.37351131439209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/21.png", + [ + 0.20064052939414978, + -0.027879714965820312, + 0.07690251618623734, + -0.88800048828125, + -0.01515080314129591, + -0.21284279227256775, + -0.037633758038282394, + 0.4209212064743042, + 0.08038488775491714, + 0.02947148121893406, + -0.1990416944026947, + 2.3494338989257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/82.png", + [ + 0.2023697793483734, + -0.007566052954643965, + 0.07705266773700714, + -0.900928795337677, + 0.0036411560140550137, + -0.21446889638900757, + -0.03062247298657894, + 0.3436431884765625, + 0.07733757048845291, + 0.02989562787115574, + -0.20018252730369568, + 2.3923044204711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/106.png", + [ + 0.1871899515390396, + 0.06329722702503204, + 0.08888912200927734, + -1.0402015447616577, + 0.07128851115703583, + -0.20456288754940033, + -0.004457563161849976, + 0.038836222141981125, + 0.08261818438768387, + 0.0330965593457222, + -0.197551891207695, + 2.3437557220458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/14.png", + [ + 0.20061494410037994, + -0.027890365570783615, + 0.07696537673473358, + -0.8954107761383057, + -0.01640961319208145, + -0.21327777206897736, + -0.03451398387551308, + 0.38585254549980164, + 0.0802014023065567, + 0.026126954704523087, + -0.1995820850133896, + 2.3740005493164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/67.png", + [ + 0.20020242035388947, + -0.006672154180705547, + 0.08259765058755875, + -0.9603437185287476, + 0.006155585404485464, + -0.21417702734470367, + -0.032221078872680664, + 0.3637860417366028, + 0.08263775706291199, + 0.03211808204650879, + -0.19770514965057373, + 2.3460044860839844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/78.png", + [ + 0.20137493312358856, + -0.007664598058909178, + 0.0796070396900177, + -0.9339720010757446, + 0.004876295104622841, + -0.21409928798675537, + -0.03294869884848595, + 0.3750804662704468, + 0.07982637733221054, + 0.03241371363401413, + -0.198808953166008, + 2.3857359886169434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/31.png", + [ + 0.20068025588989258, + -0.02672579139471054, + 0.07720787078142166, + -0.8923819065093994, + -0.014961340464651585, + -0.21331307291984558, + -0.034951284527778625, + 0.38321805000305176, + 0.08032111823558807, + 0.027040086686611176, + -0.1994122564792633, + 2.3577404022216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/152.png", + [ + 0.19623251259326935, + 0.029688024893403053, + 0.08694431185722351, + -1.0162553787231445, + 0.04319721460342407, + -0.2107856422662735, + -0.025520827621221542, + 0.2798038423061371, + 0.0810844749212265, + 0.040446676313877106, + -0.19681787490844727, + 2.3717455863952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/39.png", + [ + 0.20210227370262146, + -0.025861553847789764, + 0.07371394336223602, + -0.8686280846595764, + -0.005460647400468588, + -0.20863355696201324, + -0.05822477489709854, + 0.673094630241394, + 0.0779278501868248, + 0.05245114862918854, + -0.19525374472141266, + 2.335630416870117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/92.png", + [ + 0.19896207749843597, + 0.0020893781911581755, + 0.08577657490968704, + -0.9807391166687012, + 0.009187490679323673, + -0.21588380634784698, + -0.016052158549427986, + 0.16679194569587708, + 0.08530870825052261, + 0.01837705820798874, + -0.19832447171211243, + 2.3206186294555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/53.png", + [ + 0.2033902257680893, + -0.01711738482117653, + 0.07271387428045273, + -0.8534260988235474, + -0.005189037416130304, + -0.21363741159439087, + -0.035777416080236435, + 0.4089485704898834, + 0.07452104985713959, + 0.03184249997138977, + -0.20094914734363556, + 2.399198055267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/75.png", + [ + 0.19972950220108032, + -0.007305774372071028, + 0.08368182182312012, + -0.9753304123878479, + 0.005530263762921095, + -0.2142416387796402, + -0.031903672963380814, + 0.36231839656829834, + 0.08381789922714233, + 0.03154447302222252, + -0.19730030000209808, + 2.354902744293213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/151.png", + [ + 0.1967753767967224, + 0.03147843852639198, + 0.08506737649440765, + -0.9931678175926208, + 0.04395143315196037, + -0.21084854006767273, + -0.023644518107175827, + 0.2586207091808319, + 0.07934495806694031, + 0.038728538900613785, + -0.19786958396434784, + 2.381537914276123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/87.png", + [ + 0.20102913677692413, + -0.003177393926307559, + 0.08077800273895264, + -0.9321244359016418, + 0.005053909961134195, + -0.2155897319316864, + -0.021057669073343277, + 0.22755149006843567, + 0.08068233728408813, + 0.021421290934085846, + -0.19994845986366272, + 2.364323139190674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/139.png", + [ + 0.19755275547504425, + 0.037379685789346695, + 0.08076854050159454, + -0.9451323747634888, + 0.047107577323913574, + -0.2107510268688202, + -0.0176854208111763, + 0.1888691484928131, + 0.07550942152738571, + 0.03368467465043068, + -0.20027871429920197, + 2.3947701454162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/107.png", + [ + 0.18735754489898682, + 0.06527786701917648, + 0.08708532899618149, + -1.020783543586731, + 0.07364087551832199, + -0.2036956250667572, + -0.005745585076510906, + 0.05488007888197899, + 0.08013785630464554, + 0.03456573560833931, + -0.19832052290439606, + 2.3572282791137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/112.png", + [ + 0.19402813911437988, + 0.058898597955703735, + 0.07636704295873642, + -0.8999730944633484, + 0.06555847823619843, + -0.2063864767551422, + -0.007389510981738567, + 0.0763670951128006, + 0.07073228061199188, + 0.0297232773154974, + -0.20263603329658508, + 2.441535472869873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/69.png", + [ + 0.20054438710212708, + -0.007340042386204004, + 0.08170659840106964, + -0.9494121670722961, + 0.005308206658810377, + -0.21419228613376617, + -0.03227047994732857, + 0.36475199460983276, + 0.08186371624469757, + 0.031869806349277496, + -0.19806700944900513, + 2.3508129119873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/157.png", + [ + 0.17983287572860718, + 0.008470522239804268, + 0.12056650966405869, + -1.4257694482803345, + 0.04245835542678833, + -0.20679374039173126, + -0.04880092665553093, + 0.5577294826507568, + 0.11316059529781342, + 0.06412871181964874, + -0.1732919067144394, + 2.084559440612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/45.png", + [ + 0.20268262922763824, + -0.02392764948308468, + 0.07276751846075058, + -0.8507116436958313, + -0.008343606255948544, + -0.21150386333465576, + -0.04630757123231888, + 0.529523491859436, + 0.07614478468894958, + 0.04051510989665985, + -0.19876718521118164, + 2.370279312133789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/50.png", + [ + 0.20143191516399384, + -0.020036565139889717, + 0.07727619260549545, + -0.9005487561225891, + -0.005994545761495829, + -0.2129432111978531, + -0.03958731144666672, + 0.4532642066478729, + 0.07960616052150726, + 0.03466447815299034, + -0.1985173374414444, + 2.356680393218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/101.png", + [ + 0.19663678109645844, + 0.053289271891117096, + 0.07377073913812637, + -0.8419721722602844, + 0.0583629384636879, + -0.2086094468832016, + -0.00487534562125802, + 0.04016508534550667, + 0.06982575356960297, + 0.024295182898640633, + -0.20367130637168884, + 2.397216320037842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/85.png", + [ + 0.20060983300209045, + -0.0036133439280092716, + 0.08179566264152527, + -0.9476228952407837, + 0.004767057951539755, + -0.21558083593845367, + -0.02121489681303501, + 0.23078566789627075, + 0.08173653483390808, + 0.021441558375954628, + -0.1995176374912262, + 2.3664402961730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/156.png", + [ + 0.18401992321014404, + 0.014018086716532707, + 0.11352558434009552, + -1.3416759967803955, + 0.04336365684866905, + -0.20753951370716095, + -0.044663675129413605, + 0.5053640604019165, + 0.10584969073534012, + 0.06065265089273453, + -0.179067000746727, + 2.1628222465515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/131.png", + [ + 0.19905073940753937, + 0.04185204580426216, + 0.07466663420200348, + -0.8734350800514221, + 0.05117826163768768, + -0.20969407260417938, + -0.01889660954475403, + 0.20664282143115997, + 0.06861111521720886, + 0.034995753318071365, + -0.2025233656167984, + 2.425492763519287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/71.png", + [ + 0.20028284192085266, + -0.006294930353760719, + 0.0824320912361145, + -0.9577040076255798, + 0.0069479262456297874, + -0.21399962902069092, + -0.033223263919353485, + 0.37568598985671997, + 0.08237962424755096, + 0.03335314989089966, + -0.1976083517074585, + 2.346381187438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/115.png", + [ + 0.19600416719913483, + 0.05247361958026886, + 0.07600508630275726, + -0.9016152024269104, + 0.05898168310523033, + -0.20832805335521698, + -0.008274843916296959, + 0.08784295618534088, + 0.07107330113649368, + 0.028175020590424538, + -0.20273788273334503, + 2.464012622833252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/54.png", + [ + 0.2033594399690628, + -0.016664473339915276, + 0.07290494441986084, + -0.8560901284217834, + -0.004882904700934887, + -0.21373479068279266, + -0.035234831273555756, + 0.40445446968078613, + 0.07462567090988159, + 0.031426604837179184, + -0.20097579061985016, + 2.4010157585144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/33.png", + [ + 0.20111079514026642, + -0.02591772750020027, + 0.07635846734046936, + -0.8789077401161194, + -0.01335915271192789, + -0.21305127441883087, + -0.037129275500774384, + 0.40613505244255066, + 0.07952282577753067, + 0.02975434996187687, + -0.199345663189888, + 2.3546652793884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/159.png", + [ + 0.17404668033123016, + 0.004661065526306629, + 0.12897253036499023, + -1.5192300081253052, + 0.04815897345542908, + -0.20323798060417175, + -0.057644858956336975, + 0.670846700668335, + 0.11973452568054199, + 0.07496993243694305, + -0.16428951919078827, + 1.9566491842269897, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/49.png", + [ + 0.20120365917682648, + -0.020134104415774345, + 0.07784346491098404, + -0.9074079394340515, + -0.005738772451877594, + -0.2128324657678604, + -0.04021569713950157, + 0.46164047718048096, + 0.08020008355379105, + 0.03528248146176338, + -0.19816908240318298, + 2.3549561500549316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/118.png", + [ + 0.19882169365882874, + 0.04772695526480675, + 0.07169356942176819, + -0.8535376191139221, + 0.05396723374724388, + -0.20960159599781036, + -0.010129372589290142, + 0.10896143317222595, + 0.06712203472852707, + 0.027151504531502724, + -0.2042188197374344, + 2.4863924980163574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/110.png", + [ + 0.1916680783033371, + 0.06149933114647865, + 0.0801815465092659, + -0.9417476058006287, + 0.0695454329252243, + -0.20501308143138885, + -0.008997971192002296, + 0.0961003452539444, + 0.07331221550703049, + 0.03369515389204025, + -0.20109164714813232, + 2.405752658843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/18.png", + [ + 0.19986839592456818, + -0.02808512933552265, + 0.07881461083889008, + -0.9155991077423096, + -0.016049087047576904, + -0.21318203210830688, + -0.035266801714897156, + 0.39523884654045105, + 0.08211544156074524, + 0.02669355645775795, + -0.19872696697711945, + 2.357898235321045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/66.png", + [ + 0.20042943954467773, + -0.007203484885394573, + 0.0820002481341362, + -0.9545145034790039, + 0.005330552812665701, + -0.21425452828407288, + -0.031850870698690414, + 0.35939866304397583, + 0.08214326202869415, + 0.03148019313812256, + -0.198013573884964, + 2.3504271507263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/16.png", + [ + 0.19997641444206238, + -0.02807771973311901, + 0.0785427913069725, + -0.915683925151825, + -0.016534138470888138, + -0.21332469582557678, + -0.034162700176239014, + 0.38255196809768677, + 0.08175543695688248, + 0.02553643099963665, + -0.19902722537517548, + 2.3690319061279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/94.png", + [ + 0.19866091012954712, + 0.007660202216356993, + 0.0861571803689003, + -0.9831095933914185, + 0.013318472541868687, + -0.21595847606658936, + -0.011508901603519917, + 0.11247056722640991, + 0.08546552807092667, + 0.015847960487008095, + -0.19847513735294342, + 2.3184285163879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/28.png", + [ + 0.20060759782791138, + -0.02809135802090168, + 0.07691138982772827, + -0.885768711566925, + -0.01666182279586792, + -0.21327069401741028, + -0.03443671017885208, + 0.38341066241264343, + 0.08016777038574219, + 0.02596880868077278, + -0.19961625337600708, + 2.354336738586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/61.png", + [ + 0.20337630808353424, + -0.013289052061736584, + 0.07354838401079178, + -0.8531762957572937, + -0.002006490482017398, + -0.21411602199077606, + -0.03313908725976944, + 0.37385305762290955, + 0.074712373316288, + 0.030424105003476143, + -0.20109781622886658, + 2.386690616607666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/132.png", + [ + 0.1990056037902832, + 0.04191746562719345, + 0.07475017756223679, + -0.8742727041244507, + 0.05115997791290283, + -0.209725484251976, + -0.018594766035676003, + 0.20305755734443665, + 0.06875549256801605, + 0.03472801670432091, + -0.2025204747915268, + 2.4257116317749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/58.png", + [ + 0.2034820318222046, + -0.014903876930475235, + 0.0729440450668335, + -0.8546814322471619, + -0.0035663493908941746, + -0.21399633586406708, + -0.033775024116039276, + 0.3832796514034271, + 0.07436557859182358, + 0.030517952516674995, + -0.20121212303638458, + 2.4057998657226562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/123.png", + [ + 0.20003467798233032, + 0.044376175850629807, + 0.07046119123697281, + -0.8355259895324707, + 0.052847299724817276, + -0.20934253931045532, + -0.0181869063526392, + 0.2017802596092224, + 0.06435206532478333, + 0.03397580608725548, + -0.20408907532691956, + 2.469092845916748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/64.png", + [ + 0.20115478336811066, + -0.008767344988882542, + 0.08004860579967499, + -0.9313541650772095, + 0.003305261954665184, + -0.21430622041225433, + -0.0317777618765831, + 0.3595236837863922, + 0.08045943826436996, + 0.030722705647349358, + -0.1988222599029541, + 2.361125946044922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/10.png", + [ + 0.20203493535518646, + -0.02768745645880699, + 0.07323374599218369, + -0.8530815839767456, + -0.017194431275129318, + -0.21341656148433685, + -0.033250872045755386, + 0.37358972430229187, + 0.07638146728277206, + 0.025192730128765106, + -0.201194167137146, + 2.3945722579956055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/41.png", + [ + 0.20260433852672577, + -0.025288987904787064, + 0.07252476364374161, + -0.8505658507347107, + -0.006521071773022413, + -0.2095181792974472, + -0.054840654134750366, + 0.629355251789093, + 0.07653006166219711, + 0.04909672960639, + -0.19667372107505798, + 2.3439688682556152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/91.png", + [ + 0.20038877427577972, + -5.1019200327573344e-05, + 0.08241500705480576, + -0.9415485858917236, + 0.007237461395561695, + -0.215826615691185, + -0.017731202766299248, + 0.18532398343086243, + 0.0820966362953186, + 0.019151339307427406, + -0.19960278272628784, + 2.333620548248291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/140.png", + [ + 0.19694387912750244, + 0.038149382919073105, + 0.08188792318105698, + -0.9590626955032349, + 0.047778982669115067, + -0.21067529916763306, + -0.01676248572766781, + 0.17924924194812775, + 0.07666926831007004, + 0.03329319506883621, + -0.19990317523479462, + 2.3906431198120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/23.png", + [ + 0.19981515407562256, + -0.027157746255397797, + 0.07927332073450089, + -0.9137793183326721, + -0.014325619675219059, + -0.2130330502986908, + -0.03687269985675812, + 0.4119809865951538, + 0.08256258070468903, + 0.02876240760087967, + -0.19825245440006256, + 2.3388586044311523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/37.png", + [ + 0.20414000749588013, + -0.023104043677449226, + 0.06885455548763275, + -0.8053314089775085, + -0.0036274571903049946, + -0.20840582251548767, + -0.05917557701468468, + 0.6871710419654846, + 0.07253681123256683, + 0.05459954962134361, + -0.19673635065555573, + 2.3536300659179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/36.png", + [ + 0.2037433236837387, + -0.024431049823760986, + 0.06956775486469269, + -0.8083859086036682, + -0.00671008974313736, + -0.20972998440265656, + -0.054001860320568085, + 0.6181356906890869, + 0.0734269917011261, + 0.04862457886338234, + -0.19796974956989288, + 2.3626885414123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/8.png", + [ + 0.20262302458286285, + -0.02709098532795906, + 0.07181838899850845, + -0.8402078151702881, + -0.017233723774552345, + -0.2136111706495285, + -0.03195543959736824, + 0.35841113328933716, + 0.07479840517044067, + 0.02417084574699402, + -0.2019130140542984, + 2.406661033630371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/6.png", + [ + 0.20303049683570862, + -0.02670121379196644, + 0.07080646604299545, + -0.8282550573348999, + -0.01600697450339794, + -0.2133043259382248, + -0.03453893959522247, + 0.39167430996894836, + 0.07396139204502106, + 0.02713313326239586, + -0.20184500515460968, + 2.4077577590942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/154.png", + [ + 0.19196854531764984, + 0.02458140254020691, + 0.09742547571659088, + -1.1414966583251953, + 0.04398929327726364, + -0.20944753289222717, + -0.03383147716522217, + 0.3758128881454468, + 0.09033775329589844, + 0.049753203988075256, + -0.19055603444576263, + 2.298999309539795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/20.png", + [ + 0.20035074651241302, + -0.027573177590966225, + 0.07776374369859695, + -0.9009456038475037, + -0.015090973116457462, + -0.2130184769630432, + -0.036650873720645905, + 0.4097747802734375, + 0.08111561089754105, + 0.028473561629652977, + -0.19889044761657715, + 2.3534345626831055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/2.png", + [ + 0.20400860905647278, + -0.025738628581166267, + 0.06830744445323944, + -0.797061026096344, + -0.016197914257645607, + -0.21366557478904724, + -0.032133325934410095, + 0.35985293984413147, + 0.07117591798305511, + 0.025148479267954826, + -0.2030995786190033, + 2.434561252593994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/117.png", + [ + 0.19848661124706268, + 0.04972979798913002, + 0.07125945389270782, + -0.8478251695632935, + 0.05586022511124611, + -0.2091277688741684, + -0.00964955985546112, + 0.10327817499637604, + 0.06656274199485779, + 0.027210742235183716, + -0.2043939232826233, + 2.487523078918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/149.png", + [ + 0.19726839661598206, + 0.032553497701883316, + 0.08350654691457748, + -0.9749876260757446, + 0.04436754807829857, + -0.2108755260705948, + -0.02260398119688034, + 0.2479650378227234, + 0.07787550240755081, + 0.03767876699566841, + -0.19865451753139496, + 2.3829164505004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/5.png", + [ + 0.20347587764263153, + -0.026480892673134804, + 0.06960047781467438, + -0.813678503036499, + -0.016111822798848152, + -0.21337048709392548, + -0.034078408032655716, + 0.3855844736099243, + 0.0727040097117424, + 0.02682705782353878, + -0.20234212279319763, + 2.4173359870910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/108.png", + [ + 0.18810997903347015, + 0.06233421713113785, + 0.08761832863092422, + -1.029814600944519, + 0.07151295989751816, + -0.20437118411064148, + -0.008137378841638565, + 0.08463820815086365, + 0.08030208200216293, + 0.03598283603787422, + -0.19800177216529846, + 2.361948013305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/60.png", + [ + 0.20333264768123627, + -0.014049275778234005, + 0.07352785766124725, + -0.8559849262237549, + -0.0029728037770837545, + -0.21417200565338135, + -0.03270180523395538, + 0.36901941895484924, + 0.07479900121688843, + 0.029679343104362488, + -0.20117689669132233, + 2.395881175994873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/56.png", + [ + 0.20430822670459747, + -0.01568559743463993, + 0.0704273134469986, + -0.8260620832443237, + -0.004306922201067209, + -0.21376675367355347, + -0.03511591628193855, + 0.4016989767551422, + 0.07202426344156265, + 0.03171181306242943, + -0.20187808573246002, + 2.4114322662353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/147.png", + [ + 0.19754385948181152, + 0.03296809270977974, + 0.08268871158361435, + -0.962355375289917, + 0.04514133185148239, + -0.21056944131851196, + -0.02388862706720829, + 0.260616660118103, + 0.07672404497861862, + 0.0390065535902977, + -0.19884617626667023, + 2.376983165740967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/30.png", + [ + 0.20110058784484863, + -0.02748587541282177, + 0.0758351981639862, + -0.873597264289856, + -0.01598590798676014, + -0.2132474035024643, + -0.03489826247096062, + 0.3853763937950134, + 0.07906263321638107, + 0.02679486572742462, + -0.1999475657939911, + 2.358269691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/17.png", + [ + 0.1995866745710373, + -0.02874850295484066, + 0.07928794622421265, + -0.9230491518974304, + -0.016825255006551743, + -0.21317584812641144, + -0.034940872341394424, + 0.39103201031684875, + 0.08264361321926117, + 0.02602839469909668, + -0.19859619438648224, + 2.361973285675049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/12.png", + [ + 0.20160037279129028, + -0.028180429711937904, + 0.07423640042543411, + -0.8625020980834961, + -0.017002549022436142, + -0.21319206058979034, + -0.034755513072013855, + 0.389565646648407, + 0.07756347954273224, + 0.026512183248996735, + -0.2005714327096939, + 2.38314151763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/114.png", + [ + 0.196710005402565, + 0.05490263178944588, + 0.07237939536571503, + -0.8552374839782715, + 0.06085389107465744, + -0.2078089565038681, + -0.007755120750516653, + 0.08056065440177917, + 0.0674527958035469, + 0.027368582785129547, + -0.20408082008361816, + 2.471400260925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/27.png", + [ + 0.2008235901594162, + -0.02785569429397583, + 0.07643196731805801, + -0.8796111345291138, + -0.016308024525642395, + -0.21322889626026154, + -0.03486241027712822, + 0.3889399468898773, + 0.07969838380813599, + 0.026559362187981606, + -0.19972647726535797, + 2.35219669342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/42.png", + [ + 0.2025790512561798, + -0.025101084262132645, + 0.07266063243150711, + -0.8496540784835815, + -0.006630056072026491, + -0.20974037051200867, + -0.05397144705057144, + 0.6196547746658325, + 0.07658769190311432, + 0.04823702573776245, + -0.19686394929885864, + 2.3451366424560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/7.png", + [ + 0.20281799137592316, + -0.027181008830666542, + 0.0712316632270813, + -0.8341119885444641, + -0.016987113282084465, + -0.2134588658809662, + -0.033085498958826065, + 0.37279027700424194, + 0.07432492822408676, + 0.02538513019680977, + -0.20193883776664734, + 2.4098434448242188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/73.png", + [ + 0.199619859457016, + -0.00811224989593029, + 0.08386891335248947, + -0.9745578169822693, + 0.00541833508759737, + -0.21398590505123138, + -0.03359425812959671, + 0.3819316625595093, + 0.08408594876527786, + 0.03304729983210564, + -0.19693990051746368, + 2.3401622772216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/120.png", + [ + 0.1996251493692398, + 0.0461072102189064, + 0.07051116228103638, + -0.8396187424659729, + 0.05305866897106171, + -0.2096681296825409, + -0.013113285414874554, + 0.14462429285049438, + 0.06544063240289688, + 0.029348013922572136, + -0.20446054637432098, + 2.488009452819824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/46.png", + [ + 0.20321114361286163, + -0.02292216382920742, + 0.07160796970129013, + -0.8384072184562683, + -0.009280586615204811, + -0.21242870390415192, + -0.04166305810213089, + 0.47425946593284607, + 0.07461230456829071, + 0.03600713610649109, + -0.200210839509964, + 2.3864002227783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/127.png", + [ + 0.1997576802968979, + 0.04160546883940697, + 0.07289546728134155, + -0.8555737137794495, + 0.0506904274225235, + -0.20978763699531555, + -0.019171148538589478, + 0.2097455859184265, + 0.06689727306365967, + 0.034728050231933594, + -0.20314186811447144, + 2.436683177947998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/133.png", + [ + 0.19895245134830475, + 0.04151259735226631, + 0.07511668652296066, + -0.8783313632011414, + 0.0507093109190464, + -0.20985811948776245, + -0.018331287428736687, + 0.20068179070949554, + 0.06924145668745041, + 0.034411828964948654, + -0.20240885019302368, + 2.4238157272338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/57.png", + [ + 0.20415981113910675, + -0.014360900036990643, + 0.0711367055773735, + -0.8345780372619629, + -0.0028820878360420465, + -0.21382680535316467, + -0.034895338118076324, + 0.39829251170158386, + 0.07251454144716263, + 0.031933605670928955, + -0.20166750252246857, + 2.4104509353637695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/44.png", + [ + 0.2018459141254425, + -0.025854263454675674, + 0.07441556453704834, + -0.8692898154258728, + -0.008215787820518017, + -0.2104659527540207, + -0.050837744027376175, + 0.5843350291252136, + 0.07834933698177338, + 0.04453686252236366, + -0.19704249501228333, + 2.3491315841674805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/113.png", + [ + 0.19567643105983734, + 0.056879326701164246, + 0.07364357262849808, + -0.8693750500679016, + 0.06328810006380081, + -0.20706208050251007, + -0.00823479425162077, + 0.08662377297878265, + 0.06821472197771072, + 0.028947167098522186, + -0.20360919833183289, + 2.459559440612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/126.png", + [ + 0.20004358887672424, + 0.041830141097307205, + 0.07197703421115875, + -0.8458634614944458, + 0.05077800154685974, + -0.20976190268993378, + -0.019220629706978798, + 0.21138402819633484, + 0.06597007811069489, + 0.03461325541138649, + -0.20346440374851227, + 2.442765235900879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/29.png", + [ + 0.20072582364082336, + -0.02802147902548313, + 0.07662796974182129, + -0.8839612007141113, + -0.01668434962630272, + -0.21329213678836823, + -0.03429272025823593, + 0.38097599148750305, + 0.07986666262149811, + 0.02586802840232849, + -0.19974999129772186, + 2.3584446907043457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/4.png", + [ + 0.20339787006378174, + -0.02569282241165638, + 0.07012185454368591, + -0.8187311887741089, + -0.01544802263379097, + -0.21352270245552063, + -0.033426180481910706, + 0.3773731291294098, + 0.07306540012359619, + 0.026378588750958443, + -0.20227088034152985, + 2.4215383529663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/55.png", + [ + 0.20342586934566498, + -0.016310743987560272, + 0.07279949635267258, + -0.8548706769943237, + -0.004553029779344797, + -0.21375295519828796, + -0.035168733447790146, + 0.40408647060394287, + 0.07446526736021042, + 0.031488560140132904, + -0.20102559030056, + 2.4017562866210938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/9.png", + [ + 0.20224662125110626, + -0.027042947709560394, + 0.07288946211338043, + -0.8503662943840027, + -0.01686171069741249, + -0.2135663777589798, + -0.03244968503713608, + 0.36405280232429504, + 0.07589384913444519, + 0.024616625159978867, + -0.20144984126091003, + 2.3988256454467773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/25.png", + [ + 0.20100192725658417, + -0.026975074782967567, + 0.07627885788679123, + -0.876998245716095, + -0.014743393287062645, + -0.213068887591362, + -0.03649895638227463, + 0.40660351514816284, + 0.07955345511436462, + 0.028668567538261414, + -0.19949249923229218, + 2.3471221923828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/99.png", + [ + 0.20064224302768707, + 0.037619899958372116, + 0.07263141125440598, + -0.823797345161438, + 0.04143700376152992, + -0.21263131499290466, + -0.004334819503128529, + 0.029441557824611664, + 0.07052342593669891, + 0.01790415309369564, + -0.2040925920009613, + 2.393462657928467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/34.png", + [ + 0.20145411789417267, + -0.02475365251302719, + 0.07583790272474289, + -0.8741019368171692, + -0.010267197154462337, + -0.21231187880039215, + -0.04202549159526825, + 0.4673819839954376, + 0.07911205291748047, + 0.035479772835969925, + -0.19857080280780792, + 2.353158473968506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/72.png", + [ + 0.19995960593223572, + -0.007075978443026543, + 0.08315034210681915, + -0.9658735394477844, + 0.00654354365542531, + -0.2139001190662384, + -0.033938486129045486, + 0.38450270891189575, + 0.08319393545389175, + 0.033831484615802765, + -0.1971854269504547, + 2.3399534225463867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/102.png", + [ + 0.19465668499469757, + 0.058537717908620834, + 0.07503334432840347, + -0.8603502511978149, + 0.06477672606706619, + -0.20665250718593597, + -0.0068270498886704445, + 0.06427697837352753, + 0.06971832364797592, + 0.028565160930156708, + -0.2031533569097519, + 2.3923683166503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/134.png", + [ + 0.1987178474664688, + 0.04131565988063812, + 0.0758427307009697, + -0.8870434761047363, + 0.05053911358118057, + -0.2099224179983139, + -0.018062911927700043, + 0.1975700706243515, + 0.07003501057624817, + 0.03425619378685951, + -0.20216208696365356, + 2.422008514404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/70.png", + [ + 0.1998831182718277, + -0.007184308487921953, + 0.08332476764917374, + -0.9689384698867798, + 0.0059832860715687275, + -0.2140921652317047, + -0.032812125980854034, + 0.3714248538017273, + 0.08341960608959198, + 0.0325702428817749, + -0.1973024308681488, + 2.343161106109619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/135.png", + [ + 0.19881592690944672, + 0.040765438228845596, + 0.07588344812393188, + -0.8876609802246094, + 0.049769654870033264, + -0.21015378832817078, + -0.017500372603535652, + 0.190410777926445, + 0.0703071877360344, + 0.033488206565380096, + -0.20219628512859344, + 2.423153877258301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/130.png", + [ + 0.19912002980709076, + 0.0400724858045578, + 0.0754539892077446, + -0.882476270198822, + 0.04952811077237129, + -0.210068017244339, + -0.01913869008421898, + 0.20839744806289673, + 0.0696137472987175, + 0.03483559563755989, + -0.20220854878425598, + 2.4215784072875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/90.png", + [ + 0.2001098394393921, + -0.0033552099484950304, + 0.08302218466997147, + -0.9531936049461365, + 0.005248181987553835, + -0.21555522084236145, + -0.021361110731959343, + 0.22813764214515686, + 0.08292403817176819, + 0.02173897624015808, + -0.19899475574493408, + 2.340172290802002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/122.png", + [ + 0.20003663003444672, + 0.04512516409158707, + 0.0699782744050026, + -0.8317165970802307, + 0.0529305599629879, + -0.20948302745819092, + -0.01622067578136921, + 0.1790321171283722, + 0.06427749246358871, + 0.03206983208656311, + -0.20442068576812744, + 2.478452205657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/15.png", + [ + 0.20030982792377472, + -0.028015686199069023, + 0.07771091163158417, + -0.9050425887107849, + -0.016474206000566483, + -0.21328668296337128, + -0.034427955746650696, + 0.38500192761421204, + 0.08094729483127594, + 0.025919198989868164, + -0.1993078589439392, + 2.3721089363098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/22.png", + [ + 0.20063982903957367, + -0.027706578373908997, + 0.07696687430143356, + -0.8870687484741211, + -0.015060221776366234, + -0.21289420127868652, + -0.03737829253077507, + 0.4167366027832031, + 0.0804036408662796, + 0.029262475669384003, + -0.1990649700164795, + 2.3455028533935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/138.png", + [ + 0.19780302047729492, + 0.03872018679976463, + 0.07951481640338898, + -0.9300515055656433, + 0.04840219020843506, + -0.21043652296066284, + -0.017933236435055733, + 0.19319315254688263, + 0.0740208625793457, + 0.034133847802877426, + -0.20075780153274536, + 2.400695323944092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/109.png", + [ + 0.1904093623161316, + 0.06347965449094772, + 0.08162415027618408, + -0.9582985043525696, + 0.07199494540691376, + -0.2041580229997635, + -0.00917170662432909, + 0.0975302904844284, + 0.07422193139791489, + 0.03518134728074074, + -0.20050254464149475, + 2.3931803703308105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/26.png", + [ + 0.20138458907604218, + -0.0273432657122612, + 0.07512978464365005, + -0.8636385202407837, + -0.015291295945644379, + -0.2130230814218521, + -0.03654097765684128, + 0.40745940804481506, + 0.07847492396831512, + 0.02866029180586338, + -0.1999204158782959, + 2.350518226623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/43.png", + [ + 0.20246723294258118, + -0.025435123592615128, + 0.07285579293966293, + -0.8499582409858704, + -0.007143206894397736, + -0.20986558496952057, + -0.05341636389493942, + 0.6148434281349182, + 0.07683674991130829, + 0.04751197621226311, + -0.19694319367408752, + 2.345897674560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/84.png", + [ + 0.20066113770008087, + -0.005324229132384062, + 0.08157610148191452, + -0.9510856866836548, + 0.004209567792713642, + -0.21525481343269348, + -0.02440374530851841, + 0.27096354961395264, + 0.08164121955633163, + 0.02418503351509571, + -0.19924280047416687, + 2.3733363151550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/136.png", + [ + 0.19783756136894226, + 0.03931276872754097, + 0.07913722842931747, + -0.9264706969261169, + 0.04900176823139191, + -0.210288867354393, + -0.018036415800452232, + 0.19610387086868286, + 0.07353244721889496, + 0.03436555713415146, + -0.2008976936340332, + 2.407881736755371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/89.png", + [ + 0.2007279247045517, + -0.003722299123182893, + 0.08150054514408112, + -0.9369117021560669, + 0.004954291973263025, + -0.21549342572689056, + -0.022043973207473755, + 0.23695209622383118, + 0.0814349353313446, + 0.022285113111138344, + -0.19954854249954224, + 2.3493642807006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/63.png", + [ + 0.202267587184906, + -0.010675064288079739, + 0.07695300132036209, + -0.8931516408920288, + 0.0009102217736653984, + -0.21427905559539795, + -0.03211767226457596, + 0.36322036385536194, + 0.07768458127975464, + 0.03030538558959961, + -0.19998645782470703, + 2.3718514442443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/88.png", + [ + 0.20098814368247986, + -0.0036179411690682173, + 0.08086143434047699, + -0.9309161305427551, + 0.004697679542005062, + -0.2155718207359314, + -0.02132171206176281, + 0.2295844852924347, + 0.08080589026212692, + 0.021531233564019203, + -0.1998867243528366, + 2.357243061065674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/62.png", + [ + 0.2021537572145462, + -0.01125707384198904, + 0.07716882228851318, + -0.8955152630805969, + 0.0006731577450409532, + -0.21414552628993988, + -0.0330021008849144, + 0.3735702335834503, + 0.07798266410827637, + 0.031030146405100822, + -0.19975918531417847, + 2.3715004920959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/65.png", + [ + 0.20075158774852753, + -0.007269076071679592, + 0.08120255917310715, + -0.9452006220817566, + 0.005060418043285608, + -0.2142845094203949, + -0.031692806631326675, + 0.357513427734375, + 0.08137007057666779, + 0.03126023709774017, + -0.19836734235286713, + 2.356396198272705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/80.png", + [ + 0.20168448984622955, + -0.007746899500489235, + 0.07881147414445877, + -0.9251813888549805, + 0.004248928744345903, + -0.21426619589328766, + -0.031934961676597595, + 0.36321401596069336, + 0.07907723635435104, + 0.031271085143089294, + -0.19929075241088867, + 2.393831729888916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/146.png", + [ + 0.197710320353508, + 0.032934848219156265, + 0.08230318129062653, + -0.956509530544281, + 0.04510360211133957, + -0.21055428683757782, + -0.024092303588986397, + 0.2624562382698059, + 0.07631633430719376, + 0.03911610320210457, + -0.19898150861263275, + 2.3748974800109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/119.png", + [ + 0.19913563132286072, + 0.04735178127884865, + 0.07106827944517136, + -0.8467009663581848, + 0.053820688277482986, + -0.20958679914474487, + -0.011162632144987583, + 0.12160526216030121, + 0.0663040354847908, + 0.027911994606256485, + -0.20438344776630402, + 2.4890732765197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/145.png", + [ + 0.19768644869327545, + 0.03299117833375931, + 0.08233799040317535, + -0.9544766545295715, + 0.044502221047878265, + -0.21087387204170227, + -0.02235310710966587, + 0.2406977415084839, + 0.0767301395535469, + 0.03730538487434387, + -0.19917000830173492, + 2.371455192565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/79.png", + [ + 0.20133502781391144, + -0.00757802277803421, + 0.07971624284982681, + -0.9358263611793518, + 0.004716270137578249, + -0.2142055332660675, + -0.032274533063173294, + 0.36733025312423706, + 0.07993660867214203, + 0.03172479197382927, + -0.19887575507164001, + 2.388981819152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/116.png", + [ + 0.196994811296463, + 0.05042986571788788, + 0.07481822371482849, + -0.8889002799987793, + 0.056960392743349075, + -0.2088509202003479, + -0.00920332595705986, + 0.09895186126232147, + 0.06997466087341309, + 0.0280359648168087, + -0.20313893258571625, + 2.4713187217712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/19.png", + [ + 0.19995687901973724, + -0.027470799162983894, + 0.07880672067403793, + -0.9145602583885193, + -0.01525947917252779, + -0.21318544447422028, + -0.03559514135122299, + 0.39824795722961426, + 0.08205054700374603, + 0.027298735454678535, + -0.19867154955863953, + 2.355225086212158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/77.png", + [ + 0.20107673108577728, + -0.007749603129923344, + 0.0803491547703743, + -0.9419886469841003, + 0.00484512560069561, + -0.21412625908851624, + -0.03277738764882088, + 0.3735913336277008, + 0.08057647943496704, + 0.032214537262916565, + -0.19853852689266205, + 2.3820080757141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/68.png", + [ + 0.2004798948764801, + -0.006827377714216709, + 0.08190907537937164, + -0.9532310366630554, + 0.005774999037384987, + -0.21422214806079865, + -0.03199091926217079, + 0.36240753531455994, + 0.08198998868465424, + 0.03178296238183975, + -0.19802872836589813, + 2.351362705230713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/143.png", + [ + 0.19570302963256836, + 0.03473062813282013, + 0.08626703172922134, + -0.9990053772926331, + 0.04389439895749092, + -0.21169614791870117, + -0.01434993650764227, + 0.14678305387496948, + 0.0819847509264946, + 0.030437184497714043, + -0.1982422024011612, + 2.3552417755126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/86.png", + [ + 0.20035269856452942, + -0.003071592189371586, + 0.08244547992944717, + -0.95374995470047, + 0.00495039951056242, + -0.21568670868873596, + -0.020065713673830032, + 0.21671061217784882, + 0.08235402405261993, + 0.020437825471162796, + -0.19936901330947876, + 2.361832618713379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/1.png", + [ + 0.20380781590938568, + -0.025759544223546982, + 0.06889637559652328, + -0.8053725361824036, + -0.01611274667084217, + -0.21365892887115479, + -0.03222016245126724, + 0.3619699776172638, + 0.07176798582077026, + 0.025183435529470444, + -0.20288677513599396, + 2.430403709411621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/81.png", + [ + 0.20224438607692719, + -0.007458914071321487, + 0.07739170640707016, + -0.9059578776359558, + 0.004029653035104275, + -0.21437981724739075, + -0.031192170456051826, + 0.35287243127822876, + 0.07764582335948944, + 0.030554121360182762, + -0.19996367394924164, + 2.3946332931518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/95.png", + [ + 0.1992146223783493, + 0.011774171143770218, + 0.08439667522907257, + -0.9620741009712219, + 0.017376769334077835, + -0.21570023894309998, + -0.01092478260397911, + 0.10693366825580597, + 0.08342347294092178, + 0.016812849789857864, + -0.19926299154758453, + 2.3298568725585938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/103.png", + [ + 0.19276092946529388, + 0.060317035764455795, + 0.07844091951847076, + -0.904485285282135, + 0.06748998165130615, + -0.20575396716594696, + -0.007635817397385836, + 0.07519255578517914, + 0.0723617672920227, + 0.031225910410284996, + -0.20183312892913818, + 2.383805274963379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/150.png", + [ + 0.1973744034767151, + 0.03173903748393059, + 0.08356960862874985, + -0.9756792783737183, + 0.04351091757416725, + -0.2110535353422165, + -0.02260756678879261, + 0.24753835797309875, + 0.07808998227119446, + 0.03737559914588928, + -0.19862757623195648, + 2.3859310150146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/83.png", + [ + 0.20111241936683655, + -0.005750799085944891, + 0.08042773604393005, + -0.9407804012298584, + 0.004651943221688271, + -0.21493536233901978, + -0.027000803500413895, + 0.30135345458984375, + 0.08049877732992172, + 0.026788288727402687, + -0.19937460124492645, + 2.3849620819091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/142.png", + [ + 0.19686686992645264, + 0.03772953152656555, + 0.08226672559976578, + -0.9534067511558533, + 0.04618750512599945, + -0.21125462651252747, + -0.013641616329550743, + 0.140171080827713, + 0.07783345878124237, + 0.029930949211120605, + -0.19998496770858765, + 2.3715415000915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/51.png", + [ + 0.2022961527109146, + -0.019236423075199127, + 0.07519392669200897, + -0.8797145485877991, + -0.006215217988938093, + -0.21325521171092987, + -0.03783488646149635, + 0.43115994334220886, + 0.07736625522375107, + 0.03316726163029671, + -0.1996554434299469, + 2.376286029815674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/128.png", + [ + 0.1994735300540924, + 0.041361983865499496, + 0.07380649447441101, + -0.8651574850082397, + 0.05041284114122391, + -0.2099044919013977, + -0.018615715205669403, + 0.2023918479681015, + 0.06794671714305878, + 0.03431013971567154, + -0.2028643637895584, + 2.431910991668701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/93.png", + [ + 0.1989341527223587, + 0.005194870755076408, + 0.08570944517850876, + -0.980164110660553, + 0.011609387584030628, + -0.21591909229755402, + -0.013858821243047714, + 0.14111478626728058, + 0.08507831394672394, + 0.017316412180662155, + -0.1985187977552414, + 2.3213319778442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/76.png", + [ + 0.1633846014738083, + 0.005034289322793484, + -0.1422252655029297, + 1.5759505033493042, + -0.01294180378317833, + -0.2151162326335907, + -0.022481583058834076, + 0.23845097422599792, + -0.14172466099262238, + 0.02544735185801983, + -0.16190876066684723, + 1.8474801778793335, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/48.png", + [ + 0.16884922981262207, + 0.007195345126092434, + -0.1355952024459839, + 1.4640719890594482, + -0.00291387178003788, + -0.2161283791065216, + -0.015097311697900295, + 0.16098037362098694, + -0.13575471937656403, + 0.01358847040683031, + -0.16832676529884338, + 1.8729368448257446, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/35.png", + [ + 0.16620294749736786, + 0.004900319501757622, + -0.13892610371112823, + 1.5003021955490112, + -0.003316789399832487, + -0.21633853018283844, + -0.011598885990679264, + 0.1213655024766922, + -0.1389729380607605, + 0.011023707687854767, + -0.16587011516094208, + 1.8412119150161743, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/124.png", + [ + 0.16865389049053192, + 0.009435784071683884, + -0.13570086658000946, + 1.4677692651748657, + -0.0036923906300216913, + -0.21575552225112915, + -0.0195913165807724, + 0.20975112915039062, + -0.13597840070724487, + 0.01756187528371811, + -0.1677776724100113, + 1.874165654182434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/97.png", + [ + 0.15051722526550293, + 0.013803633861243725, + -0.15524791181087494, + 1.6668384075164795, + -0.004433843307197094, + -0.21535661816596985, + -0.02344684675335884, + 0.23565077781677246, + -0.15579728782176971, + 0.01946467161178589, + -0.14931918680667877, + 1.6592841148376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/13.png", + [ + 0.16616229712963104, + 0.008409342728555202, + -0.13880661129951477, + 1.4733810424804688, + -0.0021980651654303074, + -0.21609225869178772, + -0.01572280563414097, + 0.1652185022830963, + -0.13904373347759247, + 0.013465550728142262, + -0.16563035547733307, + 1.8101564645767212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/32.png", + [ + 0.16718624532222748, + 0.004238292574882507, + -0.13776317238807678, + 1.4857184886932373, + -0.005209172610193491, + -0.2162231057882309, + -0.012973848730325699, + 0.13611812889575958, + -0.13772988319396973, + 0.013322653248906136, + -0.1667359620332718, + 1.8474140167236328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/38.png", + [ + 0.16688768565654755, + 0.00402704207226634, + -0.13813099265098572, + 1.4862525463104248, + -0.003627844387665391, + -0.2163802832365036, + -0.01069141086190939, + 0.11246466636657715, + -0.13814206421375275, + 0.010547534562647343, + -0.1665935516357422, + 1.8424670696258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/111.png", + [ + 0.15040777623653412, + 0.013982448726892471, + -0.15533798933029175, + 1.7295761108398438, + -0.006465621292591095, + -0.21505765616893768, + -0.025618409737944603, + 0.2698715031147003, + -0.1558319330215454, + 0.022418705746531487, + -0.14886806905269623, + 1.711645483970642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/11.png", + [ + 0.1666892021894455, + 0.007687512785196304, + -0.13821542263031006, + 1.4647740125656128, + -0.0018779173260554671, + -0.2161947637796402, + -0.0142894946038723, + 0.15038399398326874, + -0.1384163200855255, + 0.012190913781523705, + -0.16625341773033142, + 1.8146907091140747, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/125.png", + [ + 0.1679077446460724, + 0.005280395038425922, + -0.1368466019630432, + 1.4782301187515259, + -0.007908208295702934, + -0.21577836573123932, + -0.018029268831014633, + 0.19258171319961548, + -0.13671992719173431, + 0.018966069445014, + -0.16702048480510712, + 1.866226315498352, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/59.png", + [ + 0.17148298025131226, + 0.0076842703856527805, + -0.13222116231918335, + 1.4402748346328735, + -0.0033892665524035692, + -0.21598421037197113, + -0.01694798469543457, + 0.1817062497138977, + -0.13240090012550354, + 0.015481386333703995, + -0.1708163470029831, + 1.9170476198196411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/105.png", + [ + 0.15035875141620636, + 0.011932463385164738, + -0.15555629134178162, + 1.6889288425445557, + -0.007925239391624928, + -0.21517685055732727, + -0.024166295304894447, + 0.24658480286598206, + -0.1558118462562561, + 0.022459642961621284, + -0.1488829255104065, + 1.6735950708389282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/121.png", + [ + 0.1690279245376587, + 0.010234659537672997, + -0.13517655432224274, + 1.4758577346801758, + -0.0038643591105937958, + -0.21560466289520264, + -0.021156221628189087, + 0.2281324565410614, + -0.13550835847854614, + 0.018914829939603806, + -0.16801074147224426, + 1.8874250650405884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/24.png", + [ + 0.16195818781852722, + 0.005015319213271141, + -0.14384810626506805, + 1.5398688316345215, + -0.004141270648688078, + -0.21629104018211365, + -0.012203714810311794, + 0.1277550905942917, + -0.14387594163417816, + 0.011871283873915672, + -0.16157563030719757, + 1.7842150926589966, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/74.png", + [ + 0.16585926711559296, + 0.006061623804271221, + -0.13929052650928497, + 1.544631004333496, + -0.009938428178429604, + -0.21540506184101105, + -0.021208081394433975, + 0.2242739200592041, + -0.13906769454479218, + 0.02262325957417488, + -0.1646094173192978, + 1.881773829460144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/129.png", + [ + 0.16707028448581696, + 0.005081185605376959, + -0.13787530362606049, + 1.5101804733276367, + -0.008731257170438766, + -0.21570423245429993, + -0.01852954737842083, + 0.199215829372406, + -0.13769234716892242, + 0.01984339952468872, + -0.16611728072166443, + 1.8793476819992065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/98.png", + [ + 0.151239275932312, + 0.014326930046081543, + -0.154496967792511, + 1.6567857265472412, + -0.004986463580280542, + -0.21518871188163757, + -0.024836359545588493, + 0.2507835030555725, + -0.1550797075033188, + 0.020891355350613594, + -0.14987240731716156, + 1.6629350185394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/0.png", + [ + 0.16212168335914612, + 0.0067374976351857185, + -0.14359338581562042, + 1.5315790176391602, + -0.006328931078314781, + -0.21589212119579315, + -0.017275378108024597, + 0.17660561203956604, + -0.14361196756362915, + 0.01712016761302948, + -0.1613393872976303, + 1.7706222534179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/96.png", + [ + 0.15244770050048828, + 0.013468911871314049, + -0.15338243544101715, + 1.6495548486709595, + -0.0053803822956979275, + -0.21524623036384583, + -0.024248924106359482, + 0.24479374289512634, + -0.15387867391109467, + 0.020869772881269455, + -0.1511082500219345, + 1.6810212135314941, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/100.png", + [ + 0.15029673278331757, + 0.012934849597513676, + -0.15553610026836395, + 1.6655266284942627, + -0.006124176550656557, + -0.2152741551399231, + -0.023820724338293076, + 0.23847562074661255, + -0.1559528261423111, + 0.020919421687722206, + -0.1489596962928772, + 1.6506850719451904, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/40.png", + [ + 0.16672512888908386, + 0.0031973349396139383, + -0.13834883272647858, + 1.488075613975525, + -0.006332270801067352, + -0.2162136286497116, + -0.01262790895998478, + 0.1356164664030075, + -0.13824079930782318, + 0.013760043308138847, + -0.1662769764661789, + 1.8391971588134766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/52.png", + [ + 0.17136916518211365, + 0.00611762423068285, + -0.13245031237602234, + 1.4281208515167236, + -0.0039396160282194614, + -0.2161133736371994, + -0.015079081058502197, + 0.15905296802520752, + -0.1325329691171646, + 0.014334362931549549, + -0.17081400752067566, + 1.900628685951233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/3.png", + [ + 0.16170436143875122, + 0.008829683996737003, + -0.14395011961460114, + 1.5313231945037842, + -0.00535614974796772, + -0.2157512754201889, + -0.019250616431236267, + 0.19839473068714142, + -0.14412115514278412, + 0.01792515628039837, + -0.16079698503017426, + 1.7577898502349854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/47.png", + [ + 0.1669752597808838, + 0.0047407569363713264, + -0.13800247013568878, + 1.4957913160324097, + -0.005052435211837292, + -0.2161921262741089, + -0.013539946638047695, + 0.14517301321029663, + -0.13799141347408295, + 0.01365219708532095, + -0.16649287939071655, + 1.8565205335617065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/104.png", + [ + 0.14758415520191193, + 0.013672316446900368, + -0.15805023908615112, + 1.7099019289016724, + -0.00743465218693018, + -0.21503517031669617, + -0.025544188916683197, + 0.2616593837738037, + -0.15846621990203857, + 0.02282208576798439, + -0.14599834382534027, + 1.633446216583252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/21.png", + [ + 0.16507786512374878, + 0.0034487636294215918, + -0.14030428230762482, + 1.4958981275558472, + -0.004792807158082724, + -0.21634432673454285, + -0.01095695048570633, + 0.1146152913570404, + -0.14026477932929993, + 0.011451281607151031, + -0.16474995017051697, + 1.8097617626190186, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/82.png", + [ + 0.15663324296474457, + 0.008625674061477184, + -0.14946410059928894, + 1.6499232053756714, + -0.012089885771274567, + -0.21487948298454285, + -0.02507062815129757, + 0.26438215374946594, + -0.14922383427619934, + 0.02646317146718502, + -0.15485426783561707, + 1.7612550258636475, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/106.png", + [ + 0.14531944692134857, + 0.014097160659730434, + -0.160098135471344, + 1.7522552013397217, + -0.005655658897012472, + -0.21525727212429047, + -0.024087682366371155, + 0.24648046493530273, + -0.16061806678771973, + 0.020334037020802498, + -0.14400090277194977, + 1.6349799633026123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/14.png", + [ + 0.1668185144662857, + 0.007186422124505043, + -0.13808631896972656, + 1.4694240093231201, + -0.0021247912663966417, + -0.21622300148010254, + -0.013819794170558453, + 0.14592212438583374, + -0.13825686275959015, + 0.011994032189249992, + -0.16640034317970276, + 1.8238964080810547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/67.png", + [ + 0.17010816931724548, + 0.009339804761111736, + -0.13388004899024963, + 1.4740225076675415, + -0.0020322126802057028, + -0.21594524383544922, + -0.01764700934290886, + 0.19071513414382935, + -0.13419005274772644, + 0.015110091306269169, + -0.16944795846939087, + 1.9229494333267212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/78.png", + [ + 0.15897424519062042, + 0.008962155319750309, + -0.14695154130458832, + 1.6259968280792236, + -0.010519788600504398, + -0.21502847969532013, + -0.024494430050253868, + 0.2586296498775482, + -0.14684826135635376, + 0.02510623075067997, + -0.15733136236667633, + 1.7925519943237305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/31.png", + [ + 0.16533087193965912, + 0.00413079047575593, + -0.13998763263225555, + 1.5084518194198608, + -0.00611997302621603, + -0.2161603718996048, + -0.013606442138552666, + 0.14371146261692047, + -0.13991479575634003, + 0.01433617528527975, + -0.1648218035697937, + 1.8274270296096802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/39.png", + [ + 0.16667242348194122, + 0.003861415898427367, + -0.13839539885520935, + 1.4877190589904785, + -0.003949338104575872, + -0.2163695991039276, + -0.010793269611895084, + 0.11380225419998169, + -0.13839292526245117, + 0.010825036093592644, + -0.16636739671230316, + 1.8381696939468384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/92.png", + [ + 0.15602509677410126, + 0.013134519569575787, + -0.14977167546749115, + 1.6175719499588013, + -0.007154341321438551, + -0.21495305001735687, + -0.02630378119647503, + 0.26783618330955505, + -0.15017619729042053, + 0.02388635464012623, + -0.15435171127319336, + 1.7247097492218018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/53.png", + [ + 0.17380638420581818, + 0.007573707029223442, + -0.12915831804275513, + 1.3925502300262451, + -0.002108489628881216, + -0.2161085456609726, + -0.015509739518165588, + 0.16466979682445526, + -0.12936300039291382, + 0.013698055408895016, + -0.1732785999774933, + 1.9286447763442993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/75.png", + [ + 0.16311849653720856, + 0.006226119585335255, + -0.14248330891132355, + 1.5804592370986938, + -0.010618316940963268, + -0.2153371125459671, + -0.021565746515989304, + 0.22839587926864624, + -0.14222343266010284, + 0.023217786103487015, + -0.16180644929409027, + 1.8467899560928345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/87.png", + [ + 0.15495647490024567, + 0.014207047410309315, + -0.15077976882457733, + 1.6525335311889648, + -0.006111968774348497, + -0.21495677530765533, + -0.026535330340266228, + 0.2746982276439667, + -0.15132422745227814, + 0.02323014847934246, + -0.15332719683647156, + 1.7340322732925415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/107.png", + [ + 0.1453157514333725, + 0.015081551857292652, + -0.16001178324222565, + 1.7622567415237427, + -0.005156019702553749, + -0.21517008543014526, + -0.02496284805238247, + 0.2587064802646637, + -0.160638228058815, + 0.020549334585666656, + -0.14394782483577728, + 1.6423349380493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/112.png", + [ + 0.1486373245716095, + 0.013691001571714878, + -0.15705858170986176, + 1.7520086765289307, + -0.007367419544607401, + -0.21501702070236206, + -0.025715701282024384, + 0.27197331190109253, + -0.15748193860054016, + 0.022981135174632072, + -0.14703468978405, + 1.6930944919586182, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/69.png", + [ + 0.16849678754806519, + 0.006276111118495464, + -0.1360783874988556, + 1.5081770420074463, + -0.004641748033463955, + -0.21605432033538818, + -0.015712272375822067, + 0.16929620504379272, + -0.13614395260810852, + 0.015133795328438282, + -0.16787996888160706, + 1.919256567955017, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/45.png", + [ + 0.16807790100574493, + 0.005604701116681099, + -0.13662466406822205, + 1.4766020774841309, + -0.0035165860317647457, + -0.21624375879764557, + -0.013197047635912895, + 0.14152681827545166, + -0.13669434189796448, + 0.01245454978197813, + -0.1676526963710785, + 1.8619874715805054, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/50.png", + [ + 0.1708882451057434, + 0.004006965551525354, + -0.13315045833587646, + 1.432949423789978, + -0.006241164170205593, + -0.21609793603420258, + -0.014513195492327213, + 0.15591618418693542, + -0.13306444883346558, + 0.015281666070222855, + -0.17031797766685486, + 1.894100308418274, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/101.png", + [ + 0.1494765281677246, + 0.013142300769686699, + -0.15630720555782318, + 1.6788498163223267, + -0.007558634504675865, + -0.21505847573280334, + -0.025310426950454712, + 0.25677916407585144, + -0.1566765159368515, + 0.02291354537010193, + -0.14790312945842743, + 1.6428775787353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/85.png", + [ + 0.15618380904197693, + 0.01239404920488596, + -0.14966927468776703, + 1.6533839702606201, + -0.00838115531951189, + -0.21487967669963837, + -0.026540052145719528, + 0.2786615192890167, + -0.14994753897190094, + 0.024919986724853516, + -0.15441058576107025, + 1.7552354335784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/131.png", + [ + 0.1677670180797577, + 0.004344203043729067, + -0.1370519995689392, + 1.5174673795700073, + -0.009188002906739712, + -0.21572299301624298, + -0.018085021525621414, + 0.19521115720272064, + -0.13681265711784363, + 0.019814521074295044, + -0.16684596240520477, + 1.9062150716781616, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/71.png", + [ + 0.16922083497047424, + 0.007068555802106857, + -0.13513784110546112, + 1.4989032745361328, + -0.004215539898723364, + -0.21599845588207245, + -0.01657680980861187, + 0.17558996379375458, + -0.13525690138339996, + 0.015575524419546127, + -0.16855524480342865, + 1.9253414869308472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/115.png", + [ + 0.16102251410484314, + 0.016958126798272133, + -0.14398632943630219, + 1.5948642492294312, + -0.004761165007948875, + -0.21445274353027344, + -0.030581872910261154, + 0.325671911239624, + -0.14490331709384918, + 0.025890953838825226, + -0.15899869799613953, + 1.8141899108886719, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/54.png", + [ + 0.17159666121006012, + 0.007281688507646322, + -0.13209637999534607, + 1.4278398752212524, + -0.0020847483538091183, + -0.21617048978805542, + -0.014624333009123802, + 0.15505512058734894, + -0.13228051364421844, + 0.012852796353399754, + -0.1711273491382599, + 1.9094096422195435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/33.png", + [ + 0.16759908199310303, + 0.0044106957502663136, + -0.13725519180297852, + 1.4807844161987305, + -0.004026663955301046, + -0.21631187200546265, + -0.011868046596646309, + 0.1247970312833786, + -0.13726700842380524, + 0.011730743572115898, + -0.16723652184009552, + 1.8547877073287964, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/49.png", + [ + 0.16802646219730377, + 0.006685973145067692, + -0.1366393119096756, + 1.473438024520874, + -0.004005508963018656, + -0.21608248353004456, + -0.015498855151236057, + 0.16588570177555084, + -0.13674414157867432, + 0.014544977806508541, + -0.1674436628818512, + 1.8613451719284058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/118.png", + [ + 0.16526639461517334, + 0.011568194255232811, + -0.1396462768316269, + 1.5406460762023926, + -0.007071276661008596, + -0.21497134864330292, + -0.02617666684091091, + 0.2804583013057709, + -0.1399460881948471, + 0.024523412808775902, + -0.1635896861553192, + 1.854742407798767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/110.png", + [ + 0.14944082498550415, + 0.015423586592078209, + -0.1561327576637268, + 1.7348177433013916, + -0.005098691675812006, + -0.21503376960754395, + -0.026122288778424263, + 0.27448132634162903, + -0.15680983662605286, + 0.02169063687324524, + -0.14794619381427765, + 1.7003917694091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/18.png", + [ + 0.1678341180086136, + 0.0045202043838799, + -0.1369641274213791, + 1.4601991176605225, + -0.003970656543970108, + -0.21630540490150452, + -0.01200428418815136, + 0.1259586364030838, + -0.13698115944862366, + 0.011808331124484539, + -0.16746528446674347, + 1.838407278060913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/66.png", + [ + 0.17114318907260895, + 0.008778608404099941, + -0.13259272277355194, + 1.4562524557113647, + -0.0026120140682905912, + -0.2159372866153717, + -0.017668068408966064, + 0.19132661819458008, + -0.1328573375940323, + 0.01555375661700964, + -0.1704549640417099, + 1.9276710748672485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/16.png", + [ + 0.16518114507198334, + 0.0071618882939219475, + -0.14004211127758026, + 1.4977831840515137, + -0.0016677913954481483, + -0.2162761688232422, + -0.013027748093008995, + 0.1379167139530182, + -0.140215203166008, + 0.01100959163159132, + -0.1648222655057907, + 1.81563138961792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/94.png", + [ + 0.15303704142570496, + 0.013722589239478111, + -0.15277190506458282, + 1.6495113372802734, + -0.006672890391200781, + -0.21500585973262787, + -0.025997167453169823, + 0.26504144072532654, + -0.15324173867702484, + 0.023066658526659012, + -0.1514357626438141, + 1.6916693449020386, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/28.png", + [ + 0.16429686546325684, + 0.003749353811144829, + -0.1412103921175003, + 1.5180267095565796, + -0.006140877027064562, + -0.2162039577960968, + -0.012885398231446743, + 0.13706035912036896, + -0.1411266177892685, + 0.013772660866379738, + -0.16383372247219086, + 1.8157390356063843, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/61.png", + [ + 0.17197981476783752, + 0.00798814371228218, + -0.13155613839626312, + 1.4389173984527588, + -0.0027168644592165947, + -0.21601545810699463, + -0.016668232157826424, + 0.17950855195522308, + -0.13177043199539185, + 0.014879547990858555, + -0.1713564693927765, + 1.9299992322921753, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/132.png", + [ + 0.16687849164009094, + 0.004571119789034128, + -0.1381252110004425, + 1.5378602743148804, + -0.008896141313016415, + -0.21575164794921875, + -0.017888125032186508, + 0.19393792748451233, + -0.13791418075561523, + 0.01944817043840885, + -0.16597992181777954, + 1.9075590372085571, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/58.png", + [ + 0.17154337465763092, + 0.009313997812569141, + -0.1320379376411438, + 1.435101866722107, + -0.0015215036692097783, + -0.2159845381975174, + -0.01721235178411007, + 0.1839052140712738, + -0.13235731422901154, + 0.014554361812770367, + -0.1709315925836563, + 1.9156299829483032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/123.png", + [ + 0.16858552396297455, + 0.008961093612015247, + -0.13581793010234833, + 1.4718830585479736, + -0.004537784028798342, + -0.21571435034275055, + -0.019865132868289948, + 0.2128213495016098, + -0.13603757321834564, + 0.018300650641322136, + -0.16765069961547852, + 1.8761082887649536, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/64.png", + [ + 0.17176634073257446, + 0.007731372956186533, + -0.13185007870197296, + 1.4450297355651855, + -0.00344148650765419, + -0.21596765518188477, + -0.017147185280919075, + 0.1845577508211136, + -0.13203172385692596, + 0.01568743772804737, + -0.17108307778835297, + 1.9301525354385376, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/10.png", + [ + 0.16663356125354767, + 0.00811300240457058, + -0.1382582038640976, + 1.4626778364181519, + -0.0016694655641913414, + -0.21616917848587036, + -0.014696920290589333, + 0.1540956348180771, + -0.13848598301410675, + 0.012367935851216316, + -0.16618230938911438, + 1.8111329078674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/41.png", + [ + 0.1655024290084839, + 0.0031808041967451572, + -0.13980957865715027, + 1.506581425666809, + -0.005549571476876736, + -0.21629856526851654, + -0.011490419507026672, + 0.12312094867229462, + -0.1397356390953064, + 0.012357587926089764, + -0.16513371467590332, + 1.8323907852172852, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/91.png", + [ + 0.15564808249473572, + 0.01353774219751358, + -0.150127574801445, + 1.6244844198226929, + -0.005640146788209677, + -0.21512486040592194, + -0.02524641528725624, + 0.2579151391983032, + -0.15063117444515228, + 0.02204364538192749, + -0.15418241918087006, + 1.7254865169525146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/23.png", + [ + 0.16473384201526642, + 0.004312803037464619, + -0.14068426191806793, + 1.500822901725769, + -0.004422523081302643, + -0.2163073569536209, + -0.0118096387013793, + 0.12364979088306427, + -0.14068086445331573, + 0.011850148439407349, + -0.16436657309532166, + 1.8069067001342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/37.png", + [ + 0.16735415160655975, + 0.004702416714280844, + -0.13754403591156006, + 1.4820477962493896, + -0.0031522747594863176, + -0.21636034548282623, + -0.011232494376599789, + 0.11825726926326752, + -0.13758830726146698, + 0.010676752775907516, + -0.16704298555850983, + 1.8489323854446411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/36.png", + [ + 0.1673547476530075, + 0.004708581138402224, + -0.13754312694072723, + 1.4826500415802002, + -0.003373919753357768, + -0.21634232997894287, + -0.011511349119246006, + 0.12097497284412384, + -0.13758234679698944, + 0.011032847687602043, + -0.16702477633953094, + 1.8488142490386963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/8.png", + [ + 0.16401195526123047, + 0.009059020318090916, + -0.1413007527589798, + 1.498275637626648, + -0.001786856329999864, + -0.21608105301856995, + -0.01592736504971981, + 0.16616828739643097, + -0.14157959818840027, + 0.013221495784819126, + -0.16348794102668762, + 1.7853182554244995, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/6.png", + [ + 0.16167287528514862, + 0.009422075934708118, + -0.14394789934158325, + 1.5345735549926758, + -0.00137560092844069, + -0.21610142290592194, + -0.015689855441451073, + 0.16182871162891388, + -0.1442493498325348, + 0.012620950117707253, + -0.1611853688955307, + 1.7656724452972412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/20.png", + [ + 0.16645455360412598, + 0.004332349635660648, + -0.13864344358444214, + 1.4778656959533691, + -0.003522235667333007, + -0.21636706590652466, + -0.010989846661686897, + 0.11400094628334045, + -0.13866639137268066, + 0.010696429759263992, + -0.1661478579044342, + 1.8242814540863037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/2.png", + [ + 0.1599903404712677, + 0.009630749002099037, + -0.14580203592777252, + 1.5522164106369019, + -0.00589444674551487, + -0.2156021147966385, + -0.020709341391921043, + 0.21381758153438568, + -0.14600081741809845, + 0.019257986918091774, + -0.15893641114234924, + 1.747292160987854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/117.png", + [ + 0.16305404901504517, + 0.015657497569918633, + -0.14183129370212555, + 1.568766713142395, + -0.004619017243385315, + -0.21467424929141998, + -0.02900918759405613, + 0.30998021364212036, + -0.14261814951896667, + 0.024853795766830444, + -0.1612149178981781, + 1.8296278715133667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/5.png", + [ + 0.16254690289497375, + 0.010236102156341076, + -0.14290420711040497, + 1.5202105045318604, + -0.0017989024054259062, + -0.21595807373523712, + -0.01751505210995674, + 0.18227440118789673, + -0.14325904846191406, + 0.014326038770377636, + -0.1619243621826172, + 1.7723394632339478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/108.png", + [ + 0.15174788236618042, + 0.01644228771328926, + -0.15378598868846893, + 1.6941709518432617, + -0.0034181231167167425, + -0.21503756940364838, + -0.026363929733633995, + 0.2740859389305115, + -0.15462467074394226, + 0.02088998630642891, + -0.1503419727087021, + 1.7130731344223022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/60.png", + [ + 0.17117300629615784, + 0.008903944864869118, + -0.13254590332508087, + 1.4469573497772217, + -0.0022456487640738487, + -0.21596254408359528, + -0.017407657578587532, + 0.18700402975082397, + -0.13282562792301178, + 0.015125777572393417, + -0.1705181896686554, + 1.9179340600967407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/56.png", + [ + 0.17138269543647766, + 0.00870612170547247, + -0.13228784501552582, + 1.4343196153640747, + -0.0016994952457025647, + -0.21604487299919128, + -0.01642007939517498, + 0.1746477335691452, + -0.13256312906742096, + 0.014025361277163029, + -0.17081627249717712, + 1.9106122255325317, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/30.png", + [ + 0.16622990369796753, + 0.003578712698072195, + -0.1389341950416565, + 1.4951419830322266, + -0.006727498024702072, + -0.2161416858434677, + -0.013616664335131645, + 0.14428769052028656, + -0.13881735503673553, + 0.014760272577404976, + -0.16570989787578583, + 1.8374254703521729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/17.png", + [ + 0.1671830713748932, + 0.00678253173828125, + -0.13766519725322723, + 1.4709570407867432, + -0.0024150703102350235, + -0.21623475849628448, + -0.013586423359811306, + 0.14388863742351532, + -0.13781103491783142, + 0.012017518281936646, + -0.16676807403564453, + 1.8344870805740356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/12.png", + [ + 0.16937071084976196, + 0.008485540747642517, + -0.13486824929714203, + 1.4250916242599487, + -0.0015517814317718148, + -0.21611064672470093, + -0.015545854344964027, + 0.16214948892593384, + -0.1351260244846344, + 0.013117820024490356, + -0.16886910796165466, + 1.8369886875152588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/114.png", + [ + 0.15773425996303558, + 0.017268961295485497, + -0.14754517376422882, + 1.6364049911499023, + -0.004962986335158348, + -0.21447288990020752, + -0.030408021062612534, + 0.3230985105037689, + -0.14846940338611603, + 0.02551591582596302, + -0.15573588013648987, + 1.77863347530365, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/27.png", + [ + 0.1626172959804535, + 0.0021829819306731224, + -0.14317384362220764, + 1.5388219356536865, + -0.0071710566990077496, + -0.21625342965126038, + -0.011442139744758606, + 0.12123917043209076, + -0.14301081001758575, + 0.01332595944404602, + -0.16222894191741943, + 1.7979563474655151, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/42.png", + [ + 0.1655769944190979, + 0.002251299098134041, + -0.13973934948444366, + 1.508643627166748, + -0.006631968077272177, + -0.2162758708000183, + -0.011342568323016167, + 0.12201857566833496, + -0.1396000236272812, + 0.012944824993610382, + -0.16520337760448456, + 1.8358129262924194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/7.png", + [ + 0.1624445766210556, + 0.012048080563545227, + -0.14287932217121124, + 1.5193127393722534, + 0.0009226772817783058, + -0.21599175035953522, + -0.01716415211558342, + 0.17785672843456268, + -0.14338341355323792, + 0.01225982140749693, + -0.161983922123909, + 1.7713412046432495, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/73.png", + [ + 0.16757206618785858, + 0.0064246393740177155, + -0.13720865547657013, + 1.5202674865722656, + -0.007184574846178293, + -0.21573126316070557, + -0.01887584663927555, + 0.199699267745018, + -0.1371709704399109, + 0.019147839397192, + -0.16662946343421936, + 1.9026240110397339, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/120.png", + [ + 0.16896533966064453, + 0.009712612256407738, + -0.13529326021671295, + 1.4804470539093018, + -0.0059990533627569675, + -0.21537187695503235, + -0.022953514009714127, + 0.24908903241157532, + -0.1355087012052536, + 0.02164526842534542, + -0.1676805168390274, + 1.8901838064193726, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/46.png", + [ + 0.1681603193283081, + 0.005102353170514107, + -0.1365428864955902, + 1.4760390520095825, + -0.005059072747826576, + -0.21614253520965576, + -0.014307377859950066, + 0.15326876938343048, + -0.13654451072216034, + 0.014291999861598015, + -0.1676282286643982, + 1.86207115650177, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/127.png", + [ + 0.16552217304706573, + 0.0059592342004179955, + -0.13969533145427704, + 1.517529010772705, + -0.006685975007712841, + -0.21589280664920807, + -0.017131803557276726, + 0.1836724877357483, + -0.13966244459152222, + 0.01739794760942459, + -0.16474102437496185, + 1.849357008934021, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/57.png", + [ + 0.17155864834785461, + 0.00789081584662199, + -0.13211077451705933, + 1.4333157539367676, + -0.0025806992780417204, + -0.21604859828948975, + -0.016255605965852737, + 0.17239707708358765, + -0.1323210746049881, + 0.014444367028772831, + -0.17096897959709167, + 1.9136217832565308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/44.png", + [ + 0.16664572060108185, + 0.0034849916119128466, + -0.13843750953674316, + 1.497776746749878, + -0.004657743498682976, + -0.21634238958358765, + -0.011052960529923439, + 0.11824430525302887, + -0.1384030282497406, + 0.011476817540824413, + -0.16631527245044708, + 1.8496160507202148, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/113.png", + [ + 0.15433219075202942, + 0.01576235331594944, + -0.1512647122144699, + 1.6818733215332031, + -0.005599130876362324, + -0.2147727757692337, + -0.02809280902147293, + 0.2983175218105316, + -0.15198063850402832, + 0.02391870506107807, + -0.1525702327489853, + 1.7510156631469727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/126.png", + [ + 0.16648796200752258, + 0.004552930127829313, + -0.13859626650810242, + 1.5018802881240845, + -0.008494892157614231, + -0.21581622958183289, + -0.01729407161474228, + 0.1854008436203003, + -0.1384105682373047, + 0.018722152337431908, + -0.1656498908996582, + 1.8550740480422974, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/29.png", + [ + 0.16487878561019897, + 0.0025324509479105473, + -0.1405576914548874, + 1.5127471685409546, + -0.007789533585309982, + -0.21614205837249756, + -0.01303164567798376, + 0.13767682015895844, + -0.14036451280117035, + 0.01496954821050167, + -0.16438248753547668, + 1.8228614330291748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/4.png", + [ + 0.16118207573890686, + 0.008608466945588589, + -0.14454801380634308, + 1.5367845296859741, + -0.004619843326508999, + -0.21587559580802917, + -0.01800781674683094, + 0.18595640361309052, + -0.14473038911819458, + 0.016477828845381737, + -0.16040411591529846, + 1.7549220323562622, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/55.png", + [ + 0.17106510698795319, + 0.006906003225594759, + -0.13280409574508667, + 1.4384185075759888, + -0.0025879915338009596, + -0.21616840362548828, + -0.014574659988284111, + 0.15421077609062195, + -0.13295835256576538, + 0.013092958368360996, + -0.17058295011520386, + 1.9062987565994263, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/9.png", + [ + 0.1628560721874237, + 0.008439246565103531, + -0.1426694244146347, + 1.5115514993667603, + -0.001953021390363574, + -0.21614494919776917, + -0.015014861710369587, + 0.15778043866157532, + -0.14290547370910645, + 0.01257137581706047, + -0.16238188743591309, + 1.7737443447113037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/25.png", + [ + 0.1624736338853836, + 0.003343591233715415, + -0.1433144509792328, + 1.5354466438293457, + -0.006096941418945789, + -0.21625851094722748, + -0.01195742841809988, + 0.1257627010345459, + -0.14322374761104584, + 0.012998969294130802, + -0.16206751763820648, + 1.7911643981933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/99.png", + [ + 0.15292006731033325, + 0.012743902392685413, + -0.15297365188598633, + 1.6333595514297485, + -0.00636840146034956, + -0.21521402895450592, + -0.02429518848657608, + 0.24532335996627808, + -0.1533713936805725, + 0.02164267934858799, + -0.1515146940946579, + 1.6740095615386963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/34.png", + [ + 0.1672469526529312, + 0.0038349495735019445, + -0.13770125806331635, + 1.4864479303359985, + -0.004465990699827671, + -0.21632583439350128, + -0.011448858305811882, + 0.12049640715122223, + -0.137682244181633, + 0.011675383895635605, + -0.1668986976146698, + 1.850500226020813, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/72.png", + [ + 0.16911685466766357, + 0.005815553944557905, + -0.13532759249210358, + 1.4981937408447266, + -0.004859549924731255, + -0.21607497334480286, + -0.015358489006757736, + 0.16168151795864105, + -0.1353653073310852, + 0.015022574923932552, + -0.16851839423179626, + 1.9251381158828735, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/102.png", + [ + 0.14994288980960846, + 0.015279497019946575, + -0.15566487610340118, + 1.6705677509307861, + -0.00570279685780406, + -0.21496088802814484, + -0.026592949405312538, + 0.271513432264328, + -0.15630896389484406, + 0.022499864920973778, + -0.14835482835769653, + 1.6483073234558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/70.png", + [ + 0.16801691055297852, + 0.004298699088394642, + -0.13674697279930115, + 1.518662452697754, + -0.007322381250560284, + -0.21597470343112946, + -0.015786048024892807, + 0.16897830367088318, + -0.13661842048168182, + 0.01686231978237629, + -0.167328879237175, + 1.912436604499817, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/130.png", + [ + 0.1662774235010147, + 0.0040231444872915745, + -0.1388651579618454, + 1.5292469263076782, + -0.010471070185303688, + -0.2156047224998474, + -0.01878449320793152, + 0.2037511169910431, + -0.1385282427072525, + 0.021126164123415947, + -0.16526192426681519, + 1.881229043006897, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/90.png", + [ + 0.15675045549869537, + 0.014277392067015171, + -0.14890716969966888, + 1.614603877067566, + -0.005657453555613756, + -0.214965358376503, + -0.026566576212644577, + 0.2731478214263916, + -0.14948302507400513, + 0.023107267916202545, + -0.15514111518859863, + 1.734454870223999, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/122.png", + [ + 0.1670006513595581, + 0.011872475035488605, + -0.13754171133041382, + 1.498448371887207, + -0.0014557760441675782, + -0.2157084196805954, + -0.02038733661174774, + 0.21969649195671082, + -0.13804547488689423, + 0.016637522727251053, + -0.1661761999130249, + 1.8641246557235718, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/15.png", + [ + 0.16633442044258118, + 0.00702260946854949, + -0.1386774480342865, + 1.4797968864440918, + -0.0019051667768508196, + -0.21626156568527222, + -0.013236579485237598, + 0.1399480253458023, + -0.13884209096431732, + 0.011380670592188835, + -0.1659555584192276, + 1.823244571685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/22.png", + [ + 0.16518333554267883, + 0.003855627030134201, + -0.14016950130462646, + 1.4941543340682983, + -0.0044242748990654945, + -0.2163415551185608, + -0.011164688505232334, + 0.11641892790794373, + -0.140152707695961, + 0.011373592540621758, + -0.16485069692134857, + 1.8097654581069946, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/109.png", + [ + 0.15211208164691925, + 0.013810019008815289, + -0.15368503332138062, + 1.7016209363937378, + -0.0056253946386277676, + -0.21516533195972443, + -0.024902410805225372, + 0.2598372995853424, + -0.1542017012834549, + 0.021472273394465446, + -0.15069396793842316, + 1.7246342897415161, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/26.png", + [ + 0.16287942230701447, + 0.0032948136795312166, + -0.1428542286157608, + 1.5321931838989258, + -0.006267632357776165, + -0.21624380350112915, + -0.0121337054297328, + 0.12858067452907562, + -0.1427547037601471, + 0.013253461569547653, + -0.16246025264263153, + 1.797502040863037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/43.png", + [ + 0.16652964055538177, + 0.004363453947007656, + -0.13855227828025818, + 1.4970953464508057, + -0.0035680464934557676, + -0.21636059880256653, + -0.01110241562128067, + 0.11839130520820618, + -0.13857504725456238, + 0.010814567096531391, + -0.1662164032459259, + 1.8457002639770508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/84.png", + [ + 0.15587346255779266, + 0.00976125430315733, + -0.15018682181835175, + 1.6578192710876465, + -0.010649889707565308, + -0.21496106684207916, + -0.025024332106113434, + 0.2617862820625305, + -0.1501264125108719, + 0.02538415603339672, + -0.15416094660758972, + 1.752758264541626, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/89.png", + [ + 0.1552516520023346, + 0.014948822557926178, + -0.1504039466381073, + 1.6337456703186035, + -0.004593552090227604, + -0.2150460183620453, + -0.026115279644727707, + 0.2676489055156708, + -0.15107521414756775, + 0.021900713443756104, + -0.15376779437065125, + 1.7253007888793945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/63.png", + [ + 0.17280453443527222, + 0.007480205502361059, + -0.13050106167793274, + 1.4287673234939575, + -0.004021071828901768, + -0.21591299772262573, + -0.017700493335723877, + 0.19084636867046356, + -0.13065339624881744, + 0.016538530588150024, + -0.17205829918384552, + 1.9376119375228882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/88.png", + [ + 0.1572480946779251, + 0.014951594173908234, + -0.14831513166427612, + 1.6167030334472656, + -0.0059776571579277515, + -0.21477606892585754, + -0.027989188209176064, + 0.289404958486557, + -0.14894695580005646, + 0.024404441937804222, + -0.1554577648639679, + 1.7453322410583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/62.png", + [ + 0.17207930982112885, + 0.00820021703839302, + -0.13141296803951263, + 1.439807415008545, + -0.003016839036718011, + -0.21595169603824615, + -0.01742587983608246, + 0.1878649741411209, + -0.13163399696350098, + 0.015669045969843864, + -0.17139096558094025, + 1.9328652620315552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/65.png", + [ + 0.17096564173698425, + 0.0062551479786634445, + -0.1329643428325653, + 1.4592043161392212, + -0.005062997341156006, + -0.21597307920455933, + -0.01667019911110401, + 0.17999504506587982, + -0.13301508128643036, + 0.016260461881756783, + -0.17026591300964355, + 1.9240480661392212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/80.png", + [ + 0.1581694632768631, + 0.009022688493132591, + -0.14781376719474792, + 1.63567316532135, + -0.01246180385351181, + -0.21469402313232422, + -0.02643999084830284, + 0.28084734082221985, + -0.1475636065006256, + 0.027802174910902977, + -0.1562047153711319, + 1.7773895263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/119.png", + [ + 0.16546936333179474, + 0.01353157963603735, + -0.13922889530658722, + 1.532100796699524, + -0.004419262055307627, + -0.21504516899585724, + -0.02615228481590748, + 0.28107750415802, + -0.139815092086792, + 0.022811582311987877, + -0.16394899785518646, + 1.853328824043274, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/79.png", + [ + 0.1588078737258911, + 0.008655431680381298, + -0.1471496820449829, + 1.626744031906128, + -0.011198490858078003, + -0.21496722102165222, + -0.02473021112382412, + 0.26132696866989136, + -0.14697803556919098, + 0.025730781257152557, + -0.1571091264486313, + 1.7881666421890259, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/116.png", + [ + 0.16156022250652313, + 0.016827132552862167, + -0.14339816570281982, + 1.587895154953003, + -0.004571682307869196, + -0.21449393033981323, + -0.030320612713694572, + 0.3244495093822479, + -0.14430968463420868, + 0.02563372068107128, + -0.15957918763160706, + 1.817126750946045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/19.png", + [ + 0.16736112534999847, + 0.006028371397405863, + -0.13748382031917572, + 1.4649032354354858, + -0.0024613377172499895, + -0.21630088984966278, + -0.012480553239583969, + 0.13083066046237946, + -0.13759392499923706, + 0.011201838031411171, + -0.16700395941734314, + 1.8330528736114502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/77.png", + [ + 0.16370251774787903, + 0.0057431478053331375, + -0.14183227717876434, + 1.5692071914672852, + -0.01242797076702118, + -0.215085968375206, + -0.023053715005517006, + 0.24432513117790222, + -0.1414034068584442, + 0.02555277943611145, + -0.1621728241443634, + 1.8478708267211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/68.png", + [ + 0.17050869762897491, + 0.006963212974369526, + -0.13351474702358246, + 1.475348949432373, + -0.003595761489123106, + -0.21606342494487762, + -0.015860451385378838, + 0.17062141001224518, + -0.1336478590965271, + 0.014696839265525341, + -0.1699121743440628, + 1.9338093996047974, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/86.png", + [ + 0.15621662139892578, + 0.013228360563516617, + -0.14956359565258026, + 1.6440538167953491, + -0.006144118029624224, + -0.2150881141424179, + -0.02544119767844677, + 0.2633500397205353, + -0.15002170205116272, + 0.02258351445198059, + -0.15469767153263092, + 1.7546335458755493, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/1.png", + [ + 0.1608145385980606, + 0.008787316270172596, + -0.14494608342647552, + 1.543185830116272, + -0.005079589318484068, + -0.215804785490036, + -0.018718799576163292, + 0.19096560776233673, + -0.14512333273887634, + 0.017291000112891197, + -0.15996292233467102, + 1.7519726753234863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/81.png", + [ + 0.1588936150074005, + 0.009953661821782589, + -0.14697495102882385, + 1.624226450920105, + -0.01027718186378479, + -0.21490371227264404, + -0.02566462568938732, + 0.27117666602134705, + -0.14695270359516144, + 0.025791822001338005, + -0.15712280571460724, + 1.7875280380249023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/95.png", + [ + 0.1516287922859192, + 0.014730574563145638, + -0.15407663583755493, + 1.6588386297225952, + -0.004024135880172253, + -0.21524302661418915, + -0.024538623169064522, + 0.24839723110198975, + -0.15472687780857086, + 0.020033670589327812, + -0.15035337209701538, + 1.6755362749099731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/103.png", + [ + 0.147841677069664, + 0.012627091258764267, + -0.15789645910263062, + 1.7022769451141357, + -0.008700310252606869, + -0.21501171588897705, + -0.025340914726257324, + 0.25970715284347534, + -0.1581614464521408, + 0.023630782961845398, + -0.1462000012397766, + 1.6311390399932861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/83.png", + [ + 0.15807589888572693, + 0.008129274472594261, + -0.14796558022499084, + 1.6309419870376587, + -0.011696990579366684, + -0.2149888575077057, + -0.02430778555572033, + 0.25497159361839294, + -0.147726371884346, + 0.02572164312005043, + -0.1564071774482727, + 1.7740601301193237, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/51.png", + [ + 0.17182914912700653, + 0.0046483841724693775, + -0.1319129914045334, + 1.4215900897979736, + -0.005524604115635157, + -0.21609720587730408, + -0.014811210334300995, + 0.1581844985485077, + -0.13187919557094574, + 0.015109127387404442, + -0.17125271260738373, + 1.9037214517593384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/128.png", + [ + 0.16537721455097198, + 0.0034839597065001726, + -0.1399504691362381, + 1.5272012948989868, + -0.010318289510905743, + -0.21571502089500427, + -0.017563018947839737, + 0.18903401494026184, + -0.1396130472421646, + 0.02006959728896618, + -0.1644788682460785, + 1.8562785387039185, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/93.png", + [ + 0.15189827978610992, + 0.01497988123446703, + -0.15378691256046295, + 1.6654725074768066, + -0.005577304400503635, + -0.21498188376426697, + -0.026449497789144516, + 0.2708624005317688, + -0.1544140726327896, + 0.022500786930322647, + -0.15032601356506348, + 1.6843228340148926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/76.png", + [ + 0.20484131574630737, + -0.006479640956968069, + -0.07032733410596848, + 0.830090343952179, + -0.015079772099852562, + -0.21479791402816772, + -0.02413211762905121, + 0.26800602674484253, + -0.06899653375148773, + 0.027708714827895164, + -0.2035180628299713, + 2.4690866470336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/48.png", + [ + 0.1922188699245453, + -0.020976640284061432, + 0.09777415543794632, + -1.1584841012954712, + -0.019276751205325127, + -0.21565307676792145, + -0.008369510062038898, + 0.08276136219501495, + 0.09812343865633011, + -0.0012737546348944306, + -0.19317883253097534, + 2.3463196754455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/137.png", + [ + 0.1865115612745285, + -0.01825077086687088, + 0.10875768959522247, + -1.2706949710845947, + -0.017669780179858208, + -0.2158716917037964, + -0.0059233130887150764, + 0.05574590340256691, + 0.10885357856750488, + -0.003770437091588974, + -0.18730875849723816, + 2.2694244384765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/35.png", + [ + 0.21067626774311066, + -0.02624361589550972, + 0.043297573924064636, + -0.5365777611732483, + -0.023712189868092537, + -0.21486042439937592, + -0.014853457920253277, + 0.1546373814344406, + 0.04473409429192543, + 0.009703908115625381, + -0.21178430318832397, + 2.5791635513305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/124.png", + [ + 0.18537701666355133, + -0.0159770455211401, + 0.11103148013353348, + -1.3367829322814941, + -0.012813298963010311, + -0.21607783436775208, + -0.009699895977973938, + 0.10572358965873718, + 0.11144089698791504, + 0.0017328211106359959, + -0.18581125140190125, + 2.3108510971069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/97.png", + [ + 0.1874329298734665, + -0.022060850635170937, + 0.10644300282001495, + -1.284904956817627, + -0.021781135350465775, + -0.21548481285572052, + -0.0063064382411539555, + 0.06607827544212341, + 0.10650058835744858, + -0.005244800820946693, + -0.18862135708332062, + 2.340367317199707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/155.png", + [ + 0.20876896381378174, + -0.0267195962369442, + -0.051473092287778854, + 0.6166093945503235, + -0.031639330089092255, + -0.21364283561706543, + -0.017423851415514946, + 0.19204676151275635, + -0.04860420525074005, + 0.024304337799549103, + -0.20974943041801453, + 2.5811924934387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/13.png", + [ + 0.19397695362567902, + -0.007431088015437126, + -0.09625803679227829, + 1.1419851779937744, + -0.023993071168661118, + -0.21296480298042297, + -0.03190946951508522, + 0.3645364046096802, + -0.09351557493209839, + 0.03922576457262039, + -0.1914786398410797, + 2.3505959510803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/32.png", + [ + 0.21133071184158325, + -0.014994180761277676, + -0.045413631945848465, + 0.5343877077102661, + -0.01827365718781948, + -0.2154548317193985, + -0.013899281620979309, + 0.14378216862678528, + -0.04419611766934395, + 0.01738652214407921, + -0.21140554547309875, + 2.5399699211120605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/158.png", + [ + 0.20594416558742523, + -0.029333528131246567, + -0.06061721593141556, + 0.7265945076942444, + -0.036379698663949966, + -0.21259114146232605, + -0.020722471177577972, + 0.22861644625663757, + -0.05666939169168472, + 0.029873862862586975, + -0.20698800683021545, + 2.544480800628662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/38.png", + [ + 0.19934523105621338, + -0.024307966232299805, + 0.08135412633419037, + -0.9830554127693176, + -0.02213590405881405, + -0.21530461311340332, + -0.010090830735862255, + 0.09961451590061188, + 0.08197178691625595, + 0.0009724808041937649, + -0.20056813955307007, + 2.463778495788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/148.png", + [ + 0.21467642486095428, + -0.01743132807314396, + 0.02362368255853653, + -0.26568683981895447, + -0.016142746433615685, + -0.21571211516857147, + -0.01247395295649767, + 0.13058443367481232, + 0.024522261694073677, + 0.010598898865282536, + -0.21502143144607544, + 2.6062498092651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/111.png", + [ + 0.18110966682434082, + -0.02071429044008255, + 0.1171242892742157, + -1.4212496280670166, + -0.018796294927597046, + -0.21566686034202576, + -0.009077494032680988, + 0.0976589024066925, + 0.11744733899831772, + -0.002572893863543868, + -0.1820642650127411, + 2.2876763343811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/11.png", + [ + 0.19761554896831512, + -0.009575183503329754, + -0.08834198862314224, + 1.0463131666183472, + -0.023991236463189125, + -0.21316246688365936, + -0.030562717467546463, + 0.3473103940486908, + -0.0855594128370285, + 0.03765600547194481, + -0.19547252357006073, + 2.3978047370910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/125.png", + [ + 0.1861059069633484, + -0.01613234542310238, + 0.10978265106678009, + -1.3197557926177979, + -0.013190893456339836, + -0.2160688191652298, + -0.009389400482177734, + 0.10177946090698242, + 0.11017479002475739, + 0.0013812967808917165, + -0.18656767904758453, + 2.313617706298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/59.png", + [ + 0.21323013305664062, + -0.022062668576836586, + 0.031528450548648834, + -0.364681601524353, + -0.01973719708621502, + -0.2151002287864685, + -0.01703605242073536, + 0.183450385928154, + 0.03303403779864311, + 0.01389325875788927, + -0.21369048953056335, + 2.582642078399658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/105.png", + [ + 0.182758167386055, + -0.021784747019410133, + 0.11433622986078262, + -1.3825178146362305, + -0.01746581308543682, + -0.21556854248046875, + -0.013154936023056507, + 0.14956970512866974, + 0.11507515609264374, + 0.0018793013878166676, + -0.18358123302459717, + 2.2902283668518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/121.png", + [ + 0.1853315383195877, + -0.018861975520849228, + 0.11065414547920227, + -1.3365569114685059, + -0.0162037406116724, + -0.21585208177566528, + -0.00965469516813755, + 0.10782298445701599, + 0.1110745444893837, + -1.7037529687513597e-05, + -0.1860385537147522, + 2.321840286254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/24.png", + [ + 0.19257228076457977, + -0.0051424759440124035, + -0.09918346256017685, + 1.161584496498108, + -0.02013438381254673, + -0.21391217410564423, + -0.028001505881547928, + 0.3122366964817047, + -0.09725436568260193, + 0.03410326689481735, + -0.19059498608112335, + 2.3015756607055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/74.png", + [ + 0.20388546586036682, + -0.007177209481596947, + -0.07298696786165237, + 0.8638113141059875, + -0.016157109290361404, + -0.2147323042154312, + -0.024018267169594765, + 0.26858723163604736, + -0.07153711467981339, + 0.028043126687407494, + -0.20259296894073486, + 2.465109348297119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/129.png", + [ + 0.18713349103927612, + -0.015036696568131447, + 0.10817968100309372, + -1.2815550565719604, + -0.014076164923608303, + -0.2161419540643692, + -0.005693664308637381, + 0.053302038460969925, + 0.10830885916948318, + -0.0021104440093040466, + -0.18765027821063995, + 2.298929214477539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/153.png", + [ + 0.21143034100532532, + -0.023022856563329697, + -0.04141322523355484, + 0.4952584505081177, + -0.026651861146092415, + -0.21436439454555511, + -0.016896342858672142, + 0.1872924417257309, + -0.0391763374209404, + 0.021581387147307396, + -0.21200791001319885, + 2.598968505859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/144.png", + [ + 0.19128352403640747, + -0.02227495051920414, + 0.09930931031703949, + -1.1784460544586182, + -0.021118521690368652, + -0.2155068963766098, + -0.00766071118414402, + 0.07311713695526123, + 0.0995616540312767, + -0.0029163474682718515, + -0.19242367148399353, + 2.3399477005004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/98.png", + [ + 0.18647444248199463, + -0.02137586660683155, + 0.10825087130069733, + -1.3051187992095947, + -0.020426958799362183, + -0.21558323502540588, + -0.007382601499557495, + 0.07855181396007538, + 0.10843393206596375, + -0.0038517159409821033, + -0.1875503659248352, + 2.325855255126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/0.png", + [ + 0.2157604694366455, + -0.014966998249292374, + -0.013088286854326725, + 0.14525772631168365, + -0.01651459001004696, + -0.2143321931362152, + -0.027145367115736008, + 0.3038364350795746, + -0.011071699671447277, + 0.02802840806543827, + -0.21456868946552277, + 2.6040897369384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/163.png", + [ + 0.20560522377490997, + -0.02431383728981018, + -0.06390010565519333, + 0.7682515978813171, + -0.03128629922866821, + -0.21352246403694153, + -0.019422125071287155, + 0.2198558747768402, + -0.06079106405377388, + 0.027656620368361473, + -0.20612484216690063, + 2.5678372383117676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/96.png", + [ + 0.18759089708328247, + -0.022429833188652992, + 0.10608698427677155, + -1.2857513427734375, + -0.0222395621240139, + -0.21544034779071808, + -0.006224623881280422, + 0.06513211131095886, + 0.10612703859806061, + -0.005499700549989939, + -0.18882451951503754, + 2.3505020141601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/100.png", + [ + 0.18624599277973175, + -0.022826580330729485, + 0.10834795981645584, + -1.3041988611221313, + -0.02084890566766262, + -0.21545752882957458, + -0.009553788229823112, + 0.10324853658676147, + 0.10874584317207336, + -0.0022133744787424803, + -0.18739621341228485, + 2.3186378479003906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/40.png", + [ + 0.19748732447624207, + -0.02282819151878357, + 0.0861714705824852, + -1.0401115417480469, + -0.021514400839805603, + -0.21546369791030884, + -0.00777315953746438, + 0.07392953336238861, + 0.08650883287191391, + -0.0014714546268805861, + -0.1986503154039383, + 2.454160690307617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/141.png", + [ + 0.18812322616577148, + -0.020180214196443558, + 0.10559502989053726, + -1.2428240776062012, + -0.02022445946931839, + -0.21566636860370636, + -0.005184934940189123, + 0.04389069601893425, + 0.10558655858039856, + -0.0053545525297522545, + -0.18913143873214722, + 2.2973804473876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/52.png", + [ + 0.19328896701335907, + -0.022878089919686317, + 0.09520427882671356, + -1.120319128036499, + -0.019443489611148834, + -0.2154497504234314, + -0.012298461981117725, + 0.1293664425611496, + 0.09596465528011322, + 0.002427850617095828, + -0.19424930214881897, + 2.337073802947998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/3.png", + [ + 0.21378064155578613, + -0.011368847452104092, + -0.0334138348698616, + 0.3947291970252991, + -0.015655966475605965, + -0.21438685059547424, + -0.027222586795687675, + 0.3049508035182953, + -0.0316326729953289, + 0.029273327440023422, + -0.21234486997127533, + 2.579746723175049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/47.png", + [ + 0.1920066773891449, + -0.020868944004178047, + 0.09821312129497528, + -1.1685174703598022, + -0.019155889749526978, + -0.2156635969877243, + -0.008375794626772404, + 0.08353376388549805, + 0.09856157004833221, + -0.0012606526724994183, + -0.19295574724674225, + 2.352898120880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/104.png", + [ + 0.18312343955039978, + -0.02032468467950821, + 0.1140201985836029, + -1.375784158706665, + -0.016759591177105904, + -0.21571727097034454, + -0.011535774916410446, + 0.1293966919183731, + 0.11459849029779434, + 0.0009301441023126245, + -0.18388640880584717, + 2.2880449295043945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/21.png", + [ + 0.19184693694114685, + -0.005737639032304287, + -0.10054711997509003, + 1.1785829067230225, + -0.021842068061232567, + -0.2135443240404129, + -0.02948959916830063, + 0.3304598927497864, + -0.09831361472606659, + 0.03624626621603966, + -0.18965372443199158, + 2.2975807189941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/82.png", + [ + 0.2089608609676361, + -0.008368895389139652, + -0.056685227900743484, + 0.6853429079055786, + -0.014331039041280746, + -0.21517187356948853, + -0.021061493083834648, + 0.23226332664489746, + -0.055478595197200775, + 0.024060897529125214, + -0.20806510746479034, + 2.5354156494140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/106.png", + [ + 0.18283741176128387, + -0.023519759997725487, + 0.11386480182409286, + -1.3782709836959839, + -0.01891516149044037, + -0.215385302901268, + -0.014116838574409485, + 0.16206850111484528, + 0.11471962183713913, + 0.001972152618691325, + -0.18380264937877655, + 2.294534683227539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/14.png", + [ + 0.19416336715221405, + -0.007106682285666466, + -0.09590601921081543, + 1.135016918182373, + -0.023658914491534233, + -0.2129710614681244, + -0.03211662173271179, + 0.3672336935997009, + -0.09321332722902298, + 0.039251960813999176, + -0.1916205883026123, + 2.3462166786193848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/67.png", + [ + 0.20575609803199768, + -0.009924928657710552, + -0.06718497723340988, + 0.8105489015579224, + -0.017567481845617294, + -0.2148311287164688, + -0.022064942866563797, + 0.24942097067832947, + -0.06560267508029938, + 0.026400264352560043, + -0.20481018722057343, + 2.5274529457092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/78.png", + [ + 0.20548349618911743, + -0.006523394025862217, + -0.06842419505119324, + 0.8065671324729919, + -0.01459596585482359, + -0.21491846442222595, + -0.023343093693256378, + 0.25929030776023865, + -0.06716682016849518, + 0.026746729388833046, + -0.20425748825073242, + 2.4706602096557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/31.png", + [ + 0.20880509912967682, + -0.01014101505279541, + -0.05696916580200195, + 0.6748610734939575, + -0.015287771821022034, + -0.21540959179401398, + -0.017688389867544174, + 0.18866516649723053, + -0.05580868944525719, + 0.021065492182970047, + -0.20830152928829193, + 2.498533248901367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/152.png", + [ + 0.212717205286026, + -0.01677623577415943, + -0.03765436261892319, + 0.4550010859966278, + -0.019873324781656265, + -0.21513572335243225, + -0.01641855016350746, + 0.17937688529491425, + -0.036115702241659164, + 0.019572321325540543, + -0.2127450853586197, + 2.603569984436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/39.png", + [ + 0.19841012358665466, + -0.022751161828637123, + 0.08404582738876343, + -1.01374089717865, + -0.020968850702047348, + -0.2154768705368042, + -0.008827518671751022, + 0.08627410233020782, + 0.08450814336538315, + -5.019251329940744e-05, + -0.19951508939266205, + 2.4563965797424316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/92.png", + [ + 0.1956586390733719, + -0.022852983325719833, + 0.09024041891098022, + -1.1100308895111084, + -0.021376250311732292, + -0.21546098589897156, + -0.00821670237928629, + 0.08657386898994446, + 0.0906015932559967, + -0.0014830197906121612, + -0.1968173086643219, + 2.4736480712890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/53.png", + [ + 0.19462044537067413, + -0.020152002573013306, + 0.09308425337076187, + -1.0955300331115723, + -0.01652100682258606, + -0.215701624751091, + -0.012155594304203987, + 0.12586067616939545, + 0.09379678219556808, + 0.003820850746706128, + -0.19528302550315857, + 2.3493924140930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/75.png", + [ + 0.20434001088142395, + -0.007319045253098011, + -0.07169025391340256, + 0.8471741676330566, + -0.0164834875613451, + -0.21458661556243896, + -0.02507547102868557, + 0.2804042398929596, + -0.07015237957239151, + 0.02910182625055313, + -0.2029276341199875, + 2.4676570892333984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/151.png", + [ + 0.2140342742204666, + -0.01738307997584343, + -0.028897378593683243, + 0.3529609739780426, + -0.019400712102651596, + -0.21533934772014618, + -0.014158924110233784, + 0.1522897481918335, + -0.027583373710513115, + 0.016573812812566757, + -0.2142716944217682, + 2.6196913719177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/87.png", + [ + 0.21271394193172455, + -0.021582672372460365, + 0.03514062240719795, + -0.4457707703113556, + -0.0202360600233078, + -0.21550197899341583, + -0.009863694198429585, + 0.09756603837013245, + 0.03593295067548752, + 0.006401476450264454, + -0.21357840299606323, + 2.674315929412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/139.png", + [ + 0.18678371608257294, + -0.018817836418747902, + 0.10819250345230103, + -1.2646175622940063, + -0.018782839179039, + -0.21579855680465698, + -0.00510694645345211, + 0.04472813382744789, + 0.10819857567548752, + -0.004976437892764807, + -0.18765978515148163, + 2.271489143371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/107.png", + [ + 0.18196362257003784, + -0.023175792768597603, + 0.11532571166753769, + -1.3946994543075562, + -0.01966390199959278, + -0.21543154120445251, + -0.012266844511032104, + 0.1391393393278122, + 0.11597616970539093, + -0.00016445864457637072, + -0.18302294611930847, + 2.285560131072998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/112.png", + [ + 0.18217933177947998, + -0.02107948251068592, + 0.11538732796907425, + -1.4026423692703247, + -0.019242944195866585, + -0.21563027799129486, + -0.009010586887598038, + 0.09714341163635254, + 0.11570776998996735, + -0.0026715120766311884, + -0.1831733137369156, + 2.3046560287475586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/69.png", + [ + 0.2053752988576889, + -0.009294774383306503, + -0.06842870265245438, + 0.8216085433959961, + -0.0174003466963768, + -0.21474075317382812, + -0.02305515483021736, + 0.25978773832321167, + -0.06682895123958588, + 0.027348116040229797, + -0.20428869128227234, + 2.516655445098877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/157.png", + [ + 0.20635569095611572, + -0.028633441776037216, + -0.05954284593462944, + 0.7130686044692993, + -0.034946076571941376, + -0.2130211889743805, + -0.018672144040465355, + 0.20485585927963257, + -0.05607135593891144, + 0.027386188507080078, + -0.2074943333864212, + 2.5497045516967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/45.png", + [ + 0.1922490894794464, + -0.02169400081038475, + 0.09755796194076538, + -1.1711375713348389, + -0.01989162527024746, + -0.21558251976966858, + -0.008740450255572796, + 0.08998611569404602, + 0.09794136136770248, + -0.001201076665893197, + -0.1932716816663742, + 2.3771181106567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/50.png", + [ + 0.19210146367549896, + -0.022877458482980728, + 0.09757839888334274, + -1.1503846645355225, + -0.02037995681166649, + -0.21546347439289093, + -0.010394077748060226, + 0.10713289678096771, + 0.09813040494918823, + 3.7264118873281404e-05, + -0.19317948818206787, + 2.330371856689453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/101.png", + [ + 0.18643634021282196, + -0.019853077828884125, + 0.10860591381788254, + -1.3041722774505615, + -0.01802903413772583, + -0.21575623750686646, + -0.008490869775414467, + 0.0907866507768631, + 0.10892356932163239, + -0.0017309498507529497, + -0.1872980296611786, + 2.316655158996582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/85.png", + [ + 0.2153359055519104, + -0.017332298681139946, + -0.01667158491909504, + 0.19587396085262299, + -0.018209276720881462, + -0.21562643349170685, + -0.011025244370102882, + 0.10952000319957733, + -0.01570899784564972, + 0.012358198873698711, + -0.2157507836818695, + 2.6599464416503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/156.png", + [ + 0.20765957236289978, + -0.028389932587742805, + -0.05494912341237068, + 0.6590911746025085, + -0.033646609634160995, + -0.21337713301181793, + -0.016911623999476433, + 0.18529562652111053, + -0.051897019147872925, + 0.02474084123969078, + -0.2089078575372696, + 2.568753719329834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/131.png", + [ + 0.186593160033226, + -0.01588178612291813, + 0.10898920148611069, + -1.2838521003723145, + -0.016534430906176567, + -0.21601957082748413, + -0.003170626936480403, + 0.019338183104991913, + 0.10889210551977158, + -0.0055865212343633175, + -0.18724098801612854, + 2.280731201171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/71.png", + [ + 0.2044670730829239, + -0.007696227636188269, + -0.07128731906414032, + 0.8523147702217102, + -0.015640422701835632, + -0.21502260863780975, + -0.0216460470110178, + 0.24004945158958435, + -0.06997492909431458, + 0.025572292506694794, + -0.20346367359161377, + 2.4979186058044434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/160.png", + [ + 0.20636282861232758, + -0.02790338359773159, + -0.059863846749067307, + 0.7164643406867981, + -0.03451595827937126, + -0.21299855411052704, + -0.019701872020959854, + 0.21840938925743103, + -0.056310996413230896, + 0.028300462290644646, + -0.2073066681623459, + 2.552276134490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/115.png", + [ + 0.18387477099895477, + -0.02033897116780281, + 0.11280198395252228, + -1.3733439445495605, + -0.018400888890028, + -0.2157084047794342, + -0.008899024687707424, + 0.09774713218212128, + 0.11313429474830627, + -0.0020276973955333233, + -0.18478207290172577, + 2.3297715187072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/54.png", + [ + 0.19557178020477295, + -0.020922236144542694, + 0.09089463949203491, + -1.0721464157104492, + -0.01725638471543789, + -0.21562416851520538, + -0.01250324584543705, + 0.1287555992603302, + 0.09166128933429718, + 0.004046477843075991, + -0.19628991186618805, + 2.3642711639404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/33.png", + [ + 0.21444255113601685, + -0.020497342571616173, + -0.02328389696776867, + 0.26376938819885254, + -0.021715009585022926, + -0.21533121168613434, + -0.010432315990328789, + 0.10018770396709442, + -0.02215263806283474, + 0.012658346444368362, + -0.21516720950603485, + 2.586322784423828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/159.png", + [ + 0.20613087713718414, + -0.02838553488254547, + -0.06043357774615288, + 0.7222444415092468, + -0.035226788371801376, + -0.2128368765115738, + -0.020184798166155815, + 0.2223828136920929, + -0.0567188486456871, + 0.02902781404554844, + -0.20709477365016937, + 2.5460309982299805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/49.png", + [ + 0.19262832403182983, + -0.02156727761030197, + 0.09683531522750854, + -1.1436878442764282, + -0.019201306626200676, + -0.21559852361679077, + -0.009822427295148373, + 0.09993934631347656, + 0.09733209013938904, + 0.00015097740106284618, + -0.19358289241790771, + 2.3421783447265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/118.png", + [ + 0.18466445803642273, + -0.018552817404270172, + 0.11181560158729553, + -1.3571993112564087, + -0.016846301034092903, + -0.2158706933259964, + -0.007996173575520515, + 0.08618299663066864, + 0.11208540946245193, + -0.0018787155859172344, + -0.18542176485061646, + 2.331623077392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/110.png", + [ + 0.18180568516254425, + -0.022114770486950874, + 0.11578226089477539, + -1.4023292064666748, + -0.02061419188976288, + -0.2155124396085739, + -0.00879436731338501, + 0.09348012506961823, + 0.1160588189959526, + -0.0036362879909574986, + -0.1829344779253006, + 2.2917685508728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/18.png", + [ + 0.19270463287830353, + -0.006722485180944204, + -0.09883134067058563, + 1.1586840152740479, + -0.022284938022494316, + -0.21357585489749908, + -0.028924524784088135, + 0.32537952065467834, + -0.09652050584554672, + 0.035889480262994766, + -0.19064004719257355, + 2.31504487991333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/66.png", + [ + 0.20635783672332764, + -0.012710854411125183, + -0.06482884287834167, + 0.7844299077987671, + -0.019922392442822456, + -0.21470092236995697, + -0.021319357678294182, + 0.24043521285057068, + -0.06298764795064926, + 0.026265013962984085, + -0.2056467980146408, + 2.5422348976135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/16.png", + [ + 0.19109071791172028, + -0.006643190048635006, + -0.10192201286554337, + 1.2029411792755127, + -0.023061610758304596, + -0.21343864500522614, + -0.0293258186429739, + 0.3327938914299011, + -0.09950070828199387, + 0.03671116754412651, + -0.18894389271736145, + 2.3058199882507324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/94.png", + [ + 0.1919090300798416, + -0.022389300167560577, + 0.09806904196739197, + -1.1970959901809692, + -0.021541573107242584, + -0.21548613905906677, + -0.00704158516600728, + 0.07376313209533691, + 0.09825873374938965, + -0.003513182047754526, + -0.1930823028087616, + 2.417133331298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/28.png", + [ + 0.20181751251220703, + -0.007727637887001038, + -0.07847212255001068, + 0.9180274605751038, + -0.017450464889407158, + -0.21466195583343506, + -0.023740654811263084, + 0.2605653703212738, + -0.07689649611711502, + 0.02843274362385273, + -0.20056520402431488, + 2.413473606109619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/61.png", + [ + 0.215690478682518, + -0.013593245297670364, + -0.015515580773353577, + 0.2033824324607849, + -0.01443389430642128, + -0.21588647365570068, + -0.01151461061090231, + 0.11719328165054321, + -0.014736765064299107, + 0.012495888397097588, + -0.21581144630908966, + 2.6419076919555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/132.png", + [ + 0.18685252964496613, + -0.015305318869650364, + 0.10862678289413452, + -1.2760603427886963, + -0.015239997766911983, + -0.21609655022621155, + -0.004232792649418116, + 0.03225874528288841, + 0.10863597691059113, + -0.003990148194134235, + -0.18743053078651428, + 2.2793126106262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/58.png", + [ + 0.20927990972995758, + -0.02520284429192543, + 0.05014606937766075, + -0.5898811221122742, + -0.021492494270205498, + -0.214830219745636, + -0.018274301663041115, + 0.19652587175369263, + 0.05184481292963028, + 0.012676521204411983, + -0.20999836921691895, + 2.5191454887390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/123.png", + [ + 0.186236172914505, + -0.01700030267238617, + 0.1094302162528038, + -1.3179932832717896, + -0.013871465809643269, + -0.21600115299224854, + -0.009948953054845333, + 0.10946662724018097, + 0.10987068712711334, + 0.0015456232940778136, + -0.18674564361572266, + 2.3233871459960938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/64.png", + [ + 0.20830218493938446, + -0.014515780843794346, + -0.05785658583045006, + 0.7063831090927124, + -0.019561782479286194, + -0.21516217291355133, + -0.016446102410554886, + 0.17855329811573029, + -0.0563509427011013, + 0.021034013479948044, + -0.2081586867570877, + 2.5735931396484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/10.png", + [ + 0.19812645018100739, + -0.010910441167652607, + -0.08703312277793884, + 1.0316150188446045, + -0.02410956099629402, + -0.21348486840724945, + -0.028121797367930412, + 0.31719836592674255, + -0.0843358263373375, + 0.035398710519075394, + -0.1964237540960312, + 2.4074559211730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/41.png", + [ + 0.1951085329055786, + -0.0234659593552351, + 0.09126833081245422, + -1.1046453714370728, + -0.02258955128490925, + -0.21537737548351288, + -0.0070848590694367886, + 0.0665309727191925, + 0.09148918092250824, + -0.003135549370199442, + -0.19638684391975403, + 2.43489933013916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/91.png", + [ + 0.19775046408176422, + -0.02389552630484104, + 0.08527400344610214, + -1.0531338453292847, + -0.02185315079987049, + -0.2153528332710266, + -0.009668822400271893, + 0.10267889499664307, + 0.08582010865211487, + 0.00022387730132322758, + -0.19895415008068085, + 2.503391742706299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/140.png", + [ + 0.18753816187381744, + -0.019540615379810333, + 0.10674967616796494, + -1.2517740726470947, + -0.01858847215771675, + -0.21576742827892303, + -0.006840118672698736, + 0.06565006077289581, + 0.10691958665847778, + -0.003237711265683174, + -0.1884293407201767, + 2.285074234008789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/23.png", + [ + 0.1924281269311905, + -0.006097315810620785, + -0.09940897673368454, + 1.164711594581604, + -0.021348048001527786, + -0.21376675367355347, + -0.028212349861860275, + 0.3143962621688843, + -0.09728094190359116, + 0.034849654883146286, + -0.19044636189937592, + 2.300166606903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/37.png", + [ + 0.2016621083021164, + -0.02527555450797081, + 0.07510950416326523, + -0.9104901552200317, + -0.022196872159838676, + -0.21515388786792755, + -0.012806180864572525, + 0.1320047527551651, + 0.0760762169957161, + 0.004224423784762621, + -0.2028360366821289, + 2.4838972091674805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/36.png", + [ + 0.20535075664520264, + -0.025753561407327652, + 0.06415385752916336, + -0.7833372354507446, + -0.02246239222586155, + -0.21502432227134705, + -0.01441804226487875, + 0.14984141290187836, + 0.06537893414497375, + 0.007013773545622826, + -0.2064565122127533, + 2.523958206176758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/8.png", + [ + 0.20122544467449188, + -0.013507004827260971, + -0.07920712977647781, + 0.9404298067092896, + -0.02533244527876377, + -0.21336281299591064, + -0.027972744777798653, + 0.3142320513725281, + -0.07625270634889603, + 0.035238731652498245, + -0.19972893595695496, + 2.4399585723876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/6.png", + [ + 0.2071821540594101, + -0.012613159604370594, + -0.06216391921043396, + 0.7388375401496887, + -0.022356711328029633, + -0.2132413536310196, + -0.031244242563843727, + 0.3529607951641083, + -0.05936010554432869, + 0.036289580166339874, + -0.20520073175430298, + 2.4956045150756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/154.png", + [ + 0.21031984686851501, + -0.025071630254387856, + -0.04566039890050888, + 0.5450810790061951, + -0.029350167140364647, + -0.21394525468349457, + -0.017717014998197556, + 0.19684326648712158, + -0.04303517937660217, + 0.023382434621453285, + -0.21106666326522827, + 2.59190034866333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/20.png", + [ + 0.19268912076950073, + -0.006066011730581522, + -0.09890399128198624, + 1.1583625078201294, + -0.021444130688905716, + -0.2136959731578827, + -0.028671935200691223, + 0.3217279314994812, + -0.09674163162708282, + 0.03528645634651184, + -0.19064053893089294, + 2.3113808631896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/2.png", + [ + 0.21484503149986267, + -0.011605776846408844, + -0.02558917924761772, + 0.3016035556793213, + -0.014772004447877407, + -0.21451088786125183, + -0.02673499658703804, + 0.29872485995292664, + -0.02390163019299507, + 0.028253816068172455, + -0.213490828871727, + 2.5919485092163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/117.png", + [ + 0.18249857425689697, + -0.018559589982032776, + 0.11531566828489304, + -1.4036076068878174, + -0.017565159127116203, + -0.21584990620613098, + -0.006941544357687235, + 0.07268358767032623, + 0.11547132581472397, + -0.0035016373731195927, + -0.18330849707126617, + 2.312256336212158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/149.png", + [ + 0.21605758368968964, + -0.01632630079984665, + 0.0006866224575787783, + 0.007094663567841053, + -0.01625114493072033, + -0.21563534438610077, + -0.013608649373054504, + 0.1464361548423767, + 0.001708732102997601, + 0.013518394902348518, + -0.21624575555324554, + 2.630995750427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/161.png", + [ + 0.2059268355369568, + -0.025781981647014618, + -0.06226812303066254, + 0.7459681034088135, + -0.03315642476081848, + -0.21304664015769958, + -0.021440070122480392, + 0.2405892014503479, + -0.05867437273263931, + 0.029905090108513832, + -0.2064240723848343, + 2.5483250617980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/5.png", + [ + 0.20978446304798126, + -0.012075111269950867, + -0.05284467339515686, + 0.6275042295455933, + -0.0199884045869112, + -0.21357713639736176, + -0.030547812581062317, + 0.3453563451766968, + -0.05038681998848915, + 0.03445137292146683, + -0.20789940655231476, + 2.530975341796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/108.png", + [ + 0.1818183809518814, + -0.023794548586010933, + 0.11542869359254837, + -1.3958604335784912, + -0.021110689267516136, + -0.2153557986021042, + -0.011140922084450722, + 0.12382033467292786, + 0.11594956368207932, + -0.0018975678831338882, + -0.18303000926971436, + 2.2875895500183105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/60.png", + [ + 0.21573656797409058, + -0.01743423379957676, + 0.010083266533911228, + -0.10495391488075256, + -0.01670754887163639, + -0.21549859642982483, + -0.015136328525841236, + 0.16169199347496033, + 0.011246448382735252, + 0.014293289743363857, + -0.2159099578857422, + 2.6322426795959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/56.png", + [ + 0.19942253828048706, + -0.022335968911647797, + 0.08172911405563354, + -0.9713237881660461, + -0.0184515081346035, + -0.21544241905212402, + -0.013856365345418453, + 0.14284753799438477, + 0.0826927125453949, + 0.005793232005089521, + -0.20019054412841797, + 2.414950370788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/147.png", + [ + 0.21103447675704956, + -0.02104964852333069, + 0.044376254081726074, + -0.5122888684272766, + -0.019488129764795303, + -0.21558353304862976, + -0.009583726525306702, + 0.09476691484451294, + 0.04508383944630623, + 0.005342971999198198, + -0.21186503767967224, + 2.5579891204833984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/30.png", + [ + 0.20648933947086334, + -0.007783574052155018, + -0.06518792361021042, + 0.7705539464950562, + -0.015111420303583145, + -0.21500445902347565, + -0.022194966673851013, + 0.24255260825157166, + -0.06388813257217407, + 0.02569800801575184, + -0.20544052124023438, + 2.4669370651245117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/17.png", + [ + 0.19295117259025574, + -0.005706058815121651, + -0.09841334074735641, + 1.1570652723312378, + -0.021246984601020813, + -0.21363449096679688, + -0.02927061915397644, + 0.33008626103401184, + -0.09626167267560959, + 0.035716164857149124, + -0.1908034086227417, + 2.318570137023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/12.png", + [ + 0.19605660438537598, + -0.009796435944736004, + -0.0917263999581337, + 1.0880903005599976, + -0.025128144770860672, + -0.21297357976436615, + -0.03096335008740425, + 0.35251739621162415, + -0.0887596532702446, + 0.03865465521812439, + -0.19384384155273438, + 2.3810229301452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/114.png", + [ + 0.1821998804807663, + -0.020101409405469894, + 0.11552932858467102, + -1.4067219495773315, + -0.01811070553958416, + -0.21572986245155334, + -0.008973533287644386, + 0.09807944297790527, + 0.11585807055234909, + -0.002110725734382868, + -0.1830856204032898, + 2.311098575592041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/27.png", + [ + 0.19906353950500488, + -0.009157873690128326, + -0.08507487177848816, + 0.9931321740150452, + -0.019961286336183548, + -0.2144562155008316, + -0.023621559143066406, + 0.2597125470638275, + -0.0832054540514946, + 0.02953920140862465, + -0.19786909222602844, + 2.3838658332824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/42.png", + [ + 0.19371993839740753, + -0.021676238626241684, + 0.09460766613483429, + -1.1456053256988525, + -0.020300552248954773, + -0.2155795693397522, + -0.007825281471014023, + 0.07729282975196838, + 0.09491237252950668, + -0.0018676593899726868, + -0.19477178156375885, + 2.41619873046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/7.png", + [ + 0.20276375114917755, + -0.012884514406323433, + -0.07529108226299286, + 0.8944427967071533, + -0.02488909475505352, + -0.21305884420871735, + -0.030567312613129616, + 0.3459246754646301, + -0.07221697270870209, + 0.03725341707468033, + -0.20086011290550232, + 2.4494833946228027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/73.png", + [ + 0.20409296452999115, + -0.007139977533370256, + -0.07240842282772064, + 0.8597121238708496, + -0.015919245779514313, + -0.21478642523288727, + -0.023691104725003242, + 0.2641451060771942, + -0.0709967315196991, + 0.027635332196950912, + -0.2028389722108841, + 2.4728527069091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/120.png", + [ + 0.18359965085983276, + -0.01979236491024494, + 0.11334603279829025, + -1.3733018636703491, + -0.01698492094874382, + -0.21576860547065735, + -0.010164843872189522, + 0.11304782330989838, + 0.11380060017108917, + -0.00027188952662982047, + -0.18438342213630676, + 2.3111863136291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/46.png", + [ + 0.19254133105278015, + -0.021141447126865387, + 0.0971018597483635, + -1.1589317321777344, + -0.019443994387984276, + -0.21563711762428284, + -0.008394361473619938, + 0.08517318964004517, + 0.0974559485912323, + -0.0012543527409434319, + -0.1935165673494339, + 2.366757869720459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/127.png", + [ + 0.1872396022081375, + -0.015203991904854774, + 0.10797251015901566, + -1.290061116218567, + -0.01336081512272358, + -0.21614022552967072, + -0.007265924941748381, + 0.07554437220096588, + 0.10821603983640671, + -0.0003790553309954703, + -0.1877153068780899, + 2.3153247833251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/133.png", + [ + 0.18600913882255554, + -0.01710323616862297, + 0.10979972034692764, + -1.285959243774414, + -0.017590485513210297, + -0.21592536568641663, + -0.003834544913843274, + 0.02647973597049713, + 0.10972272604703903, + -0.005622115917503834, + -0.18675442039966583, + 2.2643814086914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/57.png", + [ + 0.20410750806331635, + -0.025531532242894173, + 0.0680893287062645, + -0.809310793876648, + -0.021575678139925003, + -0.21500729024410248, + -0.015945347025990486, + 0.16850997507572174, + 0.06944426149129868, + 0.008240431547164917, + -0.20507921278476715, + 2.4664559364318848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/44.png", + [ + 0.19287064671516418, + -0.02082277275621891, + 0.09651537984609604, + -1.1636073589324951, + -0.018967831507325172, + -0.2156703919172287, + -0.008625741116702557, + 0.08973036706447601, + 0.09689699858427048, + -0.000770902493968606, + -0.19379958510398865, + 2.390552520751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/113.png", + [ + 0.18134118616580963, + -0.020598605275154114, + 0.11678598821163177, + -1.4216328859329224, + -0.018840376287698746, + -0.21567508578300476, + -0.008785894140601158, + 0.09470297396183014, + 0.11708249896764755, + -0.0028016557916998863, + -0.18229570984840393, + 2.2992377281188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/126.png", + [ + 0.18540306389331818, + -0.017382126301527023, + 0.1107766255736351, + -1.3287911415100098, + -0.015519201755523682, + -0.2159731537103653, + -0.007914712652564049, + 0.08329224586486816, + 0.11105292290449142, + -0.0011618935968726873, + -0.18604782223701477, + 2.3006067276000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/29.png", + [ + 0.20415349304676056, + -0.008310598321259022, + -0.07211222499608994, + 0.8477548956871033, + -0.016810668632388115, + -0.21481111645698547, + -0.022835910320281982, + 0.25005725026130676, + -0.07061614841222763, + 0.027111094444990158, + -0.20304244756698608, + 2.4414467811584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/4.png", + [ + 0.2124711126089096, + -0.012410745956003666, + -0.040618907660245895, + 0.48003697395324707, + -0.018114591017365456, + -0.2139054387807846, + -0.029397670179605484, + 0.33199018239974976, + -0.03841593116521835, + 0.032223206013441086, + -0.21079319715499878, + 2.565561294555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/55.png", + [ + 0.1970812976360321, + -0.020339656621217728, + 0.08771062642335892, + -1.0386189222335815, + -0.015825197100639343, + -0.21561288833618164, + -0.01444113627076149, + 0.15091411769390106, + 0.08863643556833267, + 0.006729167886078358, + -0.1976011097431183, + 2.3805723190307617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/9.png", + [ + 0.20051169395446777, + -0.012874460779130459, + -0.0810999795794487, + 0.9602702260017395, + -0.025131158530712128, + -0.21334798634052277, + -0.028265738859772682, + 0.3174346089363098, + -0.07817532867193222, + 0.03556368127465248, + -0.19892646372318268, + 2.430792808532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/25.png", + [ + 0.19337111711502075, + -0.006416040472686291, + -0.09754151105880737, + 1.1423245668411255, + -0.02066139131784439, + -0.21400535106658936, + -0.026883412152528763, + 0.3003370463848114, + -0.09554381668567657, + 0.03329332545399666, + -0.1916007101535797, + 2.314868927001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/99.png", + [ + 0.18648658692836761, + -0.021035078912973404, + 0.10829668492078781, + -1.3041754961013794, + -0.019229881465435028, + -0.2156413048505783, + -0.008771433494985104, + 0.09562952816486359, + 0.10863175988197327, + -0.0020619735587388277, + -0.18746410310268402, + 2.3231863975524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/34.png", + [ + 0.21497510373592377, + -0.023854272440075874, + 0.012828492559492588, + -0.17150931060314178, + -0.023092858493328094, + -0.21505363285541534, + -0.012905505485832691, + 0.13081258535385132, + 0.014153320342302322, + 0.011437038891017437, + -0.2159091681241989, + 2.614650249481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/72.png", + [ + 0.20378094911575317, + -0.0064145466312766075, + -0.07334902882575989, + 0.8743248581886292, + -0.01489766500890255, + -0.2149783819913864, + -0.02258886583149433, + 0.2516784965991974, + -0.07210607826709747, + 0.026287846267223358, + -0.20262664556503296, + 2.4811172485351562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/102.png", + [ + 0.18515531718730927, + -0.019903840497136116, + 0.11076658964157104, + -1.3310284614562988, + -0.018064668402075768, + -0.2157500684261322, + -0.008571946062147617, + 0.09192721545696259, + 0.11108135432004929, + -0.0019098689081147313, + -0.18602466583251953, + 2.3026857376098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/134.png", + [ + 0.18499824404716492, + -0.018833158537745476, + 0.11121538281440735, + -1.301747441291809, + -0.019294725731015205, + -0.21576808393001556, + -0.004442776553332806, + 0.03522263094782829, + 0.11113624274730682, + -0.006110380403697491, + -0.18590129911899567, + 2.255727767944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/70.png", + [ + 0.2045169472694397, + -0.007975269109010696, + -0.07111332565546036, + 0.8529088497161865, + -0.01601259596645832, + -0.2149651050567627, + -0.021943040192127228, + 0.24504783749580383, + -0.06974459439516068, + 0.025967199355363846, + -0.20349273085594177, + 2.503787040710449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/135.png", + [ + 0.1857410967350006, + -0.018724091351032257, + 0.10998883843421936, + -1.28574800491333, + -0.0185707975178957, + -0.21581032872200012, + -0.005377745721489191, + 0.04709683731198311, + 0.11001482605934143, + -0.00481695681810379, + -0.18660500645637512, + 2.266098976135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/130.png", + [ + 0.18681128323078156, + -0.013323522172868252, + 0.10895833373069763, + -1.2854835987091064, + -0.013831756077706814, + -0.21621553599834442, + -0.002724200254306197, + 0.016514413058757782, + 0.10889498144388199, + -0.004606786649674177, + -0.18726599216461182, + 2.2841997146606445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/90.png", + [ + 0.19903525710105896, + -0.024648392572999, + 0.0820080041885376, + -1.01883864402771, + -0.022458136081695557, + -0.21526633203029633, + -0.01019422709941864, + 0.10757279396057129, + 0.08263467252254486, + 0.0008642622269690037, + -0.20029641687870026, + 2.524707317352295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/122.png", + [ + 0.18623240292072296, + -0.017184866592288017, + 0.10940776765346527, + -1.318244457244873, + -0.014195887371897697, + -0.2159886360168457, + -0.009761658497154713, + 0.10722166299819946, + 0.10983560234308243, + 0.0012220969656482339, + -0.18676866590976715, + 2.3272452354431152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/15.png", + [ + 0.19241411983966827, + -0.006672462448477745, + -0.09939911961555481, + 1.1755495071411133, + -0.023362258449196815, + -0.213181734085083, + -0.030913565307855606, + 0.3517553508281708, + -0.09684477746486664, + 0.03816964477300644, + -0.1900317519903183, + 2.322413921356201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/162.png", + [ + 0.20544682443141937, + -0.024648243561387062, + -0.06428032368421555, + 0.7735021710395813, + -0.03185548633337021, + -0.21338576078414917, + -0.019990941509604454, + 0.22573700547218323, + -0.061030518263578415, + 0.028405526652932167, + -0.20595216751098633, + 2.5559544563293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/22.png", + [ + 0.1921292096376419, + -0.005865890067070723, + -0.09999929368495941, + 1.1724110841751099, + -0.021827077493071556, + -0.2135569453239441, + -0.02940938249230385, + 0.32783427834510803, + -0.09776424616575241, + 0.03615141287446022, + -0.18995557725429535, + 2.296916961669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/138.png", + [ + 0.18565867841243744, + -0.01918216049671173, + 0.1100490540266037, + -1.285839557647705, + -0.019338084384799004, + -0.21575242280960083, + -0.004982451442629099, + 0.043286051601171494, + 0.11002176254987717, + -0.0055525777861475945, + -0.18658047914505005, + 2.2569518089294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/109.png", + [ + 0.18293337523937225, + -0.02179739437997341, + 0.11405327171087265, + -1.3791736364364624, + -0.020062992349267006, + -0.21555528044700623, + -0.009016423486173153, + 0.09710265696048737, + 0.11437112092971802, + -0.002948409179225564, + -0.18400664627552032, + 2.3020706176757812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/26.png", + [ + 0.1959725320339203, + -0.008205835707485676, + -0.09206155687570572, + 1.0766266584396362, + -0.020647356286644936, + -0.21425172686576843, + -0.02485511638224125, + 0.2746905982494354, + -0.0900907963514328, + 0.03125306963920593, + -0.19456306099891663, + 2.3471908569335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/43.png", + [ + 0.19277454912662506, + -0.02156059816479683, + 0.09654533863067627, + -1.1678935289382935, + -0.019955767318606377, + -0.21559396386146545, + -0.008300459943711758, + 0.08443088829517365, + 0.09688977897167206, + -0.0015069537330418825, + -0.19379884004592896, + 2.3969640731811523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/84.png", + [ + 0.21330700814723969, + -0.013361185789108276, + -0.03563006594777107, + 0.4328383803367615, + -0.016010453924536705, + -0.2155599445104599, + -0.01501554250717163, + 0.15767797827720642, + -0.034520842134952545, + 0.01741493120789528, + -0.21319693326950073, + 2.6159439086914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/136.png", + [ + 0.18612083792686462, + -0.018687590956687927, + 0.1093512699007988, + -1.2809690237045288, + -0.01863541454076767, + -0.21581001579761505, + -0.005162541288882494, + 0.044912103563547134, + 0.10936018079519272, + -0.004970355425029993, + -0.18698540329933167, + 2.2734789848327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/89.png", + [ + 0.2021816521883011, + -0.023572126403450966, + 0.07426188141107559, + -0.9267212152481079, + -0.02128722332417965, + -0.21537505090236664, + -0.010408594273030758, + 0.10902927815914154, + 0.07494883239269257, + 0.0024165159557014704, + -0.2032848447561264, + 2.5621590614318848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/63.png", + [ + 0.21039006114006042, + -0.014018183574080467, + -0.04987386241555214, + 0.6122710704803467, + -0.017966253682971, + -0.21538932621479034, + -0.015249556861817837, + 0.16211256384849548, + -0.04859141260385513, + 0.01894269697368145, + -0.2103044092655182, + 2.5973939895629883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/88.png", + [ + 0.20677858591079712, + -0.023199161514639854, + 0.06043439731001854, + -0.7580032348632812, + -0.02127566747367382, + -0.2154005616903305, + -0.00989107508212328, + 0.10050061345100403, + 0.06113807111978531, + 0.003505165223032236, + -0.2078406661748886, + 2.6131553649902344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/62.png", + [ + 0.21326974034309387, + -0.013321998529136181, + -0.035866886377334595, + 0.4459778666496277, + -0.015693068504333496, + -0.2157023698091507, + -0.013195180334150791, + 0.13763298094272614, + -0.03489464893937111, + 0.01558555569499731, + -0.2132776379585266, + 2.626884937286377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/65.png", + [ + 0.20714999735355377, + -0.012934720143675804, + -0.06220509484410286, + 0.7559893727302551, + -0.019225774332880974, + -0.21495282649993896, + -0.019327428191900253, + 0.21419699490070343, + -0.060556989163160324, + 0.02399735152721405, + -0.20665156841278076, + 2.554244041442871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/80.png", + [ + 0.20682942867279053, + -0.006690173875540495, + -0.06422412395477295, + 0.7636611461639404, + -0.013860760256648064, + -0.21508485078811646, + -0.0222324226051569, + 0.24644139409065247, + -0.06306644529104233, + 0.025330672040581703, + -0.205739825963974, + 2.5004630088806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/146.png", + [ + 0.20558235049247742, + -0.023585882037878036, + 0.06424553692340851, + -0.7534220218658447, + -0.02144693210721016, + -0.21535800397396088, + -0.010433369316160679, + 0.10427144169807434, + 0.06499086320400238, + 0.0035400877241045237, + -0.2066677212715149, + 2.49306058883667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/119.png", + [ + 0.1838606894016266, + -0.018796833232045174, + 0.11309207230806351, + -1.372556447982788, + -0.01661430113017559, + -0.2158547043800354, + -0.008865945041179657, + 0.09709849953651428, + 0.11343326419591904, + -0.001148482784628868, + -0.18460625410079956, + 2.3184990882873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/145.png", + [ + 0.19881802797317505, + -0.023173386231064796, + 0.08295952528715134, + -0.9834465980529785, + -0.02076265774667263, + -0.21542587876319885, + -0.010416606441140175, + 0.10378630459308624, + 0.08359544724225998, + 0.001608629827387631, + -0.19989274442195892, + 2.4260473251342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/79.png", + [ + 0.2056550830602646, + -0.006928293500095606, + -0.06786666065454483, + 0.8027535080909729, + -0.014671937562525272, + -0.21500204503536224, + -0.02251122146844864, + 0.2496252954006195, + -0.06662295758724213, + 0.02596188709139824, + -0.20453667640686035, + 2.4828639030456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/116.png", + [ + 0.18258026242256165, + -0.020270464941859245, + 0.11489756405353546, + -1.398830771446228, + -0.01880572736263275, + -0.21570228040218353, + -0.008171024732291698, + 0.08731107413768768, + 0.11514637619256973, + -0.003086953656747937, + -0.18352022767066956, + 2.3163466453552246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/19.png", + [ + 0.19367428123950958, + -0.005836449097841978, + -0.09697473794221878, + 1.134291172027588, + -0.021130822598934174, + -0.21363595128059387, + -0.029343945905566216, + 0.3294331431388855, + -0.09482432156801224, + 0.035686343908309937, + -0.1915273517370224, + 2.322401523590088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/77.png", + [ + 0.20476752519607544, + -0.006283821538090706, + -0.07055970281362534, + 0.8319635987281799, + -0.01470587495714426, + -0.2148895412683487, + -0.02353975549340248, + 0.2609303295612335, + -0.06929569691419601, + 0.027035098522901535, + -0.20350700616836548, + 2.4655508995056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/68.png", + [ + 0.20554353296756744, + -0.010510655120015144, + -0.0677441954612732, + 0.8149562478065491, + -0.01853875070810318, + -0.21465736627578735, + -0.022944118827581406, + 0.2599055767059326, + -0.06600048393011093, + 0.027561640366911888, + -0.20452918112277985, + 2.5218067169189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/143.png", + [ + 0.1896982043981552, + -0.01983792707324028, + 0.10280537605285645, + -1.2149494886398315, + -0.018581785261631012, + -0.21575137972831726, + -0.007345228455960751, + 0.06756831705570221, + 0.10303982347249985, + -0.002385747153311968, + -0.19059118628501892, + 2.3101086616516113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/86.png", + [ + 0.21562883257865906, + -0.02013109251856804, + 0.006843718700110912, + -0.09585515409708023, + -0.019774751737713814, + -0.21549779176712036, + -0.010842031799256802, + 0.10901513695716858, + 0.007813874632120132, + 0.010165112093091011, + -0.21629495918750763, + 2.6874303817749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/1.png", + [ + 0.21537122130393982, + -0.013542811386287212, + -0.01948665827512741, + 0.2278527319431305, + -0.01595383882522583, + -0.21434755623340607, + -0.02735869586467743, + 0.30613699555397034, + -0.01756737194955349, + 0.02862893044948578, + -0.21405529975891113, + 2.5980634689331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/81.png", + [ + 0.2076931893825531, + -0.007152042351663113, + -0.061321135610342026, + 0.7355340719223022, + -0.013959369622170925, + -0.21508239209651947, + -0.022194426506757736, + 0.2457195520401001, + -0.060137927532196045, + 0.025225084275007248, + -0.2066277265548706, + 2.5145182609558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/95.png", + [ + 0.1905270516872406, + -0.021625755354762077, + 0.10089434683322906, + -1.2265009880065918, + -0.021093741059303284, + -0.21555136144161224, + -0.006368380039930344, + 0.06626744568347931, + 0.10100691020488739, + -0.004222416318953037, + -0.19164463877677917, + 2.389575481414795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/103.png", + [ + 0.18164046108722687, + -0.023266557604074478, + 0.11581584066152573, + -1.3964436054229736, + -0.02095264010131359, + -0.21540766954421997, + -0.010412630625069141, + 0.11448271572589874, + 0.1162567213177681, + -0.0024704893585294485, + -0.18282823264598846, + 2.269807815551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/150.png", + [ + 0.2155388444662094, + -0.015562845394015312, + -0.015770014375448227, + 0.2014453411102295, + -0.01666201651096344, + -0.21550790965557098, + -0.01505359634757042, + 0.16263747215270996, + -0.01460385974496603, + 0.016187382861971855, + -0.21557502448558807, + 2.63045072555542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/83.png", + [ + 0.21073247492313385, + -0.009354691952466965, + -0.04951980710029602, + 0.6035423278808594, + -0.013787195086479187, + -0.2154880315065384, + -0.017964232712984085, + 0.19404931366443634, + -0.04847303032875061, + 0.020622562617063522, + -0.21017366647720337, + 2.571681499481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/142.png", + [ + 0.18950781226158142, + -0.020222749561071396, + 0.10308114439249039, + -1.2153575420379639, + -0.01979069970548153, + -0.21568739414215088, + -0.005930283106863499, + 0.05132172629237175, + 0.10316496342420578, + -0.0042285192757844925, + -0.1904914677143097, + 2.3091397285461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/51.png", + [ + 0.19221560657024384, + -0.02319834753870964, + 0.09727741777896881, + -1.144835114479065, + -0.020324964076280594, + -0.21542760729789734, + -0.011213185265660286, + 0.11677756905555725, + 0.09791810065507889, + 0.0008223803015425801, + -0.19328543543815613, + 2.328129768371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/128.png", + [ + 0.18695567548274994, + -0.014592018909752369, + 0.1085473969578743, + -1.2915256023406982, + -0.012787524610757828, + -0.21618247032165527, + -0.007036907132714987, + 0.07015982270240784, + 0.10877474397420883, + -0.00033443112624809146, + -0.1873922049999237, + 2.3051538467407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/93.png", + [ + 0.19409939646720886, + -0.02344183437526226, + 0.09340126812458038, + -1.1445480585098267, + -0.022047489881515503, + -0.21539238095283508, + -0.008241722360253334, + 0.08772341907024384, + 0.09374019503593445, + -0.0021209234837442636, + -0.19533602893352509, + 2.450918197631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/76.png", + [ + 0.17906874418258667, + -0.025390606373548508, + 0.11932139843702316, + -1.2980610132217407, + -0.009461787529289722, + -0.21418188512325287, + -0.031376585364341736, + 0.34278354048728943, + 0.12162545323371887, + 0.02072034403681755, + -0.17811740934848785, + 1.9944552183151245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/48.png", + [ + 0.1758066564798355, + -0.016237424686551094, + 0.1256035715341568, + -1.3631563186645508, + -0.005673132371157408, + -0.21568045020103455, + -0.01994147151708603, + 0.22425606846809387, + 0.12652166187763214, + 0.012891577556729317, + -0.17542511224746704, + 1.9596232175827026, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/35.png", + [ + 0.18292929232120514, + -0.025616519153118134, + 0.11326321959495544, + -1.2497591972351074, + -0.019319292157888412, + -0.21510517597198486, + -0.017447689548134804, + 0.19639764726161957, + 0.1145055741071701, + 0.0046315002255141735, + -0.18388831615447998, + 2.060558795928955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/124.png", + [ + 0.17517569661140442, + -0.030272604897618294, + 0.12387466430664062, + -1.3495830297470093, + -0.011678909882903099, + -0.21340464055538177, + -0.035636451095342636, + 0.3883359134197235, + 0.126984104514122, + 0.02213420532643795, + -0.17416372895240784, + 1.954569935798645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/97.png", + [ + 0.17861442267894745, + -0.027113020420074463, + 0.11962302774190903, + -1.2782686948776245, + -0.01390793640166521, + -0.21442878246307373, + -0.027834562584757805, + 0.29636305570602417, + 0.1218661367893219, + 0.015266879461705685, + -0.17850340902805328, + 1.966366171836853, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/13.png", + [ + 0.1837083101272583, + -0.021889667958021164, + 0.11278297007083893, + -1.2478359937667847, + -0.006588994991034269, + -0.2143627405166626, + -0.030872352421283722, + 0.34663477540016174, + 0.11469846963882446, + 0.022745538502931595, + -0.18241380155086517, + 2.0658297538757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/32.png", + [ + 0.18406733870506287, + -0.03144367039203644, + 0.10990174859762192, + -1.208926796913147, + -0.026699574664235115, + -0.2143801599740982, + -0.016618292778730392, + 0.18638771772384644, + 0.11114957928657532, + 0.0005748502444475889, + -0.18599283695220947, + 2.0771541595458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/38.png", + [ + 0.18000662326812744, + -0.019930338487029076, + 0.1189466118812561, + -1.3124675750732422, + -0.011122802272439003, + -0.21552826464176178, + -0.0192806925624609, + 0.21679003536701202, + 0.1200907900929451, + 0.009911786764860153, + -0.18007735908031464, + 2.024399757385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/111.png", + [ + 0.17553041875362396, + -0.030773678794503212, + 0.12324750423431396, + -1.3295314311981201, + -0.014400810934603214, + -0.21368594467639923, + -0.032845478504896164, + 0.35170790553092957, + 0.12621243298053741, + 0.01841709390282631, + -0.17515456676483154, + 1.9483200311660767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/11.png", + [ + 0.18447577953338623, + -0.023528942838311195, + 0.1111888661980629, + -1.22935950756073, + -0.005480619613081217, + -0.21357549726963043, + -0.036102212965488434, + 0.40428757667541504, + 0.11351889371871948, + 0.027924824506044388, + -0.18243233859539032, + 2.0671396255493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/59.png", + [ + 0.1742883324623108, + -0.021042475476861, + 0.12699875235557556, + -1.3710048198699951, + -0.004600920714437962, + -0.21464194357395172, + -0.029249977320432663, + 0.3228871524333954, + 0.12864798307418823, + 0.02083132043480873, + -0.17310011386871338, + 1.918103814125061, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/105.png", + [ + 0.17566747963428497, + -0.029190724715590477, + 0.12343717366456985, + -1.3279527425765991, + -0.01168963685631752, + -0.21368719637393951, + -0.033897362649440765, + 0.365313321352005, + 0.12630195915699005, + 0.020822595804929733, + -0.17482025921344757, + 1.9385172128677368, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/121.png", + [ + 0.17539454996585846, + -0.031903333961963654, + 0.12315364927053452, + -1.3302950859069824, + -0.012528653256595135, + -0.21306291222572327, + -0.03735138848423958, + 0.4034736156463623, + 0.1266004592180252, + 0.023114297538995743, + -0.1743156462907791, + 1.9391242265701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/24.png", + [ + 0.1839199960231781, + -0.025698481127619743, + 0.1116284653544426, + -1.2141661643981934, + -0.01884946972131729, + -0.21506288647651672, + -0.01845403015613556, + 0.2022673338651657, + 0.11298684030771255, + 0.00595329562202096, + -0.18478751182556152, + 2.0631160736083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/74.png", + [ + 0.17911575734615326, + -0.02593287080526352, + 0.11913405358791351, + -1.2961900234222412, + -0.00964378472417593, + -0.2140667736530304, + -0.032098401337862015, + 0.3512013256549835, + 0.12154191732406616, + 0.021231960505247116, + -0.17811419069766998, + 1.9931546449661255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/98.png", + [ + 0.17718853056430817, + -0.026815364137291908, + 0.12179102748632431, + -1.3011831045150757, + -0.013110993430018425, + -0.21443916857242584, + -0.028139574453234673, + 0.2993340790271759, + 0.12401700764894485, + 0.01564192771911621, + -0.1769830584526062, + 1.9512401819229126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/0.png", + [ + 0.19153940677642822, + -0.019164491444826126, + 0.09946493804454803, + -1.0910450220108032, + -0.007146094925701618, + -0.2147877812385559, + -0.02762320078909397, + 0.31775495409965515, + 0.1010420024394989, + 0.02113836072385311, + -0.19050349295139313, + 2.1159048080444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/96.png", + [ + 0.17862026393413544, + -0.02753284014761448, + 0.11951835453510284, + -1.277448058128357, + -0.014612160623073578, + -0.21441784501075745, + -0.02755647897720337, + 0.2933688461780548, + 0.12177512049674988, + 0.014656651765108109, + -0.17861661314964294, + 1.9672709703445435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/100.png", + [ + 0.17700445652008057, + -0.02657470479607582, + 0.1221110075712204, + -1.3080880641937256, + -0.012257133610546589, + -0.21438990533351898, + -0.02888995036482811, + 0.3078373670578003, + 0.12436670809984207, + 0.016692858189344406, + -0.1766413450241089, + 1.9496105909347534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/40.png", + [ + 0.17968879640102386, + -0.014218044467270374, + 0.12024006247520447, + -1.3237926959991455, + -0.002605369547381997, + -0.21557973325252533, + -0.021598178893327713, + 0.24008864164352417, + 0.12104972451925278, + 0.01646561548113823, + -0.17895178496837616, + 2.0117406845092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/52.png", + [ + 0.1751471906900406, + -0.020573008805513382, + 0.12588925659656525, + -1.358198881149292, + -0.009063403122127056, + -0.2153046429157257, + -0.02257567271590233, + 0.2496732473373413, + 0.12723679840564728, + 0.012982973828911781, + -0.1749003529548645, + 1.941182255744934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/3.png", + [ + 0.18938365578651428, + -0.018428638577461243, + 0.10364417731761932, + -1.1349129676818848, + -0.004637203179299831, + -0.21458202600479126, + -0.029680820181965828, + 0.3366110324859619, + 0.10516761988401413, + 0.023724248632788658, + -0.1879490166902542, + 2.101346492767334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/47.png", + [ + 0.17462413012981415, + -0.015017895959317684, + 0.12739217281341553, + -1.3864659070968628, + -0.003908728715032339, + -0.21570758521556854, + -0.02007121592760086, + 0.22414177656173706, + 0.1282147765159607, + 0.013877849094569683, + -0.17411571741104126, + 1.9496146440505981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/104.png", + [ + 0.17578327655792236, + -0.028884295374155045, + 0.12334435433149338, + -1.3247627019882202, + -0.011747468262910843, + -0.2137749344110489, + -0.03331915661692619, + 0.3585198223590851, + 0.12613536417484283, + 0.020343709737062454, + -0.17499686777591705, + 1.9376388788223267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/21.png", + [ + 0.18431277573108673, + -0.017443276941776276, + 0.11257189512252808, + -1.2258816957473755, + -0.009998736903071404, + -0.2157701700925827, + -0.017063261941075325, + 0.18627379834651947, + 0.11347565054893494, + 0.009319967590272427, + -0.18434834480285645, + 2.0632143020629883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/82.png", + [ + 0.17860186100006104, + -0.027290645986795425, + 0.11960136890411377, + -1.3035788536071777, + -0.01490653958171606, + -0.21450766921043396, + -0.026686284691095352, + 0.2887266278266907, + 0.12176643311977386, + 0.013768930919468403, + -0.17869317531585693, + 1.9993788003921509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/106.png", + [ + 0.17627522349357605, + -0.029982592910528183, + 0.12237636744976044, + -1.3172014951705933, + -0.012133430689573288, + -0.21351182460784912, + -0.0348336435854435, + 0.37482693791389465, + 0.12541018426418304, + 0.021485965698957443, + -0.1753811091184616, + 1.9426778554916382, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/14.png", + [ + 0.18478189408779144, + -0.0181224774569273, + 0.11169207096099854, + -1.2326184511184692, + -0.0036018856335431337, + -0.2147112637758255, + -0.0288788340985775, + 0.3253300189971924, + 0.11309540271759033, + 0.02277139574289322, + -0.18340879678726196, + 2.076140880584717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/67.png", + [ + 0.17766745388507843, + -0.021609656512737274, + 0.12212775647640228, + -1.3259857892990112, + -0.0074192555621266365, + -0.21483005583286285, + -0.027219390496611595, + 0.2953065037727356, + 0.12380275875329971, + 0.01813735067844391, + -0.1768949031829834, + 1.9745930433273315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/78.png", + [ + 0.1793978065252304, + -0.025119079276919365, + 0.11888381093740463, + -1.2951359748840332, + -0.009818741120398045, + -0.21429774165153503, + -0.03046252578496933, + 0.3332148790359497, + 0.121111199259758, + 0.019834443926811218, + -0.17856809496879578, + 2.0011472702026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/31.png", + [ + 0.18320372700691223, + -0.03372970595955849, + 0.11066430062055588, + -1.215749979019165, + -0.028478965163230896, + -0.2140318900346756, + -0.018088750541210175, + 0.20293107628822327, + 0.11213040351867676, + 0.0007491525029763579, + -0.1854025274515152, + 2.0685782432556152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/39.png", + [ + 0.17873519659042358, + -0.017690060660243034, + 0.12119687348604202, + -1.337033987045288, + -0.007570288144052029, + -0.21558842062950134, + -0.020303290337324142, + 0.22690868377685547, + 0.12224692851305008, + 0.012513774447143078, + -0.17845726013183594, + 2.008683681488037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/92.png", + [ + 0.17672450840473175, + -0.02686733938753605, + 0.12245199084281921, + -1.3121739625930786, + -0.013565937988460064, + -0.21449588239192963, + -0.027484238147735596, + 0.29328471422195435, + 0.1246286928653717, + 0.014750048518180847, + -0.17662961781024933, + 1.9506210088729858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/53.png", + [ + 0.173561230301857, + -0.02056327648460865, + 0.12806852161884308, + -1.3854750394821167, + -0.007298982236534357, + -0.2151438295841217, + -0.0246527548879385, + 0.2719641625881195, + 0.12950335443019867, + 0.01543324626982212, + -0.17302770912647247, + 1.9234293699264526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/75.png", + [ + 0.1792334020137787, + -0.02566775493323803, + 0.11901449412107468, + -1.2945635318756104, + -0.009340387769043446, + -0.21407940983772278, + -0.03210388869047165, + 0.35092902183532715, + 0.12139209359884262, + 0.021425893530249596, + -0.1781931221485138, + 1.9930263757705688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/87.png", + [ + 0.17707855999469757, + -0.02625061757862568, + 0.122073695063591, + -1.3173857927322388, + -0.011456050910055637, + -0.21435435116291046, + -0.02947656810283661, + 0.31878888607025146, + 0.12433760613203049, + 0.017635593190789223, + -0.17657022178173065, + 1.9590708017349243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/107.png", + [ + 0.1748194396495819, + -0.02982022799551487, + 0.12448619306087494, + -1.3433371782302856, + -0.012276733294129372, + -0.21364781260490417, + -0.03393801674246788, + 0.36491870880126953, + 0.12741798162460327, + 0.020328829064965248, + -0.1740669161081314, + 1.9331244230270386, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/112.png", + [ + 0.17662203311920166, + -0.031172510236501694, + 0.12157642841339111, + -1.3101273775100708, + -0.015100095421075821, + -0.21363843977451324, + -0.0328405499458313, + 0.3503345549106598, + 0.12459751218557358, + 0.01829724945127964, + -0.17631950974464417, + 1.9592849016189575, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/69.png", + [ + 0.17780539393424988, + -0.02206362970173359, + 0.12184551358222961, + -1.3248600959777832, + -0.007744769565761089, + -0.21477143466472626, + -0.02758883126080036, + 0.29844579100608826, + 0.12358459830284119, + 0.018284456804394722, + -0.1770322471857071, + 1.9788662195205688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/45.png", + [ + 0.17603757977485657, + -0.01224374771118164, + 0.1257328987121582, + -1.3752269744873047, + 0.00013915399904362857, + -0.21563564240932465, + -0.02119322121143341, + 0.2371971309185028, + 0.1263275295495987, + 0.017299208790063858, + -0.17518556118011475, + 1.9669102430343628, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/50.png", + [ + 0.17364820837974548, + -0.019271161407232285, + 0.1281515210866928, + -1.3864543437957764, + -0.008394308388233185, + -0.21548818051815033, + -0.021030191332101822, + 0.234889417886734, + 0.12932023406028748, + 0.011889312416315079, + -0.1734439730644226, + 1.931641697883606, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/101.png", + [ + 0.17724022269248962, + -0.02654525451362133, + 0.12177496403455734, + -1.3052600622177124, + -0.01196677889674902, + -0.21434955298900604, + -0.029307907447218895, + 0.3130899965763092, + 0.1240588128566742, + 0.017248379066586494, + -0.17680440843105316, + 1.9522510766983032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/85.png", + [ + 0.1792120337486267, + -0.02837647870182991, + 0.11843020468950272, + -1.281884789466858, + -0.014503548853099346, + -0.21418403089046478, + -0.02937239222228527, + 0.31615278124809265, + 0.12091561406850815, + 0.01636660099029541, + -0.1790515035390854, + 1.9914878606796265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/71.png", + [ + 0.17813950777053833, + -0.023644348606467247, + 0.12105847150087357, + -1.3182201385498047, + -0.008714823052287102, + -0.21453766524791718, + -0.02907809056341648, + 0.3151143789291382, + 0.12303763628005981, + 0.019037548452615738, + -0.17733359336853027, + 1.9835442304611206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/115.png", + [ + 0.17704170942306519, + -0.03104553371667862, + 0.12099713832139969, + -1.3008157014846802, + -0.01407647505402565, + -0.21349774301052094, + -0.03418286517262459, + 0.36524340510368347, + 0.12412083894014359, + 0.020069627091288567, + -0.1764627993106842, + 1.9557167291641235, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/54.png", + [ + 0.17329548299312592, + -0.02065650001168251, + 0.12841291725635529, + -1.3919837474822998, + -0.006387065164744854, + -0.21501803398132324, + -0.025968341156840324, + 0.2858140170574188, + 0.1299067884683609, + 0.016984060406684875, + -0.17257945239543915, + 1.9196733236312866, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/33.png", + [ + 0.18386413156986237, + -0.029249101877212524, + 0.11084388941526413, + -1.2211679220199585, + -0.024649223312735558, + -0.21469001471996307, + -0.015764348208904266, + 0.1764708310365677, + 0.11195666342973709, + 0.0007674306980334222, + -0.18550744652748108, + 2.0748376846313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/49.png", + [ + 0.17502550780773163, + -0.01720132865011692, + 0.12656255066394806, + -1.370552897453308, + -0.006766486447304487, + -0.21564796566963196, + -0.0199515912681818, + 0.2239561378955841, + 0.1275467723608017, + 0.012164106592535973, + -0.17473337054252625, + 1.947943091392517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/118.png", + [ + 0.17792393267154694, + -0.03141756355762482, + 0.11959896236658096, + -1.2853337526321411, + -0.013452129438519478, + -0.21323856711387634, + -0.03600349649786949, + 0.38568705320358276, + 0.12292280048131943, + 0.0221392884850502, + -0.17705290019512177, + 1.9607638120651245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/110.png", + [ + 0.17588390409946442, + -0.029839398339390755, + 0.1229729950428009, + -1.327054738998413, + -0.013295103795826435, + -0.2137565165758133, + -0.03285250440239906, + 0.3513798117637634, + 0.12584111094474792, + 0.0191221684217453, + -0.17534609138965607, + 1.9502464532852173, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/18.png", + [ + 0.18495194613933563, + -0.014016406610608101, + 0.11200093477964401, + -1.225516676902771, + -0.005634209141135216, + -0.21587598323822021, + -0.017711885273456573, + 0.20043565332889557, + 0.1127338632941246, + 0.012206372804939747, + -0.18463470041751862, + 2.077633857727051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/66.png", + [ + 0.17752006649971008, + -0.021657569333910942, + 0.12233341485261917, + -1.3271145820617676, + -0.00719409016892314, + -0.21479088068008423, + -0.02758651413023472, + 0.29967746138572693, + 0.12402725964784622, + 0.018539700657129288, + -0.1766958087682724, + 1.969730019569397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/16.png", + [ + 0.18479304015636444, + -0.01549665816128254, + 0.11206819117069244, + -1.2305041551589966, + -0.0039025708101689816, + -0.21537774801254272, + -0.023347102105617523, + 0.2658485770225525, + 0.11306721717119217, + 0.017893318086862564, + -0.18396610021591187, + 2.0765485763549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/94.png", + [ + 0.17829003930091858, + -0.027485309168696404, + 0.1200212836265564, + -1.2852684259414673, + -0.014539641328155994, + -0.21442918479442596, + -0.027506614103913307, + 0.2933320999145508, + 0.1222667247056961, + 0.014579873532056808, + -0.17828676104545593, + 1.9671076536178589, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/28.png", + [ + 0.1826346218585968, + -0.03303566575050354, + 0.11180843412876129, + -1.2212471961975098, + -0.027032792568206787, + -0.21413050591945648, + -0.019111445173621178, + 0.20882350206375122, + 0.11340947449207306, + 0.0021595414727926254, + -0.18461181223392487, + 2.05393648147583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/61.png", + [ + 0.17590197920799255, + -0.020117565989494324, + 0.12490663677453995, + -1.3479235172271729, + -0.0037500879261642694, + -0.2146528959274292, + -0.029291043058037758, + 0.32225435972213745, + 0.1264607459306717, + 0.021617399528622627, + -0.17460887134075165, + 1.9361969232559204, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/58.png", + [ + 0.17401766777038574, + -0.02078860066831112, + 0.1274110972881317, + -1.376808524131775, + -0.004233932588249445, + -0.21465082466602325, + -0.029240094125270844, + 0.3223555386066437, + 0.12902644276618958, + 0.02099388651549816, + -0.1727984994649887, + 1.9164544343948364, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/123.png", + [ + 0.17613178491592407, + -0.030822042375802994, + 0.12237438559532166, + -1.3289304971694946, + -0.01212461106479168, + -0.21327370405197144, + -0.0362657755613327, + 0.3937319815158844, + 0.12561242282390594, + 0.022632161155343056, + -0.1750919669866562, + 1.958227276802063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/64.png", + [ + 0.1763172596693039, + -0.021434113383293152, + 0.12409954518079758, + -1.3443635702133179, + -0.00592775410041213, + -0.2146891951560974, + -0.02865850180387497, + 0.3128063976764679, + 0.12579737603664398, + 0.01992553099989891, + -0.17528802156448364, + 1.9501198530197144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/10.png", + [ + 0.18370714783668518, + -0.02383553981781006, + 0.1123897060751915, + -1.2421815395355225, + -0.004803215619176626, + -0.21336840093135834, + -0.03739991411566734, + 0.4188240170478821, + 0.11478898674249649, + 0.029217999428510666, + -0.1814323365688324, + 2.0563406944274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/41.png", + [ + 0.17745347321033478, + -0.012541007250547409, + 0.12369673699140549, + -1.361711859703064, + 0.00015196892491076142, + -0.21554750204086304, + -0.022071320563554764, + 0.24405592679977417, + 0.12433075159788132, + 0.018162857741117477, + -0.17652158439159393, + 1.9882391691207886, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/91.png", + [ + 0.177782341837883, + -0.027395926415920258, + 0.12079235911369324, + -1.2920156717300415, + -0.014406259171664715, + -0.2144475132226944, + -0.027433935552835464, + 0.2928750514984131, + 0.12301947176456451, + 0.014478406868875027, + -0.1777764856815338, + 1.960042119026184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/23.png", + [ + 0.18398010730743408, + -0.022690150886774063, + 0.11218009144067764, + -1.220240592956543, + -0.015837399289011955, + -0.21537798643112183, + -0.01758950762450695, + 0.19250091910362244, + 0.1133507490158081, + 0.006735806353390217, + -0.1845376193523407, + 2.062772750854492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/37.png", + [ + 0.18200114369392395, + -0.022109832614660263, + 0.11547567695379257, + -1.2741752862930298, + -0.01431943941861391, + -0.21539315581321716, + -0.01867191679775715, + 0.2102944254875183, + 0.1166980117559433, + 0.008052458986639977, + -0.1823859065771103, + 2.047069549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/36.png", + [ + 0.18201398849487305, + -0.023756885901093483, + 0.1151278167963028, + -1.2701795101165771, + -0.016912709921598434, + -0.21528828144073486, + -0.01768668368458748, + 0.19959020614624023, + 0.11633042246103287, + 0.005871017463505268, + -0.18270374834537506, + 2.049330234527588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/8.png", + [ + 0.18383993208408356, + -0.022338375449180603, + 0.1124800592660904, + -1.2398130893707275, + -0.0033526229672133923, + -0.2134801298379898, + -0.03691723570227623, + 0.4127347767353058, + 0.11462777107954025, + 0.029582414776086807, + -0.1814751774072647, + 2.0541300773620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/6.png", + [ + 0.1833788901567459, + -0.020393898710608482, + 0.11359649896621704, + -1.250381350517273, + -0.0026839820202440023, + -0.2139609307050705, + -0.034079503268003464, + 0.38177475333213806, + 0.11538141965866089, + 0.02743547223508358, + -0.18133482336997986, + 2.045938491821289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/20.png", + [ + 0.18502762913703918, + -0.016570474952459335, + 0.11152619123458862, + -1.2158657312393188, + -0.008802171796560287, + -0.21579065918922424, + -0.017458762973546982, + 0.19259430468082428, + 0.11240637302398682, + 0.01037814561277628, + -0.1849459409713745, + 2.069443702697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/2.png", + [ + 0.1893671154975891, + -0.018324842676520348, + 0.10369282960891724, + -1.1340755224227905, + -0.005601773504167795, + -0.21481941640377045, + -0.02773326449096203, + 0.31806543469429016, + 0.10515047609806061, + 0.021557224914431572, + -0.18821945786476135, + 2.1005735397338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/117.png", + [ + 0.177535280585289, + -0.03227347135543823, + 0.11994806677103043, + -1.288602590560913, + -0.014586656354367733, + -0.21320243179798126, + -0.035774942487478256, + 0.3829205334186554, + 0.12335456162691116, + 0.021237710490822792, + -0.1768629550933838, + 1.9584344625473022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/5.png", + [ + 0.1859574317932129, + -0.01913868449628353, + 0.1095510870218277, + -1.2034833431243896, + -0.0030922514852136374, + -0.21424925327301025, + -0.03218061849474907, + 0.36229217052459717, + 0.1111672893166542, + 0.02605503983795643, + -0.18414901196956635, + 2.069931983947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/108.png", + [ + 0.17510657012462616, + -0.029753679409623146, + 0.12409795075654984, + -1.3389050960540771, + -0.012535683810710907, + -0.2136945128440857, + -0.03354703634977341, + 0.35980165004730225, + 0.12699778378009796, + 0.019931519404053688, + -0.1744195818901062, + 1.9373151063919067, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/60.png", + [ + 0.17548340559005737, + -0.019960660487413406, + 0.12551908195018768, + -1.3542695045471191, + -0.003330243518576026, + -0.2146344631910324, + -0.029476342722773552, + 0.3250776529312134, + 0.12705263495445251, + 0.021943505853414536, + -0.1741378903388977, + 1.9291166067123413, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/56.png", + [ + 0.173528254032135, + -0.02095409482717514, + 0.12804988026618958, + -1.3874032497406006, + -0.005826025269925594, + -0.21487317979335785, + -0.027266664430499077, + 0.3003065884113312, + 0.12962216138839722, + 0.01839400827884674, + -0.17264892160892487, + 1.9189563989639282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/30.png", + [ + 0.183131605386734, + -0.033336084336042404, + 0.11090275645256042, + -1.2155098915100098, + -0.02821643091738224, + -0.21409407258033752, + -0.017760954797267914, + 0.19869856536388397, + 0.11231451481580734, + 0.0005691116093657911, + -0.18529172241687775, + 2.06658935546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/17.png", + [ + 0.18423500657081604, + -0.014333734288811684, + 0.1131366491317749, + -1.2408039569854736, + -0.004498565569519997, + -0.21570248901844025, + -0.020002614706754684, + 0.2279285490512848, + 0.11395226418972015, + 0.014658981934189796, + -0.18370598554611206, + 2.0712552070617676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/12.png", + [ + 0.18438677489757538, + -0.023268016055226326, + 0.11139123141765594, + -1.231742262840271, + -0.006282145623117685, + -0.21385473012924194, + -0.03427227586507797, + 0.384231835603714, + 0.11362191289663315, + 0.025935564190149307, + -0.18266169726848602, + 2.069211006164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/114.png", + [ + 0.17675848305225372, + -0.03148818388581276, + 0.12129643559455872, + -1.3057541847229004, + -0.015071693807840347, + -0.21354244649410248, + -0.03347182646393776, + 0.3577050566673279, + 0.12440728396177292, + 0.018868327140808105, + -0.17639361321926117, + 1.9573253393173218, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/27.png", + [ + 0.18422408401966095, + -0.0320403054356575, + 0.10946600884199142, + -1.1933165788650513, + -0.025290457531809807, + -0.21424837410449982, + -0.02014755830168724, + 0.21844181418418884, + 0.11121951043605804, + 0.0043531619012355804, + -0.1859009563922882, + 2.065600872039795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/42.png", + [ + 0.17721131443977356, + -0.010811037383973598, + 0.12420612573623657, + -1.3634278774261475, + 0.002174791879951954, + -0.21555760502815247, + -0.021865257993340492, + 0.2418864369392395, + 0.12465677410364151, + 0.01912957802414894, + -0.17618924379348755, + 1.9831308126449585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/7.png", + [ + 0.1829439103603363, + -0.021417709067463875, + 0.11410830169916153, + -1.2568517923355103, + -0.0027606263756752014, + -0.2136981338262558, + -0.035684388130903244, + 0.3990929126739502, + 0.11606810986995697, + 0.028675395995378494, + -0.18070365488529205, + 2.042492389678955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/73.png", + [ + 0.17965073883533478, + -0.02456154301762581, + 0.11861803382635117, + -1.2914327383041382, + -0.008730595000088215, + -0.2142474353313446, + -0.031140200793743134, + 0.34068095684051514, + 0.12081924080848694, + 0.021039631217718124, + -0.17862793803215027, + 1.9995511770248413, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/120.png", + [ + 0.17657020688056946, + -0.03173750266432762, + 0.1215054988861084, + -1.308489203453064, + -0.012394923716783524, + -0.21302177011966705, + -0.037629611790180206, + 0.4051521122455597, + 0.12496887892484665, + 0.0237139780074358, + -0.1754090040922165, + 1.9467109441757202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/46.png", + [ + 0.17534060776233673, + -0.011917082592844963, + 0.1267341524362564, + -1.3832370042800903, + 5.398779467213899e-05, + -0.21571603417396545, + -0.02035893127322197, + 0.22874760627746582, + 0.12729321420192719, + 0.016506729647517204, + -0.17456190288066864, + 1.959987759590149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/57.png", + [ + 0.17356763780117035, + -0.02112218178808689, + 0.12796883285045624, + -1.3850436210632324, + -0.005459036212414503, + -0.21478234231472015, + -0.028047140687704086, + 0.30912432074546814, + 0.1295853704214096, + 0.019243091344833374, + -0.17258398234844208, + 1.9163533449172974, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/44.png", + [ + 0.1757400929927826, + -0.009285730309784412, + 0.12640048563480377, + -1.3840301036834717, + 0.003673700150102377, + -0.21562832593917847, + -0.02094835601747036, + 0.2332783341407776, + 0.12668786942958832, + 0.01913386769592762, + -0.17473401129245758, + 1.9646447896957397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/113.png", + [ + 0.17596954107284546, + -0.030981095507740974, + 0.12256745994091034, + -1.3206557035446167, + -0.014634747989475727, + -0.21364744007587433, + -0.032992132008075714, + 0.3530101478099823, + 0.12557241320610046, + 0.018515627831220627, + -0.17560361325740814, + 1.9507423639297485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/29.png", + [ + 0.18226246535778046, + -0.033353742212057114, + 0.11232013255357742, + -1.229416012763977, + -0.02754588983952999, + -0.21408611536026, + -0.01887454092502594, + 0.20823170244693756, + 0.11388373374938965, + 0.001597618917003274, + -0.18432535231113434, + 2.053523540496826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/4.png", + [ + 0.18671293556690216, + -0.018643906340003014, + 0.10834471881389618, + -1.1886924505233765, + -0.0033380151726305485, + -0.21439911425113678, + -0.031141212210059166, + 0.351560115814209, + 0.10988646000623703, + 0.025165895000100136, + -0.18503929674625397, + 2.0757527351379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/55.png", + [ + 0.17252790927886963, + -0.020834216848015785, + 0.12941387295722961, + -1.4044352769851685, + -0.006118663586676121, + -0.21496708691120148, + -0.026450257748365402, + 0.2911868691444397, + 0.13093730807304382, + 0.01740659773349762, + -0.1717565953731537, + 1.9116023778915405, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/9.png", + [ + 0.18351700901985168, + -0.02324129268527031, + 0.11282394081354141, + -1.2449829578399658, + -0.0038762004114687443, + -0.21334443986415863, + -0.0376431904733181, + 0.4218617081642151, + 0.11512763053178787, + 0.02986430749297142, + -0.18111222982406616, + 2.050960063934326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/25.png", + [ + 0.18298651278018951, + -0.02811737172305584, + 0.11257553100585938, + -1.2275506258010864, + -0.022058045491576195, + -0.21481285989284515, + -0.017798257991671562, + 0.19273677468299866, + 0.11391787230968475, + 0.003570538479834795, + -0.18427661061286926, + 2.057392120361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/99.png", + [ + 0.1776377409696579, + -0.026227857917547226, + 0.12126342952251434, + -1.2968766689300537, + -0.011917324736714363, + -0.2144055813550949, + -0.028915828093886375, + 0.3074563145637512, + 0.12349370867013931, + 0.017036639153957367, + -0.17722006142139435, + 1.9535552263259888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/34.png", + [ + 0.18356755375862122, + -0.02740602381527424, + 0.11180230975151062, + -1.2337722778320312, + -0.022381998598575592, + -0.21492555737495422, + -0.015935683622956276, + 0.1786099225282669, + 0.11291542649269104, + 0.0019518461776897311, + -0.18491671979427338, + 2.0716800689697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/72.png", + [ + 0.1788855642080307, + -0.02326611988246441, + 0.12002722173929214, + -1.306874394416809, + -0.008029647171497345, + -0.21449166536331177, + -0.029609952121973038, + 0.32207247614860535, + 0.1219974234700203, + 0.01999780535697937, + -0.17794550955295563, + 1.9917489290237427, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/102.png", + [ + 0.17712144553661346, + -0.0266336090862751, + 0.1219283938407898, + -1.3079311847686768, + -0.011336284689605236, + -0.21424157917499542, + -0.030330324545502663, + 0.32480329275131226, + 0.1242874413728714, + 0.018414413556456566, + -0.1765259951353073, + 1.9504607915878296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/70.png", + [ + 0.17872796952724457, + -0.022473664954304695, + 0.12041234970092773, + -1.3098585605621338, + -0.007673447020351887, + -0.21463245153427124, + -0.028669137507677078, + 0.3100837767124176, + 0.12225101888179779, + 0.019383903592824936, + -0.17783935368061066, + 1.987747073173523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/90.png", + [ + 0.17798757553100586, + -0.027063142508268356, + 0.12056491523981094, + -1.2916454076766968, + -0.013788364827632904, + -0.21444350481033325, + -0.027780529111623764, + 0.2972085177898407, + 0.1227933019399643, + 0.015148041769862175, + -0.1778770238161087, + 1.9620534181594849, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/122.png", + [ + 0.175811305642128, + -0.030766820535063744, + 0.12284819781780243, + -1.3306188583374023, + -0.011796565726399422, + -0.21324793994426727, + -0.036524683237075806, + 0.39569857716560364, + 0.12609168887138367, + 0.022948073223233223, + -0.17470592260360718, + 1.9496811628341675, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/15.png", + [ + 0.18601839244365692, + -0.016796523705124855, + 0.10983140766620636, + -1.2069422006607056, + -0.0035283188335597515, + -0.2149694412946701, + -0.02689948119223118, + 0.3036618232727051, + 0.11105227470397949, + 0.021305112168192863, + -0.18482796847820282, + 2.0861196517944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/22.png", + [ + 0.18549302220344543, + -0.01982978731393814, + 0.1102135106921196, + -1.198258638381958, + -0.012510605156421661, + -0.21558509767055511, + -0.017732642590999603, + 0.1944301724433899, + 0.11128217726945877, + 0.00881710834801197, + -0.18570522964000702, + 2.0729312896728516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/109.png", + [ + 0.17459142208099365, + -0.029772646725177765, + 0.1248171478509903, + -1.3467546701431274, + -0.012474489398300648, + -0.213701531291008, + -0.03352520614862442, + 0.3592415153980255, + 0.12771107256412506, + 0.019827809184789658, + -0.17390984296798706, + 1.9342414140701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/26.png", + [ + 0.18471099436283112, + -0.030751489102840424, + 0.1090141236782074, + -1.1874302625656128, + -0.024387847632169724, + -0.2144426852464676, + -0.019169330596923828, + 0.20762579143047333, + 0.11061179637908936, + 0.00407138979062438, + -0.18626955151557922, + 2.073030471801758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/43.png", + [ + 0.176850825548172, + -0.010278277099132538, + 0.12476393580436707, + -1.3671714067459106, + 0.0029362577479332685, + -0.21554312109947205, + -0.021918926388025284, + 0.24305906891822815, + 0.12515215575695038, + 0.019581062719225883, + -0.17578798532485962, + 1.9763082265853882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/84.png", + [ + 0.1774822175502777, + -0.027777960523962975, + 0.12114594876766205, + -1.3147963285446167, + -0.015199885703623295, + -0.214459627866745, + -0.026905909180641174, + 0.29046571254730225, + 0.1233568862080574, + 0.013540650717914104, + -0.17761650681495667, + 1.9836794137954712, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/89.png", + [ + 0.177826926112175, + -0.02557409182190895, + 0.1211257353425026, + -1.300484299659729, + -0.01205024030059576, + -0.21456991136074066, + -0.027612408623099327, + 0.29644954204559326, + 0.12320823967456818, + 0.015925424173474312, + -0.17752183973789215, + 1.9611185789108276, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/63.png", + [ + 0.17635443806648254, + -0.020583007484674454, + 0.12419077754020691, + -1.34408700466156, + -0.004667236469686031, + -0.21468079090118408, + -0.02895294316112995, + 0.3180380165576935, + 0.12579834461212158, + 0.020890092477202415, + -0.17517496645450592, + 1.9476662874221802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/88.png", + [ + 0.17760393023490906, + -0.026939667761325836, + 0.12115687876939774, + -1.302435278892517, + -0.012729877606034279, + -0.2143474519252777, + -0.02900019660592079, + 0.3128843903541565, + 0.1234612688422203, + 0.0166527908295393, + -0.17727912962436676, + 1.9589906930923462, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/62.png", + [ + 0.17565958201885223, + -0.02059158682823181, + 0.1251702457666397, + -1.353022575378418, + -0.004213085398077965, + -0.21462996304035187, + -0.02939598262310028, + 0.32305681705474854, + 0.12678270041942596, + 0.021397674456238747, + -0.17440234124660492, + 1.9373806715011597, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/65.png", + [ + 0.17718815803527832, + -0.020871104672551155, + 0.12294980138540268, + -1.332687258720398, + -0.006032480858266354, + -0.21480302512645721, + -0.02776980958878994, + 0.30214518308639526, + 0.12456268817186356, + 0.019286010414361954, + -0.17623870074748993, + 1.9630247354507446, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/80.png", + [ + 0.1796053797006607, + -0.024974878877401352, + 0.11860039830207825, + -1.2932331562042236, + -0.01203245297074318, + -0.21465139091014862, + -0.026979662477970123, + 0.29314422607421875, + 0.12060274183750153, + 0.01577775366604328, + -0.17931519448757172, + 2.009446144104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/119.png", + [ + 0.17695064842700958, + -0.032083991914987564, + 0.12085933983325958, + -1.2998008728027344, + -0.013425764627754688, + -0.21308517456054688, + -0.03691006451845169, + 0.39583101868629456, + 0.12432261556386948, + 0.02265438437461853, + -0.17600728571414948, + 1.9493221044540405, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/79.png", + [ + 0.17929090559482574, + -0.02530624158680439, + 0.11900527775287628, + -1.2971093654632568, + -0.011217135936021805, + -0.21447134017944336, + -0.028707409277558327, + 0.31252729892730713, + 0.1211479976773262, + 0.017593566328287125, + -0.17877784371376038, + 2.004227638244629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/116.png", + [ + 0.17827355861663818, + -0.03125953674316406, + 0.11911875754594803, + -1.2791410684585571, + -0.014136101119220257, + -0.21338725090026855, + -0.03484166041016579, + 0.3720655143260956, + 0.12233808636665344, + 0.020895253866910934, + -0.1776081919670105, + 1.9657241106033325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/19.png", + [ + 0.18562649190425873, + -0.015310280956327915, + 0.11070816963911057, + -1.2097901105880737, + -0.0073991636745631695, + -0.2158445417881012, + -0.017443696036934853, + 0.1942063271999359, + 0.11151660978794098, + 0.011163578368723392, + -0.1854381561279297, + 2.080026149749756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/77.png", + [ + 0.1793370246887207, + -0.02545916475355625, + 0.11890314519405365, + -1.2951768636703491, + -0.009241427294909954, + -0.21411316096782684, + -0.031906746327877045, + 0.34855520725250244, + 0.12124653160572052, + 0.02133718505501747, + -0.1783028244972229, + 1.996179461479187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/68.png", + [ + 0.17763873934745789, + -0.021587444469332695, + 0.12217346578836441, + -1.3282716274261475, + -0.007350447122007608, + -0.214825838804245, + -0.027271199971437454, + 0.2948717176914215, + 0.1238480657339096, + 0.01821344718337059, + -0.17685537040233612, + 1.9755226373672485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/86.png", + [ + 0.17828840017318726, + -0.028333202004432678, + 0.11982641369104385, + -1.2928904294967651, + -0.014062386006116867, + -0.21416597068309784, + -0.02971671335399151, + 0.3196427524089813, + 0.12232492864131927, + 0.016675233840942383, + -0.1780630201101303, + 1.9783750772476196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/1.png", + [ + 0.19157911837100983, + -0.018159227445721626, + 0.09957697242498398, + -1.0880200862884521, + -0.006147359032183886, + -0.21485309302806854, + -0.027354318648576736, + 0.3141508102416992, + 0.10103237628936768, + 0.0213609728962183, + -0.19048376381397247, + 2.1157588958740234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/81.png", + [ + 0.17975392937660217, + -0.027268139645457268, + 0.11786800622940063, + -1.2851998805999756, + -0.014872968196868896, + -0.21447870135307312, + -0.026936577633023262, + 0.29226014018058777, + 0.12006337195634842, + 0.014255980029702187, + -0.17980392277240753, + 2.0121254920959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/95.png", + [ + 0.1781594604253769, + -0.02730468288064003, + 0.120256207883358, + -1.286016821861267, + -0.014520901255309582, + -0.21447162330150604, + -0.027183987200260162, + 0.28955504298210144, + 0.12245916575193405, + 0.014292658306658268, + -0.17817790806293488, + 1.9645363092422485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/103.png", + [ + 0.1769178956747055, + -0.028570786118507385, + 0.12178531289100647, + -1.3061281442642212, + -0.01198927965015173, + -0.21384915709495544, + -0.032752059400081635, + 0.3516817092895508, + 0.12451590597629547, + 0.020003758370876312, + -0.1761917620897293, + 1.9461392164230347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/83.png", + [ + 0.1781150996685028, + -0.027768470346927643, + 0.1202157512307167, + -1.3089139461517334, + -0.015303594060242176, + -0.2144576460123062, + -0.02686302736401558, + 0.2901270091533661, + 0.12242841720581055, + 0.01359170489013195, + -0.1782538890838623, + 1.9925698041915894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/51.png", + [ + 0.17417490482330322, + -0.0200623981654644, + 0.12731260061264038, + -1.3767002820968628, + -0.008975852280855179, + -0.21540193259716034, + -0.0216640867292881, + 0.24107038974761963, + 0.12857073545455933, + 0.012140789069235325, + -0.17398293316364288, + 1.9350847005844116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/93.png", + [ + 0.17816227674484253, + -0.027249515056610107, + 0.12026454508304596, + -1.288262963294983, + -0.014070329256355762, + -0.21443025767803192, + -0.02774149551987648, + 0.29593589901924133, + 0.12250765413045883, + 0.015000954270362854, + -0.1780863255262375, + 1.9651216268539429, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/76.png", + [ + 0.18995727598667145, + -0.06702427566051483, + 0.07982398569583893, + -0.9334322810173035, + -0.05264347791671753, + -0.20491072535514832, + -0.04677767679095268, + 0.5637195110321045, + 0.08995991200208664, + 0.021615583449602127, + -0.19592823088169098, + 2.370584011077881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/48.png", + [ + 0.18942901492118835, + -0.06482109427452087, + 0.08284185081720352, + -0.9625097513198853, + -0.054666973650455475, + -0.20645608007907867, + -0.0365418940782547, + 0.4263756275177002, + 0.08986695110797882, + 0.011045967228710651, + -0.19684971868991852, + 2.363953113555908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/137.png", + [ + 0.19213102757930756, + -0.07243656367063522, + 0.0691845640540123, + -0.8193358778953552, + -0.05921359360218048, + -0.2028399109840393, + -0.047933485358953476, + 0.565800130367279, + 0.08079176396131516, + 0.0235968716442585, + -0.19965913891792297, + 2.414278984069824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/35.png", + [ + 0.1872701793909073, + -0.0658552497625351, + 0.08683809638023376, + -1.0249289274215698, + -0.05782875418663025, + -0.20637929439544678, + -0.03180120140314102, + 0.37455499172210693, + 0.09237749874591827, + 0.0043091196566820145, + -0.1959482580423355, + 2.3932857513427734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/124.png", + [ + 0.1903885155916214, + -0.07299624383449554, + 0.07329156249761581, + -0.8702906966209412, + -0.05853784829378128, + -0.20260456204414368, + -0.04972521588206291, + 0.5951129794120789, + 0.08528438210487366, + 0.023891951888799667, + -0.1977464109659195, + 2.415505886077881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/97.png", + [ + 0.1907111257314682, + -0.06614166498184204, + 0.07875556498765945, + -0.9512525200843811, + -0.053196463733911514, + -0.20544254779815674, + -0.04371951147913933, + 0.5405378937721252, + 0.08801872283220291, + 0.01914520561695099, + -0.1970635950565338, + 2.457732677459717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/13.png", + [ + 0.1845902055501938, + -0.06933552771806717, + 0.08981607854366302, + -1.0237083435058594, + -0.06161435693502426, + -0.20527535676956177, + -0.031836919486522675, + 0.36269333958625793, + 0.09527861326932907, + 0.0015822068089619279, + -0.19459541141986847, + 2.299826145172119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/32.png", + [ + 0.18674896657466888, + -0.0658964142203331, + 0.08792255818843842, + -1.0323456525802612, + -0.05758209526538849, + -0.2063615620136261, + -0.0323590412735939, + 0.3838796615600586, + 0.09357892721891403, + 0.004524077754467726, + -0.19537249207496643, + 2.377561092376709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/38.png", + [ + 0.1887906789779663, + -0.06554976850748062, + 0.08372098207473755, + -0.9874656796455383, + -0.05710552632808685, + -0.20641754567623138, + -0.03284280747175217, + 0.3870055675506592, + 0.08969356119632721, + 0.006551230326294899, + -0.1971295028924942, + 2.4042396545410156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/111.png", + [ + 0.19165559113025665, + -0.07006476074457169, + 0.07284880429506302, + -0.8789340257644653, + -0.058077968657016754, + -0.20415161550045013, + -0.04355413094162941, + 0.5286891460418701, + 0.0827222391963005, + 0.018998458981513977, + -0.19935892522335052, + 2.463562488555908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/11.png", + [ + 0.18641112744808197, + -0.06868038326501846, + 0.08649733662605286, + -0.9785649180412292, + -0.05891893804073334, + -0.20536376535892487, + -0.036085717380046844, + 0.4054793119430542, + 0.09342025965452194, + 0.007524868007749319, + -0.19535590708255768, + 2.287105083465576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/125.png", + [ + 0.18980252742767334, + -0.07039982825517654, + 0.0772448480129242, + -0.9212722778320312, + -0.056985512375831604, + -0.20395463705062866, + -0.04585908353328705, + 0.5502822995185852, + 0.08761022984981537, + 0.01985619030892849, + -0.19717524945735931, + 2.4155702590942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/59.png", + [ + 0.1881539225578308, + -0.06966152787208557, + 0.08181238919496536, + -0.9428017139434814, + -0.057305220514535904, + -0.20460692048072815, + -0.04242665693163872, + 0.49274441599845886, + 0.0908961296081543, + 0.015204668045043945, + -0.1960984617471695, + 2.3363776206970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/105.png", + [ + 0.19224165380001068, + -0.06710807234048843, + 0.0740780308842659, + -0.8941584825515747, + -0.05564913526177406, + -0.2052488774061203, + -0.041520778089761734, + 0.5048902034759521, + 0.08303145319223404, + 0.01781308837234974, + -0.1993398368358612, + 2.4809446334838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/121.png", + [ + 0.19009606540203094, + -0.07283846288919449, + 0.07420200854539871, + -0.8799779415130615, + -0.05850229039788246, + -0.20275439321994781, + -0.04915314540266991, + 0.589777410030365, + 0.08595848828554153, + 0.023089144378900528, + -0.19754981994628906, + 2.4154491424560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/24.png", + [ + 0.1868094652891159, + -0.06291513890028, + 0.0899544507265091, + -1.0495871305465698, + -0.05446209758520126, + -0.20728211104869843, + -0.03187331184744835, + 0.3720117509365082, + 0.09531001001596451, + 0.0048696440644562244, + -0.19452552497386932, + 2.3546695709228516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/74.png", + [ + 0.18911197781562805, + -0.06644102931022644, + 0.08228091895580292, + -0.9606752991676331, + -0.05170803889632225, + -0.20514227449893951, + -0.04680619761347771, + 0.563153088092804, + 0.09225420653820038, + 0.021216267719864845, + -0.19490234553813934, + 2.359379291534424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/129.png", + [ + 0.19084948301315308, + -0.07301712781190872, + 0.07206156849861145, + -0.85455721616745, + -0.059128012508153915, + -0.2026679515838623, + -0.048759426921606064, + 0.5768718719482422, + 0.08383466303348541, + 0.023283086717128754, + -0.19843776524066925, + 2.3982787132263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/98.png", + [ + 0.189909890294075, + -0.06520817428827286, + 0.08142497390508652, + -0.9873391389846802, + -0.05221574753522873, + -0.2058340460062027, + -0.04305528104305267, + 0.5335140228271484, + 0.09030862897634506, + 0.018114522099494934, + -0.19612270593643188, + 2.4546618461608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/0.png", + [ + 0.19455575942993164, + -0.07221891731023788, + 0.0622926764190197, + -0.6828567385673523, + -0.050875473767519, + -0.1982918530702591, + -0.07099238783121109, + 0.8041206002235413, + 0.08066991716623306, + 0.049118850380182266, + -0.19500665366649628, + 2.247499942779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/96.png", + [ + 0.19112186133861542, + -0.06644949316978455, + 0.07749061286449432, + -0.9342882037162781, + -0.05305974930524826, + -0.2051832228899002, + -0.04508214816451073, + 0.5567350387573242, + 0.08720660209655762, + 0.02078947238624096, + -0.19725796580314636, + 2.455995559692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/100.png", + [ + 0.19079527258872986, + -0.06746313720941544, + 0.0774194672703743, + -0.9369755387306213, + -0.05503913760185242, + -0.20509259402751923, + -0.043076805770397186, + 0.5327997803688049, + 0.08669339120388031, + 0.018265869468450546, + -0.19773343205451965, + 2.474404811859131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/40.png", + [ + 0.18861240148544312, + -0.06436789035797119, + 0.08502957969903946, + -1.0012924671173096, + -0.054704662412405014, + -0.20669245719909668, + -0.03512164577841759, + 0.41256046295166016, + 0.09154590964317322, + 0.009105195291340351, + -0.1961742490530014, + 2.38948917388916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/52.png", + [ + 0.18847447633743286, + -0.06602106243371964, + 0.08406238257884979, + -0.9778378009796143, + -0.05557382106781006, + -0.20608611404895782, + -0.03725536912679672, + 0.4346861243247986, + 0.0913061574101448, + 0.010845834389328957, + -0.19619746506214142, + 2.354005813598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/3.png", + [ + 0.19328534603118896, + -0.06913945823907852, + 0.06934263557195663, + -0.7695156931877136, + -0.048441339284181595, + -0.20085908472537994, + -0.06524538993835449, + 0.7255929708480835, + 0.08510054647922516, + 0.04269964247941971, + -0.1946343332529068, + 2.2339582443237305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/47.png", + [ + 0.18745771050453186, + -0.0659874975681305, + 0.08633165806531906, + -1.005733609199524, + -0.0558435283601284, + -0.20617753267288208, + -0.03633477911353111, + 0.4244247376918793, + 0.09321483969688416, + 0.0091850645840168, + -0.19538302719593048, + 2.352511405944824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/104.png", + [ + 0.1920352429151535, + -0.06757725030183792, + 0.07418681681156158, + -0.8956414461135864, + -0.05630932375788689, + -0.20515060424804688, + -0.04111431539058685, + 0.49994131922721863, + 0.0830640122294426, + 0.01715930551290512, + -0.19938361644744873, + 2.483447551727295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/21.png", + [ + 0.18497154116630554, + -0.06293118745088577, + 0.09366476535797119, + -1.0952425003051758, + -0.05688445642590523, + -0.2073284536600113, + -0.02696230821311474, + 0.312456339597702, + 0.09745553135871887, + -0.0015729126753285527, + -0.19351443648338318, + 2.346315860748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/82.png", + [ + 0.1901012808084488, + -0.06725132465362549, + 0.07928843051195145, + -0.9346789717674255, + -0.05388341471552849, + -0.20504628121852875, + -0.04472693055868149, + 0.5441578030586243, + 0.08891554921865463, + 0.019523821771144867, + -0.19662335515022278, + 2.4004125595092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/106.png", + [ + 0.19183559715747833, + -0.06867343932390213, + 0.07369502633810043, + -0.8890426158905029, + -0.057403817772865295, + -0.20478828251361847, + -0.041406042873859406, + 0.5031579732894897, + 0.08277560025453568, + 0.017135264351963997, + -0.19950558245182037, + 2.47982120513916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/14.png", + [ + 0.18401141464710236, + -0.06730490177869797, + 0.09250807762145996, + -1.0595519542694092, + -0.060716573148965836, + -0.205952450633049, + -0.02906845137476921, + 0.33235540986061096, + 0.09695973247289658, + -0.0012361712288111448, + -0.1937657743692398, + 2.301180362701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/67.png", + [ + 0.18715235590934753, + -0.06695456057786942, + 0.08624949306249619, + -0.9973915815353394, + -0.05304162576794624, + -0.2053540199995041, + -0.04431934654712677, + 0.5230726003646851, + 0.09543830901384354, + 0.017167018726468086, + -0.1937645822763443, + 2.328012466430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/78.png", + [ + 0.19006985425949097, + -0.06675032526254654, + 0.07978557050228119, + -0.9351824522018433, + -0.05360405519604683, + -0.20526933670043945, + -0.04403402656316757, + 0.5307376384735107, + 0.08915125578641891, + 0.018888747319579124, + -0.19657863676548004, + 2.384535312652588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/31.png", + [ + 0.18665532767772675, + -0.0658595860004425, + 0.08814874291419983, + -1.0314744710922241, + -0.05787625163793564, + -0.2063894122838974, + -0.031648896634578705, + 0.3744444251060486, + 0.0935843363404274, + 0.003718556370586157, + -0.19538690149784088, + 2.373147487640381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/39.png", + [ + 0.18937507271766663, + -0.06468895822763443, + 0.0830681249499321, + -0.9782878756523132, + -0.05616220831871033, + -0.20666639506816864, + -0.03290446102619171, + 0.38670358061790466, + 0.08905493468046188, + 0.007227407302707434, + -0.1973952353000641, + 2.404839038848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/92.png", + [ + 0.1908484250307083, + -0.06595493108034134, + 0.0785793885588646, + -0.9446435570716858, + -0.05334571748971939, + -0.20556122064590454, + -0.04297347739338875, + 0.5230490565299988, + 0.08762995153665543, + 0.018504923209547997, + -0.1972978711128235, + 2.4527196884155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/53.png", + [ + 0.1891949623823166, + -0.06729138642549515, + 0.08139431476593018, + -0.945762038230896, + -0.05725255608558655, + -0.20567893981933594, + -0.0369623601436615, + 0.4313054084777832, + 0.0887429416179657, + 0.010767573490738869, + -0.1973743736743927, + 2.3660287857055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/75.png", + [ + 0.1895037740468979, + -0.06694289296865463, + 0.08096213638782501, + -0.9463050961494446, + -0.05234738439321518, + -0.20495061576366425, + -0.04693499580025673, + 0.5656125545501709, + 0.09108221530914307, + 0.021489378064870834, + -0.1954229474067688, + 2.3646836280822754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/87.png", + [ + 0.1915096789598465, + -0.0647641271352768, + 0.07795858383178711, + -0.9226483702659607, + -0.05154253542423248, + -0.20573937892913818, + -0.04430091008543968, + 0.5417477488517761, + 0.08726569265127182, + 0.020610950887203217, + -0.19725055992603302, + 2.421247959136963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/139.png", + [ + 0.19118282198905945, + -0.07266124337911606, + 0.07153581082820892, + -0.8488496541976929, + -0.05925353243947029, + -0.20287999510765076, + -0.04771396517753601, + 0.5670113563537598, + 0.08298221975564957, + 0.02253766544163227, + -0.1988816112279892, + 2.4099650382995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/107.png", + [ + 0.1924343854188919, + -0.06882111728191376, + 0.07197602093219757, + -0.8674959540367126, + -0.05716748163104057, + -0.20457492768764496, + -0.04276541247963905, + 0.5204018354415894, + 0.08154001832008362, + 0.018990913406014442, + -0.19984610378742218, + 2.4760189056396484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/112.png", + [ + 0.19307394325733185, + -0.06848201155662537, + 0.0705730989575386, + -0.8492335081100464, + -0.05677661672234535, + -0.2045922875404358, + -0.04320070147514343, + 0.5216313600540161, + 0.0802917405962944, + 0.020002467557787895, + -0.20025242865085602, + 2.4685463905334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/69.png", + [ + 0.1889687329530716, + -0.06707573682069778, + 0.08209481090307236, + -0.9514178037643433, + -0.05296600982546806, + -0.20508310198783875, + -0.04564452916383743, + 0.5437583327293396, + 0.09183308482170105, + 0.019739985466003418, + -0.19525602459907532, + 2.353020191192627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/45.png", + [ + 0.18861553072929382, + -0.06621264666318893, + 0.08359401673078537, + -0.9763622283935547, + -0.0563536211848259, + -0.2060832977294922, + -0.03608096390962601, + 0.4210706949234009, + 0.09053365141153336, + 0.009667055681347847, + -0.19661663472652435, + 2.373506546020508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/50.png", + [ + 0.18906135857105255, + -0.06463868916034698, + 0.0838184505701065, + -0.9727320671081543, + -0.054825861006975174, + -0.20657198131084442, + -0.035637568682432175, + 0.41520580649375916, + 0.0905417874455452, + 0.009887030348181725, + -0.19660194218158722, + 2.356229305267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/101.png", + [ + 0.19168655574321747, + -0.0661475732922554, + 0.07634568959474564, + -0.9232456684112549, + -0.054267942905426025, + -0.2055533230304718, + -0.04184151440858841, + 0.5157454609870911, + 0.08520068228244781, + 0.017894718796014786, + -0.19841502606868744, + 2.482962131500244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/85.png", + [ + 0.19057725369930267, + -0.06694932281970978, + 0.07839641720056534, + -0.9259847402572632, + -0.0531262569129467, + -0.20498333871364594, + -0.045905668288469315, + 0.5612276196479797, + 0.08835049718618393, + 0.02115461602807045, + -0.19670933485031128, + 2.410244941711426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/131.png", + [ + 0.19240227341651917, + -0.07246723771095276, + 0.06839413195848465, + -0.8071273565292358, + -0.05915789678692818, + -0.20274533331394196, + -0.04840007796883583, + 0.5712180733680725, + 0.08018480241298676, + 0.024304794147610664, + -0.19981883466243744, + 2.401681900024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/71.png", + [ + 0.18921862542629242, + -0.06545043736696243, + 0.08282779902219772, + -0.9645511507987976, + -0.050696901977062225, + -0.20545612275600433, + -0.046535007655620575, + 0.5572121739387512, + 0.09259604662656784, + 0.021258505061268806, + -0.194735586643219, + 2.350003242492676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/115.png", + [ + 0.19126169383525848, + -0.0691506639122963, + 0.0747331902384758, + -0.89425128698349, + -0.056050609797239304, + -0.2042781114578247, + -0.04557054862380028, + 0.543000340461731, + 0.08500112593173981, + 0.02089335210621357, + -0.19820739328861237, + 2.433077335357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/54.png", + [ + 0.18896934390068054, + -0.06776084005832672, + 0.08152884244918823, + -0.9475066661834717, + -0.057376131415367126, + -0.2054917812347412, + -0.03780212625861168, + 0.4412519931793213, + 0.08914293348789215, + 0.011379425413906574, + -0.19715967774391174, + 2.363541603088379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/33.png", + [ + 0.18636009097099304, + -0.06608248502016068, + 0.0886053740978241, + -1.0439393520355225, + -0.05809454619884491, + -0.20632199943065643, + -0.03168842941522598, + 0.3747546374797821, + 0.09403634071350098, + 0.003498199861496687, + -0.19517384469509125, + 2.3809709548950195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/49.png", + [ + 0.1889694631099701, + -0.06524135172367096, + 0.08355837315320969, + -0.9694361090660095, + -0.05514204874634743, + -0.2063525766134262, + -0.03641236945986748, + 0.4238645136356354, + 0.09054165333509445, + 0.010491515509784222, + -0.19657069444656372, + 2.3571667671203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/118.png", + [ + 0.19100132584571838, + -0.07084381580352783, + 0.07380744814872742, + -0.8781233429908752, + -0.05830059200525284, + -0.2038251757621765, + -0.04476870596408844, + 0.5336435437202454, + 0.08406799286603928, + 0.01960480958223343, + -0.1987362951040268, + 2.429917812347412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/110.png", + [ + 0.19209998846054077, + -0.07023666054010391, + 0.07150034606456757, + -0.8617468476295471, + -0.05794890597462654, + -0.20395046472549438, + -0.044654570519924164, + 0.5430301427841187, + 0.08177661150693893, + 0.020467441529035568, + -0.19960349798202515, + 2.4671549797058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/18.png", + [ + 0.18485403060913086, + -0.06431383639574051, + 0.09295488148927689, + -1.080194354057312, + -0.05865704268217087, + -0.2068938910961151, + -0.02649834379553795, + 0.3052330017089844, + 0.09662418067455292, + -0.002557441359385848, + -0.19392040371894836, + 2.3376755714416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/66.png", + [ + 0.1871468722820282, + -0.06690269708633423, + 0.08630158752202988, + -0.9964812397956848, + -0.05256045609712601, + -0.2052927315235138, + -0.04516848176717758, + 0.5311126708984375, + 0.09571485966444016, + 0.018078209832310677, + -0.1935451775789261, + 2.321073532104492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/16.png", + [ + 0.1842198371887207, + -0.06404799222946167, + 0.09438643604516983, + -1.091162085533142, + -0.058960139751434326, + -0.20695102214813232, + -0.025355027988553047, + 0.28885477781295776, + 0.09764552116394043, + -0.0041266391053795815, + -0.19338102638721466, + 2.317437171936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/94.png", + [ + 0.19124042987823486, + -0.06534480303525925, + 0.07813484966754913, + -0.9415701031684875, + -0.05192115530371666, + -0.20553402602672577, + -0.044809143990278244, + 0.5539437532424927, + 0.087630994617939, + 0.020826010033488274, + -0.19706593453884125, + 2.455167770385742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/28.png", + [ + 0.18647684156894684, + -0.06736678630113602, + 0.08738420158624649, + -1.0173193216323853, + -0.05903966352343559, + -0.2058897167444229, + -0.032735876739025116, + 0.38512885570526123, + 0.09321266412734985, + 0.0043629868887364864, + -0.19555115699768066, + 2.362794876098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/61.png", + [ + 0.18957655131816864, + -0.06824373453855515, + 0.07969580590724945, + -0.9153950214385986, + -0.055451650172472, + -0.20488418638706207, + -0.04353715479373932, + 0.5068556666374207, + 0.08907155692577362, + 0.01769639365375042, + -0.19672566652297974, + 2.3455443382263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/132.png", + [ + 0.19172297418117523, + -0.07335024327039719, + 0.06935368478298187, + -0.8186067342758179, + -0.05979939177632332, + -0.20245778560638428, + -0.04881368950009346, + 0.5775354504585266, + 0.081327885389328, + 0.0240517258644104, + -0.19938701391220093, + 2.3998937606811523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/58.png", + [ + 0.19003941118717194, + -0.07007532566785812, + 0.07695692777633667, + -0.8831577897071838, + -0.05753403529524803, + -0.2042328119277954, + -0.04389401152729988, + 0.507307231426239, + 0.08673381060361862, + 0.01806372031569481, + -0.1977342814207077, + 2.347066879272461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/123.png", + [ + 0.19028547406196594, + -0.07231973856687546, + 0.07422387599945068, + -0.8803895711898804, + -0.05771263688802719, + -0.2028498500585556, + -0.049689825624227524, + 0.5953148007392883, + 0.08607310056686401, + 0.023868035525083542, + -0.19740726053714752, + 2.414154052734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/64.png", + [ + 0.1892649531364441, + -0.06615792214870453, + 0.0821571946144104, + -0.939774215221405, + -0.05244455486536026, + -0.20544254779815674, + -0.044618573039770126, + 0.5194535255432129, + 0.09152182191610336, + 0.019088689237833023, + -0.1954668015241623, + 2.329634189605713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/10.png", + [ + 0.1862695813179016, + -0.06818581372499466, + 0.08719076961278915, + -0.9836759567260742, + -0.056951966136693954, + -0.20539434254169464, + -0.03895551711320877, + 0.43447744846343994, + 0.09491054713726044, + 0.010571343824267387, + -0.19449453055858612, + 2.267472743988037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/41.png", + [ + 0.1890571117401123, + -0.06436964124441147, + 0.08403484523296356, + -0.9873225688934326, + -0.054536670446395874, + -0.20665478706359863, + -0.03560126945376396, + 0.4173590838909149, + 0.09072516113519669, + 0.00991206057369709, + -0.19651614129543304, + 2.3885183334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/91.png", + [ + 0.1898220330476761, + -0.06741560995578766, + 0.07981617748737335, + -0.9572142362594604, + -0.05500328913331032, + -0.20521771907806396, + -0.04252322018146515, + 0.5170151591300964, + 0.08882638067007065, + 0.016991805285215378, + -0.19689856469631195, + 2.4444403648376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/23.png", + [ + 0.18580248951911926, + -0.06403148174285889, + 0.09124311059713364, + -1.067366361618042, + -0.05712404474616051, + -0.2069958746433258, + -0.028938768431544304, + 0.33615225553512573, + 0.09571927785873413, + 0.0007602184196002781, + -0.19438400864601135, + 2.3542394638061523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/37.png", + [ + 0.18853892385959625, + -0.06582678109407425, + 0.08407022058963776, + -0.992434561252594, + -0.05773720145225525, + -0.2063593864440918, + -0.03209535777568817, + 0.3774028420448303, + 0.08981861174106598, + 0.005525542888790369, + -0.19710399210453033, + 2.4041500091552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/36.png", + [ + 0.18932870030403137, + -0.06457973271608353, + 0.08325857669115067, + -0.9816272258758545, + -0.05618304759263992, + -0.20671246945858002, + -0.032577697187662125, + 0.3832246959209442, + 0.08914032578468323, + 0.006877467036247253, + -0.19736918807029724, + 2.408493995666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/8.png", + [ + 0.18678602576255798, + -0.06740102171897888, + 0.08669470250606537, + -0.9671288132667542, + -0.051034990698099136, + -0.20474474132061005, + -0.049223098903894424, + 0.545086681842804, + 0.09723322838544846, + 0.022013306617736816, + -0.1923772543668747, + 2.219724655151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/6.png", + [ + 0.1907770037651062, + -0.06839025020599365, + 0.07664723694324493, + -0.8452790379524231, + -0.04903512820601463, + -0.20269428193569183, + -0.05880884826183319, + 0.6476696729660034, + 0.09026395529508591, + 0.03443397209048271, + -0.19394487142562866, + 2.209819793701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/20.png", + [ + 0.18461430072784424, + -0.06371591240167618, + 0.0938389003276825, + -1.0963339805603027, + -0.05785515531897545, + -0.20708255469799042, + -0.02678595669567585, + 0.3106578290462494, + 0.09756145626306534, + -0.002233738312497735, + -0.1934545785188675, + 2.343879222869873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/2.png", + [ + 0.19337809085845947, + -0.07125253975391388, + 0.06690211594104767, + -0.7417199611663818, + -0.05017036572098732, + -0.19964751601219177, + -0.0676143541932106, + 0.7589882612228394, + 0.08387938141822815, + 0.044853564351797104, + -0.19468000531196594, + 2.2430543899536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/117.png", + [ + 0.19080689549446106, + -0.07143305987119675, + 0.07374238967895508, + -0.8781939744949341, + -0.058637674897909164, + -0.20357230305671692, + -0.04547346755862236, + 0.5404656529426575, + 0.08427482843399048, + 0.02008804678916931, + -0.1986003965139389, + 2.4294352531433105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/5.png", + [ + 0.1898651123046875, + -0.06985742598772049, + 0.07758267223834991, + -0.862054169178009, + -0.04966936260461807, + -0.20207194983959198, + -0.060396820306777954, + 0.6692102551460266, + 0.09182638674974442, + 0.03513917699456215, + -0.1930830031633377, + 2.211221218109131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/108.png", + [ + 0.19155463576316833, + -0.07018526643514633, + 0.0729982778429985, + -0.8797672390937805, + -0.05842195823788643, + -0.20417125523090363, + -0.04299850016832352, + 0.5245814919471741, + 0.08271392434835434, + 0.018330983817577362, + -0.1994248777627945, + 2.469748020172119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/60.png", + [ + 0.18951454758644104, + -0.06892106682062149, + 0.07925917953252792, + -0.9108672142028809, + -0.056505847722291946, + -0.20472747087478638, + -0.04291437938809395, + 0.4986664354801178, + 0.08853936940431595, + 0.01686534658074379, + -0.1970386803150177, + 2.3460288047790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/56.png", + [ + 0.1913059651851654, + -0.06907887011766434, + 0.0746862068772316, + -0.858954131603241, + -0.05747496336698532, + -0.20463649928569794, + -0.042052678763866425, + 0.48733994364738464, + 0.08394372463226318, + 0.017317865043878555, + -0.19900110363960266, + 2.3650436401367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/30.png", + [ + 0.18695800006389618, + -0.06533236801624298, + 0.08789924532175064, + -1.0279533863067627, + -0.0568447969853878, + -0.2065282016992569, + -0.03259851410984993, + 0.3853621184825897, + 0.09361231327056885, + 0.005067215766757727, + -0.19534318149089813, + 2.370553970336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/17.png", + [ + 0.1842883974313736, + -0.0643768161535263, + 0.09402823448181152, + -1.0912233591079712, + -0.05894119665026665, + -0.2068626433610916, + -0.026108980178833008, + 0.29913267493247986, + 0.09752752631902695, + -0.0033716626930981874, + -0.19345517456531525, + 2.3251848220825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/12.png", + [ + 0.18474654853343964, + -0.0689319595694542, + 0.08980529010295868, + -1.0211504697799683, + -0.05984364077448845, + -0.20536507666110992, + -0.03452260419726372, + 0.39068424701690674, + 0.09610069543123245, + 0.004632090218365192, + -0.1941419392824173, + 2.284581184387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/114.png", + [ + 0.1915023922920227, + -0.07137291878461838, + 0.07197664678096771, + -0.8627799153327942, + -0.058623578399419785, + -0.2034992277622223, + -0.045817337930202484, + 0.5481614470481873, + 0.08269224315881729, + 0.021020464599132538, + -0.1991683393716812, + 2.445840358734131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/27.png", + [ + 0.18812958896160126, + -0.06537286192178726, + 0.08533191680908203, + -0.992917537689209, + -0.056290920823812485, + -0.20644497871398926, + -0.0340542234480381, + 0.4004511535167694, + 0.09157772362232208, + 0.007399085909128189, + -0.1962311565876007, + 2.369377613067627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/42.png", + [ + 0.18818873167037964, + -0.06519962102174759, + 0.08533410727977753, + -1.0028544664382935, + -0.05541764199733734, + -0.20643536746501923, + -0.03551372140645981, + 0.41674545407295227, + 0.0919879674911499, + 0.009019363671541214, + -0.1959713250398636, + 2.3797359466552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/7.png", + [ + 0.1885383427143097, + -0.06723347306251526, + 0.0829508826136589, + -0.9207691550254822, + -0.04900909587740898, + -0.20403827726840973, + -0.053985048085451126, + 0.5957810878753662, + 0.0948646292090416, + 0.02821236662566662, + -0.1927502602338791, + 2.2101550102233887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/73.png", + [ + 0.18818162381649017, + -0.06660783290863037, + 0.08425536751747131, + -0.9835240840911865, + -0.05203179642558098, + -0.2052346169948578, + -0.04603629186749458, + 0.5541574358940125, + 0.09395883977413177, + 0.019749552011489868, + -0.19424106180667877, + 2.3512134552001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/120.png", + [ + 0.18943631649017334, + -0.07249732315540314, + 0.0761965811252594, + -0.9056682586669922, + -0.05825953185558319, + -0.2030232846736908, + -0.048324644565582275, + 0.5793493986129761, + 0.0875648781657219, + 0.02176196500658989, + -0.19699417054653168, + 2.408578872680664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/46.png", + [ + 0.1894967257976532, + -0.06479307264089584, + 0.08270879089832306, + -0.9621714353561401, + -0.05513176694512367, + -0.20651930570602417, + -0.03547060862183571, + 0.41256454586982727, + 0.08943922817707062, + 0.009976630099117756, + -0.19710147380828857, + 2.371809482574463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/127.png", + [ + 0.19178487360477448, + -0.0708836019039154, + 0.07170756906270981, + -0.8515622615814209, + -0.057836614549160004, + -0.20356138050556183, + -0.04653589054942131, + 0.5531224608421326, + 0.08259169012308121, + 0.022049449384212494, + -0.19909879565238953, + 2.4216713905334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/133.png", + [ + 0.19203057885169983, + -0.07304983586072922, + 0.06881772726774216, + -0.81156986951828, + -0.059553563594818115, + -0.20253176987171173, + -0.04880727827548981, + 0.5764031410217285, + 0.0807807520031929, + 0.02434132993221283, + -0.19957421720027924, + 2.4014596939086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/57.png", + [ + 0.18971320986747742, + -0.06902660429477692, + 0.0786900520324707, + -0.905019998550415, + -0.05726701021194458, + -0.20479175448417664, + -0.04157795011997223, + 0.4808623492717743, + 0.08762013167142868, + 0.015606545843183994, + -0.1975526362657547, + 2.347762107849121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/44.png", + [ + 0.18860703706741333, + -0.06574872136116028, + 0.08397849649190903, + -0.9837646484375, + -0.055467501282691956, + -0.20618686079978943, + -0.03685422241687775, + 0.43161851167678833, + 0.09109686315059662, + 0.010582171380519867, + -0.19630911946296692, + 2.376455783843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/113.png", + [ + 0.1917857974767685, + -0.06930935382843018, + 0.0732278823852539, + -0.8813883066177368, + -0.05733649432659149, + -0.20441320538520813, + -0.043308939784765244, + 0.520821750164032, + 0.08293754607439041, + 0.01895657181739807, + -0.19927345216274261, + 2.4575281143188477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/126.png", + [ + 0.19139276444911957, + -0.07172762602567673, + 0.07191557437181473, + -0.8553351759910583, + -0.05872884392738342, + -0.20331686735153198, + -0.046487316489219666, + 0.55436772108078, + 0.08287114650011063, + 0.02157067321240902, + -0.19903510808944702, + 2.428431510925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/29.png", + [ + 0.18706606328487396, + -0.06616459786891937, + 0.0870426595211029, + -1.015502691268921, + -0.05745065584778786, + -0.2062472105026245, + -0.0333077497780323, + 0.39360836148262024, + 0.09302473813295364, + 0.005677137523889542, + -0.19560691714286804, + 2.368821144104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/4.png", + [ + 0.19158343970775604, + -0.06886211037635803, + 0.07417339831590652, + -0.8236437439918518, + -0.04916813224554062, + -0.20211900770664215, + -0.06064896658062935, + 0.6711320877075195, + 0.08846568316221237, + 0.03679419681429863, + -0.19433966279029846, + 2.2294249534606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/55.png", + [ + 0.1908443123102188, + -0.0674736276268959, + 0.07728941738605499, + -0.8944127559661865, + -0.05702366679906845, + -0.205450177192688, + -0.038554124534130096, + 0.4478417634963989, + 0.0852915346622467, + 0.01361723244190216, + -0.1987154185771942, + 2.374635696411133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/9.png", + [ + 0.18584176898002625, + -0.06796969473361969, + 0.0882657840847969, + -0.9923549294471741, + -0.05390533432364464, + -0.2051020860671997, + -0.0444437600672245, + 0.4938333332538605, + 0.09749329835176468, + 0.016160229220986366, + -0.1928258240222931, + 2.238555908203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/25.png", + [ + 0.18507035076618195, + -0.06491834670305252, + 0.09210030734539032, + -1.0758202075958252, + -0.05602926388382912, + -0.20667299628257751, + -0.03308907523751259, + 0.3872506320476532, + 0.09776286780834198, + 0.004446737468242645, + -0.19331462681293488, + 2.339949131011963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/99.png", + [ + 0.19049084186553955, + -0.06577825546264648, + 0.07958867400884628, + -0.9644894599914551, + -0.0532790906727314, + -0.20568272471427917, + -0.042471788823604584, + 0.5260343551635742, + 0.0884447693824768, + 0.017768917605280876, + -0.19700174033641815, + 2.467884063720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/34.png", + [ + 0.18711017072200775, + -0.06543637812137604, + 0.08749721944332123, + -1.0316592454910278, + -0.05727067217230797, + -0.2065088450908661, + -0.03196977078914642, + 0.378221333026886, + 0.09304704517126083, + 0.004480654839426279, + -0.195627361536026, + 2.3875513076782227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/72.png", + [ + 0.188755601644516, + -0.06594398617744446, + 0.08349011838436127, + -0.9722580313682556, + -0.05144888535141945, + -0.20540694892406464, + -0.04592265188694, + 0.5501844882965088, + 0.09312476217746735, + 0.02018088474869728, + -0.19459804892539978, + 2.351445198059082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/102.png", + [ + 0.19232700765132904, + -0.06731150299310684, + 0.07367075234651566, + -0.8887076377868652, + -0.05556442588567734, + -0.20510411262512207, + -0.0423414409160614, + 0.5183696746826172, + 0.08289036899805069, + 0.0186912938952446, + -0.19931812584400177, + 2.486680507659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/134.png", + [ + 0.19241924583911896, + -0.07125876098871231, + 0.06960546225309372, + -0.8222705125808716, + -0.0580546073615551, + -0.2032543420791626, + -0.047594424337148666, + 0.5621666312217712, + 0.08094687014818192, + 0.023616818711161613, + -0.19959396123886108, + 2.404898166656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/70.png", + [ + 0.18939922749996185, + -0.06555508822202682, + 0.08233074843883514, + -0.9566609859466553, + -0.05158400535583496, + -0.205573171377182, + -0.04501839727163315, + 0.5383461117744446, + 0.09173284471035004, + 0.019750814884901047, + -0.19530203938484192, + 2.3560428619384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/135.png", + [ + 0.19295912981033325, + -0.07135862857103348, + 0.06798982620239258, + -0.804126501083374, + -0.05856435000896454, + -0.20322632789611816, + -0.04708682373166084, + 0.5567000508308411, + 0.07927727699279785, + 0.02355629950761795, + -0.20027008652687073, + 2.4166207313537598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/130.png", + [ + 0.19215714931488037, + -0.07348281890153885, + 0.06799851357936859, + -0.8029166460037231, + -0.06057882681488991, + -0.20250403881072998, + -0.04764682054519653, + 0.561934232711792, + 0.07971028238534927, + 0.0232441034168005, + -0.20013464987277985, + 2.407935619354248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/90.png", + [ + 0.19070425629615784, + -0.06601493060588837, + 0.0788785070180893, + -0.9430102705955505, + -0.05370805412530899, + -0.2056194692850113, + -0.042237136512994766, + 0.5133193731307983, + 0.08772248774766922, + 0.01762268878519535, + -0.19733752310276031, + 2.4420104026794434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/122.png", + [ + 0.19035792350769043, + -0.0716976746916771, + 0.07464048266410828, + -0.8833456039428711, + -0.05755114555358887, + -0.20320318639278412, + -0.04841715097427368, + 0.5796069502830505, + 0.0860210508108139, + 0.02271120436489582, + -0.19756637513637543, + 2.413353443145752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/15.png", + [ + 0.18235178291797638, + -0.06643625348806381, + 0.09634289145469666, + -1.1120890378952026, + -0.060509782284498215, + -0.20620621740818024, + -0.027666844427585602, + 0.3173295855522156, + 0.10017131268978119, + -0.0036210466641932726, + -0.19209499657154083, + 2.295950412750244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/22.png", + [ + 0.18498334288597107, + -0.06269881129264832, + 0.09379719197750092, + -1.0986913442611694, + -0.05621519684791565, + -0.20740388333797455, + -0.027773749083280563, + 0.3221189081668854, + 0.09782078117132187, + -0.0006237314664758742, + -0.19333547353744507, + 2.3468799591064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/138.png", + [ + 0.1918240487575531, + -0.07236124575138092, + 0.07010902464389801, + -0.8300625085830688, + -0.05871661752462387, + -0.20280885696411133, + -0.048670511692762375, + 0.5752684473991394, + 0.08187663555145264, + 0.024089623242616653, + -0.19915771484375, + 2.408783435821533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/109.png", + [ + 0.1909799873828888, + -0.07017891108989716, + 0.07449469715356827, + -0.8990814685821533, + -0.057784371078014374, + -0.2041083723306656, + -0.04414333403110504, + 0.5379574298858643, + 0.0844719186425209, + 0.019041744992136955, + -0.19861973822116852, + 2.4584765434265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/26.png", + [ + 0.18708740174770355, + -0.06471382826566696, + 0.08808134496212006, + -1.0247886180877686, + -0.055538829416036606, + -0.2066771388053894, + -0.03388063237071037, + 0.3973163068294525, + 0.09413629025220871, + 0.006676849443465471, + -0.19504274427890778, + 2.356417655944824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/43.png", + [ + 0.18897585570812225, + -0.06524866819381714, + 0.08353821188211441, + -0.9792120456695557, + -0.055280838161706924, + -0.2063649594783783, + -0.03613072633743286, + 0.42334040999412537, + 0.09044362604618073, + 0.010198579169809818, + -0.19663123786449432, + 2.3827037811279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/84.png", + [ + 0.19004294276237488, + -0.06744398921728134, + 0.07926464080810547, + -0.9362176060676575, + -0.0538884773850441, + -0.20494547486305237, + -0.04518049582839012, + 0.5508323311805725, + 0.08903711289167404, + 0.019913649186491966, + -0.19652922451496124, + 2.4047513008117676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/136.png", + [ + 0.19261254370212555, + -0.07151980698108673, + 0.06879840791225433, + -0.8144480586051941, + -0.0586603507399559, + -0.20321355760097504, + -0.0470225065946579, + 0.5558664202690125, + 0.08004540950059891, + 0.023174773901700974, + -0.20000891387462616, + 2.418083667755127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/89.png", + [ + 0.1907038688659668, + -0.06558912992477417, + 0.0792337954044342, + -0.9443622827529907, + -0.05275915935635567, + -0.20565348863601685, + -0.0432550385594368, + 0.5270371437072754, + 0.08829722553491592, + 0.01877743937075138, + -0.19697436690330505, + 2.432623863220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/63.png", + [ + 0.1892748326063156, + -0.06679856032133102, + 0.08161421865224838, + -0.9335148930549622, + -0.052977416664361954, + -0.2052028477191925, + -0.04508969932794571, + 0.5243296027183533, + 0.09119387716054916, + 0.01943298615515232, + -0.19558611512184143, + 2.32735013961792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/88.png", + [ + 0.19039413332939148, + -0.06540151685476303, + 0.08012867718935013, + -0.9543697834014893, + -0.052285805344581604, + -0.20569102466106415, + -0.043649718165397644, + 0.5328884124755859, + 0.08924213796854019, + 0.01901957020163536, + -0.19652478396892548, + 2.4227852821350098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/62.png", + [ + 0.19104406237602234, + -0.06729497760534286, + 0.07695094496011734, + -0.8800065517425537, + -0.054421257227659225, + -0.20502175390720367, + -0.04418495297431946, + 0.5125437378883362, + 0.08653547614812851, + 0.019630838185548782, + -0.1976718008518219, + 2.3497390747070312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/65.png", + [ + 0.18849340081214905, + -0.06833508610725403, + 0.08214893192052841, + -0.9425144791603088, + -0.05432320386171341, + -0.20472577214241028, + -0.045653533190488815, + 0.532428503036499, + 0.09201696515083313, + 0.01911989599466324, + -0.19523115456104279, + 2.3302769660949707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/80.png", + [ + 0.19188182055950165, + -0.06564617156982422, + 0.0762879028916359, + -0.8945026993751526, + -0.05239946395158768, + -0.2053845077753067, + -0.04493769630789757, + 0.543621838092804, + 0.08592764288187027, + 0.021346669644117355, + -0.19775907695293427, + 2.3979010581970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/119.png", + [ + 0.1913188397884369, + -0.06939981132745743, + 0.07435499131679535, + -0.8845356702804565, + -0.056356970220804214, + -0.20419266819953918, + -0.04557573422789574, + 0.5460811853408813, + 0.08466930687427521, + 0.02090265415608883, + -0.19834838807582855, + 2.426891326904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/79.png", + [ + 0.19077156484127045, + -0.0646856501698494, + 0.07981151342391968, + -0.9375775456428528, + -0.05092768371105194, + -0.20573751628398895, + -0.04501495882868767, + 0.5442114472389221, + 0.0892215445637703, + 0.020874420180916786, + -0.19634580612182617, + 2.381989002227783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/116.png", + [ + 0.19126199185848236, + -0.07003162056207657, + 0.07390742748975754, + -0.8826605081558228, + -0.056910641491413116, + -0.2039490044116974, + -0.0459769070148468, + 0.5475350022315979, + 0.08442696928977966, + 0.021172376349568367, + -0.19842304289340973, + 2.431079864501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/19.png", + [ + 0.18531747162342072, + -0.06422071158885956, + 0.09209246188402176, + -1.072219729423523, + -0.05832143500447273, + -0.20693127810955048, + -0.026943495497107506, + 0.31115996837615967, + 0.09593711793422699, + -0.0017439204966649413, + -0.19427023828029633, + 2.3458900451660156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/77.png", + [ + 0.1904330849647522, + -0.06618741899728775, + 0.07938741147518158, + -0.9294397830963135, + -0.05235208943486214, + -0.2052614837884903, + -0.04555078595876694, + 0.5493563413619995, + 0.08912011235952377, + 0.0208528321236372, + -0.1963941603899002, + 2.377666473388672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/68.png", + [ + 0.18744035065174103, + -0.0681547224521637, + 0.08466961234807968, + -0.9808269143104553, + -0.05367637425661087, + -0.20481105148792267, + -0.04603448882699013, + 0.5453081130981445, + 0.09451378136873245, + 0.018848365172743797, + -0.194061279296875, + 2.337125778198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/86.png", + [ + 0.19108858704566956, + -0.06749599426984787, + 0.0766637995839119, + -0.9047041535377502, + -0.054136600345373154, + -0.2048318237066269, + -0.045398734509944916, + 0.5539248585700989, + 0.0866156816482544, + 0.020883210003376007, + -0.19750824570655823, + 2.418457508087158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/1.png", + [ + 0.19462767243385315, + -0.07061588019132614, + 0.06388553977012634, + -0.7027212381362915, + -0.04910263046622276, + -0.19897009432315826, + -0.0703401193022728, + 0.795911967754364, + 0.08158981055021286, + 0.048705220222473145, + -0.19472749531269073, + 2.242579460144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/81.png", + [ + 0.18964830040931702, + -0.06791198253631592, + 0.07980839908123016, + -0.938460111618042, + -0.05469084158539772, + -0.20490378141403198, + -0.04439878091216087, + 0.53852379322052, + 0.0893886387348175, + 0.018716376274824142, + -0.19648730754852295, + 2.3941526412963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/95.png", + [ + 0.19124850630760193, + -0.06705118715763092, + 0.07665538787841797, + -0.9217190742492676, + -0.053107500076293945, + -0.20481829345226288, + -0.04665789753198624, + 0.575802206993103, + 0.08689938485622406, + 0.022394297644495964, + -0.19721786677837372, + 2.452230930328369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/103.png", + [ + 0.1923522651195526, + -0.0681009292602539, + 0.0728750228881836, + -0.8793578743934631, + -0.056664906442165375, + -0.20489272475242615, + -0.041904110461473465, + 0.5111337304115295, + 0.0820828452706337, + 0.01814192160964012, + -0.19970270991325378, + 2.4898853302001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/83.png", + [ + 0.18921872973442078, + -0.0676765963435173, + 0.08101873844861984, + -0.9577766060829163, + -0.054079968482255936, + -0.20495650172233582, + -0.04490089789032936, + 0.5479015707969666, + 0.09066154062747955, + 0.018989769741892815, + -0.19587691128253937, + 2.3958096504211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/51.png", + [ + 0.18886405229568481, + -0.0664384737610817, + 0.08285041153430939, + -0.9617321491241455, + -0.05651819705963135, + -0.2059912085533142, + -0.03634847700595856, + 0.4227599799633026, + 0.08991082012653351, + 0.010072079487144947, + -0.19688192009925842, + 2.3587117195129395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/128.png", + [ + 0.19116714596748352, + -0.0707554742693901, + 0.07346205413341522, + -0.8732443451881409, + -0.05749579519033432, + -0.20365792512893677, + -0.046535685658454895, + 0.5515528321266174, + 0.08424514532089233, + 0.021563835442066193, + -0.19845819473266602, + 2.4069933891296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/93.png", + [ + 0.18936331570148468, + -0.06509657949209213, + 0.08277598768472672, + -0.9998295307159424, + -0.05215303227305412, + -0.20593568682670593, + -0.04264325276017189, + 0.5248056650161743, + 0.0914849042892456, + 0.017344200983643532, + -0.19564656913280487, + 2.442310333251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/76.png", + [ + 0.18779383599758148, + -0.004075874108821154, + -0.10800349712371826, + 1.0742820501327515, + -0.015428699553012848, + -0.21531398594379425, + -0.018701450899243355, + 0.13464930653572083, + -0.10697347670793533, + 0.023899298161268234, + -0.18690477311611176, + 1.779586672782898, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/137.png", + [ + 0.1913280189037323, + 0.017658712342381477, + -0.10014816373586655, + 1.146978735923767, + 0.014733985997736454, + -0.21594499051570892, + -0.009928147308528423, + 0.10472050309181213, + -0.10062005370855331, + 0.0019566251430660486, + -0.19188453257083893, + 2.262641429901123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/35.png", + [ + 0.19596824049949646, + -0.014022779650986195, + -0.09136579185724258, + 0.9371987581253052, + -0.012454181909561157, + -0.21621954441070557, + 0.006472608540207148, + -0.12368519604206085, + -0.09159279614686966, + -0.0006024683243595064, + -0.1963626593351364, + 1.8601616621017456, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/124.png", + [ + 0.19067268073558807, + 0.014411959797143936, + -0.10190246254205704, + 1.169771671295166, + 0.011434356682002544, + -0.21617794036865234, + -0.00917867012321949, + 0.0938263088464737, + -0.10227938741445541, + 0.0026995916850864887, + -0.1909961700439453, + 2.252030372619629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/97.png", + [ + 0.18716397881507874, + 0.0034575152676552534, + -0.10911272466182709, + 1.1310044527053833, + -0.002952511655166745, + -0.21632638573646545, + -0.011919375509023666, + 0.10124397277832031, + -0.10912757366895676, + 0.011782802641391754, + -0.1868160516023636, + 1.9136358499526978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/155.png", + [ + 0.1940838098526001, + 0.035325221717357635, + -0.08961860835552216, + 1.0042732954025269, + 0.03013482876121998, + -0.2137274444103241, + -0.018983641639351845, + 0.20169858634471893, + -0.09149458259344101, + 0.004540341906249523, + -0.1963568776845932, + 2.2610044479370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/13.png", + [ + 0.1912401020526886, + 0.002480258233845234, + -0.10182809829711914, + 1.0431410074234009, + -0.00021361677499953657, + -0.21660014986991882, + -0.005676983390003443, + 0.037893157452344894, + -0.10185807198286057, + 0.005110977683216333, + -0.19117192924022675, + 1.930479645729065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/32.png", + [ + 0.19084230065345764, + -0.011895435862243176, + -0.10190985351800919, + 1.1169147491455078, + -0.016068650409579277, + -0.21602298319339752, + -0.004875783808529377, + 0.029297679662704468, + -0.10133567452430725, + 0.011852147057652473, + -0.1911504715681076, + 2.0958685874938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/148.png", + [ + 0.19774913787841797, + 0.02563554234802723, + -0.08477021008729935, + 0.9631657600402832, + 0.02000461518764496, + -0.2149680107831955, + -0.018342841416597366, + 0.2028510719537735, + -0.08627273142337799, + 0.00891422014683485, + -0.19855841994285583, + 2.3066892623901367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/111.png", + [ + 0.18536506593227386, + 0.011794108897447586, + -0.1115732192993164, + 1.2682468891143799, + 0.008233151398599148, + -0.2163231074810028, + -0.009188581258058548, + 0.09834659099578857, + -0.11189236491918564, + 0.003621296025812626, + -0.1855124831199646, + 2.1697754859924316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/11.png", + [ + 0.1956578493118286, + 0.003555801697075367, + -0.093022920191288, + 0.9535356760025024, + -0.0010216444497928023, + -0.2164214551448822, + -0.010421565733850002, + 0.07025671005249023, + -0.09308525919914246, + 0.00984931830316782, + -0.19541244208812714, + 1.8896232843399048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/125.png", + [ + 0.19095154106616974, + 0.016668030992150307, + -0.1010325700044632, + 1.1617680788040161, + 0.013927836902439594, + -0.21602575480937958, + -0.009315635077655315, + 0.09550866484642029, + -0.10144662857055664, + 0.001715335063636303, + -0.19145111739635468, + 2.2549819946289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/105.png", + [ + 0.18598823249340057, + 0.008777464739978313, + -0.11081165075302124, + 1.2291803359985352, + 0.00509124668315053, + -0.21644404530525208, + -0.008599435910582542, + 0.08822967112064362, + -0.1110420972108841, + 0.004777783993631601, + -0.18599654734134674, + 2.1222610473632812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/121.png", + [ + 0.1883527934551239, + 0.015270862728357315, + -0.10600904375314713, + 1.2141482830047607, + 0.01439979299902916, + -0.21612440049648285, + -0.0055482517927885056, + 0.05116583779454231, + -0.10613087564706802, + -0.002222131472080946, + -0.18888935446739197, + 2.2305479049682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/24.png", + [ + 0.18631264567375183, + -0.003464811947196722, + -0.11055989563465118, + 1.229007363319397, + -0.006302385590970516, + -0.21654900908470154, + -0.003834234084933996, + 0.03253462538123131, + -0.11043449491262436, + 0.006512794643640518, + -0.18630540370941162, + 2.128030776977539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/74.png", + [ + 0.18137957155704498, + -0.003915500361472368, + -0.11846522986888885, + 1.1899651288986206, + -0.017941253259778023, + -0.21496811509132385, + -0.020364360883831978, + 0.1798599660396576, + -0.11716421693563461, + 0.026856370270252228, + -0.18027526140213013, + 1.8093502521514893, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/129.png", + [ + 0.19106966257095337, + 0.013826061971485615, + -0.10123792290687561, + 1.156994104385376, + 0.011937318369746208, + -0.21623224020004272, + -0.007001135963946581, + 0.0683605819940567, + -0.1014779657125473, + 0.000596263853367418, + -0.19144128262996674, + 2.238006114959717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/153.png", + [ + 0.19552943110466003, + 0.0342952162027359, + -0.08683299273252487, + 0.973032534122467, + 0.02906198613345623, + -0.21387194097042084, + -0.019028592854738235, + 0.2042260318994522, + -0.08872165530920029, + 0.005524924956262112, + -0.19760018587112427, + 2.271115779876709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/144.png", + [ + 0.19377167522907257, + 0.022178838029503822, + -0.09438499063253403, + 1.08633291721344, + 0.02029411494731903, + -0.2155349999666214, + -0.008983330801129341, + 0.09223167598247528, + -0.09480810910463333, + -0.0008064847788773477, + -0.19482985138893127, + 2.29331636428833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/98.png", + [ + 0.1861666887998581, + 0.004419165197759867, + -0.11077147722244263, + 1.1574597358703613, + -0.0014956688974052668, + -0.21638257801532745, + -0.011146134696900845, + 0.09788325428962708, + -0.11084951460361481, + 0.010341390036046505, + -0.1858852654695511, + 1.9327555894851685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/0.png", + [ + 0.18851663172245026, + -0.0001036593021126464, + -0.10681463032960892, + 1.1961934566497803, + -0.0021465944591909647, + -0.21663446724414825, + -0.00357828033156693, + 0.032567765563726425, + -0.106793113052845, + 0.004171477165073156, + -0.18848268687725067, + 2.1651053428649902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/96.png", + [ + 0.18761420249938965, + 0.0006231102743186057, + -0.10839010775089264, + 1.1120127439498901, + -0.007264465093612671, + -0.21611160039901733, + -0.013816558755934238, + 0.11661119759082794, + -0.10814819484949112, + 0.015597484074532986, + -0.18710580468177795, + 1.892539381980896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/100.png", + [ + 0.18646185100078583, + 0.004441037308424711, + -0.1102730929851532, + 1.171533226966858, + 0.00039569963701069355, + -0.2165246307849884, + -0.00805102288722992, + 0.07454738020896912, + -0.11036176979541779, + 0.006727015133947134, + -0.18634086847305298, + 2.002016067504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/141.png", + [ + 0.19110429286956787, + 0.017651958391070366, + -0.10057560354471207, + 1.163306713104248, + 0.018413860350847244, + -0.21587130427360535, + -0.0028991529252380133, + 0.020707834511995316, + -0.1004389077425003, + -0.005990293342620134, + -0.19189590215682983, + 2.2806997299194336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/3.png", + [ + 0.18690864741802216, + 0.0032074591144919395, + -0.1095571219921112, + 1.228293538093567, + 0.0020279514137655497, + -0.21664594113826752, + -0.0028828922659158707, + 0.020675912499427795, + -0.10958531498908997, + 0.001461458276025951, + -0.18691393733024597, + 2.133390426635742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/104.png", + [ + 0.18667054176330566, + 0.00771201541647315, + -0.10973846167325974, + 1.2106045484542847, + 0.0032430647406727076, + -0.21643339097499847, + -0.009693530388176441, + 0.10033784806728363, + -0.10996128618717194, + 0.006708713248372078, + -0.18657812476158142, + 2.111762046813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/21.png", + [ + 0.18338583409786224, + -0.002711050445213914, + -0.11536972224712372, + 1.270685076713562, + -0.004951165057718754, + -0.2166002094745636, + -0.0027802742552012205, + 0.022486601024866104, + -0.11529531329870224, + 0.00498940609395504, + -0.18338479101657867, + 2.0775513648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/106.png", + [ + 0.18611714243888855, + 0.009850122034549713, + -0.1105046421289444, + 1.232229471206665, + 0.005516489967703819, + -0.21637362241744995, + -0.009995901957154274, + 0.10540330410003662, + -0.11080554127693176, + 0.005772762466222048, + -0.18610937893390656, + 2.135465621948242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/14.png", + [ + 0.18839961290359497, + 0.0008904123096726835, + -0.10701724141836166, + 1.1051806211471558, + -0.0006651945295743644, + -0.21665321290493011, + -0.002973661059513688, + 0.016649160534143448, + -0.10701888054609299, + 0.0029141572304069996, + -0.188378244638443, + 1.9534190893173218, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/78.png", + [ + 0.19496095180511475, + -0.0008809481514617801, + -0.09453755617141724, + 0.8741225004196167, + -0.009024783968925476, + -0.21584920585155487, + -0.016600051894783974, + 0.06777198612689972, + -0.0941099300980568, + 0.018874119967222214, + -0.19425494968891144, + 1.5988414287567139, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/31.png", + [ + 0.18497751653194427, + -0.010573945939540863, + -0.11233612895011902, + 1.2520232200622559, + -0.013829759322106838, + -0.21621929109096527, + -0.002420447999611497, + 0.011158209294080734, + -0.11198192834854126, + 0.009236476384103298, + -0.18526369333267212, + 2.092593193054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/152.png", + [ + 0.19553972780704498, + 0.03336790204048157, + -0.08717048168182373, + 0.9789401888847351, + 0.02792876400053501, + -0.21400146186351776, + -0.019267968833446503, + 0.2079254388809204, + -0.08906231075525284, + 0.0061524962075054646, + -0.19742834568023682, + 2.270641803741455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/92.png", + [ + 0.18006345629692078, + -3.3737855119397864e-05, + -0.12051991373300552, + 1.1410799026489258, + -0.012321492657065392, + -0.2155444324016571, + -0.018348654732108116, + 0.14184433221817017, + -0.11988841742277145, + 0.022101838141679764, + -0.17912612855434418, + 1.676411747932434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/75.png", + [ + 0.18267615139484406, + -0.0035248002968728542, + -0.11646843701601028, + 1.1662933826446533, + -0.017234839498996735, + -0.2150106281042099, + -0.020525086671113968, + 0.17088532447814941, + -0.11524010449647903, + 0.02656867727637291, + -0.18155363202095032, + 1.7849310636520386, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/151.png", + [ + 0.19646693766117096, + 0.030721144750714302, + -0.08605144172906876, + 0.9666423201560974, + 0.024656763300299644, + -0.21431560814380646, + -0.02021794021129608, + 0.22090721130371094, + -0.08798115700483322, + 0.008540025912225246, + -0.19782385230064392, + 2.2751517295837402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/139.png", + [ + 0.19076083600521088, + 0.019394569098949432, + -0.1009061262011528, + 1.162422776222229, + 0.018936123698949814, + -0.21577101945877075, + -0.005673740524798632, + 0.05334853008389473, + -0.10099317133426666, + -0.003823444712907076, + -0.19166025519371033, + 2.272984027862549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/107.png", + [ + 0.18651644885540009, + 0.009642452001571655, + -0.10984774678945541, + 1.2303255796432495, + 0.00506409490481019, + -0.21636593341827393, + -0.010394035838544369, + 0.10883846879005432, + -0.11015380918979645, + 0.006379976868629456, + -0.18647609651088715, + 2.1494040489196777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/112.png", + [ + 0.1877443939447403, + 0.011423296295106411, + -0.10756134241819382, + 1.2235358953475952, + 0.008190668188035488, + -0.21634571254253387, + -0.008679971098899841, + 0.09571586549282074, + -0.10785567760467529, + 0.0034550277050584555, + -0.18789121508598328, + 2.202221393585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/101.png", + [ + 0.18560832738876343, + 0.005996718071401119, + -0.11163101345300674, + 1.1998674869537354, + 0.0020688159856945276, + -0.2165098637342453, + -0.008190905675292015, + 0.07934682071208954, + -0.11177282780408859, + 0.005950656719505787, + -0.18552443385124207, + 2.030470371246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/156.png", + [ + 0.1941261738538742, + 0.036861617118120193, + -0.08890524506568909, + 0.9938880205154419, + 0.032745007425546646, + -0.21350833773612976, + -0.01702486351132393, + 0.17611420154571533, + -0.09050240367650986, + 0.0018173258285969496, + -0.19686011970043182, + 2.2660574913024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/131.png", + [ + 0.19126753509044647, + 0.014833344146609306, + -0.1007203683257103, + 1.149662971496582, + 0.012462900020182133, + -0.21616166830062866, + -0.008167685009539127, + 0.08259716629981995, + -0.10104106366634369, + 0.0014166185865178704, + -0.19166791439056396, + 2.2387490272521973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/71.png", + [ + 0.17930492758750916, + -0.001464924425818026, + -0.12163669615983963, + 1.1694637537002563, + -0.018314799293875694, + -0.2145143300294876, + -0.024414395913481712, + 0.20771034061908722, + -0.1202588900923729, + 0.03048521839082241, + -0.17764103412628174, + 1.7030943632125854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/115.png", + [ + 0.18954230844974518, + 0.012932115234434605, + -0.10418432950973511, + 1.190292477607727, + 0.012850606814026833, + -0.216265469789505, + -0.0034653618931770325, + 0.029091574251651764, + -0.10419441014528275, + -0.003147573210299015, + -0.1899513602256775, + 2.235464572906494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/33.png", + [ + 0.195266991853714, + -0.012397067621350288, + -0.09308602660894394, + 1.0096415281295776, + -0.014321212656795979, + -0.21619723737239838, + -0.001248829415999353, + -0.02413950487971306, + -0.09280947595834732, + 0.007278010249137878, + -0.19565613567829132, + 2.069309711456299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/118.png", + [ + 0.18788889050483704, + 0.013964660465717316, + -0.107007697224617, + 1.2271080017089844, + 0.014725892804563046, + -0.2161608338356018, + -0.0023529278114438057, + 0.014699075371026993, + -0.10690559446811676, + -0.005232243798673153, + -0.18839244544506073, + 2.2269935607910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/110.png", + [ + 0.18901899456977844, + 0.012124624103307724, + -0.10522691160440445, + 1.1895066499710083, + 0.00828314758837223, + -0.21628324687480927, + -0.010041926056146622, + 0.10672563314437866, + -0.10559876263141632, + 0.004737542942166328, + -0.18914107978343964, + 2.2000770568847656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/18.png", + [ + 0.18432575464248657, + -0.0038648017216473818, + -0.11382871121168137, + 1.2298165559768677, + -0.005113556049764156, + -0.216612309217453, + -0.000925921369343996, + 0.0016937851905822754, + -0.11377944052219391, + 0.0034740602131932974, + -0.1843639314174652, + 2.0473122596740723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/16.png", + [ + 0.18359988927841187, + -0.0013083775993436575, + -0.11505330353975296, + 1.2201026678085327, + -0.0025936970487236977, + -0.21665261685848236, + -0.0016752146184444427, + 0.008990898728370667, + -0.11503151059150696, + 0.002796740736812353, + -0.1835968941450119, + 1.9903067350387573, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/94.png", + [ + 0.18278919160366058, + 0.0006904146866872907, + -0.11634228378534317, + 1.153812050819397, + -0.00915683712810278, + -0.215913325548172, + -0.015667909756302834, + 0.12995269894599915, + -0.11598342657089233, + 0.01813434436917305, + -0.182117760181427, + 1.7911633253097534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/28.png", + [ + 0.18367569148540497, + -0.005392857361584902, + -0.11481311172246933, + 1.2790168523788452, + -0.009168335236608982, + -0.21643377840518951, + -0.004501262214034796, + 0.042566340416669846, + -0.11457343399524689, + 0.008673916570842266, + -0.18369971215724945, + 2.102247714996338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/132.png", + [ + 0.19148750603199005, + 0.016968021169304848, + -0.09996254742145538, + 1.1403169631958008, + 0.014407346956431866, + -0.21600490808486938, + -0.00906688068062067, + 0.09264808893203735, + -0.10036361217498779, + 0.0013661014381796122, + -0.1920238882303238, + 2.241708278656006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/123.png", + [ + 0.18873031437397003, + 0.01378425769507885, + -0.10554032027721405, + 1.2118401527404785, + 0.013214445672929287, + -0.21622218191623688, + -0.004609574563801289, + 0.04154451563954353, + -0.10561317950487137, + -0.0024215595331043005, + -0.18917687237262726, + 2.2364001274108887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/10.png", + [ + 0.1969022899866104, + 0.002360147889703512, + -0.09039807319641113, + 0.940296471118927, + -0.001556367613375187, + -0.2164802998304367, + -0.0090419827029109, + 0.05195373669266701, + -0.09041547775268555, + 0.008866196498274803, + -0.19670872390270233, + 1.9058843851089478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/91.png", + [ + 0.18108585476875305, + -0.00200197147205472, + -0.11896131187677383, + 1.0922473669052124, + -0.014118991792201996, + -0.21547472476959229, + -0.0178661048412323, + 0.12381689250469208, + -0.11813745647668839, + 0.022683383896946907, + -0.18021348118782043, + 1.615071415901184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/140.png", + [ + 0.19126072525978088, + 0.01938667707145214, + -0.09995689988136292, + 1.153476595878601, + 0.019635703414678574, + -0.21574079990386963, + -0.004271423909813166, + 0.03656657412648201, + -0.09990827739238739, + -0.0052879671566188335, + -0.19219331443309784, + 2.281437397003174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/23.png", + [ + 0.18522922694683075, + -0.003461384680122137, + -0.11236567795276642, + 1.2460068464279175, + -0.006106262560933828, + -0.21656197309494019, + -0.0033947560004889965, + 0.029089156538248062, + -0.11225302517414093, + 0.006068741902709007, + -0.18523044884204865, + 2.1090965270996094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/36.png", + [ + 0.19295884668827057, + -0.007071373052895069, + -0.09830958396196365, + 0.956183671951294, + -0.005949229467660189, + -0.2165578305721283, + 0.0038999721873551607, + -0.1124986857175827, + -0.09838386625051498, + -0.0007738223648630083, + -0.19304898381233215, + 1.6856613159179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/8.png", + [ + 0.19714321196079254, + 0.0017854147590696812, + -0.0898846983909607, + 0.9650736451148987, + -0.0014122248394414783, + -0.21654365956783295, + -0.007398711051791906, + 0.04092004522681236, + -0.08989132940769196, + 0.0073176221922039986, + -0.19701242446899414, + 1.9946950674057007, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/6.png", + [ + 0.18979375064373016, + -0.00029225496109575033, + -0.10452817380428314, + 1.1487281322479248, + -0.004178306553512812, + -0.21652182936668396, + -0.006981245707720518, + 0.04790150746703148, + -0.10444504767656326, + 0.008130844682455063, + -0.1896655410528183, + 2.050327777862549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/154.png", + [ + 0.19467449188232422, + 0.03564288094639778, + -0.08820042014122009, + 0.9870761632919312, + 0.030537448823451996, + -0.21367359161376953, + -0.018946396186947823, + 0.2014472782611847, + -0.09009546786546707, + 0.004591978155076504, + -0.19700156152248383, + 2.2632761001586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/20.png", + [ + 0.18633107841014862, + -0.0025719425175338984, + -0.11055322736501694, + 1.2077100276947021, + -0.004834999330341816, + -0.21659834682941437, + -0.0031101051717996597, + 0.025765124708414078, + -0.11047738045454025, + 0.005141506437212229, + -0.18632285296916962, + 2.0908961296081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/2.png", + [ + 0.18792632222175598, + 0.000378963042749092, + -0.10784919559955597, + 1.207922339439392, + -0.0011960213305428624, + -0.21665263175964355, + -0.002845336217433214, + 0.022635728120803833, + -0.10784322768449783, + 0.0030631348490715027, + -0.18790514767169952, + 2.1563496589660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/117.png", + [ + 0.18829505145549774, + 0.012326383963227272, + -0.10649378597736359, + 1.218306064605713, + 0.012917361222207546, + -0.21627812087535858, + -0.002194043016061187, + 0.012720931321382523, + -0.10642372071743011, + -0.0044421046040952206, + -0.1886853277683258, + 2.2265748977661133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/149.png", + [ + 0.1968407779932022, + 0.028137847781181335, + -0.08608055114746094, + 0.9758321642875671, + 0.02199913188815117, + -0.21463854610919952, + -0.019855137914419174, + 0.22093436121940613, + -0.08785009384155273, + 0.009297829121351242, + -0.19784794747829437, + 2.292189121246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/5.png", + [ + 0.1876300871372223, + 0.002687121042981744, + -0.10833105444908142, + 1.2032307386398315, + 5.0878821639344096e-05, + -0.21661017835140228, + -0.005284831393510103, + 0.0373883880674839, + -0.10836436599493027, + 0.004550979007035494, + -0.18757490813732147, + 2.076357364654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/108.png", + [ + 0.1884123682975769, + 0.009496479295194149, + -0.10657621175050735, + 1.1977031230926514, + 0.004856284707784653, + -0.21635612845420837, + -0.010693168267607689, + 0.11288820207118988, + -0.10688821226358414, + 0.006909719668328762, + -0.18834824860095978, + 2.177128791809082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/147.png", + [ + 0.19754929840564728, + 0.02381904236972332, + -0.08576023578643799, + 0.9794446229934692, + 0.018888160586357117, + -0.21523568034172058, + -0.01627054065465927, + 0.17943468689918518, + -0.08697932213544846, + 0.007358411327004433, + -0.19831375777721405, + 2.313239097595215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/30.png", + [ + 0.18696902692317963, + -0.0076926518231630325, + -0.10923048853874207, + 1.2158896923065186, + -0.01088191382586956, + -0.21637468039989471, + -0.0033881175331771374, + 0.027660418301820755, + -0.10895901173353195, + 0.008409429341554642, + -0.18709653615951538, + 2.118786334991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/17.png", + [ + 0.18416348099708557, + -0.0023349516559392214, + -0.11413263529539108, + 1.2226241827011108, + -0.0034696203656494617, + -0.21664373576641083, + -0.00116640399210155, + 0.004269309341907501, + -0.1141037866473198, + 0.0028190012089908123, + -0.1841745674610138, + 2.0253329277038574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/12.png", + [ + 0.1920960694551468, + 0.0025159334763884544, + -0.10020305216312408, + 1.0252368450164795, + -0.0018185338703915477, + -0.2164832353591919, + -0.0089217908680439, + 0.06182229146361351, + -0.10021814703941345, + 0.008750742301344872, + -0.19190530478954315, + 1.8954147100448608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/114.png", + [ + 0.1900143325328827, + 0.01428175624459982, + -0.10314298421144485, + 1.1795421838760376, + 0.01270141452550888, + -0.2162032276391983, + -0.006537633016705513, + 0.06812708079814911, + -0.10334949940443039, + -0.0003129927790723741, + -0.19043812155723572, + 2.2392983436584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/27.png", + [ + 0.18518401682376862, + -0.0043698688969016075, + -0.11240849643945694, + 1.2519375085830688, + -0.006620775442570448, + -0.21655914187431335, + -0.0024884846061468124, + 0.01507052406668663, + -0.1122983917593956, + 0.005561606492847204, + -0.18521887063980103, + 2.119394302368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/7.png", + [ + 0.19483548402786255, + 0.003841323545202613, + -0.09472207725048065, + 1.0318365097045898, + 0.0006968849920667708, + -0.2165488600730896, + -0.007348407991230488, + 0.047243837267160416, + -0.09479737281799316, + 0.006303093396127224, + -0.19473473727703094, + 2.035928726196289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/73.png", + [ + 0.17980965971946716, + -0.003575720125809312, + -0.12084534019231796, + 1.200886607170105, + -0.020378731191158295, + -0.2143772691488266, + -0.023978909477591515, + 0.21865206956863403, + -0.11916833370923996, + 0.03126491606235504, + -0.17823947966098785, + 1.785456657409668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/120.png", + [ + 0.18753205239772797, + 0.01272289827466011, + -0.1077856793999672, + 1.234910488128662, + 0.011351745575666428, + -0.21629983186721802, + -0.005781329236924648, + 0.05319150909781456, + -0.10793870687484741, + -0.0006432263180613518, + -0.1878742128610611, + 2.2209391593933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/127.png", + [ + 0.1899435669183731, + 0.01479948777705431, + -0.10320033133029938, + 1.1826311349868774, + 0.013120634481310844, + -0.21616847813129425, + -0.006850779987871647, + 0.06629407405853271, + -0.10342719405889511, + -0.00024364837736357003, + -0.1903960406780243, + 2.2343292236328125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/133.png", + [ + 0.19321009516716003, + 0.015577859245240688, + -0.09682503342628479, + 1.1022647619247437, + 0.013317792676389217, + -0.21610967814922333, + -0.008194100111722946, + 0.08349981904029846, + -0.0971616879105568, + 0.0013554301112890244, + -0.1936637908220291, + 2.2561583518981934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/113.png", + [ + 0.18910016119480133, + 0.014521857723593712, + -0.10477660596370697, + 1.19405198097229, + 0.012425637803971767, + -0.21618668735027313, + -0.007537388242781162, + 0.08163970708847046, + -0.10504583269357681, + 0.0005695418221876025, + -0.18950709700584412, + 2.2265682220458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/126.png", + [ + 0.1895051747560501, + 0.015193506143987179, + -0.10394635051488876, + 1.1930146217346191, + 0.012809005565941334, + -0.21613866090774536, + -0.008240127936005592, + 0.08370022475719452, + -0.10426703095436096, + 0.0010619492968544364, + -0.1899345964193344, + 2.2331223487854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/29.png", + [ + 0.18329909443855286, + -0.004688241984695196, + -0.1154441311955452, + 1.2879709005355835, + -0.006835185922682285, + -0.21655701100826263, + -0.002058240585029125, + 0.01566965878009796, + -0.11533693969249725, + 0.0053829834796488285, + -0.18334750831127167, + 2.0972900390625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/4.png", + [ + 0.18620182573795319, + 0.001378438901156187, + -0.11079203337430954, + 1.239425778388977, + 0.0007989575387910008, + -0.21666894853115082, + -0.0013529639691114426, + -0.0009496435523033142, + -0.11079775542020798, + 0.0007541555096395314, + -0.1862020194530487, + 2.1047306060791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/9.png", + [ + 0.19727720320224762, + 0.001549147767946124, + -0.08959468454122543, + 0.9501482248306274, + -0.0018300038063898683, + -0.21652740240097046, + -0.007773351389914751, + 0.04047064855694771, + -0.08958937972784042, + 0.007834158837795258, + -0.19713006913661957, + 1.9490300416946411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/25.png", + [ + 0.1870558112859726, + -0.004276104271411896, + -0.10926908254623413, + 1.2154078483581543, + -0.006836541462689638, + -0.21654267609119415, + -0.0032292373944073915, + 0.024963241070508957, + -0.10913880169391632, + 0.006235480308532715, + -0.18707680702209473, + 2.1371259689331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/99.png", + [ + 0.18771646916866302, + 0.004682636354118586, + -0.10811333358287811, + 1.137351155281067, + -5.634161425405182e-05, + -0.21646742522716522, + -0.009473524987697601, + 0.08585572242736816, + -0.10821468383073807, + 0.008235519751906395, + -0.18753573298454285, + 1.978713870048523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/34.png", + [ + 0.19776584208011627, + -0.01197803858667612, + -0.08771023899316788, + 0.9314978718757629, + -0.014829597435891628, + -0.21613097190856934, + -0.003921584226191044, + -0.0142167117446661, + -0.08727337419986725, + 0.00958240032196045, + -0.19808943569660187, + 1.997482419013977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/72.png", + [ + 0.17893217504024506, + -0.0037239957600831985, + -0.12213638424873352, + 1.1959832906723022, + -0.020889412611722946, + -0.21431803703308105, + -0.024068742990493774, + 0.2161681354045868, + -0.12039432674646378, + 0.03165128827095032, + -0.17734511196613312, + 1.7518142461776733, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/102.png", + [ + 0.18550638854503632, + 0.006881226319819689, + -0.11174934357404709, + 1.2140737771987915, + 0.0037368666380643845, + -0.21652504801750183, + -0.007129755336791277, + 0.06978268921375275, + -0.11189862340688705, + 0.004176875576376915, + -0.18549703061580658, + 2.0606689453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/134.png", + [ + 0.19117946922779083, + 0.016140034422278404, + -0.1006866842508316, + 1.1489959955215454, + 0.014130384661257267, + -0.2160724401473999, + -0.007806164212524891, + 0.0788581371307373, + -0.10098833590745926, + 0.0003213885647710413, + -0.19170068204402924, + 2.243643283843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/70.png", + [ + 0.18549758195877075, + -0.0015919780125841498, + -0.11196429282426834, + 1.0596554279327393, + -0.014739307574927807, + -0.2151147723197937, + -0.021360812708735466, + 0.15868623554706573, + -0.11100130528211594, + 0.02590361423790455, + -0.1842704862356186, + 1.6905250549316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/135.png", + [ + 0.19412074983119965, + 0.016465581953525543, + -0.09483624249696732, + 1.0812948942184448, + 0.014198237098753452, + -0.2160438597202301, + -0.008447355590760708, + 0.08603955805301666, + -0.09520209580659866, + 0.001353641739115119, + -0.1946345865726471, + 2.2745628356933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/130.png", + [ + 0.19007930159568787, + 0.014592881314456463, + -0.1029796153306961, + 1.1765519380569458, + 0.013334003277122974, + -0.21618010103702545, + -0.006022283341735601, + 0.05735268071293831, + -0.10315017402172089, + -0.001054203137755394, + -0.1905435025691986, + 2.2282352447509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/90.png", + [ + 0.1859973520040512, + -0.0014415186597034335, + -0.11113417148590088, + 0.9938336610794067, + -0.010493465699255466, + -0.21591638028621674, + -0.01476152054965496, + 0.08135998249053955, + -0.110647052526474, + 0.018053734675049782, + -0.18541626632213593, + 1.5787218809127808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/122.png", + [ + 0.18825846910476685, + 0.014179110527038574, + -0.10632780194282532, + 1.219342589378357, + 0.014103523455560207, + -0.2161807268857956, + -0.003857341129332781, + 0.03089762106537819, + -0.10633786022663116, + -0.003569497726857662, + -0.18875226378440857, + 2.231107711791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/15.png", + [ + 0.18616867065429688, + -0.0010370356030762196, + -0.1108514592051506, + 1.1605627536773682, + -0.003009908366948366, + -0.21663255989551544, + -0.0030283313244581223, + 0.020941801369190216, + -0.11081542819738388, + 0.004141847603023052, + -0.18614692986011505, + 1.9800869226455688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/22.png", + [ + 0.18747210502624512, + -0.0042086937464773655, + -0.10855594277381897, + 1.1963400840759277, + -0.0067690215073525906, + -0.21654382348060608, + -0.0032944870181381702, + 0.02751445397734642, + -0.10842640697956085, + 0.006241810508072376, + -0.18749040365219116, + 2.125051498413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/138.png", + [ + 0.19156678020954132, + 0.017684103921055794, + -0.09968619048595428, + 1.1448681354522705, + 0.01532513927668333, + -0.2159503698348999, + -0.008858808316290379, + 0.09232093393802643, + -0.10007599741220474, + 0.0007815794670023024, + -0.19217722117900848, + 2.2727718353271484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/109.png", + [ + 0.1889326423406601, + 0.010623467154800892, + -0.1055438295006752, + 1.1899383068084717, + 0.006319808308035135, + -0.2163296490907669, + -0.010461559519171715, + 0.11053332686424255, + -0.10588870942592621, + 0.00604368606582284, + -0.18894165754318237, + 2.1924948692321777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/26.png", + [ + 0.18444034457206726, + -0.0038733871188014746, + -0.11364264041185379, + 1.2664272785186768, + -0.0069612436927855015, + -0.2165273278951645, + -0.003917894326150417, + 0.032422397285699844, + -0.1134953573346138, + 0.006986105814576149, + -0.18443940579891205, + 2.1120247840881348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/136.png", + [ + 0.19120310246944427, + 0.016390088945627213, + -0.10060139000415802, + 1.1486520767211914, + 0.0129171721637249, + -0.2160271406173706, + -0.010644991882145405, + 0.11220225691795349, + -0.10110599547624588, + 0.0033961967565119267, + -0.19160881638526917, + 2.250171661376953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/89.png", + [ + 0.1917574405670166, + -0.0025467569939792156, + -0.10084887593984604, + 0.8890182971954346, + -0.009887278079986572, + -0.21603716909885406, + -0.013344372622668743, + 0.04895612969994545, + -0.1003953218460083, + 0.01641171984374523, + -0.19130949676036835, + 1.5443840026855469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/88.png", + [ + 0.18992161750793457, + -0.006139852572232485, + -0.10411518067121506, + 0.9158214330673218, + -0.01183047704398632, + -0.2161710411310196, + -0.00883257482200861, + -0.0024367589503526688, + -0.1036229282617569, + 0.013426718302071095, + -0.1898154467344284, + 1.4838567972183228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/146.png", + [ + 0.19776444137096405, + 0.022491497918963432, + -0.08562272042036057, + 0.9804911017417908, + 0.019276799634099007, + -0.21547719836235046, + -0.012077855877578259, + 0.12944938242435455, + -0.0864032655954361, + 0.003406205680221319, + -0.19867251813411713, + 2.3215770721435547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/119.png", + [ + 0.18765483796596527, + 0.01499229297041893, + -0.10727901011705399, + 1.228887677192688, + 0.015294252894818783, + -0.21610665321350098, + -0.003447961062192917, + 0.025619369000196457, + -0.10723638534545898, + -0.00458625890314579, + -0.18822120130062103, + 2.226902484893799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/145.png", + [ + 0.19547411799430847, + 0.020809544250369072, + -0.09113024920225143, + 1.0472264289855957, + 0.018120817840099335, + -0.2156660109758377, + -0.010378113947808743, + 0.10974285006523132, + -0.09170275926589966, + 0.0017413112800568342, + -0.1963045299053192, + 2.306206226348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/116.png", + [ + 0.1889292597770691, + 0.013960478827357292, + -0.10516053438186646, + 1.20188570022583, + 0.014857818372547626, + -0.21615533530712128, + -0.002002227818593383, + 0.010055020451545715, + -0.10503751039505005, + -0.005465230438858271, + -0.189433753490448, + 2.2324395179748535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/19.png", + [ + 0.18462491035461426, + -0.002677574288100004, + -0.11337709426879883, + 1.2330313920974731, + -0.004373826552182436, + -0.21662119030952454, + -0.0020065598655492067, + 0.013791568577289581, + -0.11332433670759201, + 0.003998403903096914, + -0.18463343381881714, + 2.0632200241088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/77.png", + [ + 0.1933981329202652, + -0.0031480344478040934, + -0.09764808416366577, + 0.9496144652366638, + -0.013260511681437492, + -0.21540386974811554, + -0.0193189587444067, + 0.11634814739227295, + -0.09679470956325531, + 0.023219674825668335, + -0.19245657324790955, + 1.732242465019226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/143.png", + [ + 0.19231341779232025, + 0.02184714749455452, + -0.0973968356847763, + 1.124462366104126, + 0.021900231018662453, + -0.2155047506093979, + -0.005097248125821352, + 0.04616626724600792, + -0.09738490730524063, + -0.005320160649716854, + -0.19348324835300446, + 2.2881741523742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/1.png", + [ + 0.18894538283348083, + 0.0004128224973101169, + -0.10605360567569733, + 1.1867409944534302, + -0.0008991385693661869, + -0.21665897965431213, + -0.0024452712386846542, + 0.019625622779130936, + -0.10605059564113617, + 0.0025724272709339857, + -0.18893001973628998, + 2.168478012084961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/95.png", + [ + 0.1850905567407608, + 0.0011584326857700944, + -0.11264119297266006, + 1.1371675729751587, + -0.007224034518003464, + -0.21609513461589813, + -0.014092819765210152, + 0.11780509352684021, + -0.11241528391838074, + 0.01579405926167965, + -0.18455690145492554, + 1.8426662683486938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/103.png", + [ + 0.18613332509994507, + 0.00817076489329338, + -0.11061427742242813, + 1.2127918004989624, + 0.0045321243815124035, + -0.21646571159362793, + -0.008363398723304272, + 0.08437210321426392, + -0.11082299053668976, + 0.0048708501271903515, + -0.1861247718334198, + 2.089911460876465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/150.png", + [ + 0.19746091961860657, + 0.027572786435484886, + -0.08483409136533737, + 0.9572440385818481, + 0.021640179678797722, + -0.2147151231765747, + -0.019416775554418564, + 0.2148096114397049, + -0.08653776347637177, + 0.009222257882356644, + -0.19842898845672607, + 2.2906198501586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/142.png", + [ + 0.19185884296894073, + 0.018186774104833603, + -0.09903189539909363, + 1.1455258131027222, + 0.018979238346219063, + -0.21582280099391937, + -0.002865601098164916, + 0.021122731268405914, + -0.09888308495283127, + -0.0061371224001049995, + -0.19269759953022003, + 2.2856974601745605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/128.png", + [ + 0.19046299159526825, + 0.014138517901301384, + -0.10233201831579208, + 1.1701661348342896, + 0.012316601350903511, + -0.2162126749753952, + -0.006948655005544424, + 0.06738916039466858, + -0.10256724804639816, + 0.00029112494667060673, + -0.1908605992794037, + 2.2307333946228027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/93.png", + [ + 0.18287420272827148, + -0.0020621176809072495, + -0.11619241535663605, + 1.1276259422302246, + -0.012581855989992619, + -0.21571840345859528, + -0.01597401686012745, + 0.1282828003168106, + -0.11552762240171432, + 0.020229186862707138, + -0.18218685686588287, + 1.7557543516159058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/76.png", + [ + 0.21465447545051575, + 0.012024148367345333, + -0.026958608999848366, + 0.31626731157302856, + 0.010107791982591152, + -0.2158614844083786, + -0.015797089785337448, + 0.18775445222854614, + -0.02773408219218254, + 0.01439219806343317, + -0.21440985798835754, + 2.5682249069213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/48.png", + [ + 0.2155207395553589, + 0.014572950080037117, + -0.016921376809477806, + 0.20369519293308258, + 0.012559032998979092, + -0.21485209465026855, + -0.025074632838368416, + 0.30683818459510803, + -0.018465494737029076, + 0.02396029233932495, + -0.2145526111125946, + 2.5943665504455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/137.png", + [ + 0.21586085855960846, + 0.007345863152295351, + -0.017263244837522507, + 0.20587903261184692, + 0.0054047792218625546, + -0.2152712047100067, + -0.024020535871386528, + 0.27723899483680725, + -0.01796579174697399, + 0.02349970117211342, + -0.21464596688747406, + 2.576749801635742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/173.png", + [ + 0.21555328369140625, + 0.0047515081241726875, + -0.02149658277630806, + 0.25914883613586426, + 0.0027764197438955307, + -0.21574582159519196, + -0.019847415387630463, + 0.2277837097644806, + -0.021839676424860954, + 0.0194692462682724, + -0.2146901935338974, + 2.59287166595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/35.png", + [ + 0.2158205211162567, + 0.01621057465672493, + -0.010325501672923565, + 0.12197083234786987, + 0.01548825390636921, + -0.21561473608016968, + -0.014774709939956665, + 0.18167567253112793, + -0.01138036884367466, + 0.013978386297821999, + -0.21592356264591217, + 2.595961570739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/124.png", + [ + 0.2161410003900528, + 0.002165767829865217, + -0.015042288228869438, + 0.17954173684120178, + 0.00035931236925534904, + -0.21513144671916962, + -0.02581140398979187, + 0.2983516752719879, + -0.015193154104053974, + 0.025722891092300415, + -0.2146052122116089, + 2.579068660736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/97.png", + [ + 0.2159198671579361, + 0.009746324270963669, + -0.015215687453746796, + 0.17930401861667633, + 0.00764827337116003, + -0.2145988494157791, + -0.02892645075917244, + 0.33230823278427124, + -0.016371069476008415, + 0.028288597241044044, + -0.21419532597064972, + 2.5351433753967285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/155.png", + [ + 0.21611739695072174, + 0.00112339376937598, + -0.015488600358366966, + 0.18429523706436157, + -0.0006351828924380243, + -0.21528664231300354, + -0.024477722123265266, + 0.28180766105651855, + -0.015516291372478008, + 0.02446017973124981, + -0.2147296965122223, + 2.5807242393493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/13.png", + [ + 0.21586847305297852, + 0.011151778511703014, + -0.0149776516482234, + 0.17815275490283966, + 0.009486463852226734, + -0.21518799662590027, + -0.02349504828453064, + 0.2911199629306793, + -0.016084128990769386, + 0.022751882672309875, + -0.21487565338611603, + 2.5963029861450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/32.png", + [ + 0.21586191654205322, + 0.015507477335631847, + -0.0105379493907094, + 0.1247871145606041, + 0.01471601240336895, + -0.21559470891952515, + -0.015819348394870758, + 0.19367647171020508, + -0.011617625132203102, + 0.015044299885630608, + -0.21583928167819977, + 2.588752269744873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/158.png", + [ + 0.21611960232257843, + -0.0045471168123185635, + -0.014816693030297756, + 0.17722663283348083, + -0.00652977405115962, + -0.21457220613956451, + -0.029394369572401047, + 0.3403452932834625, + -0.01405605673789978, + 0.029765596613287926, + -0.21415960788726807, + 2.572901725769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/38.png", + [ + 0.21579812467098236, + 0.015123005025088787, + -0.012262041680514812, + 0.14570903778076172, + 0.014176677912473679, + -0.21558785438537598, + -0.016394926235079765, + 0.20061229169368744, + -0.013344839215278625, + 0.015526318922638893, + -0.21570523083209991, + 2.5937156677246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/148.png", + [ + 0.21611551940441132, + 0.0068730199709534645, + -0.013954601250588894, + 0.16424737870693207, + 0.005457798484712839, + -0.2155235856771469, + -0.021626070141792297, + 0.251619815826416, + -0.014566459693014622, + 0.021218769252300262, + -0.21514058113098145, + 2.6037683486938477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/111.png", + [ + 0.21610477566719055, + 0.009623900055885315, + -0.012409581802785397, + 0.1468428671360016, + 0.00781780481338501, + -0.21442440152168274, + -0.030148813501000404, + 0.3486107885837555, + -0.013619804754853249, + 0.029621776193380356, + -0.2142077088356018, + 2.557389736175537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/164.png", + [ + 0.21580341458320618, + -0.006074126809835434, + -0.018436118960380554, + 0.22064568102359772, + -0.008397935889661312, + -0.2147521674633026, + -0.02754760906100273, + 0.3218015432357788, + -0.017500290647149086, + 0.02815139666199684, + -0.21412411332130432, + 2.5832748413085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/11.png", + [ + 0.21578876674175262, + 0.010954158380627632, + -0.01622074656188488, + 0.19221925735473633, + 0.008985918946564198, + -0.21496589481830597, + -0.02562829479575157, + 0.3166208863258362, + -0.017388485372066498, + 0.024850809946656227, + -0.21454130113124847, + 2.583616256713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/125.png", + [ + 0.21610932052135468, + 0.0027734709437936544, + -0.015393704175949097, + 0.18376626074314117, + 0.0009542476036585867, + -0.21518181264400482, + -0.02537262998521328, + 0.29242196679115295, + -0.015612420625984669, + 0.025238636881113052, + -0.21463261544704437, + 2.577890396118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/59.png", + [ + 0.21524177491664886, + 0.01599082164466381, + -0.01905677281320095, + 0.22681014239788055, + 0.013626251369714737, + -0.21465125679969788, + -0.026211779564619064, + 0.3192886710166931, + -0.020813273265957832, + 0.02484000101685524, + -0.21423743665218353, + 2.5882568359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/105.png", + [ + 0.21588094532489777, + 0.011920593678951263, + -0.014185163192451, + 0.16481426358222961, + 0.009694435633718967, + -0.21403047442436218, + -0.03232439607381821, + 0.37039029598236084, + -0.015790419653058052, + 0.03157131373882294, + -0.21377982199192047, + 2.5309829711914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/121.png", + [ + 0.2161324918270111, + 0.0042630089446902275, + -0.014712889678776264, + 0.17700551450252533, + 0.0023642280139029026, + -0.21490463614463806, + -0.027537351474165916, + 0.3194652795791626, + -0.01513449102640152, + 0.027307914569973946, + -0.21441341936588287, + 2.58748197555542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/175.png", + [ + 0.21534228324890137, + 0.008219441398978233, + -0.022539693862199783, + 0.26893919706344604, + 0.006388912443071604, + -0.2158578485250473, + -0.01767672970890999, + 0.2014380246400833, + -0.023125285282731056, + 0.016903424635529518, + -0.21477288007736206, + 2.585625648498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/24.png", + [ + 0.216106116771698, + 0.013094315305352211, + -0.00863600242882967, + 0.10190999507904053, + 0.012203693389892578, + -0.21530234813690186, + -0.021068017929792404, + 0.25977563858032227, + -0.0098545141518116, + 0.02052633836865425, + -0.2154749482870102, + 2.5834150314331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/74.png", + [ + 0.2145157754421234, + 0.01225836668163538, + -0.02793937362730503, + 0.32828736305236816, + 0.009902781806886196, + -0.21564902365207672, + -0.0185831468552351, + 0.22115600109100342, + -0.028858467936515808, + 0.01712106727063656, + -0.21406063437461853, + 2.56058406829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/129.png", + [ + 0.21594977378845215, + 0.005314663518220186, + -0.016892148181796074, + 0.20086567103862762, + 0.0034208688884973526, + -0.21531306207180023, + -0.024010006338357925, + 0.2767042815685272, + -0.017374927178025246, + 0.0236629918217659, + -0.2146766483783722, + 2.574167251586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/172.png", + [ + 0.2157038152217865, + 0.002833352657034993, + -0.020291265100240707, + 0.24479708075523376, + 0.0008702836348675191, + -0.21566613018512726, + -0.020862897858023643, + 0.24040961265563965, + -0.020469635725021362, + 0.020687919110059738, + -0.21471120417118073, + 2.5973448753356934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/153.png", + [ + 0.21602648496627808, + 0.0027640783227980137, + -0.0165169108659029, + 0.1969355344772339, + 0.0011505591683089733, + -0.2156476080417633, + -0.021039996296167374, + 0.24189132452011108, + -0.016707027330994606, + 0.02088935300707817, + -0.21501721441745758, + 2.5913920402526855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/144.png", + [ + 0.2159913331270218, + 0.007693527732044458, + -0.015377113595604897, + 0.18171097338199615, + 0.00635639438405633, + -0.21577487885951996, + -0.01867346651852131, + 0.21414318680763245, + -0.015976304188370705, + 0.018163472414016724, + -0.21532009541988373, + 2.5986266136169434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/98.png", + [ + 0.21600808203220367, + 0.009310214780271053, + -0.014203090220689774, + 0.16810160875320435, + 0.007299040909856558, + -0.2145177572965622, + -0.029610075056552887, + 0.33917632699012756, + -0.015334011986851692, + 0.029040532186627388, + -0.21417145431041718, + 2.5320677757263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/0.png", + [ + 0.21467018127441406, + 0.012861187569797039, + -0.026442265138030052, + 0.3141592741012573, + 0.010017176158726215, + -0.2151811122894287, + -0.02333747036755085, + 0.28645771741867065, + -0.027645248919725418, + 0.021899115294218063, + -0.2137850821018219, + 2.5763721466064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/163.png", + [ + 0.21583865582942963, + -0.005488551687449217, + -0.018205638974905014, + 0.21953238546848297, + -0.007932577282190323, + -0.21452820301055908, + -0.029370443895459175, + 0.34250786900520325, + -0.017281310632824898, + 0.02992364391684532, + -0.21390146017074585, + 2.5769925117492676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/96.png", + [ + 0.21578213572502136, + 0.010079869069159031, + -0.016863331198692322, + 0.19961193203926086, + 0.007890183478593826, + -0.21478720009326935, + -0.027424369007349014, + 0.31613075733184814, + -0.017992237582802773, + 0.026697328314185143, + -0.2142695188522339, + 2.54325532913208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/100.png", + [ + 0.21600733697414398, + 0.011187230236828327, + -0.012789289467036724, + 0.1511736810207367, + 0.009282268583774567, + -0.2142915576696396, + -0.030673395842313766, + 0.35012495517730713, + -0.014232340268790722, + 0.03003104031085968, + -0.21411088109016418, + 2.529489040374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/40.png", + [ + 0.2156330943107605, + 0.016493435949087143, + -0.01335027813911438, + 0.1582454890012741, + 0.015436374582350254, + -0.2154649794101715, + -0.016865910962224007, + 0.20657816529273987, + -0.014559592120349407, + 0.015833737328648567, + -0.2156042903661728, + 2.5889129638671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/141.png", + [ + 0.21594658493995667, + 0.007664645090699196, + -0.01600705087184906, + 0.1896660029888153, + 0.006142475642263889, + -0.21562640368938446, + -0.02038184367120266, + 0.2337755262851715, + -0.016650600358843803, + 0.01985957659780979, + -0.2151191532611847, + 2.5879855155944824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/52.png", + [ + 0.2155032753944397, + 0.0165837612003088, + -0.015205788426101208, + 0.18046852946281433, + 0.01468362845480442, + -0.21461237967014313, + -0.025957869365811348, + 0.3186558783054352, + -0.01704781875014305, + 0.024787070229649544, + -0.21457603573799133, + 2.593212127685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/3.png", + [ + 0.21498331427574158, + 0.012326114811003208, + -0.024044526740908623, + 0.2864367365837097, + 0.0091550899669528, + -0.21463967859745026, + -0.028176121413707733, + 0.34275931119918823, + -0.02542157843708992, + 0.02694023959338665, + -0.21348504722118378, + 2.5717616081237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/47.png", + [ + 0.2156841903924942, + 0.01344059407711029, + -0.015734335407614708, + 0.1889813244342804, + 0.011688991449773312, + -0.21507969498634338, + -0.023494351655244827, + 0.28760531544685364, + -0.017075898125767708, + 0.022538134828209877, + -0.21482163667678833, + 2.5908141136169434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/104.png", + [ + 0.2158137708902359, + 0.013036089017987251, + -0.014225798659026623, + 0.16564244031906128, + 0.010786006227135658, + -0.2139611542224884, + -0.03243737667798996, + 0.3718113899230957, + -0.015999220311641693, + 0.03160034865140915, + -0.21376000344753265, + 2.528106689453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/21.png", + [ + 0.2159985899925232, + 0.012813457287847996, + -0.01132785715162754, + 0.13728994131088257, + 0.011654544621706009, + -0.2153082638978958, + -0.021317148581147194, + 0.2614436447620392, + -0.01251705177128315, + 0.020641328766942024, + -0.21532569825649261, + 2.5872621536254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/82.png", + [ + 0.21546074748039246, + 0.009496827609837055, + -0.020841332152485847, + 0.24714244902133942, + 0.00735126156359911, + -0.21541312336921692, + -0.022159472107887268, + 0.2574335038661957, + -0.02169124037027359, + 0.021328235045075417, + -0.21452854573726654, + 2.567862033843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/106.png", + [ + 0.21582435071468353, + 0.013289907947182655, + -0.013824730180203915, + 0.16055607795715332, + 0.011121189221739769, + -0.21399511396884918, + -0.03209841996431351, + 0.3696063458919525, + -0.015622547827661037, + 0.03126288205385208, + -0.21383747458457947, + 2.5358123779296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/14.png", + [ + 0.21592625975608826, + 0.01207001693546772, + -0.013344033621251583, + 0.15970301628112793, + 0.010567598044872284, + -0.2151273787021637, + -0.023588772863149643, + 0.29135575890541077, + -0.014562775380909443, + 0.022856488823890686, + -0.21497301757335663, + 2.596719264984131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/67.png", + [ + 0.21486029028892517, + 0.012914154678583145, + -0.024823011830449104, + 0.2892652750015259, + 0.01063972245901823, + -0.21548597514629364, + -0.020012283697724342, + 0.24025774002075195, + -0.025879599153995514, + 0.018625782802700996, + -0.21431569755077362, + 2.546743392944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/78.png", + [ + 0.21496731042861938, + 0.01181930024176836, + -0.024438869208097458, + 0.28703418374061584, + 0.009721288457512856, + -0.21564023196697235, + -0.0187798161059618, + 0.22247779369354248, + -0.02534661442041397, + 0.017535366117954254, + -0.21447134017944336, + 2.57315731048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/31.png", + [ + 0.21585087478160858, + 0.01496803667396307, + -0.011500297114253044, + 0.1378251314163208, + 0.01409594900906086, + -0.21561798453330994, + -0.01606522873044014, + 0.19597512483596802, + -0.01255401037633419, + 0.015255991369485855, + -0.21577198803424835, + 2.585582733154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/152.png", + [ + 0.2159901261329651, + 0.00530537823215127, + -0.016371501609683037, + 0.19471114873886108, + 0.003739564213901758, + -0.21566526591777802, + -0.020552579313516617, + 0.23660963773727417, + -0.0167984738945961, + 0.020205093547701836, + -0.21507547795772552, + 2.5951709747314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/39.png", + [ + 0.21580606698989868, + 0.014690404757857323, + -0.01264220755547285, + 0.15003955364227295, + 0.013703623786568642, + -0.21560215950012207, + -0.016607685014605522, + 0.20337189733982086, + -0.013705623336136341, + 0.01574155129492283, + -0.2156670242547989, + 2.592644691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/92.png", + [ + 0.21515247225761414, + 0.009907216764986515, + -0.023646391928195953, + 0.28015923500061035, + 0.0074349986389279366, + -0.2153661847114563, + -0.02258361130952835, + 0.2643173038959503, + -0.02453620731830597, + 0.021613553166389465, + -0.2141931802034378, + 2.5615921020507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/53.png", + [ + 0.2155468910932541, + 0.01617988385260105, + -0.015021157450973988, + 0.17800070345401764, + 0.014361032284796238, + -0.21472308039665222, + -0.025212330743670464, + 0.310127317905426, + -0.01676855981349945, + 0.024085519835352898, + -0.21467788517475128, + 2.5962023735046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/75.png", + [ + 0.21456213295459747, + 0.012178437784314156, + -0.027616512030363083, + 0.32367774844169617, + 0.0100053446367383, + -0.21574264764785767, + -0.017404107376933098, + 0.2069394886493683, + -0.028475938364863396, + 0.015959180891513824, + -0.21420159935951233, + 2.565974712371826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/151.png", + [ + 0.21605822443962097, + 0.005561841651797295, + -0.015355663374066353, + 0.18110834062099457, + 0.004005642142146826, + -0.21554695069789886, + -0.021710943430662155, + 0.24944207072257996, + -0.015833044424653053, + 0.021365303546190262, + -0.21503658592700958, + 2.5956249237060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/87.png", + [ + 0.21543125808238983, + 0.007987040095031261, + -0.02175942063331604, + 0.25626328587532043, + 0.00540952431038022, + -0.21511246263980865, + -0.025401940569281578, + 0.2959299385547638, + -0.02253890410065651, + 0.024712927639484406, + -0.21407747268676758, + 2.5568838119506836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/139.png", + [ + 0.2158070057630539, + 0.006246018223464489, + -0.018336262553930283, + 0.21978825330734253, + 0.00421295128762722, + -0.21532626450061798, + -0.023764245212078094, + 0.27373942732810974, + -0.018907200545072556, + 0.023312561213970184, + -0.21458549797534943, + 2.579008102416992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/107.png", + [ + 0.21577371656894684, + 0.01306086778640747, + -0.014799089170992374, + 0.17212393879890442, + 0.010738005861639977, + -0.2139858901500702, + -0.032289959490299225, + 0.3712523281574249, + -0.0165618397295475, + 0.03142228350043297, + -0.2137434184551239, + 2.53656005859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/112.png", + [ + 0.2158925086259842, + 0.009958024136722088, + -0.015464925207197666, + 0.18407495319843292, + 0.007949938997626305, + -0.21479728817939758, + -0.027327921241521835, + 0.31671303510665894, + -0.01658688113093376, + 0.026661856099963188, + -0.21438729763031006, + 2.5686044692993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/69.png", + [ + 0.21481062471866608, + 0.012361721135675907, + -0.02552415058016777, + 0.2991653084754944, + 0.0101099768653512, + -0.21557457745075226, + -0.019320622086524963, + 0.23002183437347412, + -0.026496848091483116, + 0.017963461577892303, + -0.2142968326807022, + 2.5454277992248535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/157.png", + [ + 0.2161705195903778, + -0.0014997574035078287, + -0.014695228077471256, + 0.1750599592924118, + -0.003416650230064988, + -0.21478617191314697, + -0.02833925373852253, + 0.3275493383407593, + -0.014370996505022049, + 0.02850504405796528, + -0.21431012451648712, + 2.5746946334838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/45.png", + [ + 0.2156868427991867, + 0.01315077394247055, + -0.015941672027111053, + 0.1897854059934616, + 0.011646284721791744, + -0.21542227268218994, + -0.02013712376356125, + 0.2468949556350708, + -0.01707172952592373, + 0.019188454374670982, + -0.21514706313610077, + 2.587153911590576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/50.png", + [ + 0.21554647386074066, + 0.015201917849481106, + -0.016016200184822083, + 0.19179220497608185, + 0.0131906196475029, + -0.2146749198436737, + -0.026240866631269455, + 0.32183128595352173, + -0.01770944893360138, + 0.025129210203886032, + -0.2144826203584671, + 2.5919079780578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/101.png", + [ + 0.21604008972644806, + 0.011066977865993977, + -0.012332635000348091, + 0.14602351188659668, + 0.009201881475746632, + -0.21423980593681335, + -0.031056813895702362, + 0.35477733612060547, + -0.0137803228572011, + 0.030442113056778908, + -0.21408240497112274, + 2.528057098388672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/85.png", + [ + 0.21548599004745483, + 0.008264690637588501, + -0.02110396884381771, + 0.24859954416751862, + 0.005734323989599943, + -0.21507170796394348, + -0.02567453682422638, + 0.29651448130607605, + -0.021927155554294586, + 0.02497517131268978, + -0.2141105830669403, + 2.5482563972473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/156.png", + [ + 0.21618472039699554, + -0.0009882692247629166, + -0.014528622850775719, + 0.1730940192937851, + -0.0027297567576169968, + -0.2150932401418686, + -0.025987442582845688, + 0.2996235489845276, + -0.014304054901003838, + 0.026111718267202377, + -0.21461935341358185, + 2.5781102180480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/131.png", + [ + 0.21605505049228668, + 0.005428404547274113, + -0.015447957441210747, + 0.1834193468093872, + 0.003654572879895568, + -0.21525102853775024, + -0.024526290595531464, + 0.2845838665962219, + -0.015960920602083206, + 0.024195602163672447, + -0.21472707390785217, + 2.5778555870056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/71.png", + [ + 0.2146075814962387, + 0.012027991935610771, + -0.02732774056494236, + 0.3201900124549866, + 0.009615524671971798, + -0.21559199690818787, + -0.019378643482923508, + 0.23208197951316833, + -0.028266936540603638, + 0.017981031909585, + -0.21406905353069305, + 2.54825496673584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/160.png", + [ + 0.21606305241584778, + -0.006403789855539799, + -0.014954560436308384, + 0.17977043986320496, + -0.008554891683161259, + -0.21414250135421753, + -0.03190147876739502, + 0.37113842368125916, + -0.013836950063705444, + 0.03240188583731651, + -0.2137909233570099, + 2.570629596710205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/115.png", + [ + 0.21610726416110992, + 0.007594849448651075, + -0.01370637584477663, + 0.16429859399795532, + 0.005714446306228638, + -0.2146691530942917, + -0.028851283714175224, + 0.33332955837249756, + -0.014590805396437645, + 0.028414253145456314, + -0.21430733799934387, + 2.5832815170288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/54.png", + [ + 0.21538852155208588, + 0.01735139824450016, + -0.01595667563378811, + 0.1893198937177658, + 0.015395283699035645, + -0.2146104872226715, + -0.02555827610194683, + 0.3137618899345398, + -0.01785138063132763, + 0.02427280880510807, + -0.21456944942474365, + 2.5941710472106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/33.png", + [ + 0.2158893197774887, + 0.015717165544629097, + -0.00962614081799984, + 0.11365329474210739, + 0.01499452069401741, + -0.2155836671590805, + -0.01570797711610794, + 0.1930726319551468, + -0.010717100463807583, + 0.014984888955950737, + -0.21589000523090363, + 2.58964204788208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/159.png", + [ + 0.21613511443138123, + -0.005866652820259333, + -0.0141102634370327, + 0.1691002994775772, + -0.007831841707229614, + -0.21432341635227203, + -0.030855191871523857, + 0.3582647144794464, + -0.013121714815497398, + 0.03128838166594505, + -0.21400175988674164, + 2.5728230476379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/177.png", + [ + 0.21529366075992584, + 0.013011995702981949, + -0.02066930942237377, + 0.24322424829006195, + 0.01140636671334505, + -0.21570655703544617, + -0.01698433980345726, + 0.19305211305618286, + -0.02159692533314228, + 0.0157880000770092, + -0.21501675248146057, + 2.580130100250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/49.png", + [ + 0.21555230021476746, + 0.014919163659214973, + -0.016202706843614578, + 0.1946718692779541, + 0.012939266860485077, + -0.2147657573223114, + -0.025615278631448746, + 0.31432434916496277, + -0.017823705449700356, + 0.02451501227915287, + -0.21454423666000366, + 2.594359874725342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/118.png", + [ + 0.2161845713853836, + 0.004968115594238043, + -0.013691232539713383, + 0.16394349932670593, + 0.0031083307694643736, + -0.21472471952438354, + -0.028836270794272423, + 0.3343276381492615, + -0.014229205437004566, + 0.028574639931321144, + -0.21431033313274384, + 2.5917930603027344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/179.png", + [ + 0.21537859737873077, + 0.016315322369337082, + -0.017139647156000137, + 0.1954304426908493, + 0.014881470240652561, + -0.21540838479995728, + -0.018046287819743156, + 0.20457135140895844, + -0.01839834451675415, + 0.0167611725628376, + -0.2152404636144638, + 2.5780797004699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/110.png", + [ + 0.21618741750717163, + 0.008895262144505978, + -0.011479106731712818, + 0.1347207874059677, + 0.007156341802328825, + -0.21428602933883667, + -0.031275875866413116, + 0.3609028458595276, + -0.012636547908186913, + 0.030826415866613388, + -0.21409796178340912, + 2.549595832824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/18.png", + [ + 0.21592195332050323, + 0.01298227347433567, + -0.01253252662718296, + 0.14961124956607819, + 0.01173471100628376, + -0.2153451144695282, + -0.020896628499031067, + 0.25657951831817627, + -0.013707669451832771, + 0.020145298913121223, + -0.21530015766620636, + 2.599161148071289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/66.png", + [ + 0.21492455899715424, + 0.013715922832489014, + -0.0238160602748394, + 0.2773514688014984, + 0.01130308024585247, + -0.2152615338563919, + -0.021968424320220947, + 0.264224112033844, + -0.025051381438970566, + 0.020548593252897263, + -0.21423836052417755, + 2.54661226272583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/16.png", + [ + 0.21591560542583466, + 0.010902968235313892, + -0.014472865499556065, + 0.1753232628107071, + 0.009451782330870628, + -0.2154202163219452, + -0.02127654291689396, + 0.2631036937236786, + -0.015459701418876648, + 0.020570674911141396, + -0.2151412069797516, + 2.601680278778076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/94.png", + [ + 0.21544845402240753, + 0.01085104513913393, + -0.02030041255056858, + 0.24035809934139252, + 0.008461556397378445, + -0.21504439413547516, + -0.025143692269921303, + 0.29267311096191406, + -0.0214068666100502, + 0.024208633229136467, + -0.21425122022628784, + 2.5563344955444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/28.png", + [ + 0.21594469249248505, + 0.014519790187478065, + -0.010245300829410553, + 0.12313178926706314, + 0.013694170862436295, + -0.21558108925819397, + -0.016886651515960693, + 0.2061813771724701, + -0.011325200088322163, + 0.016182245686650276, + -0.21577249467372894, + 2.587552547454834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/61.png", + [ + 0.21502605080604553, + 0.014337205328047276, + -0.022497542202472687, + 0.2682172358036041, + 0.011732635088264942, + -0.21492715179920197, + -0.02483082376420498, + 0.302351713180542, + -0.023959137499332428, + 0.023423686623573303, + -0.2140681892633438, + 2.585265636444092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/132.png", + [ + 0.21604368090629578, + 0.0064676543697714806, + -0.01520496141165495, + 0.18044829368591309, + 0.004769283812493086, + -0.21530862152576447, + -0.023819077759981155, + 0.27632611989974976, + -0.0158200915902853, + 0.023415036499500275, + -0.21482400596141815, + 2.5812249183654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/58.png", + [ + 0.2152082324028015, + 0.01604144647717476, + -0.01939031109213829, + 0.2313511222600937, + 0.013633627444505692, + -0.2146451473236084, + -0.026257961988449097, + 0.3199895918369293, + -0.021152693778276443, + 0.02486017718911171, + -0.21420185267925262, + 2.58897066116333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/123.png", + [ + 0.21615801751613617, + 0.003489074530079961, + -0.014540934935212135, + 0.17431089282035828, + 0.0016453703865408897, + -0.21496425569057465, + -0.027121111750602722, + 0.3132465183734894, + -0.014862880110740662, + 0.02694602683186531, + -0.21447820961475372, + 2.5777382850646973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/64.png", + [ + 0.21487385034561157, + 0.014145961962640285, + -0.02402125485241413, + 0.2822113037109375, + 0.01164790615439415, + -0.21518521010875702, + -0.0225288774818182, + 0.2727588713169098, + -0.025326967239379883, + 0.021050315350294113, + -0.21415725350379944, + 2.562441349029541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/10.png", + [ + 0.21571286022663116, + 0.01047070324420929, + -0.017499437555670738, + 0.20713013410568237, + 0.008209382183849812, + -0.2147883176803589, + -0.027321765199303627, + 0.3353036344051361, + -0.018667403608560562, + 0.026537468656897545, + -0.21423161029815674, + 2.577890396118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/170.png", + [ + 0.21596525609493256, + -0.0010372494580224156, + -0.01748763956129551, + 0.20865526795387268, + -0.0029183682054281235, + -0.2154022753238678, + -0.02326444908976555, + 0.2708224952220917, + -0.01727357879281044, + 0.023423824459314346, + -0.2147110551595688, + 2.6001486778259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/41.png", + [ + 0.21576258540153503, + 0.014808494597673416, + -0.013232669793069363, + 0.15656991302967072, + 0.013721936382353306, + -0.21553359925746918, + -0.017460428178310394, + 0.2131028175354004, + -0.014356308616697788, + 0.016548914834856987, + -0.21556419134140015, + 2.5871667861938477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/166.png", + [ + 0.21592673659324646, + -0.0037000025622546673, + -0.017602525651454926, + 0.20942051708698273, + -0.005887677427381277, + -0.21489864587783813, + -0.027051882818341255, + 0.3146616220474243, + -0.016996299847960472, + 0.027436820790171623, + -0.21425743401050568, + 2.5907979011535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/91.png", + [ + 0.2151416689157486, + 0.010208331048488617, + -0.023616550490260124, + 0.27963584661483765, + 0.007702285423874855, + -0.2153225541114807, + -0.022907735779881477, + 0.2692773938179016, + -0.024548448622226715, + 0.021906152367591858, + -0.21416206657886505, + 2.5610294342041016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/140.png", + [ + 0.21590910851955414, + 0.006785583682358265, + -0.016885004937648773, + 0.2016381025314331, + 0.005182109773159027, + -0.21564994752407074, + -0.02039952576160431, + 0.23393255472183228, + -0.017444005236029625, + 0.019923625513911247, + -0.2150503247976303, + 2.5872340202331543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/23.png", + [ + 0.21601815521717072, + 0.010833311825990677, + -0.012910905294120312, + 0.15514406561851501, + 0.009534824639558792, + -0.2154216319322586, + -0.021225055679678917, + 0.26119285821914673, + -0.013897455297410488, + 0.020592598244547844, + -0.21524567902088165, + 2.5863566398620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/37.png", + [ + 0.21585533022880554, + 0.014914645813405514, + -0.011486065573990345, + 0.13696016371250153, + 0.014083237387239933, + -0.21566860377788544, + -0.015382029116153717, + 0.18895447254180908, + -0.012491547502577305, + 0.01457730308175087, + -0.2158225029706955, + 2.594599723815918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/178.png", + [ + 0.2154892235994339, + 0.013932138681411743, + -0.0178378839045763, + 0.206663578748703, + 0.012520317919552326, + -0.2156304121017456, + -0.01716567762196064, + 0.19461144506931305, + -0.01885567046701908, + 0.016041019931435585, + -0.2152557671070099, + 2.5794835090637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/36.png", + [ + 0.21593740582466125, + 0.01475262176245451, + -0.010064229369163513, + 0.11980045586824417, + 0.014018424786627293, + -0.21567392349243164, + -0.01536670420318842, + 0.18870902061462402, + -0.011064013466238976, + 0.014663285575807095, + -0.21589457988739014, + 2.5973381996154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/8.png", + [ + 0.21562863886356354, + 0.01028505526483059, + -0.018612036481499672, + 0.2207966148853302, + 0.007737962994724512, + -0.21459414064884186, + -0.028937524184584618, + 0.3541421890258789, + -0.01980692334473133, + 0.028133148327469826, + -0.21392545104026794, + 2.5742993354797363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/6.png", + [ + 0.21551673114299774, + 0.010252351872622967, + -0.019882947206497192, + 0.23719292879104614, + 0.007097570691257715, + -0.2139676958322525, + -0.033396799117326736, + 0.40645989775657654, + -0.02121477760374546, + 0.03256702050566673, + -0.21316008269786835, + 2.5680246353149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/169.png", + [ + 0.21606086194515228, + -0.00044741510646417737, + -0.016291236504912376, + 0.19245584309101105, + -0.002294644946232438, + -0.21527047455310822, + -0.024520397186279297, + 0.28496798872947693, + -0.01613503135740757, + 0.024623466655611992, + -0.21466542780399323, + 2.5996041297912598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/154.png", + [ + 0.21607843041419983, + 0.0024173781275749207, + -0.015879660844802856, + 0.1885382980108261, + 0.000701356097124517, + -0.21542242169380188, + -0.02325047180056572, + 0.2674686014652252, + -0.016047287732362747, + 0.023135093972086906, + -0.21483749151229858, + 2.5862574577331543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/20.png", + [ + 0.21605107188224792, + 0.01303822547197342, + -0.009991370141506195, + 0.11948415637016296, + 0.01197833102196455, + -0.21523648500442505, + -0.021855885162949562, + 0.26767268776893616, + -0.011240213178098202, + 0.021240640431642532, + -0.2153378427028656, + 2.5892415046691895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/2.png", + [ + 0.21485751867294312, + 0.011561675928533077, + -0.02550423890352249, + 0.3039235770702362, + 0.008677292615175247, + -0.21511942148208618, + -0.024417875334620476, + 0.2980732023715973, + -0.026624109596014023, + 0.02319171465933323, + -0.21377839148044586, + 2.5744552612304688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/117.png", + [ + 0.2161272168159485, + 0.007085245568305254, + -0.013664359226822853, + 0.1641918569803238, + 0.0052343071438372135, + -0.21472202241420746, + -0.02854742668569088, + 0.3299330472946167, + -0.014474719762802124, + 0.028145210817456245, + -0.21435070037841797, + 2.591308116912842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/149.png", + [ + 0.21614010632038116, + 0.0075712366960942745, + -0.013191679492592812, + 0.155379056930542, + 0.006135202944278717, + -0.21535472571849823, + -0.023078052327036858, + 0.26798033714294434, + -0.013917733915150166, + 0.022647595033049583, + -0.21503785252571106, + 2.602013111114502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/161.png", + [ + 0.215972438454628, + -0.004886208567768335, + -0.01673092506825924, + 0.20274561643600464, + -0.007339095696806908, + -0.2141433209180832, + -0.03219747170805931, + 0.3754848837852478, + -0.015809381380677223, + 0.032659824937582016, + -0.2136148363351822, + 2.5708155632019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/5.png", + [ + 0.21522636711597443, + 0.012473220936954021, + -0.021677838638424873, + 0.2585764229297638, + 0.008909774012863636, + -0.21372246742248535, + -0.03451402857899666, + 0.4173594117164612, + -0.023369336500763893, + 0.03339193016290665, + -0.212806835770607, + 2.5655136108398438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/108.png", + [ + 0.2158062905073166, + 0.01342487521469593, + -0.01397541631013155, + 0.16343024373054504, + 0.01124098151922226, + -0.21400466561317444, + -0.031992703676223755, + 0.368407666683197, + -0.01578543148934841, + 0.031139452010393143, + -0.21384350955486298, + 2.5392513275146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/60.png", + [ + 0.21512098610401154, + 0.015380699187517166, + -0.020839745178818703, + 0.24791951477527618, + 0.012859349139034748, + -0.21475373208522797, + -0.025755958631634712, + 0.3139186501502991, + -0.022483283653855324, + 0.024334466084837914, + -0.21412666141986847, + 2.587310314178467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/56.png", + [ + 0.21537010371685028, + 0.015758616849780083, + -0.01775633729994297, + 0.21226561069488525, + 0.01355968602001667, + -0.2146746814250946, + -0.026054078713059425, + 0.31851908564567566, + -0.01948734000325203, + 0.024786008521914482, + -0.21436837315559387, + 2.592599391937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/147.png", + [ + 0.2160124033689499, + 0.0074168602004647255, + -0.015215974301099777, + 0.1804436445236206, + 0.005950102582573891, + -0.2156085968017578, + -0.020625866949558258, + 0.24060094356536865, + -0.015847142785787582, + 0.020144980400800705, + -0.215153306722641, + 2.6053266525268555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/30.png", + [ + 0.21586063504219055, + 0.014319106936454773, + -0.012126474641263485, + 0.1457936018705368, + 0.013435072265565395, + -0.21569828689098358, + -0.015544848516583443, + 0.18916861712932587, + -0.01309912744909525, + 0.014734538272023201, + -0.21577580273151398, + 2.5886058807373047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/17.png", + [ + 0.21576188504695892, + 0.013222387991845608, + -0.014828367158770561, + 0.17931537330150604, + 0.011741159483790398, + -0.21531924605369568, + -0.021158087998628616, + 0.26155319809913635, + -0.01602676324546337, + 0.02026543766260147, + -0.21512869000434875, + 2.6014814376831055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/12.png", + [ + 0.21580317616462708, + 0.01130285207182169, + -0.015783704817295074, + 0.1872667670249939, + 0.009493701159954071, + -0.21510550379753113, + -0.024236077442765236, + 0.3004123568534851, + -0.016933675855398178, + 0.023447031155228615, + -0.21473559737205505, + 2.591491222381592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/114.png", + [ + 0.21609172224998474, + 0.007512982934713364, + -0.013993491418659687, + 0.1672317385673523, + 0.00565739581361413, + -0.21478918194770813, + -0.027955222874879837, + 0.3234120309352875, + -0.014841045252978802, + 0.02751464582979679, + -0.21440750360488892, + 2.5808262825012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/27.png", + [ + 0.2160380780696869, + 0.014256330206990242, + -0.008496896363794804, + 0.10154131799936295, + 0.013492473401129246, + -0.21546484529972076, + -0.018459605053067207, + 0.22525233030319214, + -0.00966402143239975, + 0.017876267433166504, + -0.21571959555149078, + 2.5870633125305176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/42.png", + [ + 0.21585039794445038, + 0.013501686975359917, + -0.013198488391935825, + 0.1573047637939453, + 0.012311125174164772, + -0.21548043191432953, + -0.01909218728542328, + 0.23229169845581055, + -0.014315441250801086, + 0.018269643187522888, + -0.21542790532112122, + 2.582213878631592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/174.png", + [ + 0.21557748317718506, + 0.005127319600433111, + -0.021164894104003906, + 0.25341925024986267, + 0.003309776773676276, + -0.21585123240947723, + -0.018579116091132164, + 0.2126128375530243, + -0.021524114534258842, + 0.01816173829138279, + -0.21483658254146576, + 2.5890088081359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/7.png", + [ + 0.21555465459823608, + 0.010303877294063568, + -0.019440164789557457, + 0.23178791999816895, + 0.007416802924126387, + -0.21426914632320404, + -0.03133083134889603, + 0.38255682587623596, + -0.02071426808834076, + 0.030503444373607635, + -0.2135142832994461, + 2.572005271911621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/73.png", + [ + 0.214665487408638, + 0.012359476648271084, + -0.026718413457274437, + 0.31391096115112305, + 0.010144670493900776, + -0.21566562354564667, + -0.01825721748173237, + 0.21776695549488068, + -0.02763541042804718, + 0.016836972907185555, + -0.21424447000026703, + 2.557717800140381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/120.png", + [ + 0.21617195010185242, + 0.003843038808554411, + -0.01424113567918539, + 0.1706203669309616, + 0.001959074055776, + -0.21481852233409882, + -0.028232231736183167, + 0.3279808759689331, + -0.014619880355894566, + 0.02803797274827957, + -0.21435490250587463, + 2.589517116546631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/46.png", + [ + 0.21562999486923218, + 0.012884519062936306, + -0.01689957268536091, + 0.20175740122795105, + 0.011188827455043793, + -0.21532443165779114, + -0.021403169259428978, + 0.26318591833114624, + -0.018067000433802605, + 0.02042730525135994, + -0.21495163440704346, + 2.5915961265563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/127.png", + [ + 0.21587896347045898, + 0.005281573627144098, + -0.01778414100408554, + 0.21329593658447266, + 0.0032793916761875153, + -0.2153015434741974, + -0.02413269318640232, + 0.2774398922920227, + -0.01825968734920025, + 0.02377490885555744, + -0.21459083259105682, + 2.5705089569091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/133.png", + [ + 0.21607007086277008, + 0.006683513056486845, + -0.014729419723153114, + 0.17440852522850037, + 0.0051388610154390335, + -0.21545450389385223, + -0.022379621863365173, + 0.26056939363479614, + -0.015336793847382069, + 0.021967843174934387, + -0.2150118499994278, + 2.5844054222106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/57.png", + [ + 0.21520039439201355, + 0.01623734086751938, + -0.01931421272456646, + 0.23065800964832306, + 0.013854206539690495, + -0.21465131640434265, + -0.02609146013855934, + 0.3188428580760956, + -0.02108912169933319, + 0.02467898279428482, + -0.2142290621995926, + 2.5934300422668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/44.png", + [ + 0.21566705405712128, + 0.013466649688780308, + -0.01594589836895466, + 0.18941855430603027, + 0.012035214342176914, + -0.2154858261346817, + -0.01920701190829277, + 0.23585504293441772, + -0.01705215498805046, + 0.01823197677731514, + -0.2152317613363266, + 2.585874557495117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/113.png", + [ + 0.2161005139350891, + 0.008621475659310818, + -0.013196283020079136, + 0.15749973058700562, + 0.006965964566916227, + -0.21495231986045837, + -0.026360293850302696, + 0.30477461218833923, + -0.014140263199806213, + 0.02586619183421135, + -0.2146599441766739, + 2.5766353607177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/126.png", + [ + 0.21602316200733185, + 0.003543535713106394, + -0.016411418095231056, + 0.1963339000940323, + 0.001634483691304922, + -0.21522636711597443, + -0.02495676651597023, + 0.2872215509414673, + -0.016709869727492332, + 0.024757931008934975, + -0.21460597217082977, + 2.5719871520996094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/29.png", + [ + 0.21592429280281067, + 0.01399349793791771, + -0.011347932741045952, + 0.13701513409614563, + 0.01313446369022131, + -0.21568022668361664, + -0.01604440249502659, + 0.19517967104911804, + -0.012332049198448658, + 0.015300949104130268, + -0.2157815843820572, + 2.588958740234375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/4.png", + [ + 0.21521733701229095, + 0.012465045787394047, + -0.021772004663944244, + 0.25961068272590637, + 0.009133574552834034, + -0.21406322717666626, + -0.03227100148797035, + 0.3910830318927765, + -0.023366115987300873, + 0.03113619238138199, + -0.21314890682697296, + 2.567944049835205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/55.png", + [ + 0.2153327316045761, + 0.017479103058576584, + -0.016558723524212837, + 0.19755353033542633, + 0.01548075396567583, + -0.21464014053344727, + -0.02525584027171135, + 0.3091050386428833, + -0.01844063028693199, + 0.02391635626554489, + -0.2145596593618393, + 2.592447280883789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/9.png", + [ + 0.21552754938602448, + 0.011577049270272255, + -0.019019467756152153, + 0.22635331749916077, + 0.009122027084231377, + -0.21474844217300415, + -0.027345919981598854, + 0.33462247252464294, + -0.020311493426561356, + 0.026400426402688026, + -0.2140989452600479, + 2.576563835144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/25.png", + [ + 0.21619495749473572, + 0.012606760486960411, + -0.006978413090109825, + 0.08105920255184174, + 0.011834115721285343, + -0.21521301567554474, + -0.02216300554573536, + 0.27271535992622375, + -0.008220847696065903, + 0.02173280157148838, + -0.21542514860630035, + 2.5807032585144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/99.png", + [ + 0.215983048081398, + 0.011114165186882019, + -0.013254852034151554, + 0.15754884481430054, + 0.009227736853063107, + -0.2144634872674942, + -0.029464533552527428, + 0.3364903926849365, + -0.01463095098733902, + 0.028805993497371674, + -0.2142522782087326, + 2.5318350791931152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/34.png", + [ + 0.21588099002838135, + 0.015936201438307762, + -0.009451654739677906, + 0.11102388799190521, + 0.015280497260391712, + -0.21564310789108276, + -0.01457555964589119, + 0.17962713539600372, + -0.010478676296770573, + 0.013855614699423313, + -0.21597713232040405, + 2.595381736755371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/72.png", + [ + 0.21451719105243683, + 0.012956390157341957, + -0.02761174365878105, + 0.3241613507270813, + 0.010577737353742123, + -0.21558238565921783, + -0.018979743123054504, + 0.22744262218475342, + -0.028607476502656937, + 0.017442794516682625, + -0.21406835317611694, + 2.5524182319641113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/102.png", + [ + 0.21605269610881805, + 0.011278785765171051, + -0.011912750080227852, + 0.13951927423477173, + 0.009435935877263546, + -0.2141474485397339, + -0.03161853924393654, + 0.3608095943927765, + -0.013419677503407001, + 0.031008996069431305, + -0.21402396261692047, + 2.5241613388061523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/134.png", + [ + 0.2160671055316925, + 0.0077758231200277805, + -0.01422808226197958, + 0.1681017428636551, + 0.006274242419749498, + -0.21541734039783478, + -0.022447850555181503, + 0.2612932324409485, + -0.014951108023524284, + 0.021972909569740295, + -0.2150384932756424, + 2.5840134620666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/70.png", + [ + 0.21463386714458466, + 0.012937286868691444, + -0.026698864996433258, + 0.31287625432014465, + 0.010536464862525463, + -0.21551720798015594, + -0.0197284035384655, + 0.23530960083007812, + -0.027734199538826942, + 0.01824427768588066, + -0.2141164392232895, + 2.545592784881592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/135.png", + [ + 0.21608318388462067, + 0.007068653590977192, + -0.014352439902722836, + 0.16891153156757355, + 0.005519131664186716, + -0.21538153290748596, + -0.02298327535390854, + 0.2669687569141388, + -0.015016576275229454, + 0.022554952651262283, + -0.21497364342212677, + 2.57802152633667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/130.png", + [ + 0.21598662436008453, + 0.006312160287052393, + -0.016057008877396584, + 0.19064414501190186, + 0.004456155467778444, + -0.2152201384305954, + -0.024664239957928658, + 0.28522032499313354, + -0.016667738556861877, + 0.024255692958831787, + -0.21466659009456635, + 2.5731053352355957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/90.png", + [ + 0.215236634016037, + 0.009054558351635933, + -0.02321859449148178, + 0.2745765149593353, + 0.006545259617269039, + -0.2153194546699524, + -0.023293526843190193, + 0.2730993926525116, + -0.02404678240418434, + 0.022437550127506256, + -0.21416395902633667, + 2.564218521118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/122.png", + [ + 0.21616919338703156, + 0.0032131692860275507, + -0.014437835663557053, + 0.1731119155883789, + 0.0013840723549947143, + -0.21496644616127014, + -0.027118315920233727, + 0.31365564465522766, + -0.014726163819432259, + 0.026962827891111374, + -0.2144855409860611, + 2.5847043991088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/15.png", + [ + 0.21597686409950256, + 0.01233629509806633, + -0.012235178612172604, + 0.1474238932132721, + 0.011025783605873585, + -0.21523316204547882, + -0.02238343469798565, + 0.2763972282409668, + -0.013428174890577793, + 0.021688751876354218, + -0.21516777575016022, + 2.598979949951172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/162.png", + [ + 0.21590864658355713, + -0.00649500684812665, + -0.017004869878292084, + 0.20615778863430023, + -0.008929592557251453, + -0.21417580544948578, + -0.03157348558306694, + 0.36838945746421814, + -0.015862317755818367, + 0.03216267377138138, + -0.21368631720542908, + 2.5743088722229004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/22.png", + [ + 0.2159992754459381, + 0.011562538333237171, + -0.012590622529387474, + 0.1519359052181244, + 0.010281055234372616, + -0.21536938846111298, + -0.021406153216958046, + 0.26335281133651733, + -0.01365708652883768, + 0.020742017775774002, + -0.21524672210216522, + 2.5865073204040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/171.png", + [ + 0.21594755351543427, + 0.0003819233679678291, + -0.01773143745958805, + 0.2131102830171585, + -0.001403781003318727, + -0.21557669341564178, + -0.021739739924669266, + 0.2524792551994324, + -0.017679907381534576, + 0.021781664341688156, + -0.21485082805156708, + 2.6002583503723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/138.png", + [ + 0.21589523553848267, + 0.0059991334564983845, + -0.01735391654074192, + 0.20769564807415009, + 0.004054405260831118, + -0.21530434489250183, + -0.02398955635726452, + 0.276248574256897, + -0.01790837198495865, + 0.023578539490699768, + -0.21464210748672485, + 2.5818281173706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/109.png", + [ + 0.21604518592357635, + 0.01082662120461464, + -0.012456231750547886, + 0.1450108140707016, + 0.008897277526557446, + -0.21414226293563843, + -0.03180922567844391, + 0.36663317680358887, + -0.013900067657232285, + 0.031205328181385994, + -0.21396474540233612, + 2.543668746948242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/26.png", + [ + 0.21610809862613678, + 0.01462898775935173, + -0.0055838986299932, + 0.06594887375831604, + 0.014007116667926311, + -0.2151453197002411, + -0.021545235067605972, + 0.26407426595687866, + -0.006999132689088583, + 0.02112792432308197, + -0.2155284732580185, + 2.583326816558838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/43.png", + [ + 0.2158230096101761, + 0.013082829304039478, + -0.014041457325220108, + 0.16687682271003723, + 0.01186054851859808, + -0.21555419266223907, + -0.018536526709794998, + 0.2275608479976654, + -0.015088087879121304, + 0.017695056274533272, + -0.21542313694953918, + 2.584578037261963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/84.png", + [ + 0.21556587517261505, + 0.008306036703288555, + -0.020254909992218018, + 0.23886685073375702, + 0.006021883804351091, + -0.215237557888031, + -0.02417481131851673, + 0.27960440516471863, + -0.02104729227721691, + 0.023488175123929977, + -0.21436700224876404, + 2.5549163818359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/136.png", + [ + 0.21596865355968475, + 0.008101207204163074, + -0.015485824085772038, + 0.1833895593881607, + 0.0064956797286868095, + -0.21544496715068817, + -0.022117070853710175, + 0.25581657886505127, + -0.016224870458245277, + 0.021580757573246956, + -0.21498586237430573, + 2.5771093368530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/89.png", + [ + 0.2153363972902298, + 0.009125576354563236, + -0.0222453773021698, + 0.26307448744773865, + 0.006674045231193304, + -0.21527069807052612, + -0.023704007267951965, + 0.2774626910686493, + -0.023099569603800774, + 0.022872397676110268, + -0.21422222256660461, + 2.564464569091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/63.png", + [ + 0.21489204466342926, + 0.0142743568867445, + -0.02378121390938759, + 0.2807061970233917, + 0.011703705415129662, + -0.21509456634521484, + -0.023350507020950317, + 0.28364044427871704, + -0.025146108120679855, + 0.021873855963349342, + -0.21409602463245392, + 2.570589065551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/88.png", + [ + 0.21543380618095398, + 0.00887160375714302, + -0.021388398483395576, + 0.25269052386283875, + 0.006528105121105909, + -0.21529251337051392, + -0.023546190932393074, + 0.27494698762893677, + -0.02221604622900486, + 0.022766947746276855, + -0.214326873421669, + 2.5637025833129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/62.png", + [ + 0.21492402255535126, + 0.014184401370584965, + -0.023544905707240105, + 0.2799355387687683, + 0.011538747698068619, + -0.2150093913078308, + -0.024201631546020508, + 0.2945282757282257, + -0.02494829148054123, + 0.022752242162823677, + -0.21402759850025177, + 2.578129768371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/65.png", + [ + 0.21487395465373993, + 0.013227362185716629, + -0.024537980556488037, + 0.2880403995513916, + 0.010811753571033478, + -0.2153434157371521, + -0.021406041458249092, + 0.2593325972557068, + -0.025694003328680992, + 0.02000373788177967, + -0.21421383321285248, + 2.556938648223877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/80.png", + [ + 0.2153080254793167, + 0.009946740232408047, + -0.022167621180415154, + 0.26160064339637756, + 0.007771594449877739, + -0.21549391746520996, + -0.02121001109480858, + 0.24837183952331543, + -0.02302050217986107, + 0.02028113789856434, + -0.21449154615402222, + 2.568960189819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/146.png", + [ + 0.21597571671009064, + 0.006643649656325579, + -0.016070032492280006, + 0.1910269558429718, + 0.005166375078260899, + -0.21571126580238342, + -0.0197447557002306, + 0.2288917899131775, + -0.016603993251919746, + 0.019297894090414047, + -0.2151738703250885, + 2.6035289764404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/119.png", + [ + 0.21615910530090332, + 0.004424988757818937, + -0.014267198741436005, + 0.17073287069797516, + 0.0025177793577313423, + -0.21478153765201569, + -0.02846844494342804, + 0.3306698799133301, + -0.014723937027156353, + 0.028234928846359253, + -0.21432194113731384, + 2.591609001159668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/145.png", + [ + 0.21603664755821228, + 0.006625073030591011, + -0.015237095765769482, + 0.180719256401062, + 0.00520726665854454, + -0.2156911939382553, + -0.01995193026959896, + 0.2309548556804657, + -0.015777992084622383, + 0.019526997581124306, + -0.21521534025669098, + 2.5991392135620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/167.png", + [ + 0.2160046100616455, + -0.0025826161727309227, + -0.01682954840362072, + 0.1988368183374405, + -0.0046247150748968124, + -0.2150152623653412, + -0.026361847296357155, + 0.3058639168739319, + -0.016386445611715317, + 0.026639539748430252, + -0.21440549194812775, + 2.592334747314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/79.png", + [ + 0.21526315808296204, + 0.010247215628623962, + -0.022464655339717865, + 0.2644336521625519, + 0.008060017600655556, + -0.21549752354621887, + -0.021065300330519676, + 0.24789214134216309, + -0.02333885431289673, + 0.020092420279979706, + -0.21447491645812988, + 2.5707902908325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/176.png", + [ + 0.21526771783828735, + 0.010863246396183968, + -0.02212897129356861, + 0.2627499997615814, + 0.009081960655748844, + -0.2157696634531021, + -0.017574509605765343, + 0.2011622190475464, + -0.022917669266462326, + 0.01653285324573517, + -0.21482397615909576, + 2.5841879844665527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/165.png", + [ + 0.2159518450498581, + -0.004897558595985174, + -0.016991659998893738, + 0.20179401338100433, + -0.007024345453828573, + -0.21482619643211365, + -0.027354387566447258, + 0.3189832270145416, + -0.016228405758738518, + 0.02781398594379425, + -0.21426832675933838, + 2.587541103363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/116.png", + [ + 0.21606993675231934, + 0.007125991862267256, + -0.014522504061460495, + 0.174275740981102, + 0.005142807029187679, + -0.2146867960691452, + -0.028827674686908722, + 0.3336487114429474, + -0.015337354503571987, + 0.028402527794241905, + -0.21425676345825195, + 2.5888285636901855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/19.png", + [ + 0.2159791886806488, + 0.013343226164579391, + -0.01108324434608221, + 0.13215279579162598, + 0.012212404049932957, + -0.2152884304523468, + -0.021204764023423195, + 0.26069438457489014, + -0.012318167835474014, + 0.020512022078037262, + -0.21534952521324158, + 2.5948686599731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/77.png", + [ + 0.21492496132850647, + 0.011384310200810432, + -0.025010816752910614, + 0.29334479570388794, + 0.009484894573688507, + -0.21581949293613434, + -0.016729380935430527, + 0.1982913762331009, + -0.02579108625650406, + 0.015499448403716087, + -0.21457511186599731, + 2.5698633193969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/68.png", + [ + 0.2148437649011612, + 0.013081224635243416, + -0.024878310039639473, + 0.2894984781742096, + 0.010803612880408764, + -0.21547868847846985, + -0.020002804696559906, + 0.23952651023864746, + -0.025948617607355118, + 0.018593328073620796, + -0.2143101841211319, + 2.544809341430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/143.png", + [ + 0.21610261499881744, + 0.007806988433003426, + -0.013660324737429619, + 0.16037361323833466, + 0.006586035247892141, + -0.2157304286956787, + -0.019102441146969795, + 0.2188740372657776, + -0.014289076440036297, + 0.0186367928981781, + -0.21539822220802307, + 2.594999313354492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/86.png", + [ + 0.215348020195961, + 0.00862569734454155, + -0.022332003340125084, + 0.26305392384529114, + 0.005938436836004257, + -0.21505127847194672, + -0.025798700749874115, + 0.29999396204948425, + -0.023191720247268677, + 0.025028690695762634, + -0.21397101879119873, + 2.5528063774108887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/1.png", + [ + 0.21461491286754608, + 0.012324156239628792, + -0.027137575671076775, + 0.3235914409160614, + 0.009424259886145592, + -0.21522176265716553, + -0.02320914901793003, + 0.2854102551937103, + -0.028275715187191963, + 0.02180817537009716, + -0.2137119024991989, + 2.5763602256774902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/81.png", + [ + 0.21536561846733093, + 0.00955970399081707, + -0.021775241941213608, + 0.25741517543792725, + 0.007399471011012793, + -0.21548639237880707, + -0.021418577060103416, + 0.2482982873916626, + -0.022600814700126648, + 0.02054555155336857, + -0.21451100707054138, + 2.5677413940429688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/95.png", + [ + 0.2156914621591568, + 0.009683660231530666, + -0.01820211671292782, + 0.21518035233020782, + 0.0074627455323934555, + -0.21498650312423706, + -0.025942359119653702, + 0.3005862236022949, + -0.019219722598791122, + 0.025197723880410194, + -0.21434451639652252, + 2.5498108863830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/103.png", + [ + 0.21581946313381195, + 0.01333494484424591, + -0.013857622630894184, + 0.16098608076572418, + 0.011120658367872238, + -0.2139117270708084, + -0.03264966607093811, + 0.37352845072746277, + -0.01569029875099659, + 0.031809575855731964, + -0.21375185251235962, + 2.5253000259399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/150.png", + [ + 0.21607251465320587, + 0.0062265642918646336, + -0.014892738312482834, + 0.17505671083927155, + 0.00461638392880559, + -0.21539273858070374, + -0.023077229037880898, + 0.2661379873752594, + -0.015467798337340355, + 0.02269580028951168, + -0.2149268239736557, + 2.598848342895508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/83.png", + [ + 0.21549393236637115, + 0.009328934364020824, + -0.020572496578097343, + 0.24365995824337006, + 0.007130283862352371, + -0.21533678472042084, + -0.022959278896450996, + 0.2659755349159241, + -0.021433984860777855, + 0.022157177329063416, + -0.21447037160396576, + 2.5635757446289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/142.png", + [ + 0.21604737639427185, + 0.008108134381473064, + -0.01434177067130804, + 0.1688675880432129, + 0.006739327218383551, + -0.21560947597026825, + -0.020372426137328148, + 0.23349115252494812, + -0.015033619478344917, + 0.019867371767759323, + -0.21523749828338623, + 2.591440200805664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/51.png", + [ + 0.21554020047187805, + 0.015782909467816353, + -0.015531281940639019, + 0.1850609928369522, + 0.013786622323095798, + -0.21457761526107788, + -0.026725903153419495, + 0.3275701105594635, + -0.017327724024653435, + 0.025597745552659035, + -0.2144584059715271, + 2.590531826019287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/128.png", + [ + 0.21587026119232178, + 0.004493624437600374, + -0.018103456124663353, + 0.21578259766101837, + 0.0024660122580826283, + -0.2153225541114807, + -0.02404182031750679, + 0.2771216034889221, + -0.018489094451069832, + 0.02374652959406376, + -0.21457435190677643, + 2.570012092590332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/168.png", + [ + 0.21610000729560852, + -0.0014521265402436256, + -0.015702594071626663, + 0.18477420508861542, + -0.003366638906300068, + -0.21502819657325745, + -0.026446744799613953, + 0.30803847312927246, + -0.015406033955514431, + 0.026620591059327126, + -0.21448051929473877, + 2.5958571434020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/93.png", + [ + 0.21529123187065125, + 0.010115670040249825, + -0.022254347801208496, + 0.2632235586643219, + 0.007553343661129475, + -0.21512801945209503, + -0.024714061990380287, + 0.2888033092021942, + -0.023249294608831406, + 0.023780474439263344, + -0.21410711109638214, + 2.557964324951172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/76.png", + [ + 0.19951653480529785, + -0.02645670436322689, + 0.08025640994310379, + -0.9424921870231628, + -0.011557182297110558, + -0.21239103376865387, + -0.04128415510058403, + 0.47325125336647034, + 0.0837106928229332, + 0.033734146505594254, + -0.19698332250118256, + 2.3676671981811523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/48.png", + [ + 0.2081279158592224, + -0.03406506031751633, + 0.04970144107937813, + -0.5908711552619934, + -0.02382318302989006, + -0.2106836587190628, + -0.044640179723501205, + 0.5299501419067383, + 0.055345430970191956, + 0.03741472586989403, + -0.20611868798732758, + 2.4940261840820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/35.png", + [ + 0.2013288289308548, + -0.045717038214206696, + 0.0657612681388855, + -0.5804810523986816, + -0.03685339167714119, + -0.21083419024944305, + -0.033744219690561295, + 0.248268723487854, + 0.07110849767923355, + 0.020169217139482498, + -0.20367787778377533, + 2.003507137298584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/97.png", + [ + 0.2061707228422165, + -0.03367231413722038, + 0.05751262605190277, + -0.6902309656143188, + -0.024782249704003334, + -0.21231116354465485, + -0.035464104264974594, + 0.4137592315673828, + 0.06186572462320328, + 0.027166852727532387, + -0.20587009191513062, + 2.484525680541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/13.png", + [ + 0.20248232781887054, + -0.023872217163443565, + 0.07334105670452118, + -0.8614743947982788, + -0.02140558697283268, + -0.21533426642417908, + -0.010993204079568386, + 0.11790154874324799, + 0.07409853488206863, + 0.003027681028470397, + -0.20358814299106598, + 2.472046375274658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/38.png", + [ + 0.2007017284631729, + -0.047769203782081604, + 0.06621795147657394, + -0.6871470212936401, + -0.03791935369372368, + -0.21015486121177673, + -0.036673590540885925, + 0.36822181940078735, + 0.07231069356203079, + 0.022381536662578583, + -0.20302248001098633, + 2.2017359733581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/111.png", + [ + 0.20439307391643524, + -0.01728249341249466, + 0.0698046013712883, + -0.6482911109924316, + -0.015158863738179207, + -0.21595287322998047, + -0.009080174379050732, + -0.002216903492808342, + 0.07029633224010468, + 0.0036818634252995253, + -0.20492134988307953, + 2.174940586090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/11.png", + [ + 0.20297010242938995, + -0.016556132584810257, + 0.07400628179311752, + -0.8711364269256592, + -0.013314047828316689, + -0.2159433513879776, + -0.011794043704867363, + 0.1291714608669281, + 0.07465769350528717, + 0.006500600837171078, + -0.20330239832401276, + 2.4546165466308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/59.png", + [ + 0.20615871250629425, + -0.03263276442885399, + 0.05815138295292854, + -0.6937230229377747, + -0.021322784945368767, + -0.21129606664180756, + -0.0429791584610939, + 0.5023139119148254, + 0.0631808489561081, + 0.03517060726881027, + -0.20425254106521606, + 2.4819931983947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/105.png", + [ + 0.19742172956466675, + -0.01925712265074253, + 0.08718779683113098, + -1.0130460262298584, + -0.008986926637589931, + -0.21478649973869324, + -0.02709043025970459, + 0.29914504289627075, + 0.08883572369813919, + 0.021067021414637566, + -0.19650009274482727, + 2.319424629211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/24.png", + [ + 0.20900873839855194, + -0.033159028738737106, + 0.04651574417948723, + -0.4586676359176636, + -0.029949510470032692, + -0.213849276304245, + -0.017871899530291557, + 0.11526773869991302, + 0.04864424467086792, + 0.010810031555593014, + -0.21086671948432922, + 2.353684425354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/74.png", + [ + 0.20035168528556824, + -0.027403181418776512, + 0.07782132923603058, + -0.9144483804702759, + -0.013059274293482304, + -0.2123306393623352, + -0.0411466583609581, + 0.4727427661418915, + 0.08146502822637558, + 0.033356521278619766, + -0.19798658788204193, + 2.3781208992004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/98.png", + [ + 0.20530977845191956, + -0.02951585315167904, + 0.06264668703079224, + -0.7547826170921326, + -0.018508151173591614, + -0.21226570010185242, + -0.0393524244427681, + 0.4587767422199249, + 0.06673261523246765, + 0.031937114894390106, + -0.20365330576896667, + 2.4508209228515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/0.png", + [ + 0.2049076408147812, + -0.022866079583764076, + 0.06661751121282578, + -0.778444766998291, + -0.027743468061089516, + -0.2145732045173645, + 0.011684614233672619, + -0.15891298651695251, + 0.06473832577466965, + -0.019579898566007614, + -0.20584817230701447, + 2.5022902488708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/96.png", + [ + 0.20710483193397522, + -0.03628208488225937, + 0.05233641341328621, + -0.6254111528396606, + -0.02946717105805874, + -0.21245795488357544, + -0.030678926035761833, + 0.35825133323669434, + 0.05645507574081421, + 0.022206321358680725, + -0.20800866186618805, + 2.5212879180908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/100.png", + [ + 0.20151287317276, + -0.02125696651637554, + 0.07673724740743637, + -0.9223151803016663, + -0.008066474460065365, + -0.21318663656711578, + -0.03787212073802948, + 0.44184592366218567, + 0.07921740412712097, + 0.032365214079618454, + -0.19906027615070343, + 2.3877720832824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/40.png", + [ + 0.20130519568920135, + -0.043896593153476715, + 0.0670611783862114, + -0.7398801445960999, + -0.031954336911439896, + -0.210213303565979, + -0.04167947173118591, + 0.452014684677124, + 0.07350531965494156, + 0.028833089396357536, + -0.201775923371315, + 2.2853941917419434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/52.png", + [ + 0.20853489637374878, + -0.033378537744283676, + 0.04844546690583229, + -0.5808641314506531, + -0.023714065551757812, + -0.21097858250141144, + -0.04328470677137375, + 0.5150035619735718, + 0.05383988097310066, + 0.03635650500655174, + -0.2067059874534607, + 2.5250892639160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/3.png", + [ + 0.2051268070936203, + -0.019808104261755943, + 0.06692179292440414, + -0.7940065860748291, + -0.020731521770358086, + -0.2156803458929062, + -0.00029329489916563034, + -0.003523176535964012, + 0.06664151698350906, + -0.006125441752374172, + -0.20608076453208923, + 2.494197368621826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/47.png", + [ + 0.20738129317760468, + -0.03458753228187561, + 0.05238889530301094, + -0.6204123497009277, + -0.024069132283329964, + -0.21081094443798065, + -0.04390133172273636, + 0.5180510878562927, + 0.057979047298431396, + 0.03619879111647606, + -0.2056112140417099, + 2.4758801460266113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/104.png", + [ + 0.19760891795158386, + -0.018572919070720673, + 0.08691176772117615, + -1.0180273056030273, + -0.0064661758951842785, + -0.2143334597349167, + -0.03110077790915966, + 0.34938204288482666, + 0.08863858133554459, + 0.025770461186766624, + -0.19602800905704498, + 2.3242459297180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/21.png", + [ + 0.2058653086423874, + -0.02772046998143196, + 0.0616355836391449, + -0.7181186676025391, + -0.026366371661424637, + -0.21489308774471283, + -0.00858297012746334, + 0.07872794568538666, + 0.062226876616477966, + 0.0006545712240040302, + -0.20754586160182953, + 2.518299102783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/82.png", + [ + 0.19917449355125427, + -0.023978937417268753, + 0.08186835795640945, + -0.9597917199134827, + -0.015230772085487843, + -0.21459338068962097, + -0.02579922042787075, + 0.2830013036727905, + 0.08393712341785431, + 0.017960701137781143, + -0.19894689321517944, + 2.3855485916137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/106.png", + [ + 0.19648192822933197, + -0.01886727847158909, + 0.08936870098114014, + -1.0294488668441772, + -0.009654458612203598, + -0.21510395407676697, + -0.024186311289668083, + 0.2614884376525879, + 0.09082692861557007, + 0.017950264737010002, + -0.19589832425117493, + 2.3067426681518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/14.png", + [ + 0.20293012261390686, + -0.02807721495628357, + 0.07056155800819397, + -0.8285887241363525, + -0.026563800871372223, + -0.21484772861003876, + -0.009094617329537868, + 0.09409338235855103, + 0.07114511728286743, + -0.00013297238911036402, + -0.2046613097190857, + 2.489651679992676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/67.png", + [ + 0.2034265697002411, + -0.02979404479265213, + 0.06839478015899658, + -0.804434061050415, + -0.013211198151111603, + -0.20989254117012024, + -0.0521390475332737, + 0.5977324843406677, + 0.07342340052127838, + 0.0447809211909771, + -0.19887575507164001, + 2.3900294303894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/78.png", + [ + 0.1992650330066681, + -0.021462995558977127, + 0.08234486728906631, + -0.9669908285140991, + -0.008661279454827309, + -0.21369604766368866, + -0.03474007919430733, + 0.3916972577571869, + 0.08465411514043808, + 0.02865711972117424, + -0.19738374650478363, + 2.372556686401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/39.png", + [ + 0.20033687353134155, + -0.04798443242907524, + 0.06716043502092361, + -0.7208787798881531, + -0.0370897501707077, + -0.20983129739761353, + -0.039281927049160004, + 0.41262689232826233, + 0.07373859733343124, + 0.024823646992444992, + -0.20222339034080505, + 2.2469253540039062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/92.png", + [ + 0.20890888571739197, + -0.03641647845506668, + 0.04448387771844864, + -0.5251641273498535, + -0.03015803173184395, + -0.212158203125, + -0.0320514477789402, + 0.3761782944202423, + 0.04894351586699486, + 0.024711178615689278, + -0.20962296426296234, + 2.5517210960388184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/53.png", + [ + 0.20796778798103333, + -0.03412317857146263, + 0.05032790079712868, + -0.6039913296699524, + -0.023946920409798622, + -0.21080903708934784, + -0.0439772829413414, + 0.5231401324272156, + 0.05589126795530319, + 0.03664785623550415, + -0.2061091810464859, + 2.520026683807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/75.png", + [ + 0.19892725348472595, + -0.026618773117661476, + 0.08165346831083298, + -0.9589468240737915, + -0.011562802828848362, + -0.2124299556016922, + -0.041081752628088, + 0.4720180928707123, + 0.08510082960128784, + 0.033359404653310776, + -0.19645074009895325, + 2.3646903038024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/87.png", + [ + 0.2025565654039383, + -0.02467375434935093, + 0.07286933809518814, + -0.862785279750824, + -0.020702339708805084, + -0.2151399850845337, + -0.015300209634006023, + 0.15862709283828735, + 0.07409552484750748, + 0.007340922486037016, + -0.20347939431667328, + 2.468902111053467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/107.png", + [ + 0.1967780441045761, + -0.017628991976380348, + 0.0889691635966301, + -1.012142539024353, + -0.010011929087340832, + -0.21546544134616852, + -0.020549939945340157, + 0.21155735850334167, + 0.09014463424682617, + 0.014551886357367039, + -0.1964944750070572, + 2.3038291931152344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/112.png", + [ + 0.2039816826581955, + -0.02029346488416195, + 0.07019640505313873, + -0.5854693651199341, + -0.015544738620519638, + -0.2154378592967987, + -0.017111117020249367, + 0.04597867652773857, + 0.0713983103632927, + 0.011072685942053795, + -0.2042732834815979, + 2.0458450317382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/69.png", + [ + 0.20335157215595245, + -0.02728496491909027, + 0.06965313106775284, + -0.8184770345687866, + -0.012164897285401821, + -0.2111237794160843, + -0.047187454998493195, + 0.534877359867096, + 0.07381086051464081, + 0.04037538170814514, + -0.19967392086982727, + 2.395691394805908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/45.png", + [ + 0.20612621307373047, + -0.03221545368432999, + 0.05849824100732803, + -0.6884246468544006, + -0.02137952856719494, + -0.21164079010486603, + -0.04121871665120125, + 0.477481871843338, + 0.06326764822006226, + 0.03343996778130531, + -0.20451617240905762, + 2.4383864402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/50.png", + [ + 0.20844094455242157, + -0.03353298455476761, + 0.04874223470687866, + -0.5836886763572693, + -0.024023523554205894, + -0.21110351383686066, + -0.04249794781208038, + 0.5063521265983582, + 0.05406603962182999, + 0.035478781908750534, + -0.2067994624376297, + 2.517059326171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/101.png", + [ + 0.20011800527572632, + -0.020910393446683884, + 0.08039548248052597, + -0.9603292942047119, + -0.006903612520545721, + -0.21315869688987732, + -0.03825706988573074, + 0.4427483379840851, + 0.08278295397758484, + 0.03277222439646721, + -0.19753697514533997, + 2.3615145683288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/85.png", + [ + 0.19980493187904358, + -0.023459309712052345, + 0.08047079294919968, + -0.9514127969741821, + -0.019599836319684982, + -0.21532471477985382, + -0.014107298105955124, + 0.14713843166828156, + 0.08149683475494385, + 0.005729758646339178, + -0.2006821632385254, + 2.4314064979553223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/71.png", + [ + 0.20380042493343353, + -0.02514982782304287, + 0.06914305686950684, + -0.8109884858131409, + -0.01100816298276186, + -0.21175390481948853, + -0.04457578435540199, + 0.5042781233787537, + 0.07274679094552994, + 0.038414400070905685, + -0.20044982433319092, + 2.4015755653381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/54.png", + [ + 0.20778298377990723, + -0.03361262008547783, + 0.05142293497920036, + -0.6159914135932922, + -0.023146454244852066, + -0.2108340710401535, + -0.04428465664386749, + 0.5262342095375061, + 0.05690666288137436, + 0.03697405755519867, + -0.20577280223369598, + 2.5130343437194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/33.png", + [ + 0.20642678439617157, + -0.04733126983046532, + 0.04577810689806938, + -0.33314669132232666, + -0.04233083873987198, + -0.21077187359333038, + -0.027040941640734673, + 0.09638644754886627, + 0.05043792724609375, + 0.01681853085756302, + -0.21005010604858398, + 1.9331740140914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/49.png", + [ + 0.2082296907901764, + -0.03437420353293419, + 0.04905819147825241, + -0.5860027074813843, + -0.02445562556385994, + -0.21077080070972443, + -0.043880365788936615, + 0.5221427083015442, + 0.054682858288288116, + 0.036633022129535675, + -0.20643571019172668, + 2.506625175476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/110.png", + [ + 0.20274658501148224, + -0.016974778845906258, + 0.07452227920293808, + -0.764015793800354, + -0.015830785036087036, + -0.2160084843635559, + -0.006133171729743481, + -0.004565265029668808, + 0.0747736394405365, + 0.00029414359596557915, + -0.20336349308490753, + 2.2706961631774902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/18.png", + [ + 0.20278571546077728, + -0.032237716019153595, + 0.06918511539697647, + -0.821124792098999, + -0.031588517129421234, + -0.21423740684986115, + -0.007238903548568487, + 0.07077905535697937, + 0.0694839283823967, + -0.00331145734526217, + -0.2052045613527298, + 2.518972396850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/66.png", + [ + 0.20402337610721588, + -0.029346928000450134, + 0.06679154932498932, + -0.7856382727622986, + -0.012378720566630363, + -0.20941998064517975, + -0.05420273169875145, + 0.6268370747566223, + 0.07189659774303436, + 0.04722210019826889, + -0.19886893033981323, + 2.390965461730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/16.png", + [ + 0.20141096413135529, + -0.034855715930461884, + 0.07187908887863159, + -0.8487095236778259, + -0.0341506190598011, + -0.21381713449954987, + -0.00799177773296833, + 0.07877691090106964, + 0.07221676409244537, + -0.003900241805240512, + -0.20424842834472656, + 2.4995627403259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/94.png", + [ + 0.20823350548744202, + -0.038544390350580215, + 0.04583704471588135, + -0.5409296154975891, + -0.03314439207315445, + -0.21229319274425507, + -0.027945464476943016, + 0.32785564661026, + 0.04988139867782593, + 0.019845152273774147, + -0.209918811917305, + 2.5566811561584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/61.png", + [ + 0.20539484918117523, + -0.030641397461295128, + 0.061821967363357544, + -0.7347116470336914, + -0.018181325867772102, + -0.21131083369255066, + -0.04432905092835426, + 0.5154978036880493, + 0.06656042486429214, + 0.03683381527662277, + -0.20288142561912537, + 2.4570770263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/58.png", + [ + 0.2070096880197525, + -0.03398654982447624, + 0.05421987175941467, + -0.6472979187965393, + -0.02360757812857628, + -0.2111995965242386, + -0.04225291684269905, + 0.4949682056903839, + 0.05947741121053696, + 0.03446072340011597, + -0.20548184216022491, + 2.5005674362182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/64.png", + [ + 0.20510877668857574, + -0.028971439227461815, + 0.06355267763137817, + -0.7497595548629761, + -0.013234654441475868, + -0.2097046822309494, + -0.052883729338645935, + 0.6171561479568481, + 0.06857939064502716, + 0.04617900773882866, + -0.20028045773506165, + 2.4138951301574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/10.png", + [ + 0.20400580763816833, + -0.013245513662695885, + 0.07179196923971176, + -0.8464290499687195, + -0.01024861540645361, + -0.21616452932357788, + -0.0107593247666955, + 0.11463385820388794, + 0.07228067517280579, + 0.006734504830092192, + -0.20415203273296356, + 2.459995746612549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/41.png", + [ + 0.20176032185554504, + -0.04107184335589409, + 0.0674816146492958, + -0.7614625096321106, + -0.028987545520067215, + -0.21066811680793762, + -0.04155191406607628, + 0.4618363678455353, + 0.07348731905221939, + 0.02966384030878544, + -0.20166201889514923, + 2.3223156929016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/91.png", + [ + 0.20914621651172638, + -0.03341751545667648, + 0.04570578411221504, + -0.5376906394958496, + -0.0274646133184433, + -0.21283207833766937, + -0.029934916645288467, + 0.3500288724899292, + 0.04951205849647522, + 0.023101381957530975, + -0.20967301726341248, + 2.550144672393799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/23.png", + [ + 0.20838241279125214, + -0.028116419911384583, + 0.052288878709077835, + -0.565861165523529, + -0.027586551383137703, + -0.21483878791332245, + -0.00558331236243248, + 0.013088207691907883, + 0.05257035791873932, + -0.001287671155296266, + -0.21019655466079712, + 2.4581799507141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/37.png", + [ + 0.20190554857254028, + -0.04788413643836975, + 0.06236312910914421, + -0.6202316880226135, + -0.03975503146648407, + -0.21044401824474335, + -0.0328746996819973, + 0.3071199059486389, + 0.0678350105881691, + 0.019191613420844078, + -0.2048853188753128, + 2.1621270179748535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/36.png", + [ + 0.20168207585811615, + -0.04692503437399864, + 0.06379872560501099, + -0.5998679399490356, + -0.03891221433877945, + -0.21073758602142334, + -0.03199078142642975, + 0.2690684497356415, + 0.06897880882024765, + 0.018319718539714813, + -0.20458300411701202, + 2.082735538482666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/8.png", + [ + 0.20439991354942322, + -0.011890091001987457, + 0.07090270519256592, + -0.8398571610450745, + -0.009311380796134472, + -0.21626923978328705, + -0.009424393996596336, + 0.0956716388463974, + 0.07128721475601196, + 0.005843523424118757, + -0.20452845096588135, + 2.4579296112060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/6.png", + [ + 0.20369625091552734, + -0.016384871676564217, + 0.07202263176441193, + -0.8571253418922424, + -0.013791083358228207, + -0.21599768102169037, + -0.010134341195225716, + 0.10858957469463348, + 0.07256396114826202, + 0.004943161271512508, + -0.2041027545928955, + 2.4559383392333984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/20.png", + [ + 0.20406021177768707, + -0.02926780842244625, + 0.06671368330717087, + -0.7877883911132812, + -0.02794174663722515, + -0.2146884799003601, + -0.008718783967196941, + 0.08704935014247894, + 0.0672798603773117, + -0.00039201450999826193, + -0.20596398413181305, + 2.518801689147949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/2.png", + [ + 0.20448526740074158, + -0.021765559911727905, + 0.06826365739107132, + -0.8089728355407715, + -0.024821480736136436, + -0.2151714712381363, + 0.005746839568018913, + -0.0799923688173294, + 0.06721280515193939, + -0.01324358582496643, + -0.20556007325649261, + 2.49544620513916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/5.png", + [ + 0.2043166309595108, + -0.017414603382349014, + 0.06999529153108597, + -0.8331217169761658, + -0.015502993948757648, + -0.21595308184623718, + -0.008475102484226227, + 0.09342366456985474, + 0.07044335454702377, + 0.0029835884924978018, + -0.20488223433494568, + 2.4712071418762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/108.png", + [ + 0.1988704651594162, + -0.01513366587460041, + 0.08467227220535278, + -0.9446580410003662, + -0.009754610247910023, + -0.21588660776615143, + -0.015675166621804237, + 0.14312884211540222, + 0.08545917272567749, + 0.01057522464543581, + -0.1988285481929779, + 2.3104753494262695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/60.png", + [ + 0.20556612312793732, + -0.033321913331747055, + 0.05983404442667961, + -0.7121418118476868, + -0.021463118493556976, + -0.21110740303993225, + -0.043828085064888, + 0.5095633864402771, + 0.06503689289093018, + 0.035654131323099136, + -0.20358507335186005, + 2.4661359786987305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/56.png", + [ + 0.2078314572572708, + -0.03420321270823479, + 0.05083426088094711, + -0.6061936616897583, + -0.023926982656121254, + -0.21080374717712402, + -0.04401334002614021, + 0.5189372897148132, + 0.05640462040901184, + 0.03660348057746887, + -0.205977201461792, + 2.507866859436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/17.png", + [ + 0.20208366215229034, + -0.03393890708684921, + 0.0704147219657898, + -0.8330915570259094, + -0.03344443440437317, + -0.213958740234375, + -0.007142707239836454, + 0.06856845319271088, + 0.07065091282129288, + -0.0042070262134075165, + -0.20478928089141846, + 2.51065731048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/12.png", + [ + 0.20290116965770721, + -0.01826396770775318, + 0.07379323989152908, + -0.8675146102905273, + -0.01547488383948803, + -0.21584762632846832, + -0.010873123072087765, + 0.11871770024299622, + 0.07442810386419296, + 0.004911638796329498, + -0.2034311443567276, + 2.463772773742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/42.png", + [ + 0.20256274938583374, + -0.037974756211042404, + 0.06688901036977768, + -0.7679135799407959, + -0.02589796856045723, + -0.2110965996980667, + -0.04141753166913986, + 0.46708163619041443, + 0.07242593914270401, + 0.030725153163075447, + -0.20188695192337036, + 2.3540163040161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/7.png", + [ + 0.20471569895744324, + -0.012174136936664581, + 0.06993687897920609, + -0.831086277961731, + -0.009866008535027504, + -0.21627222001552582, + -0.008767921477556229, + 0.08851578831672668, + 0.07029963284730911, + 0.005099505186080933, + -0.20488984882831573, + 2.4636826515197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/73.png", + [ + 0.20174668729305267, + -0.02700769528746605, + 0.07427483797073364, + -0.871369481086731, + -0.012247718870639801, + -0.21185456216335297, + -0.04376674443483353, + 0.5007497072219849, + 0.07807791233062744, + 0.03655295446515083, + -0.19878534972667694, + 2.384215831756592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/46.png", + [ + 0.20718950033187866, + -0.03231706842780113, + 0.054552823305130005, + -0.6436521410942078, + -0.02161954715847969, + -0.21125419437885284, + -0.04303669184446335, + 0.5039706826210022, + 0.05960703641176224, + 0.035709504038095474, + -0.20523090660572052, + 2.458956241607666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/57.png", + [ + 0.20769871771335602, + -0.03404289111495018, + 0.05148014426231384, + -0.613395094871521, + -0.023911384865641594, + -0.21100223064422607, + -0.043060485273599625, + 0.5070025324821472, + 0.05689788609743118, + 0.035595521330833435, + -0.20601817965507507, + 2.5076513290405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/44.png", + [ + 0.2054213136434555, + -0.03210001438856125, + 0.06098824366927147, + -0.7126550078392029, + -0.021153878420591354, + -0.2118494063615799, + -0.0402522087097168, + 0.4615236818790436, + 0.06559336930513382, + 0.032207392156124115, + -0.20398060977458954, + 2.4173178672790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/113.png", + [ + 0.2073599398136139, + -0.029003102332353592, + 0.05575454980134964, + -0.395871102809906, + -0.024509750306606293, + -0.21432159841060638, + -0.02033286914229393, + 0.04196327552199364, + 0.057870734483003616, + 0.013151945546269417, + -0.2083888202905655, + 1.9451998472213745, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/4.png", + [ + 0.20457321405410767, + -0.018644949421286583, + 0.06892069429159164, + -0.8190776705741882, + -0.017910365015268326, + -0.21586962044239044, + -0.005236412398517132, + 0.05703120306134224, + 0.06911522895097733, + -0.0007530419970862567, + -0.20535436272621155, + 2.481114387512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/55.png", + [ + 0.20754125714302063, + -0.03377419710159302, + 0.052286047488451004, + -0.6249620914459229, + -0.023198038339614868, + -0.21086181700229645, + -0.04412532225251198, + 0.5214734077453613, + 0.057761386036872864, + 0.03666737675666809, + -0.2055894434452057, + 2.506690502166748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/9.png", + [ + 0.20409777760505676, + -0.011900169774889946, + 0.07176607847213745, + -0.8480795621871948, + -0.008955292403697968, + -0.21624010801315308, + -0.010388447903096676, + 0.10935156047344208, + 0.0721927136182785, + 0.0068193175829946995, + -0.20418031513690948, + 2.4557580947875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/25.png", + [ + 0.2097519338130951, + -0.03446676582098007, + 0.04200071841478348, + -0.3572119474411011, + -0.03026914969086647, + -0.2132243812084198, + -0.023812495172023773, + 0.12727142870426178, + 0.04511980712413788, + 0.01718425191938877, + -0.21122689545154572, + 2.2093305587768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/99.png", + [ + 0.20323753356933594, + -0.025884069502353668, + 0.07051532715559006, + -0.8495956063270569, + -0.013735120184719563, + -0.21278059482574463, + -0.03851836547255516, + 0.4501575827598572, + 0.07384946942329407, + 0.03165964037179947, + -0.20122578740119934, + 2.417703628540039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/34.png", + [ + 0.203103706240654, + -0.043367184698581696, + 0.061774272471666336, + -0.5040798187255859, + -0.03625873103737831, + -0.21159577369689941, + -0.029333077371120453, + 0.16400010883808136, + 0.06619726121425629, + 0.017158446833491325, + -0.20560011267662048, + 1.9531830549240112, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/72.png", + [ + 0.20310595631599426, + -0.026903953403234482, + 0.07051274180412292, + -0.8273907899856567, + -0.013218496926128864, + -0.21199163794517517, + -0.0428101047873497, + 0.4858419597148895, + 0.07430437952280045, + 0.03582752123475075, + -0.20035754144191742, + 2.4019651412963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/102.png", + [ + 0.19900275766849518, + -0.01851126365363598, + 0.08368471264839172, + -0.9929987788200378, + -0.004913328215479851, + -0.2136765867471695, + -0.035581860691308975, + 0.40768903493881226, + 0.0855666846036911, + 0.0307821836322546, + -0.19666899740695953, + 2.3445143699645996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/70.png", + [ + 0.2027771919965744, + -0.026550378650426865, + 0.0715847909450531, + -0.8403805494308472, + -0.011191640049219131, + -0.21129363775253296, + -0.04666517302393913, + 0.5279365181922913, + 0.0755251795053482, + 0.039974600076675415, + -0.19911271333694458, + 2.386996269226074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/90.png", + [ + 0.2087266445159912, + -0.030969100072979927, + 0.04921384155750275, + -0.5790372490882874, + -0.025207750499248505, + -0.2134508639574051, + -0.02740800753235817, + 0.3170023262500763, + 0.05239901319146156, + 0.02067713625729084, + -0.20922403037548065, + 2.541100025177002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/15.png", + [ + 0.2008521854877472, + -0.03262340649962425, + 0.07444462180137634, + -0.8767460584640503, + -0.03183145076036453, + -0.214175283908844, + -0.007975188083946705, + 0.08015032112598419, + 0.07478667795658112, + -0.0035437762271612883, + -0.20332801342010498, + 2.4847793579101562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/22.png", + [ + 0.20668748021125793, + -0.028528371825814247, + 0.05843216925859451, + -0.6637346148490906, + -0.027166029438376427, + -0.21478578448295593, + -0.008772759698331356, + 0.07029391825199127, + 0.059077855199575424, + 0.001042343326844275, + -0.20846250653266907, + 2.4957494735717773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/109.png", + [ + 0.20016922056674957, + -0.016104433685541153, + 0.08136846870183945, + -0.8799685835838318, + -0.013310374692082405, + -0.21603348851203918, + -0.010013330727815628, + 0.06207780912518501, + 0.08187194168567657, + 0.004252070561051369, + -0.20056621730327606, + 2.2965826988220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/26.png", + [ + 0.21024666726589203, + -0.04235594719648361, + 0.030825313180685043, + -0.2053164392709732, + -0.038190070539712906, + -0.21120093762874603, + -0.02972494065761566, + 0.12048710882663727, + 0.03585727885365486, + 0.02340998314321041, + -0.21240085363388062, + 2.0706305503845215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/43.png", + [ + 0.20452581346035004, + -0.03292432799935341, + 0.06350649893283844, + -0.7363858819007874, + -0.02161398157477379, + -0.21181228756904602, + -0.04020311310887337, + 0.4568140208721161, + 0.06819034367799759, + 0.031613972038030624, + -0.20322038233280182, + 2.3904008865356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/84.png", + [ + 0.1981741338968277, + -0.023661013692617416, + 0.0843508318066597, + -0.9962502121925354, + -0.018391191959381104, + -0.2152096927165985, + -0.01715952530503273, + 0.18505939841270447, + 0.0856543704867363, + 0.008534739725291729, + -0.1988426148891449, + 2.4061074256896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/89.png", + [ + 0.20704993605613708, + -0.029889872297644615, + 0.05643412098288536, + -0.6661621928215027, + -0.024680426344275475, + -0.21405132114887238, + -0.022821055725216866, + 0.2560681998729706, + 0.05889899283647537, + 0.015379191376268864, + -0.20794779062271118, + 2.5219945907592773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/63.png", + [ + 0.20552322268486023, + -0.029147541150450706, + 0.06211700662970543, + -0.7347347140312195, + -0.014570286497473717, + -0.2102188915014267, + -0.05043434724211693, + 0.5877442359924316, + 0.06705079227685928, + 0.04366162419319153, + -0.20135974884033203, + 2.431358814239502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/88.png", + [ + 0.20432010293006897, + -0.028596393764019012, + 0.06620753556489944, + -0.7840803861618042, + -0.023799369111657143, + -0.21450577676296234, + -0.019203277304768562, + 0.20716041326522827, + 0.06807923316955566, + 0.010836147703230381, + -0.20541590452194214, + 2.4918766021728516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/62.png", + [ + 0.20603881776332855, + -0.029025916010141373, + 0.060443323105573654, + -0.7160350680351257, + -0.016058925539255142, + -0.21099765598773956, + -0.04658312723040581, + 0.5430026054382324, + 0.06510000675916672, + 0.03981674090027809, + -0.20279181003570557, + 2.454359531402588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/65.png", + [ + 0.20509061217308044, + -0.027815157547593117, + 0.06412524729967117, + -0.7546196579933167, + -0.011342346668243408, + -0.20938874781131744, + -0.05454906448721886, + 0.6353853940963745, + 0.06897159665822983, + 0.048275936394929886, + -0.19965031743049622, + 2.4007110595703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/80.png", + [ + 0.20000195503234863, + -0.020782675594091415, + 0.08071675151586533, + -0.9475595355033875, + -0.010847000405192375, + -0.21453642845153809, + -0.02836114726960659, + 0.3124891221523285, + 0.08264052122831345, + 0.02213803306221962, + -0.19906869530677795, + 2.388005256652832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/79.png", + [ + 0.19957633316516876, + -0.021522758528590202, + 0.08157175034284592, + -0.958102285861969, + -0.009922284632921219, + -0.21403907239437103, + -0.032198142260313034, + 0.35906174778938293, + 0.08377784490585327, + 0.025921860709786415, + -0.1981343775987625, + 2.379641056060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/19.png", + [ + 0.20335055887699127, + -0.028022615239024162, + 0.06936261802911758, + -0.823017954826355, + -0.027892356738448143, + -0.21481335163116455, + -0.005012867506593466, + 0.044449109584093094, + 0.06941509991884232, + -0.004224385134875774, + -0.2052110880613327, + 2.520643711090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/77.png", + [ + 0.19882313907146454, + -0.023776300251483917, + 0.08277647942304611, + -0.9718637466430664, + -0.009900744073092937, + -0.21318337321281433, + -0.037452857941389084, + 0.4268667697906494, + 0.08555252104997635, + 0.030584776774048805, + -0.19670595228672028, + 2.363430976867676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/68.png", + [ + 0.2031203806400299, + -0.02904036082327366, + 0.06961803138256073, + -0.8196074366569519, + -0.013279365375638008, + -0.2106170952320099, + -0.04911208897829056, + 0.5595791935920715, + 0.0742540955543518, + 0.041773151606321335, + -0.19922155141830444, + 2.394038200378418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/86.png", + [ + 0.20113849639892578, + -0.023501573130488396, + 0.07706409692764282, + -0.9118050932884216, + -0.019720574840903282, + -0.21530824899673462, + -0.014189692214131355, + 0.14502950012683868, + 0.07811720669269562, + 0.0061582899652421474, + -0.20200908184051514, + 2.451773166656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/1.png", + [ + 0.20441214740276337, + -0.02096225880086422, + 0.06873247772455215, + -0.8107791543006897, + -0.025845997035503387, + -0.21482808887958527, + 0.011347661726176739, + -0.15103758871555328, + 0.06704889982938766, + -0.018904196098446846, + -0.20517058670520782, + 2.4934158325195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/81.png", + [ + 0.20003576576709747, + -0.021871080622076988, + 0.0803445428609848, + -0.9411259293556213, + -0.012756039388477802, + -0.21464809775352478, + -0.026671655476093292, + 0.2935970723628998, + 0.0822853147983551, + 0.019893454387784004, + -0.19945243000984192, + 2.3889122009277344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/95.png", + [ + 0.2075013965368271, + -0.037627942860126495, + 0.0497513972222805, + -0.59070885181427, + -0.03222903236746788, + -0.2126319259405136, + -0.026397904381155968, + 0.309453547000885, + 0.053407423198223114, + 0.017880095168948174, + -0.20922677218914032, + 2.5463061332702637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/103.png", + [ + 0.19790834188461304, + -0.018266629427671432, + 0.08629316836595535, + -1.0170018672943115, + -0.004742814693599939, + -0.21387456357479095, + -0.03439583256840706, + 0.39080867171287537, + 0.08807772397994995, + 0.02952791377902031, + -0.1957506388425827, + 2.3278045654296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/83.png", + [ + 0.19813957810401917, + -0.02295408770442009, + 0.08462688326835632, + -0.9955337047576904, + -0.015528380870819092, + -0.2149990051984787, + -0.021958960220217705, + 0.24103346467018127, + 0.08629871159791946, + 0.014015581458806992, + -0.198252335190773, + 2.390061855316162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/51.png", + [ + 0.20873403549194336, + -0.03246193379163742, + 0.04821011424064636, + -0.5779232382774353, + -0.023059813305735588, + -0.21123254299163818, + -0.04239046573638916, + 0.5049760937690735, + 0.053350143134593964, + 0.03570615500211716, + -0.20694619417190552, + 2.5227084159851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/93.png", + [ + 0.20760560035705566, + -0.038242779672145844, + 0.04883953183889389, + -0.5800111889839172, + -0.032200489193201065, + -0.2122526317834854, + -0.029323147609829903, + 0.34678763151168823, + 0.05301828682422638, + 0.020837660878896713, + -0.20905202627182007, + 2.5619864463806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/76.png", + [ + 0.19897343218326569, + 0.03766186907887459, + -0.07706522941589355, + 0.9214621782302856, + 0.02659034915268421, + -0.21216416358947754, + -0.03503168746829033, + 0.39881065487861633, + -0.08155009895563126, + 0.02271232381463051, + -0.19945332407951355, + 2.4325289726257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/48.png", + [ + 0.18948303163051605, + 0.03193460777401924, + -0.10012121498584747, + 1.2155708074569702, + 0.017888596281409264, + -0.21321699023246765, + -0.03415275737643242, + 0.3923766613006592, + -0.10355710983276367, + 0.02160077542066574, + -0.18909581005573273, + 2.351316452026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/137.png", + [ + 0.19941124320030212, + 0.04161655530333519, + -0.07383164018392563, + 0.9040500521659851, + 0.032276272773742676, + -0.21182042360305786, + -0.032221756875514984, + 0.36816170811653137, + -0.07836638391017914, + 0.0186564102768898, + -0.2011430859565735, + 2.513756275177002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/35.png", + [ + 0.1892019808292389, + 0.02213381789624691, + -0.10325014591217041, + 1.2229686975479126, + 0.006653910502791405, + -0.21393923461437225, + -0.033669281750917435, + 0.37244680523872375, + -0.10538607835769653, + 0.026229551061987877, + -0.18749314546585083, + 2.2680840492248535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/124.png", + [ + 0.20210635662078857, + 0.03829345479607582, + -0.06807738542556763, + 0.8129050731658936, + 0.02847028709948063, + -0.21197257936000824, + -0.03471251577138901, + 0.39138221740722656, + -0.07273487001657486, + 0.023433461785316467, + -0.20275206863880157, + 2.4600563049316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/97.png", + [ + 0.21136415004730225, + 0.02598750963807106, + -0.039971739053726196, + 0.4638049602508545, + 0.01922803558409214, + -0.21269258856773376, + -0.036606691777706146, + 0.4112674295902252, + -0.04362766817212105, + 0.032162345945835114, + -0.2097858488559723, + 2.475925922393799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/13.png", + [ + 0.188679039478302, + 0.027808209881186485, + -0.10283394157886505, + 1.238601565361023, + 0.012924866750836372, + -0.21359257400035858, + -0.034044936299324036, + 0.38347968459129333, + -0.10574054718017578, + 0.023511985316872597, + -0.18765397369861603, + 2.316288948059082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/32.png", + [ + 0.18956969678401947, + 0.01944156549870968, + -0.10311763733625412, + 1.21640145778656, + 0.0032882646191865206, + -0.21391938626766205, + -0.03428678587079048, + 0.3825809359550476, + -0.10488282144069672, + 0.028432758525013924, + -0.18745416402816772, + 2.264596462249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/38.png", + [ + 0.18808814883232117, + 0.024488219991326332, + -0.10474283993244171, + 1.245993733406067, + 0.009374610148370266, + -0.21391412615776062, + -0.03317767009139061, + 0.3671663701534271, + -0.10715807229280472, + 0.02426866628229618, + -0.1867513805627823, + 2.272019863128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/111.png", + [ + 0.2048165500164032, + 0.03644145652651787, + -0.06058131158351898, + 0.7187459468841553, + 0.025997184216976166, + -0.2114848494529724, + -0.03932175040245056, + 0.44098222255706787, + -0.0657435953617096, + 0.029901059344410896, + -0.20428311824798584, + 2.4549994468688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/11.png", + [ + 0.1872398406267166, + 0.03700724244117737, + -0.10256510227918625, + 1.244905710220337, + 0.025582898408174515, + -0.2130342721939087, + -0.030163036659359932, + 0.32781490683555603, + -0.10599364340305328, + 0.013955533504486084, + -0.1884634643793106, + 2.334465980529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/125.png", + [ + 0.20175805687904358, + 0.038278885185718536, + -0.06911084800958633, + 0.8259350657463074, + 0.028477655723690987, + -0.21203765273094177, + -0.03430674225091934, + 0.3857736885547638, + -0.07369264215230942, + 0.02286168374121189, + -0.2024713158607483, + 2.455440044403076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/59.png", + [ + 0.19277779757976532, + 0.041578423231840134, + -0.0897543802857399, + 1.095725655555725, + 0.02754289098083973, + -0.21139128506183624, + -0.03876868635416031, + 0.44425061345100403, + -0.09500528126955032, + 0.023083677515387535, + -0.19336244463920593, + 2.4091415405273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/105.png", + [ + 0.20815551280975342, + 0.03470762446522713, + -0.04913811758160591, + 0.5822616815567017, + 0.025249304249882698, + -0.2110394388437271, + -0.04210369288921356, + 0.4721737205982208, + -0.05460445210337639, + 0.03472216799855232, + -0.2067864090204239, + 2.4687299728393555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/121.png", + [ + 0.20267821848392487, + 0.037974484264850616, + -0.0665384829044342, + 0.7964564561843872, + 0.028189292177557945, + -0.2119470238685608, + -0.035095829516649246, + 0.39666515588760376, + -0.07123760879039764, + 0.024172132834792137, + -0.2031964659690857, + 2.474113941192627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/24.png", + [ + 0.18629366159439087, + 0.027858272194862366, + -0.10708162933588028, + 1.276288628578186, + -3.085340722464025e-06, + -0.20969314873218536, + -0.054558973759412766, + 0.625282883644104, + -0.11064609885215759, + 0.04691053181886673, + -0.18029068410396576, + 2.186645030975342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/74.png", + [ + 0.19775009155273438, + 0.040076255798339844, + -0.07897274941205978, + 0.947916567325592, + 0.027115197852253914, + -0.21133898198604584, + -0.039350833743810654, + 0.4484640657901764, + -0.08430638164281845, + 0.026031052693724632, + -0.19789572060108185, + 2.4188451766967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/129.png", + [ + 0.20155979692935944, + 0.038620494306087494, + -0.0694982036948204, + 0.8322088718414307, + 0.029077932238578796, + -0.21208161115646362, + -0.03352251648902893, + 0.3776078522205353, + -0.07400010526180267, + 0.021857324987649918, + -0.2024700939655304, + 2.460754871368408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/98.png", + [ + 0.21132946014404297, + 0.02744879573583603, + -0.03917033597826958, + 0.45375293493270874, + 0.02094290964305401, + -0.2126319855451584, + -0.0360129252076149, + 0.40302759408950806, + -0.043001703917980194, + 0.03133847191929817, + -0.2100396305322647, + 2.477519989013672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/0.png", + [ + 0.1876470297574997, + 0.03011905401945114, + -0.10406407713890076, + 1.2450436353683472, + 0.0047480384819209576, + -0.2102188915014267, + -0.05228162929415703, + 0.6055566072463989, + -0.10823097825050354, + 0.042997147887945175, + -0.18271616101264954, + 2.2370505332946777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/96.png", + [ + 0.21142946183681488, + 0.025429395958781242, + -0.039985302835702896, + 0.4641457200050354, + 0.018946945667266846, + -0.2129479944705963, + -0.035242851823568344, + 0.3952294886112213, + -0.04343375936150551, + 0.030893223360180855, + -0.21001669764518738, + 2.4761886596679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/100.png", + [ + 0.21121129393577576, + 0.02778259664773941, + -0.03957028314471245, + 0.4576761722564697, + 0.021080249920487404, + -0.21250393986701965, + -0.03668219968676567, + 0.40992090106010437, + -0.04351210221648216, + 0.03190749138593674, + -0.20984876155853271, + 2.475590705871582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/40.png", + [ + 0.18492555618286133, + 0.02857821062207222, + -0.1092415302991867, + 1.3086514472961426, + 0.012159842997789383, + -0.21344143152236938, + -0.03525315225124359, + 0.3966986835002899, + -0.11226114630699158, + 0.023956885561347008, + -0.18376997113227844, + 2.246946334838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/52.png", + [ + 0.1901148110628128, + 0.03991596773266792, + -0.09597378969192505, + 1.1784167289733887, + 0.028140200302004814, + -0.2123553454875946, + -0.03257661685347557, + 0.3673999607563019, + -0.10006190091371536, + 0.016118986532092094, + -0.19150897860527039, + 2.3932580947875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/3.png", + [ + 0.18786559998989105, + 0.02865676023066044, + -0.10408268123865128, + 1.2497214078903198, + 0.010782206431031227, + -0.2128375619649887, + -0.039138391613960266, + 0.4401324689388275, + -0.1074158251285553, + 0.028755173087120056, + -0.18596471846103668, + 2.2821903228759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/47.png", + [ + 0.186717689037323, + 0.03297438472509384, + -0.10486701130867004, + 1.2713940143585205, + 0.017262164503335953, + -0.2129276990890503, + -0.03621738404035568, + 0.4156748056411743, + -0.10856527090072632, + 0.02285544015467167, + -0.1861158311367035, + 2.3105950355529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/104.png", + [ + 0.20882046222686768, + 0.03276354819536209, + -0.047628313302993774, + 0.5629266500473022, + 0.023566415533423424, + -0.21125495433807373, + -0.04199839010834694, + 0.47176989912986755, + -0.052787601947784424, + 0.0352957546710968, + -0.20716074109077454, + 2.4691147804260254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/21.png", + [ + 0.18654246628284454, + 0.028004024177789688, + -0.10660945624113083, + 1.2673007249832153, + 0.0007107612327672541, + -0.2098664492368698, + -0.05388376861810684, + 0.6164955496788025, + -0.11022382974624634, + 0.04604063555598259, + -0.18077294528484344, + 2.1977014541625977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/82.png", + [ + 0.2044115662574768, + 0.032812342047691345, + -0.06393080949783325, + 0.7526448369026184, + 0.025521084666252136, + -0.21334978938102722, + -0.027900490909814835, + 0.31723713874816895, + -0.06717493385076523, + 0.018791312351822853, + -0.20513972640037537, + 2.468240261077881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/106.png", + [ + 0.20776858925819397, + 0.03436427563428879, + -0.05098233371973038, + 0.6043899655342102, + 0.024463951587677002, + -0.21104180812835693, + -0.0425531268119812, + 0.4779069125652313, + -0.05640581622719765, + 0.035047829151153564, + -0.2062472403049469, + 2.4672536849975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/14.png", + [ + 0.18839384615421295, + 0.026492899283766747, + -0.1037004366517067, + 1.2506592273712158, + 0.008890264667570591, + -0.21307997405529022, + -0.03828561305999756, + 0.4411526918411255, + -0.10666123032569885, + 0.02903362549841404, + -0.1863553822040558, + 2.295266628265381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/67.png", + [ + 0.19539856910705566, + 0.04265717789530754, + -0.08335261791944504, + 1.0053813457489014, + 0.027008933946490288, + -0.2103622406721115, + -0.04434116184711456, + 0.5088219046592712, + -0.08965384215116501, + 0.029597068205475807, + -0.195023313164711, + 2.39699125289917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/78.png", + [ + 0.20190836489200592, + 0.03496946021914482, + -0.07041338831186295, + 0.837864339351654, + 0.025828421115875244, + -0.21279360353946686, + -0.03161762282252312, + 0.35881316661834717, + -0.07425497472286224, + 0.02106935903429985, + -0.20246030390262604, + 2.4579086303710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/31.png", + [ + 0.18985290825366974, + 0.018935183063149452, + -0.10268998146057129, + 1.2108603715896606, + 0.004014668054878712, + -0.21424852311611176, + -0.03208335489034653, + 0.35469603538513184, + -0.10434392094612122, + 0.026209119707345963, + -0.18807797133922577, + 2.2710790634155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/39.png", + [ + 0.18593676388263702, + 0.028289517387747765, + -0.10758772492408752, + 1.2859312295913696, + 0.012312177568674088, + -0.2134973704814911, + -0.03485945984721184, + 0.38847970962524414, + -0.11056140810251236, + 0.02380073443055153, + -0.18481773138046265, + 2.2547640800476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/92.png", + [ + 0.21006259322166443, + 0.026445047929883003, + -0.04606804996728897, + 0.540241003036499, + 0.019553743302822113, + -0.21321605145931244, + -0.03323342278599739, + 0.3769759237766266, + -0.0493888333439827, + 0.028061872348189354, + -0.20909607410430908, + 2.4744739532470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/53.png", + [ + 0.1900676041841507, + 0.04071668162941933, + -0.09573065489530563, + 1.174749493598938, + 0.02861442230641842, + -0.21216006577014923, + -0.033424824476242065, + 0.3823049068450928, + -0.10001710057258606, + 0.016677994281053543, + -0.1914845108985901, + 2.3915882110595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/75.png", + [ + 0.19855161011219025, + 0.03831275925040245, + -0.07782857120037079, + 0.9332131147384644, + 0.02637641504406929, + -0.21185636520385742, + -0.03700083866715431, + 0.4210617244243622, + -0.08264041692018509, + 0.024431735277175903, + -0.19880028069019318, + 2.4288759231567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/87.png", + [ + 0.2076134979724884, + 0.029323939234018326, + -0.054631803184747696, + 0.6433178186416626, + 0.021696235984563828, + -0.213199645280838, + -0.03198544681072235, + 0.36772653460502625, + -0.05808442458510399, + 0.025177408009767532, + -0.2072201520204544, + 2.4764394760131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/107.png", + [ + 0.2069375365972519, + 0.03532124683260918, + -0.05363914743065834, + 0.6357450485229492, + 0.02578972652554512, + -0.21143342554569244, + -0.03973272442817688, + 0.44465675950050354, + -0.058818694204092026, + 0.03156277909874916, + -0.20613597333431244, + 2.4662246704101562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/112.png", + [ + 0.20352233946323395, + 0.036774031817913055, + -0.06460820883512497, + 0.7679511308670044, + 0.026165174320340157, + -0.21169312298297882, + -0.03806964308023453, + 0.4279440939426422, + -0.06958401203155518, + 0.02795683965086937, + -0.20328396558761597, + 2.451484203338623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/69.png", + [ + 0.19530247151851654, + 0.04291412979364395, + -0.08344589918851852, + 1.0027456283569336, + 0.026759708300232887, + -0.21015764772891998, + -0.04544856399297714, + 0.522256076335907, + -0.08993752300739288, + 0.03065992332994938, + -0.194728285074234, + 2.3852925300598145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/45.png", + [ + 0.18758191168308258, + 0.03709898889064789, + -0.10190477222204208, + 1.224072813987732, + 0.02216350845992565, + -0.21241915225982666, + -0.036534711718559265, + 0.41214433312416077, + -0.10615883022546768, + 0.021205458790063858, + -0.18769264221191406, + 2.31967830657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/50.png", + [ + 0.19043737649917603, + 0.03569241240620613, + -0.09699254482984543, + 1.1841264963150024, + 0.024187834933400154, + -0.21308816969394684, + -0.030923642218112946, + 0.34849613904953003, + -0.10048110038042068, + 0.016351601108908653, + -0.1912696212530136, + 2.391083240509033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/101.png", + [ + 0.2107459455728531, + 0.027073699980974197, + -0.04243888333439827, + 0.4932018518447876, + 0.02015822008252144, + -0.21277166903018951, + -0.03563365712761879, + 0.39817091822624207, + -0.046126894652843475, + 0.030710361897945404, + -0.2094685584306717, + 2.4789013862609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/85.png", + [ + 0.20693336427211761, + 0.03128465637564659, + -0.05610478296875954, + 0.658572793006897, + 0.023681586608290672, + -0.21306617558002472, + -0.03146243467926979, + 0.3611351251602173, + -0.05971314013004303, + 0.023915937170386314, + -0.20690640807151794, + 2.4715495109558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/131.png", + [ + 0.2016313523054123, + 0.03830345347523689, + -0.06946610659360886, + 0.8326340317726135, + 0.02899201400578022, + -0.21219800412654877, + -0.03285367041826248, + 0.3707497715950012, + -0.0738387331366539, + 0.021277839317917824, + -0.2025907039642334, + 2.4713993072509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/71.png", + [ + 0.19555780291557312, + 0.04219764843583107, + -0.0832129642367363, + 1.0005568265914917, + 0.026734845712780952, + -0.21048766374588013, + -0.043909937143325806, + 0.5037667751312256, + -0.0893884003162384, + 0.029363131150603294, + -0.19518046081066132, + 2.387943744659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/115.png", + [ + 0.20144012570381165, + 0.038977764546871185, + -0.06964554637670517, + 0.8334476947784424, + 0.028050558641552925, + -0.21159107983112335, + -0.03728649020195007, + 0.4211251139640808, + -0.07471903413534164, + 0.025648588314652443, + -0.20176003873348236, + 2.452085494995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/54.png", + [ + 0.19026270508766174, + 0.04045044630765915, + -0.09545557200908661, + 1.1702237129211426, + 0.026919687166810036, + -0.21193435788154602, + -0.03615322709083557, + 0.42148637771606445, + -0.10011661052703857, + 0.01988685131072998, + -0.1911257952451706, + 2.390732765197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/33.png", + [ + 0.19049924612045288, + 0.01944510079920292, + -0.10138946026563644, + 1.196446180343628, + 0.0034497936721891165, + -0.2138766050338745, + -0.03453681617975235, + 0.38278016448020935, + -0.10317961126565933, + 0.028750315308570862, + -0.18834882974624634, + 2.272439956665039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/49.png", + [ + 0.19012673199176788, + 0.03390659764409065, + -0.09823478013277054, + 1.197208285331726, + 0.02146925777196884, + -0.21321438252925873, + -0.03204053267836571, + 0.36624109745025635, + -0.10167989134788513, + 0.018381169065833092, + -0.19045007228851318, + 2.3764595985412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/118.png", + [ + 0.20170609652996063, + 0.038387399166822433, + -0.0692022293806076, + 0.8308417201042175, + 0.02854228764772415, + -0.21201182901859283, + -0.03441259637475014, + 0.38802775740623474, + -0.07380975037813187, + 0.02291935123503208, + -0.2024221271276474, + 2.4704461097717285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/110.png", + [ + 0.2056201696395874, + 0.03531821072101593, + -0.058488212525844574, + 0.6929947733879089, + 0.025155430659651756, + -0.21158508956432343, + -0.03933003172278404, + 0.44123589992523193, + -0.06352519989013672, + 0.030533110722899437, + -0.20489062368869781, + 2.4602346420288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/18.png", + [ + 0.19007658958435059, + 0.027281269431114197, + -0.10037189722061157, + 1.2015448808670044, + 0.005861594341695309, + -0.21156612038612366, + -0.046403829008340836, + 0.526569664478302, + -0.10384810715913773, + 0.03799218311905861, + -0.18633319437503815, + 2.2689404487609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/66.png", + [ + 0.19587528705596924, + 0.041977643966674805, + -0.08257510513067245, + 0.9970906376838684, + 0.02677876688539982, + -0.21056312322616577, + -0.04351971670985222, + 0.49918320775032043, + -0.08867733180522919, + 0.029136665165424347, + -0.1955384463071823, + 2.4038243293762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/16.png", + [ + 0.18959154188632965, + 0.028178274631500244, + -0.10103918612003326, + 1.2151398658752441, + 0.006970612332224846, + -0.2116333544254303, + -0.04594152048230171, + 0.5314450263977051, + -0.10466299206018448, + 0.03694858402013779, + -0.18608695268630981, + 2.276367664337158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/94.png", + [ + 0.21087762713432312, + 0.02548355422914028, + -0.04276806488633156, + 0.499227911233902, + 0.018874015659093857, + -0.2131640464067459, + -0.03395220264792442, + 0.3838295042514801, + -0.04606832563877106, + 0.02931840717792511, + -0.20968079566955566, + 2.4773926734924316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/28.png", + [ + 0.19072656333446503, + 0.02150137722492218, + -0.10054336488246918, + 1.19161057472229, + -0.00042358398786745965, + -0.21171768009662628, + -0.04607972130179405, + 0.5239399075508118, + -0.10281584411859512, + 0.040757954120635986, + -0.1863211989402771, + 2.2681288719177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/61.png", + [ + 0.19582633674144745, + 0.042081110179424286, + -0.08263847976922989, + 1.0045945644378662, + 0.027517307549715042, + -0.2107538878917694, + -0.04211285337805748, + 0.4854898154735565, + -0.08855922520160675, + 0.027565835043787956, + -0.19581951200962067, + 2.4265336990356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/132.png", + [ + 0.20079655945301056, + 0.03863539546728134, + -0.0716654509305954, + 0.8627077341079712, + 0.02931605651974678, + -0.2122412919998169, + -0.032281436026096344, + 0.3652213513851166, + -0.07595524936914444, + 0.020219502970576286, + -0.20191548764705658, + 2.4768452644348145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/58.png", + [ + 0.19130577147006989, + 0.043243251740932465, + -0.09208701550960541, + 1.1298104524612427, + 0.030820056796073914, + -0.211544468998909, + -0.03531242161989212, + 0.40250763297080994, + -0.09695422649383545, + 0.018079381436109543, + -0.19292721152305603, + 2.4106903076171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/123.png", + [ + 0.20221546292304993, + 0.037942852824926376, + -0.06794948875904083, + 0.8123484253883362, + 0.028235740959644318, + -0.21205751597881317, + -0.03438381850719452, + 0.3879733383655548, + -0.07252266258001328, + 0.023234542459249496, + -0.20285096764564514, + 2.4649815559387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/64.png", + [ + 0.19583891332149506, + 0.042368534952402115, + -0.08246168494224548, + 0.998511016368866, + 0.02698430046439171, + -0.21043013036251068, + -0.04403306171298027, + 0.5069777965545654, + -0.08869537711143494, + 0.029529139399528503, + -0.1954713761806488, + 2.410006523132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/10.png", + [ + 0.18569166958332062, + 0.03588682785630226, + -0.10572906583547592, + 1.2881742715835571, + 0.02340458519756794, + -0.2131301313638687, + -0.03123575448989868, + 0.3477257490158081, + -0.10917291045188904, + 0.015348704531788826, + -0.18653039634227753, + 2.318985939025879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/41.png", + [ + 0.1843663901090622, + 0.02964748814702034, + -0.10989973694086075, + 1.3186476230621338, + 0.01324197743088007, + -0.21336203813552856, + -0.03534379228949547, + 0.39940550923347473, + -0.11305563896894455, + 0.023357225582003593, + -0.18335963785648346, + 2.2458105087280273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/91.png", + [ + 0.20981073379516602, + 0.027160273864865303, + -0.04679397493600845, + 0.548320472240448, + 0.020104149356484413, + -0.21311445534229279, + -0.03355518728494644, + 0.38228583335876465, + -0.05023125931620598, + 0.028150437399744987, + -0.2088833898305893, + 2.4741406440734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/23.png", + [ + 0.184634268283844, + 0.02790694124996662, + -0.10990577936172485, + 1.3107948303222656, + -0.0020993074867874384, + -0.20913302898406982, + -0.05662911757826805, + 0.657573938369751, + -0.1133740246295929, + 0.049320038408041, + -0.17793750762939453, + 2.1644530296325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/37.png", + [ + 0.18818342685699463, + 0.023140115663409233, + -0.10487814992666245, + 1.2460861206054688, + 0.007087575737386942, + -0.21380016207695007, + -0.034455183893442154, + 0.3837105631828308, + -0.10716649889945984, + 0.02649393118917942, + -0.18644385039806366, + 2.267308235168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/36.png", + [ + 0.18850550055503845, + 0.022805752232670784, + -0.10437177866697311, + 1.2367889881134033, + 0.006463318131864071, + -0.21372699737548828, + -0.03502703458070755, + 0.3907839357852936, + -0.10663861781358719, + 0.027359921485185623, + -0.18662135303020477, + 2.263441562652588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/8.png", + [ + 0.1870260387659073, + 0.03138425573706627, + -0.10480543971061707, + 1.2708170413970947, + 0.01345338299870491, + -0.2125900834798813, + -0.039652999490499496, + 0.45905232429504395, + -0.10857328027486801, + 0.027719704434275627, + -0.18544906377792358, + 2.306704044342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/6.png", + [ + 0.1880219280719757, + 0.03184529393911362, + -0.10286653786897659, + 1.2385616302490234, + 0.015328743495047092, + -0.21279041469097137, + -0.03785714879631996, + 0.4287714660167694, + -0.10658647865056992, + 0.025573642924427986, + -0.18690426647663116, + 2.3115386962890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/20.png", + [ + 0.18950121104717255, + 0.027491211891174316, + -0.1013973280787468, + 1.2062979936599731, + 0.0030583085026592016, + -0.21047964692115784, + -0.05135035142302513, + 0.5808767676353455, + -0.10501348227262497, + 0.04347924888134003, + -0.18447118997573853, + 2.2407822608947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/2.png", + [ + 0.1869088113307953, + 0.030827198177576065, + -0.10517925769090652, + 1.2624248266220093, + 0.010208077728748322, + -0.21192021667957306, + -0.043971844017505646, + 0.5006872415542603, + -0.10912739485502243, + 0.032975934445858, + -0.18425984680652618, + 2.2568068504333496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/117.png", + [ + 0.201602965593338, + 0.03849431499838829, + -0.06944294273853302, + 0.8335988521575928, + 0.02809152752161026, + -0.21183034777641296, + -0.035870153456926346, + 0.4049983620643616, + -0.0742630586028099, + 0.02437189780175686, + -0.20208637416362762, + 2.4640517234802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/5.png", + [ + 0.1884717047214508, + 0.03116060234606266, + -0.10225129127502441, + 1.2293826341629028, + 0.015315034426748753, + -0.21299731731414795, + -0.03668094798922539, + 0.41141900420188904, + -0.1057911142706871, + 0.024679118767380714, + -0.1874755471944809, + 2.312847137451172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/108.png", + [ + 0.20669569075107574, + 0.03548013046383858, + -0.05446051433682442, + 0.6445828676223755, + 0.02589273825287819, + -0.21146543323993683, + -0.039494723081588745, + 0.4416329860687256, + -0.05961839482188225, + 0.031167730689048767, + -0.2059662938117981, + 2.464956283569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/60.png", + [ + 0.19372546672821045, + 0.04158489406108856, + -0.08768711239099503, + 1.068034052848816, + 0.02668759785592556, + -0.21105438470840454, + -0.041130416095256805, + 0.47385498881340027, + -0.0933065116405487, + 0.025973742827773094, + -0.1938224881887436, + 2.407917022705078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/56.png", + [ + 0.19132934510707855, + 0.04321879893541336, + -0.0920494794845581, + 1.129771113395691, + 0.030102564021945, + -0.21141287684440613, + -0.036692291498184204, + 0.4228360652923584, + -0.09713292866945267, + 0.01961183361709118, + -0.1926874816417694, + 2.411146640777588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/30.png", + [ + 0.18929056823253632, + 0.018305964767932892, + -0.10383576154708862, + 1.2260634899139404, + 0.0021707634441554546, + -0.21401533484458923, + -0.033773064613342285, + 0.37283438444137573, + -0.10541471838951111, + 0.028464432805776596, + -0.1871507614850998, + 2.271275520324707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/17.png", + [ + 0.18990610539913177, + 0.027301982045173645, + -0.10068844258785248, + 1.2079273462295532, + 0.005346160847693682, + -0.211395263671875, + -0.04723721742630005, + 0.5423898696899414, + -0.10418722778558731, + 0.03891706466674805, + -0.18595260381698608, + 2.270946502685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/12.png", + [ + 0.18874363601207733, + 0.03338821977376938, + -0.10103942453861237, + 1.220321774482727, + 0.0212787464261055, + -0.2134198099374771, + -0.030774910002946854, + 0.33508580923080444, + -0.10426386445760727, + 0.016885116696357727, + -0.18918730318546295, + 2.3357319831848145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/114.png", + [ + 0.20230534672737122, + 0.03831416741013527, + -0.067471943795681, + 0.8053664565086365, + 0.027716532349586487, + -0.21166911721229553, + -0.037092797458171844, + 0.41716423630714417, + -0.07247228920459747, + 0.02600204385817051, + -0.20253285765647888, + 2.4522085189819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/27.png", + [ + 0.19094516336917877, + 0.022104177623987198, + -0.09999623149633408, + 1.1849287748336792, + -0.00040063975029625, + -0.21140450239181519, + -0.047496020793914795, + 0.5375727415084839, + -0.10240937769412994, + 0.04204091057181358, + -0.18625995516777039, + 2.2656021118164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/42.png", + [ + 0.18455903232097626, + 0.032204270362854004, + -0.10885194689035416, + 1.3045505285263062, + 0.016551190987229347, + -0.21318607032299042, + -0.035009291023015976, + 0.394152969121933, + -0.11230280250310898, + 0.021505292505025864, + -0.18404753506183624, + 2.2579517364501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/7.png", + [ + 0.18765759468078613, + 0.0320512056350708, + -0.10346613824367523, + 1.2493523359298706, + 0.014214164577424526, + -0.21246854960918427, + -0.04003703594207764, + 0.46048858761787415, + -0.10738006979227066, + 0.02788775973021984, + -0.18611739575862885, + 2.3092989921569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/73.png", + [ + 0.1978742778301239, + 0.04118676483631134, + -0.07808534801006317, + 0.9387879371643066, + 0.02737627923488617, + -0.21082864701747894, + -0.04182971641421318, + 0.4790383279323578, + -0.08392979204654694, + 0.0283343642950058, + -0.1977393478155136, + 2.4178853034973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/120.png", + [ + 0.2022981196641922, + 0.03766017407178879, + -0.06786077469587326, + 0.8129191398620605, + 0.027950091287493706, + -0.21209539473056793, + -0.034383624792099, + 0.3881346583366394, + -0.07240279763936996, + 0.023348495364189148, + -0.20288071036338806, + 2.472229480743408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/46.png", + [ + 0.18721003830432892, + 0.03408695384860039, + -0.10362610965967178, + 1.2511543035507202, + 0.018102528527379036, + -0.21267877519130707, + -0.037255048751831055, + 0.42522045969963074, + -0.10757598280906677, + 0.023531250655651093, + -0.18660540878772736, + 2.3096108436584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/127.png", + [ + 0.20193104445934296, + 0.037972208112478256, + -0.06877398490905762, + 0.8219813108444214, + 0.028606988489627838, + -0.2122013419866562, + -0.0331682488322258, + 0.37252911925315857, + -0.0731668695807457, + 0.021831270307302475, + -0.2027754932641983, + 2.463082790374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/133.png", + [ + 0.2005266547203064, + 0.03986789658665657, + -0.07174615561962128, + 0.866083562374115, + 0.03056778572499752, + -0.21204732358455658, + -0.03239511698484421, + 0.36642584204673767, + -0.07617460936307907, + 0.019859101623296738, + -0.20186863839626312, + 2.484555721282959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/57.png", + [ + 0.19029827415943146, + 0.04447394236922264, + -0.09357637912034988, + 1.1496052742004395, + 0.031861066818237305, + -0.21133394539356232, + -0.03564733639359474, + 0.40583306550979614, + -0.09858672320842743, + 0.017547892406582832, + -0.1921474188566208, + 2.405855178833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/44.png", + [ + 0.18781833350658417, + 0.038238588720560074, + -0.1010444164276123, + 1.2079070806503296, + 0.023854661732912064, + -0.21232540905475616, + -0.036010708659887314, + 0.40324264764785767, + -0.10537134110927582, + 0.02009044773876667, + -0.18825820088386536, + 2.3184475898742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/113.png", + [ + 0.20317229628562927, + 0.03712935745716095, + -0.06550049781799316, + 0.7804203033447266, + 0.02664409577846527, + -0.21175475418567657, + -0.03738866001367569, + 0.4198663532733917, + -0.07042015343904495, + 0.027004264295101166, + -0.2031247615814209, + 2.45504093170166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/126.png", + [ + 0.20225130021572113, + 0.03756129369139671, + -0.06805477291345596, + 0.8126288056373596, + 0.02810557372868061, + -0.21220149099826813, + -0.033593129366636276, + 0.3773665726184845, + -0.07247330248355865, + 0.02252933569252491, + -0.20294813811779022, + 2.462660789489746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/29.png", + [ + 0.18954765796661377, + 0.024227362126111984, + -0.1021401658654213, + 1.2132502794265747, + 0.0041248248890042305, + -0.21238113939762115, + -0.04272153228521347, + 0.48112067580223083, + -0.10489311069250107, + 0.035428497940301895, + -0.1862529218196869, + 2.2673726081848145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/4.png", + [ + 0.18793223798274994, + 0.02923855558037758, + -0.10380017012357712, + 1.2468178272247314, + 0.01260407269001007, + -0.21308457851409912, + -0.037202008068561554, + 0.41682836413383484, + -0.10710044950246811, + 0.026228968054056168, + -0.18651923537254333, + 2.295769691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/55.png", + [ + 0.19100475311279297, + 0.04102204367518425, + -0.09371376782655716, + 1.1479264497756958, + 0.027033032849431038, + -0.21167509257793427, + -0.03756017982959747, + 0.43895259499549866, + -0.09866251051425934, + 0.021418318152427673, + -0.1917155534029007, + 2.399341106414795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/9.png", + [ + 0.1874111443758011, + 0.03287754952907562, + -0.10365340113639832, + 1.2597488164901733, + 0.017422646284103394, + -0.2129443883895874, + -0.036042142659425735, + 0.41224467754364014, + -0.1073378399014473, + 0.02283969521522522, + -0.1868283450603485, + 2.3212223052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/25.png", + [ + 0.1876576840877533, + 0.025879910215735435, + -0.10517947375774384, + 1.2539597749710083, + 0.0006608968833461404, + -0.21066877245903015, + -0.05065689980983734, + 0.5728420615196228, + -0.10831460356712341, + 0.04355214163661003, + -0.1825350522994995, + 2.219241142272949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/99.png", + [ + 0.21130457520484924, + 0.027703354135155678, + -0.03912537544965744, + 0.4523516297340393, + 0.021310575306415558, + -0.2126816213130951, + -0.035500530153512955, + 0.3965091407299042, + -0.04294333606958389, + 0.03077259287238121, + -0.21013522148132324, + 2.478175640106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/34.png", + [ + 0.18943732976913452, + 0.02147204987704754, + -0.10295800119638443, + 1.217768907546997, + 0.005349044222384691, + -0.2138034701347351, + -0.034747082740068436, + 0.3847671449184418, + -0.10503707826137543, + 0.027837444096803665, + -0.1874571591615677, + 2.2638988494873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/72.png", + [ + 0.19659247994422913, + 0.04022588953375816, + -0.08173836022615433, + 0.9834074974060059, + 0.02573820762336254, + -0.21101266145706177, + -0.041941557079553604, + 0.48039618134498596, + -0.08738894015550613, + 0.028344793245196342, + -0.1962336301803589, + 2.4027652740478516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/102.png", + [ + 0.21032869815826416, + 0.029088221490383148, + -0.04316956549882889, + 0.5054396986961365, + 0.021757273003458977, + -0.21236495673656464, + -0.037089575082063675, + 0.41359615325927734, + -0.04729013890028, + 0.03166845068335533, + -0.20906612277030945, + 2.4780149459838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/134.png", + [ + 0.19998379051685333, + 0.04032767936587334, + -0.07299353182315826, + 0.8851310610771179, + 0.030980804935097694, + -0.21200920641422272, + -0.032251905649900436, + 0.3644768297672272, + -0.07742459326982498, + 0.019330643117427826, + -0.20144392549991608, + 2.4904885292053223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/70.png", + [ + 0.19486869871616364, + 0.0419105589389801, + -0.08495637029409409, + 1.020654320716858, + 0.026200540363788605, + -0.21058067679405212, + -0.04378587380051613, + 0.5026130080223083, + -0.09103631973266602, + 0.02910628356039524, + -0.19445592164993286, + 2.380155563354492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/135.png", + [ + 0.20015276968479156, + 0.041005976498126984, + -0.07214759290218353, + 0.8756223917007446, + 0.03178277984261513, + -0.21188955008983612, + -0.03225785121321678, + 0.36472654342651367, + -0.07665910571813583, + 0.019215203821659088, + -0.20174750685691833, + 2.500917434692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/130.png", + [ + 0.20168393850326538, + 0.0379939042031765, + -0.0694834291934967, + 0.8324897885322571, + 0.028538590297102928, + -0.21220579743385315, + -0.03319857642054558, + 0.3742612600326538, + -0.07387173175811768, + 0.021749939769506454, + -0.20252852141857147, + 2.466477870941162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/90.png", + [ + 0.20978155732154846, + 0.027166927233338356, + -0.04692068696022034, + 0.5508944392204285, + 0.019989460706710815, + -0.21305684745311737, + -0.033986713737249374, + 0.3880614936351776, + -0.05039855092763901, + 0.028576793149113655, + -0.20878517627716064, + 2.4735794067382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/122.png", + [ + 0.20276784896850586, + 0.037405721843242645, + -0.06658751517534256, + 0.7970005869865417, + 0.02755717560648918, + -0.21201536059379578, + -0.03518494963645935, + 0.3977592885494232, + -0.07122982293367386, + 0.024457935243844986, + -0.2031649947166443, + 2.47074031829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/15.png", + [ + 0.1892997920513153, + 0.026380736380815506, + -0.10206634551286697, + 1.2310880422592163, + 0.006195893976837397, + -0.21220222115516663, + -0.04335580766201019, + 0.5026696920394897, + -0.10523828119039536, + 0.0349595732986927, + -0.1861467957496643, + 2.2845568656921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/22.png", + [ + 0.18640881776809692, + 0.026914121583104134, + -0.1071227639913559, + 1.276018500328064, + -0.0023800302296876907, + -0.20911596715450287, + -0.05668105557560921, + 0.657305896282196, + -0.1104264035820961, + 0.049940332770347595, + -0.17961032688617706, + 2.1841492652893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/138.png", + [ + 0.1990741789340973, + 0.04202410206198692, + -0.07450732588768005, + 0.9166622161865234, + 0.03179610148072243, + -0.2115555852651596, + -0.03436776623129845, + 0.3969598114490509, + -0.07941267639398575, + 0.020642444491386414, + -0.2005378007888794, + 2.515404224395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/109.png", + [ + 0.206215962767601, + 0.03562130033969879, + -0.05616045743227005, + 0.6660073399543762, + 0.02572777308523655, + -0.21145616471767426, + -0.03965185210108757, + 0.4450248181819916, + -0.061326634138822556, + 0.031069448217749596, + -0.20547902584075928, + 2.463961124420166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/26.png", + [ + 0.18921802937984467, + 0.023301145061850548, + -0.10296354442834854, + 1.2236868143081665, + 0.0003647587727755308, + -0.2114737182855606, + -0.047187190502882004, + 0.5296532511711121, + -0.10556657612323761, + 0.041034385561943054, + -0.1847153902053833, + 2.2484045028686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/43.png", + [ + 0.1866195797920227, + 0.03469955921173096, + -0.10448430478572845, + 1.2494914531707764, + 0.020142246037721634, + -0.212921604514122, + -0.034735824912786484, + 0.3881872594356537, + -0.10823732614517212, + 0.020204655826091766, + -0.1866128295660019, + 2.2947912216186523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/84.png", + [ + 0.20612752437591553, + 0.032997746020555496, + -0.058055900037288666, + 0.6814432740211487, + 0.024838579818606377, + -0.21274332702159882, + -0.03272942081093788, + 0.3744555711746216, + -0.06198696047067642, + 0.02448098175227642, + -0.20617030560970306, + 2.4672675132751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/136.png", + [ + 0.19912369549274445, + 0.04198181629180908, + -0.07439875602722168, + 0.907099187374115, + 0.03291551396250725, + -0.2118394523859024, + -0.03144066408276558, + 0.35723763704299927, + -0.0788303017616272, + 0.01759185455739498, + -0.20105771720409393, + 2.5042295455932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/89.png", + [ + 0.2088838517665863, + 0.029063135385513306, + -0.049706801772117615, + 0.5837628245353699, + 0.021692264825105667, + -0.21298712491989136, + -0.03337392956018448, + 0.3818698823451996, + -0.053337402641773224, + 0.027197565883398056, + -0.2082386016845703, + 2.469871997833252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/63.png", + [ + 0.19443945586681366, + 0.04301965609192848, + -0.08538443595170975, + 1.0353593826293945, + 0.027384281158447266, + -0.2104533463716507, + -0.04367358610033989, + 0.5043167471885681, + -0.09160400927066803, + 0.028400536626577377, + -0.19429363310337067, + 2.4014430046081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/88.png", + [ + 0.20825621485710144, + 0.029714684933423996, + -0.05190650373697281, + 0.6110851168632507, + 0.022153623402118683, + -0.21299073100090027, + -0.03304639086127281, + 0.38032764196395874, + -0.055555958300828934, + 0.026455333456397057, + -0.20775356888771057, + 2.4765491485595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/62.png", + [ + 0.19407320022583008, + 0.0430317185819149, + -0.08620763570070267, + 1.0459165573120117, + 0.027330437675118446, + -0.21048785746097565, + -0.043540794402360916, + 0.5035191774368286, + -0.09239335358142853, + 0.028125161305069923, + -0.19395962357521057, + 2.4004478454589844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/65.png", + [ + 0.19557487964630127, + 0.04315022751688957, + -0.08268259465694427, + 0.9992749691009521, + 0.02778512053191662, + -0.21032412350177765, + -0.04404145106673241, + 0.5053399205207825, + -0.08902999758720398, + 0.029149960726499557, + -0.19537612795829773, + 2.4049177169799805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/80.png", + [ + 0.2013530731201172, + 0.03574128448963165, + -0.07160584628582001, + 0.8482351303100586, + 0.027442526072263718, + -0.2129475325345993, + -0.02912304922938347, + 0.3310912847518921, + -0.07517808675765991, + 0.017994586378335953, + -0.20241625607013702, + 2.4426426887512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/119.png", + [ + 0.20181778073310852, + 0.03846905753016472, + -0.06883034110069275, + 0.8261607885360718, + 0.028474969789385796, + -0.21193186938762665, + -0.03495645523071289, + 0.3956791162490845, + -0.07352998852729797, + 0.023514024913311005, + -0.20245574414730072, + 2.471712589263916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/79.png", + [ + 0.20213568210601807, + 0.03503376618027687, + -0.06972584873437881, + 0.8262726068496704, + 0.026698842644691467, + -0.21297504007816315, + -0.029609229415655136, + 0.3350965976715088, + -0.07332278788089752, + 0.01903075911104679, + -0.2030012160539627, + 2.452688217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/116.png", + [ + 0.2014935165643692, + 0.038766056299209595, + -0.06960926949977875, + 0.834086537361145, + 0.028316449373960495, + -0.21178215742111206, + -0.03597763180732727, + 0.40568503737449646, + -0.07447439432144165, + 0.024359898641705513, + -0.20201003551483154, + 2.460089683532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/19.png", + [ + 0.19099225103855133, + 0.026141906157135963, + -0.09892652928829193, + 1.179828405380249, + 0.0044707790948450565, + -0.21141578257083893, + -0.04723634570837021, + 0.5310500860214233, + -0.10222460329532623, + 0.03959622234106064, + -0.18689613044261932, + 2.271885871887207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/77.png", + [ + 0.2000255137681961, + 0.03631644695997238, + -0.07495870441198349, + 0.896130383014679, + 0.02562539651989937, + -0.21236850321292877, + -0.03450881317257881, + 0.39420628547668457, + -0.0792529508471489, + 0.022992059588432312, + -0.20034527778625488, + 2.4432058334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/68.png", + [ + 0.19615189731121063, + 0.04205489158630371, + -0.08187618106603622, + 0.9856756329536438, + 0.026417452841997147, + -0.2103496491909027, + -0.044755347073078156, + 0.5139229893684387, + -0.0881727933883667, + 0.030533740296959877, + -0.19555342197418213, + 2.3970179557800293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/86.png", + [ + 0.20675358176231384, + 0.030969392508268356, + -0.05693630129098892, + 0.6698317527770996, + 0.023689020425081253, + -0.21327811479568481, + -0.02998620830476284, + 0.3435060977935791, + -0.060329727828502655, + 0.022388366982340813, + -0.20689848065376282, + 2.4715938568115234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/1.png", + [ + 0.1862010657787323, + 0.031055346131324768, + -0.10636083036661148, + 1.2775155305862427, + 0.008033921010792255, + -0.21122661232948303, + -0.04760954529047012, + 0.5474022626876831, + -0.11051025986671448, + 0.03696995973587036, + -0.1826707422733307, + 2.2371201515197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/81.png", + [ + 0.20203351974487305, + 0.035111065953969955, + -0.06998264044523239, + 0.8277455568313599, + 0.027116183191537857, + -0.21305860579013824, + -0.028611890971660614, + 0.3253987729549408, + -0.07345113158226013, + 0.017920412123203278, + -0.20305585861206055, + 2.4454193115234375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/95.png", + [ + 0.21116982400417328, + 0.02504684403538704, + -0.04156753420829773, + 0.48343756794929504, + 0.01837148889899254, + -0.2130328118801117, + -0.03503445163369179, + 0.39391642808914185, + -0.0449187308549881, + 0.030619923025369644, + -0.2097441852092743, + 2.4735074043273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/103.png", + [ + 0.20925219357013702, + 0.031318094581365585, + -0.04669680818915367, + 0.5495631098747253, + 0.022716499865055084, + -0.21170009672641754, + -0.04018618166446686, + 0.45063117146492004, + -0.05143321305513382, + 0.03391379117965698, + -0.20773150026798248, + 2.4752092361450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/83.png", + [ + 0.20547261834144592, + 0.033684663474559784, + -0.05995192751288414, + 0.7042218446731567, + 0.025889026001095772, + -0.21289347112178802, + -0.030887391418218613, + 0.3546698987483978, + -0.06370753794908524, + 0.022127266973257065, + -0.20591169595718384, + 2.471867084503174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/51.png", + [ + 0.19096899032592773, + 0.03640146180987358, + -0.0956747978925705, + 1.1704636812210083, + 0.025884943082928658, + -0.21310271322727203, + -0.029412437230348587, + 0.32688069343566895, + -0.09903889149427414, + 0.014493287540972233, + -0.19216954708099365, + 2.401360511779785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/128.png", + [ + 0.20185285806655884, + 0.03682403266429901, + -0.06962265074253082, + 0.8333000540733337, + 0.02724984660744667, + -0.21235711872577667, + -0.03331367298960686, + 0.37454089522361755, + -0.07389701902866364, + 0.022278813645243645, + -0.20246180891990662, + 2.4609031677246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/93.png", + [ + 0.2105102837085724, + 0.02647150121629238, + -0.043961022049188614, + 0.5142226219177246, + 0.019657429307699203, + -0.21305930614471436, + -0.03416455537080765, + 0.3872710168361664, + -0.047401443123817444, + 0.029204294085502625, + -0.20939941704273224, + 2.4750542640686035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/76.png", + [ + 0.15523315966129303, + 0.032580602914094925, + 0.14761118590831757, + -1.6292259693145752, + 0.023120570927858353, + -0.21420997381210327, + 0.02296581119298935, + -0.26354190707206726, + 0.14938540756702423, + -0.0007024432998150587, + -0.15694394707679749, + 1.7920920848846436, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/48.png", + [ + 0.16958050429821014, + 0.028168940916657448, + 0.13189710676670074, + -1.4107699394226074, + 0.026772014796733856, + -0.21471007168293, + 0.011434239335358143, + -0.12887030839920044, + 0.13218772411346436, + 0.0073480079881846905, + -0.17152346670627594, + 1.9062236547470093, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/137.png", + [ + 0.18426722288131714, + 0.00035228737397119403, + 0.11398841440677643, + -1.2501729726791382, + 0.003048031823709607, + -0.2166113406419754, + -0.004257826134562492, + 0.037275295704603195, + 0.11394820362329483, + 0.005224507302045822, + -0.1842183619737625, + 2.0746092796325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/173.png", + [ + 0.1652330905199051, + 0.030926194041967392, + 0.13670951128005981, + -1.436199426651001, + 0.026700692251324654, + -0.21440963447093964, + 0.016231760382652283, + -0.18327437341213226, + 0.1375972181558609, + 0.004468520171940327, + -0.16731683909893036, + 1.8101059198379517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/35.png", + [ + 0.16600248217582703, + 0.023820459842681885, + 0.1371993124485016, + -1.5214354991912842, + 0.025014987215399742, + -0.21510930359363556, + 0.007080595009028912, + -0.09576641023159027, + 0.13698656857013702, + 0.010414889082312584, + -0.16755329072475433, + 1.9317270517349243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/124.png", + [ + 0.19250929355621338, + -0.0019277126993983984, + 0.09942007809877396, + -1.0633649826049805, + 0.0004323405446484685, + -0.21661563217639923, + -0.0050372350960969925, + 0.04756836220622063, + 0.09943782538175583, + 0.0046738190576434135, + -0.1924530267715454, + 2.1334614753723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/97.png", + [ + 0.17033043503761292, + 0.02934934012591839, + 0.13066771626472473, + -1.449194312095642, + 0.023556696251034737, + -0.21467724442481995, + 0.017511697486042976, + -0.20041829347610474, + 0.1318351924419403, + 0.00043993795407004654, + -0.17195110023021698, + 1.9743155241012573, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/155.png", + [ + 0.17496666312217712, + 0.024117184802889824, + 0.12551063299179077, + -1.3720813989639282, + 0.031430866569280624, + -0.21436676383018494, + -0.002624725690111518, + 0.024928908795118332, + 0.12388163059949875, + 0.02032608538866043, + -0.17660148441791534, + 1.9786063432693481, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/13.png", + [ + 0.16912361979484558, + 0.03369375318288803, + 0.13118621706962585, + -1.4291038513183594, + 0.02868715114891529, + -0.21401292085647583, + 0.017983773723244667, + -0.20443853735923767, + 0.13237124681472778, + 0.003331617685034871, + -0.17150700092315674, + 1.9312862157821655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/32.png", + [ + 0.1668955534696579, + 0.021279525011777878, + 0.13653185963630676, + -1.5109540224075317, + 0.022114485502243042, + -0.2154437005519867, + 0.006545946933329105, + -0.0893150120973587, + 0.13639912009239197, + 0.008892795071005821, + -0.16811929643154144, + 1.9310113191604614, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/158.png", + [ + 0.1761854887008667, + 0.02554982900619507, + 0.12350616604089737, + -1.3565043210983276, + 0.03325307369232178, + -0.21408459544181824, + -0.0031486961524933577, + 0.031964261084795, + 0.12165854126214981, + 0.021514812484383583, + -0.1780005693435669, + 1.9984997510910034, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/38.png", + [ + 0.16680960357189178, + 0.022999748587608337, + 0.13635782897472382, + -1.5057839155197144, + 0.022291287779808044, + -0.21533477306365967, + 0.009051511995494366, + -0.11438962817192078, + 0.13647544384002686, + 0.007059951778501272, + -0.16814428567886353, + 1.927688717842102, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/148.png", + [ + 0.1782132238149643, + 0.014245127327740192, + 0.12241330742835999, + -1.3219515085220337, + 0.012569998390972614, + -0.21620093286037445, + 0.00685930298641324, + -0.08679579198360443, + 0.1225966289639473, + 0.0014598678098991513, + -0.17864999175071716, + 1.9938873052597046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/111.png", + [ + 0.16142413020133972, + 0.014263606630265713, + 0.14382869005203247, + -1.4955599308013916, + 0.011044764891266823, + -0.21620383858680725, + 0.00904516875743866, + -0.10309085249900818, + 0.14411160349845886, + 0.000592805037740618, + -0.16180042922496796, + 1.739807367324829, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/164.png", + [ + 0.17844058573246002, + 0.017677918076515198, + 0.12163196504116058, + -1.321153163909912, + 0.015074478462338448, + -0.21595069766044617, + 0.009271080605685711, + -0.1183183342218399, + 0.12198199331760406, + 0.0008270546095445752, + -0.17907428741455078, + 2.013363838195801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/11.png", + [ + 0.16843515634536743, + 0.03375597670674324, + 0.13205310702323914, + -1.4483507871627808, + 0.028500430285930634, + -0.21400655806064606, + 0.018352653831243515, + -0.20751269161701202, + 0.1332862228155136, + 0.003102983580902219, + -0.17080120742321014, + 1.9345520734786987, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/125.png", + [ + 0.19310466945171356, + -0.002658185549080372, + 0.09824160486459732, + -1.0502879619598389, + 5.1574097597040236e-05, + -0.21659259498119354, + -0.0059618582017719746, + 0.05756012722849846, + 0.09827754646539688, + 0.0053367093205451965, + -0.1930309236049652, + 2.1387672424316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/59.png", + [ + 0.1554073840379715, + 0.03333175554871559, + 0.14725971221923828, + -1.564503788948059, + 0.02918347343802452, + -0.21397489309310913, + 0.01763436198234558, + -0.19813629984855652, + 0.148137629032135, + 0.007186070084571838, + -0.1579604148864746, + 1.7554545402526855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/105.png", + [ + 0.17138947546482086, + 0.02368508093059063, + 0.13043221831321716, + -1.3861218690872192, + 0.024292388930916786, + -0.2151896208524704, + 0.007155629340559244, + -0.08823306858539581, + 0.1303204745054245, + 0.008963257074356079, + -0.17287027835845947, + 1.8940516710281372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/121.png", + [ + 0.18955883383750916, + 0.002525119809433818, + 0.10492362827062607, + -1.1161208152770996, + 0.004118295386433601, + -0.21662403643131256, + -0.002226931042969227, + 0.01491665467619896, + 0.1048731803894043, + 0.003942505922168493, + -0.18956255912780762, + 2.088812828063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/175.png", + [ + 0.1602758765220642, + 0.03428191319108009, + 0.1417190283536911, + -1.4786708354949951, + 0.02679389901459217, + -0.21393899619579315, + 0.02144964598119259, + -0.23239785432815552, + 0.14332348108291626, + 0.0016584523255005479, + -0.1624916046857834, + 1.7466658353805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/24.png", + [ + 0.16214783489704132, + 0.03479548543691635, + 0.1394461989402771, + -1.5590102672576904, + 0.034240901470184326, + -0.2135278433561325, + 0.01346552837640047, + -0.1615532487630844, + 0.13958342373371124, + 0.011959673836827278, + -0.16529163718223572, + 1.9157651662826538, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/74.png", + [ + 0.15563398599624634, + 0.03206770867109299, + 0.14730112254619598, + -1.624861478805542, + 0.02356879413127899, + -0.21428810060024261, + 0.02174880914390087, + -0.2433060109615326, + 0.14889751374721527, + 0.00040085651562549174, + -0.1574079394340515, + 1.7963351011276245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/129.png", + [ + 0.19599328935146332, + -0.0033051245845854282, + 0.09232334047555923, + -0.983381986618042, + -0.0007137767388485372, + -0.21658363938331604, + -0.006238296162337065, + 0.0593213327229023, + 0.09237972646951675, + 0.00533872377127409, + -0.1959218680858612, + 2.16225004196167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/172.png", + [ + 0.165577232837677, + 0.02309727668762207, + 0.13783536851406097, + -1.4524421691894531, + 0.021278977394104004, + -0.2153700590133667, + 0.010528123937547207, + -0.1265660971403122, + 0.13812775909900665, + 0.0054910858161747456, + -0.16684861481189728, + 1.8126327991485596, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/153.png", + [ + 0.17533354461193085, + 0.02281518280506134, + 0.12524181604385376, + -1.3638038635253906, + 0.027565039694309235, + -0.21491336822509766, + 0.0005606106715276837, + -0.011078113690018654, + 0.12428279966115952, + 0.015479438938200474, + -0.1768108308315277, + 1.9768925905227661, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/144.png", + [ + 0.18036207556724548, + 0.007212038617581129, + 0.11985576152801514, + -1.3098666667938232, + 0.006246278993785381, + -0.21655412018299103, + 0.0036310742143541574, + -0.05172034353017807, + 0.11990997940301895, + 0.00043265102431178093, + -0.18046966195106506, + 2.0272440910339355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/98.png", + [ + 0.17181722819805145, + 0.02743563801050186, + 0.12912790477275848, + -1.4293705224990845, + 0.02359379082918167, + -0.21491310000419617, + 0.014268474653363228, + -0.16409195959568024, + 0.12988482415676117, + 0.0027462709695100784, + -0.17340785264968872, + 1.986470103263855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/0.png", + [ + 0.16999493539333344, + 0.02964049018919468, + 0.1310383826494217, + -1.4590402841567993, + 0.02430885285139084, + -0.21463343501091003, + 0.017013780772686005, + -0.19512352347373962, + 0.13213135302066803, + 0.0013528858544304967, + -0.17171886563301086, + 1.9799748659133911, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/163.png", + [ + 0.17788265645503998, + 0.02106642536818981, + 0.12190920114517212, + -1.3282012939453125, + 0.018539151176810265, + -0.21563836932182312, + 0.010211990214884281, + -0.12757450342178345, + 0.1223190501332283, + 0.0020471117459237576, + -0.1788344383239746, + 2.0150580406188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/96.png", + [ + 0.1685851365327835, + 0.029133789241313934, + 0.1329592764377594, + -1.4756829738616943, + 0.023670941591262817, + -0.2147032618522644, + 0.017031917348504066, + -0.1949375569820404, + 0.13403965532779694, + 0.0012735340278595686, + -0.1702340841293335, + 1.9590579271316528, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/100.png", + [ + 0.17359280586242676, + 0.026508469134569168, + 0.12692809104919434, + -1.3956103324890137, + 0.02482302486896515, + -0.21496950089931488, + 0.010946469381451607, + -0.12604376673698425, + 0.12726841866970062, + 0.005771373864263296, + -0.17526361346244812, + 1.9876595735549927, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/40.png", + [ + 0.16795822978019714, + 0.024136437103152275, + 0.13474184274673462, + -1.4783976078033447, + 0.0231121014803648, + -0.21521803736686707, + 0.009742552414536476, + -0.12184624373912811, + 0.13492132723331451, + 0.006820480804890394, + -0.16940370202064514, + 1.9281631708145142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/141.png", + [ + 0.18030966818332672, + 0.006446341518312693, + 0.11997818201780319, + -1.3220155239105225, + 0.006045414600521326, + -0.2165752500295639, + 0.002551058540120721, + -0.03758044168353081, + 0.11999905109405518, + 0.0012245894176885486, + -0.1804068237543106, + 2.043591022491455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/52.png", + [ + 0.16923822462558746, + 0.02995520643889904, + 0.1319432109594345, + -1.4038426876068115, + 0.02892353944480419, + -0.21442291140556335, + 0.011581610888242722, + -0.13257108628749847, + 0.13217318058013916, + 0.008566823787987232, + -0.17147813737392426, + 1.8884254693984985, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/184.png", + [ + 0.15490710735321045, + 0.04210222512483597, + 0.1455303430557251, + -1.6044343709945679, + 0.020618902519345284, + -0.2120617777109146, + 0.039402492344379425, + -0.441805362701416, + 0.15008844435214996, + -0.014321251772344112, + -0.15561571717262268, + 1.7805594205856323, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/3.png", + [ + 0.1701904833316803, + 0.03315740078687668, + 0.12993723154067993, + -1.4483064413070679, + 0.02854529395699501, + -0.21409277617931366, + 0.017243875190615654, + -0.19508899748325348, + 0.1310277283191681, + 0.0035738025326281786, + -0.17253074049949646, + 1.9852410554885864, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/47.png", + [ + 0.1685715615749359, + 0.027734149247407913, + 0.13327540457248688, + -1.43306565284729, + 0.025459108874201775, + -0.2148103564977646, + 0.012499688193202019, + -0.14025436341762543, + 0.13372863829135895, + 0.005935078952461481, + -0.1703799068927765, + 1.8990973234176636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/104.png", + [ + 0.1706496626138687, + 0.02182561345398426, + 0.13172025978565216, + -1.4085841178894043, + 0.023179126903414726, + -0.21535703539848328, + 0.005654328037053347, + -0.07247547805309296, + 0.1314888298511505, + 0.009637730196118355, + -0.17194677889347076, + 1.8958731889724731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/21.png", + [ + 0.16387826204299927, + 0.02925040014088154, + 0.13869473338127136, + -1.5453922748565674, + 0.023238811641931534, + -0.21468664705753326, + 0.017818521708250046, + -0.20990629494190216, + 0.1398276388645172, + 0.001398559776134789, + -0.1655118465423584, + 1.9013344049453735, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/82.png", + [ + 0.1642034351825714, + 0.02348945289850235, + 0.13940364122390747, + -1.5119924545288086, + 0.024899983778595924, + -0.21512790024280548, + 0.006919285282492638, + -0.08905746042728424, + 0.13915862143039703, + 0.010776425711810589, + -0.16573062539100647, + 1.8609241247177124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/106.png", + [ + 0.1684292107820511, + 0.022178536280989647, + 0.13449017703533173, + -1.4194493293762207, + 0.022334346547722816, + -0.215388223528862, + 0.007548801600933075, + -0.09272857755422592, + 0.13446439802646637, + 0.007994992658495903, + -0.16971534490585327, + 1.851500391960144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/14.png", + [ + 0.1669558435678482, + 0.0347471721470356, + 0.1336648017168045, + -1.4518030881881714, + 0.029935812577605247, + -0.2138240933418274, + 0.01819346286356449, + -0.2057279795408249, + 0.13482390344142914, + 0.004448418039828539, + -0.16956005990505219, + 1.9053651094436646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/67.png", + [ + 0.13186077773571014, + 0.04026307910680771, + 0.16715115308761597, + -1.806618332862854, + 0.031869303435087204, + -0.21272294223308563, + 0.02609955333173275, + -0.29049068689346313, + 0.1689525693655014, + 0.008701913990080357, + -0.13537797331809998, + 1.5203136205673218, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/78.png", + [ + 0.1660037338733673, + 0.034104228019714355, + 0.13500945270061493, + -1.4827637672424316, + 0.027100102975964546, + -0.21397146582603455, + 0.020729010924696922, + -0.2438460886478424, + 0.13658782839775085, + 0.0010046245297417045, + -0.16819825768470764, + 1.9161545038223267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/31.png", + [ + 0.1676979660987854, + 0.022936515510082245, + 0.13527452945709229, + -1.4966398477554321, + 0.02358541078865528, + -0.2152647227048874, + 0.00726077426224947, + -0.09773571789264679, + 0.13516293466091156, + 0.00910530611872673, + -0.16910342872142792, + 1.9396711587905884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/152.png", + [ + 0.17832224071025848, + 0.02352035604417324, + 0.12081335484981537, + -1.3090788125991821, + 0.025635290890932083, + -0.21511484682559967, + 0.004041227977722883, + -0.04989084601402283, + 0.12038233131170273, + 0.010967804118990898, + -0.17982128262519836, + 2.00270414352417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/39.png", + [ + 0.16836905479431152, + 0.024177774786949158, + 0.1342206746339798, + -1.47606360912323, + 0.023851729929447174, + -0.2151762992143631, + 0.008840595372021198, + -0.11110904812812805, + 0.1342790126800537, + 0.007905462756752968, + -0.16986624896526337, + 1.936576008796692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/92.png", + [ + 0.16668376326560974, + 0.02919648215174675, + 0.1353217512369156, + -1.4995442628860474, + 0.023414641618728638, + -0.21469531953334808, + 0.01748061180114746, + -0.19929425418376923, + 0.13644108176231384, + 0.0011758452747017145, + -0.16831620037555695, + 1.9302631616592407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/53.png", + [ + 0.1645893007516861, + 0.02929884009063244, + 0.13783986866474152, + -1.4697680473327637, + 0.028077352792024612, + -0.21450847387313843, + 0.012069210410118103, + -0.13972242176532745, + 0.13809385895729065, + 0.008693753741681576, + -0.16674049198627472, + 1.8414249420166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/75.png", + [ + 0.15492472052574158, + 0.0357583723962307, + 0.1471990942955017, + -1.6233584880828857, + 0.026940153911709785, + -0.21369865536689758, + 0.023558713495731354, + -0.2663566470146179, + 0.149065300822258, + 0.0014572032960131764, + -0.15724283456802368, + 1.79233980178833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/151.png", + [ + 0.1774933934211731, + 0.022611236199736595, + 0.12219952791929245, + -1.3249987363815308, + 0.022453008219599724, + -0.21538646519184113, + 0.007241383660584688, + -0.08573301136493683, + 0.1222286969423294, + 0.006731055676937103, + -0.17878125607967377, + 1.9957889318466187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/87.png", + [ + 0.16813963651657104, + 0.027456996962428093, + 0.13387706875801086, + -1.4374306201934814, + 0.025253280997276306, + -0.2148435264825821, + 0.012346254661679268, + -0.1420341432094574, + 0.13431020081043243, + 0.006022579502314329, + -0.16991879045963287, + 1.8915997743606567, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/139.png", + [ + 0.180977001786232, + 0.004767527803778648, + 0.11904827505350113, + -1.311622977256775, + 0.00639365566894412, + -0.21657775342464447, + -0.0010463332291692495, + 0.0024288222193717957, + 0.11897201836109161, + 0.004386834800243378, + -0.18103677034378052, + 2.049589157104492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/107.png", + [ + 0.17178228497505188, + 0.019983820617198944, + 0.13053497672080994, + -1.361677885055542, + 0.019070222973823547, + -0.2156882882118225, + 0.007923923432826996, + -0.09514641761779785, + 0.13067157566547394, + 0.005206616595387459, + -0.17275913059711456, + 1.8644758462905884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/112.png", + [ + 0.1674170047044754, + 0.013789238408207893, + 0.13685503602027893, + -1.4170844554901123, + 0.010462055914103985, + -0.21623513102531433, + 0.00898901280015707, + -0.1021832823753357, + 0.13714951276779175, + -0.00033750582952052355, + -0.16774322092533112, + 1.793394923210144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/69.png", + [ + 0.149740532040596, + 0.041040483862161636, + 0.15113353729248047, + -1.636319875717163, + 0.03424296900629997, + -0.21262261271476746, + 0.02381056174635887, + -0.26398181915283203, + 0.15281715989112854, + 0.007429824210703373, + -0.15342622995376587, + 1.728505253791809, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/157.png", + [ + 0.17519676685333252, + 0.02583673968911171, + 0.12484569847583771, + -1.3695951700210571, + 0.033952780067920685, + -0.21397145092487335, + -0.0033648889511823654, + 0.03397640958428383, + 0.12288691103458405, + 0.022283993661403656, + -0.17705965042114258, + 1.9873350858688354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/45.png", + [ + 0.16839036345481873, + 0.024379102513194084, + 0.13415752351284027, + -1.4459331035614014, + 0.021198809146881104, + -0.21527187526226044, + 0.012511113658547401, + -0.14546144008636475, + 0.13469667732715607, + 0.0034024722408503294, + -0.16968536376953125, + 1.8942102193832397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/50.png", + [ + 0.17365410923957825, + 0.03143385797739029, + 0.12571419775485992, + -1.335443139076233, + 0.03028658777475357, + -0.2142266035079956, + 0.011729606427252293, + -0.13229404389858246, + 0.12599551677703857, + 0.008171513676643372, + -0.17608590424060822, + 1.9449633359909058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/101.png", + [ + 0.17134243249893188, + 0.024967893958091736, + 0.1302546262741089, + -1.4291677474975586, + 0.02538229525089264, + -0.21504025161266327, + 0.007831107825040817, + -0.09278257191181183, + 0.13017451763153076, + 0.009065944701433182, + -0.1729748696088791, + 1.954790472984314, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/85.png", + [ + 0.16517101228237152, + 0.02461838349699974, + 0.13805927336215973, + -1.4823822975158691, + 0.02408052422106266, + -0.21512047946453094, + 0.009550345130264759, + -0.11419838666915894, + 0.138154074549675, + 0.008063238114118576, + -0.16672228276729584, + 1.852896809577942, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/156.png", + [ + 0.1768309324979782, + 0.024568350985646248, + 0.12278077006340027, + -1.3429261445999146, + 0.032035067677497864, + -0.2142685353755951, + -0.003262448124587536, + 0.03285187855362892, + 0.12104739993810654, + 0.020815502852201462, + -0.17849968373775482, + 1.9973949193954468, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/181.png", + [ + 0.15534758567810059, + 0.03933054581284523, + 0.1458359658718109, + -1.5689733028411865, + 0.02051074616611004, + -0.21275538206100464, + 0.03552957996726036, + -0.3896681070327759, + 0.14964735507965088, + -0.011668327264487743, + -0.15626072883605957, + 1.7496975660324097, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/131.png", + [ + 0.19446325302124023, + -0.0021432023495435715, + 0.09553714096546173, + -1.024204134941101, + 0.0009210576536133885, + -0.21656803786754608, + -0.006733098533004522, + 0.06545521318912506, + 0.09555674344301224, + 0.006449004169553518, + -0.1943584829568863, + 2.1531171798706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/71.png", + [ + 0.15974439680576324, + 0.04073808342218399, + 0.14060592651367188, + -1.532057285308838, + 0.032245296984910965, + -0.21279604732990265, + 0.025019556283950806, + -0.27637767791748047, + 0.14279305934906006, + 0.002479039365425706, + -0.16294749081134796, + 1.8494482040405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/160.png", + [ + 0.17344583570957184, + 0.024694226682186127, + 0.12749364972114563, + -1.4043573141098022, + 0.030919084325432777, + -0.21445660293102264, + -0.0005250993417575955, + 0.0017281770706176758, + 0.12612870335578918, + 0.018613457679748535, + -0.1751941293478012, + 1.9787548780441284, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/115.png", + [ + 0.17598028481006622, + 0.012366066686809063, + 0.12580110132694244, + -1.2992100715637207, + 0.011524157598614693, + -0.21630685031414032, + 0.005141770001500845, + -0.06692254543304443, + 0.12588101625442505, + 0.002514836611226201, + -0.1763392835855484, + 1.8853858709335327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/54.png", + [ + 0.15955126285552979, + 0.02707057073712349, + 0.14407800137996674, + -1.5371092557907104, + 0.025039097294211388, + -0.2148515284061432, + 0.012639916501939297, + -0.14511631429195404, + 0.14444491267204285, + 0.007342197932302952, + -0.16133709251880646, + 1.7817045450210571, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/33.png", + [ + 0.1664200872182846, + 0.022460531443357468, + 0.13692250847816467, + -1.5173873901367188, + 0.02411593496799469, + -0.215244859457016, + 0.00599710363894701, + -0.08306880295276642, + 0.13664065301418304, + 0.010633339174091816, + -0.16782179474830627, + 1.9305280447006226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/159.png", + [ + 0.17553600668907166, + 0.02343515306711197, + 0.12484310567378998, + -1.37327241897583, + 0.031107446178793907, + -0.21440155804157257, + -0.0034919294994324446, + 0.03612469509243965, + 0.12315573543310165, + 0.020752355456352234, + -0.17705903947353363, + 1.9913448095321655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/177.png", + [ + 0.1599804162979126, + 0.031388744711875916, + 0.14271968603134155, + -1.4965680837631226, + 0.02364485152065754, + -0.21438872814178467, + 0.020646627992391586, + -0.22183911502361298, + 0.1442050039768219, + 0.0003301231190562248, + -0.1617179811000824, + 1.7509796619415283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/49.png", + [ + 0.17170307040214539, + 0.030016746371984482, + 0.12870484590530396, + -1.3712176084518433, + 0.028919577598571777, + -0.21443164348602295, + 0.01142894010990858, + -0.12846678495407104, + 0.12895581126213074, + 0.00812141876667738, + -0.17393198609352112, + 1.9281975030899048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/118.png", + [ + 0.18229281902313232, + 0.007834128104150295, + 0.11685822904109955, + -1.2258894443511963, + 0.007791857700794935, + -0.21652160584926605, + 0.0023606226313859224, + -0.036305077373981476, + 0.11686106771230698, + 0.0022163100074976683, + -0.18244580924510956, + 1.9854873418807983, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/179.png", + [ + 0.15630985796451569, + 0.035874977707862854, + 0.1456986665725708, + -1.5427963733673096, + 0.025248859077692032, + -0.2136792242527008, + 0.02552591636776924, + -0.2749424874782562, + 0.14791083335876465, + -0.0014363850932568312, + -0.15832944214344025, + 1.7367513179779053, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/110.png", + [ + 0.16142907738685608, + 0.01561275776475668, + 0.14368292689323425, + -1.4962499141693115, + 0.011667856946587563, + -0.21611139178276062, + 0.010373977944254875, + -0.11779093742370605, + 0.14405696094036102, + 8.353863449883647e-06, + -0.1618501842021942, + 1.742800235748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/18.png", + [ + 0.16721342504024506, + 0.034299712628126144, + 0.1334581971168518, + -1.4596704244613647, + 0.02334059402346611, + -0.2138725072145462, + 0.025722702965140343, + -0.2934000790119171, + 0.1358041763305664, + -0.005474511533975601, + -0.16874578595161438, + 1.9125241041183472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/66.png", + [ + 0.1290617734193802, + 0.03934439271688461, + 0.1695375144481659, + -1.8335810899734497, + 0.031925685703754425, + -0.21283607184886932, + 0.025088954716920853, + -0.2824409604072571, + 0.1710897535085678, + 0.010036137886345387, + -0.1325725018978119, + 1.4888793230056763, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/16.png", + [ + 0.16781282424926758, + 0.033267535269260406, + 0.13296622037887573, + -1.4395537376403809, + 0.02600950002670288, + -0.21410547196865082, + 0.02074236050248146, + -0.23557326197624207, + 0.13457432389259338, + -0.00010361062595620751, + -0.16981644928455353, + 1.9085899591445923, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/94.png", + [ + 0.16500402987003326, + 0.029717735946178436, + 0.13725310564041138, + -1.5286667346954346, + 0.022797849029302597, + -0.2146269977092743, + 0.019063252955675125, + -0.21707965433597565, + 0.1385706067085266, + -7.586591527797282e-05, + -0.1665714979171753, + 1.9180530309677124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/28.png", + [ + 0.16126443445682526, + 0.018293267115950584, + 0.1435515135526657, + -1.5948337316513062, + 0.017430296167731285, + -0.21582704782485962, + 0.007922560907900333, + -0.10750921070575714, + 0.143658846616745, + 0.005651414860039949, + -0.16210518777370453, + 1.8666623830795288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/61.png", + [ + 0.15932394564151764, + 0.03570333123207092, + 0.14243963360786438, + -1.5247822999954224, + 0.03188471123576164, + -0.21356961131095886, + 0.017868271097540855, + -0.20365555584430695, + 0.1433427333831787, + 0.007821876555681229, + -0.16229470074176788, + 1.818976879119873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/132.png", + [ + 0.1925390064716339, + -0.0013981788652017713, + 0.09937135130167007, + -1.06656014919281, + 0.0019348663045093417, + -0.21655938029289246, + -0.006795982364565134, + 0.06581766903400421, + 0.09936235845088959, + 0.006926339585334063, + -0.19242411851882935, + 2.133850574493408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/58.png", + [ + 0.1483234316110611, + 0.03442391753196716, + 0.15415266156196594, + -1.6446937322616577, + 0.03004973568022251, + -0.2137538641691208, + 0.018820077180862427, + -0.20930352807044983, + 0.15506470203399658, + 0.0084956344217062, + -0.15109816193580627, + 1.6822526454925537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/123.png", + [ + 0.19147945940494537, + -0.0013040275080129504, + 0.10139927268028259, + -1.0840532779693604, + 0.0008606005576439202, + -0.21662801504135132, + -0.004411040339618921, + 0.040323082357645035, + 0.10140399634838104, + 0.004300863016396761, + -0.19143308699131012, + 2.119926929473877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/64.png", + [ + 0.12451613694429398, + 0.03592726215720177, + 0.1736457794904709, + -1.8890337944030762, + 0.02867824211716652, + -0.2134675532579422, + 0.02360207587480545, + -0.2687663733959198, + 0.17498908936977386, + 0.009419732727110386, + -0.1274283230304718, + 1.4393572807312012, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/10.png", + [ + 0.16959083080291748, + 0.031780634075403214, + 0.1310604214668274, + -1.4451755285263062, + 0.02692350745201111, + -0.21431191265583038, + 0.01712941564619541, + -0.19398553669452667, + 0.13214373588562012, + 0.0028781129512935877, + -0.17169053852558136, + 1.9536608457565308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/170.png", + [ + 0.17037992179393768, + 0.02224135771393776, + 0.13199959695339203, + -1.4041239023208618, + 0.02013898640871048, + -0.2154899686574936, + 0.010314501821994781, + -0.12077093124389648, + 0.13233664631843567, + 0.004158095922321081, + -0.17151561379432678, + 1.8784655332565308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/41.png", + [ + 0.17035697400569916, + 0.025568177923560143, + 0.13142547011375427, + -1.4340360164642334, + 0.02434326708316803, + -0.21505704522132874, + 0.01028394140303135, + -0.1263350546360016, + 0.13165786862373352, + 0.006679988000541925, + -0.17195777595043182, + 1.9433220624923706, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/166.png", + [ + 0.17522281408309937, + 0.015454313717782497, + 0.12651488184928894, + -1.3706793785095215, + 0.01472377497702837, + -0.2160903960466385, + 0.006003937683999538, + -0.0783495306968689, + 0.12660197913646698, + 0.0037417826242744923, + -0.17580054700374603, + 1.9661363363265991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/91.png", + [ + 0.16975289583206177, + 0.030345672741532326, + 0.13119065761566162, + -1.4413905143737793, + 0.024299737066030502, + -0.21453861892223358, + 0.018182456493377686, + -0.20614869892597198, + 0.1324438452720642, + 0.0004678601981140673, + -0.17148266732692719, + 1.954490303993225, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/140.png", + [ + 0.18088005483150482, + 0.006267895456403494, + 0.1191260814666748, + -1.3132060766220093, + 0.0065202913247048855, + -0.21657133102416992, + 0.0014946858864277601, + -0.02580331452190876, + 0.119112528860569, + 0.0023370422422885895, + -0.18098241090774536, + 2.0512304306030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/23.png", + [ + 0.16388511657714844, + 0.03685097396373749, + 0.1368633359670639, + -1.5286011695861816, + 0.03488048538565636, + -0.21327465772628784, + 0.015657860785722733, + -0.18563781678676605, + 0.1373787373304367, + 0.010189322754740715, + -0.1672457903623581, + 1.93911874294281, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/37.png", + [ + 0.16668201982975006, + 0.024345407262444496, + 0.13628019392490387, + -1.5100489854812622, + 0.024702798575162888, + -0.2151050865650177, + 0.008213285356760025, + -0.10574421286582947, + 0.13621586561203003, + 0.009218867868185043, + -0.16825024783611298, + 1.9359618425369263, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/178.png", + [ + 0.15662015974521637, + 0.03226510435342789, + 0.14620870351791382, + -1.5427359342575073, + 0.02471761964261532, + -0.2142525613307953, + 0.020803170278668404, + -0.22429507970809937, + 0.1476721316576004, + 0.001641792943701148, + -0.15855011343955994, + 1.7274590730667114, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/36.png", + [ + 0.16608767211437225, + 0.023115236312150955, + 0.13721683621406555, + -1.521571159362793, + 0.023946546018123627, + -0.2152245193719864, + 0.007271259557455778, + -0.09581358730792999, + 0.13707421720027924, + 0.009591353125870228, + -0.16753076016902924, + 1.9308725595474243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/182.png", + [ + 0.15891598165035248, + 0.040098048746585846, + 0.14172419905662537, + -1.534817099571228, + 0.017513910308480263, + -0.2121557593345642, + 0.04038684070110321, + -0.44615456461906433, + 0.14624249935150146, + -0.018165340647101402, + -0.15884283185005188, + 1.791884422302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/8.png", + [ + 0.1697920858860016, + 0.03215974569320679, + 0.13070687651634216, + -1.4530495405197144, + 0.027351360768079758, + -0.2142532467842102, + 0.017185669392347336, + -0.1937524676322937, + 0.1317969709634781, + 0.003032286884263158, + -0.17195424437522888, + 1.9707854986190796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/6.png", + [ + 0.16856779158115387, + 0.031455930322408676, + 0.13245120644569397, + -1.477231740951538, + 0.028519993647933006, + -0.2142929583787918, + 0.01459579449146986, + -0.1653708666563034, + 0.1331142783164978, + 0.006078826263546944, + -0.1708552986383438, + 1.96548593044281, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/169.png", + [ + 0.17040283977985382, + 0.018932929262518883, + 0.13248512148857117, + -1.415784239768982, + 0.018175918608903885, + -0.2157820612192154, + 0.0074586388655006886, + -0.08952759951353073, + 0.132591113448143, + 0.005247802473604679, + -0.1712891012430191, + 1.8878835439682007, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/154.png", + [ + 0.1772390604019165, + 0.02455700747668743, + 0.12219315022230148, + -1.3319646120071411, + 0.03064178302884102, + -0.2144928276538849, + -0.0013390049571171403, + 0.010179836302995682, + 0.12081096321344376, + 0.018375659361481667, + -0.1789271980524063, + 1.999205231666565, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/20.png", + [ + 0.16121265292167664, + 0.030190106481313705, + 0.14158719778060913, + -1.574326515197754, + 0.021661004051566124, + -0.21455560624599457, + 0.02108543924987316, + -0.24609418213367462, + 0.14314042031764984, + -0.0015337236691266298, + -0.16265413165092468, + 1.864794373512268, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/2.png", + [ + 0.17160499095916748, + 0.03205608204007149, + 0.12834341824054718, + -1.426967740058899, + 0.025983992964029312, + -0.2142896056175232, + 0.01878010854125023, + -0.21269796788692474, + 0.1297091245651245, + 0.0005174311227165163, + -0.1735602766275406, + 1.9945284128189087, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/117.png", + [ + 0.1824951022863388, + 0.00883311778306961, + 0.11647060513496399, + -1.2143434286117554, + 0.008402780629694462, + -0.21648721396923065, + 0.003252243623137474, + -0.04579676687717438, + 0.11650243401527405, + 0.00177758710924536, + -0.18267981708049774, + 1.974004864692688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/149.png", + [ + 0.17784346640110016, + 0.017121531069278717, + 0.12258242815732956, + -1.3234561681747437, + 0.014825128950178623, + -0.21599332988262177, + 0.008660165593028069, + -0.10498285293579102, + 0.12288131564855576, + 0.0012790898326784372, + -0.17845574021339417, + 1.9941707849502563, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/161.png", + [ + 0.17271381616592407, + 0.02680249698460102, + 0.12806037068367004, + -1.4097093343734741, + 0.030901378020644188, + -0.2144358605146408, + 0.0032041214872151613, + -0.0413721427321434, + 0.1271335631608963, + 0.01570948213338852, + -0.17475172877311707, + 1.978866696357727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/5.png", + [ + 0.16995786130428314, + 0.03120170533657074, + 0.13072364032268524, + -1.457922339439392, + 0.02788923680782318, + -0.2143547683954239, + 0.014903497882187366, + -0.16826702654361725, + 0.13147017359733582, + 0.0051358831115067005, + -0.17215430736541748, + 1.9789079427719116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/108.png", + [ + 0.16603617370128632, + 0.01381665002554655, + 0.13852429389953613, + -1.4376521110534668, + 0.012322688475251198, + -0.21621717512607574, + 0.006795809604227543, + -0.08090116828680038, + 0.13866518437862396, + 0.0026705549098551273, + -0.16647140681743622, + 1.7896277904510498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/60.png", + [ + 0.1595379263162613, + 0.03556666523218155, + 0.14223416149616241, + -1.5131372213363647, + 0.03162756934762001, + -0.21360206604003906, + 0.017937447875738144, + -0.20242807269096375, + 0.1431615948677063, + 0.007554259616881609, + -0.16246718168258667, + 1.8078123331069946, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/56.png", + [ + 0.15400665998458862, + 0.029231280088424683, + 0.14958399534225464, + -1.5930389165878296, + 0.02745869569480419, + -0.21449412405490875, + 0.01364526990801096, + -0.15520676970481873, + 0.1499195098876953, + 0.009257747791707516, + -0.15616121888160706, + 1.7259927988052368, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/147.png", + [ + 0.17730925977230072, + 0.008470666594803333, + 0.12424802780151367, + -1.3468443155288696, + 0.006934824865311384, + -0.21650899946689606, + 0.0048641967587172985, + -0.06670987606048584, + 0.12434320896863937, + -3.8222492548811715e-06, + -0.17744481563568115, + 1.985331416130066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/30.png", + [ + 0.16635841131210327, + 0.02088332362473011, + 0.13724669814109802, + -1.5190608501434326, + 0.02225395105779171, + -0.21545051038265228, + 0.005808447487652302, + -0.08237950503826141, + 0.13703112304210663, + 0.00963655672967434, + -0.16756340861320496, + 1.9220267534255981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/17.png", + [ + 0.16957765817642212, + 0.034714363515377045, + 0.13033120334148407, + -1.415395736694336, + 0.025586072355508804, + -0.21385270357131958, + 0.023669958114624023, + -0.26798027753829956, + 0.13242606818675995, + -0.0031348008196800947, + -0.17146837711334229, + 1.9370273351669312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/12.png", + [ + 0.16964846849441528, + 0.03540833666920662, + 0.13005207479000092, + -1.4184151887893677, + 0.03002152033150196, + -0.21373912692070007, + 0.019031167030334473, + -0.21458236873149872, + 0.13140013813972473, + 0.003118740627542138, + -0.17225611209869385, + 1.9416366815567017, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/114.png", + [ + 0.17358046770095825, + 0.013687980361282825, + 0.12895870208740234, + -1.3324896097183228, + 0.010987391695380211, + -0.21624183654785156, + 0.008163216523826122, + -0.09743277728557587, + 0.12921682000160217, + -2.547834867527854e-07, + -0.17392785847187042, + 1.8561195135116577, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/27.png", + [ + 0.16090108454227448, + 0.022957485169172287, + 0.14328883588314056, + -1.5931847095489502, + 0.02329588495194912, + -0.21525758504867554, + 0.008328905329108238, + -0.10961872339248657, + 0.14323420822620392, + 0.009220783598721027, + -0.16231706738471985, + 1.8663612604141235, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/42.png", + [ + 0.16839860379695892, + 0.027123237028717995, + 0.13361933827400208, + -1.4537652730941772, + 0.025310978293418884, + -0.21487192809581757, + 0.01171753741800785, + -0.14164835214614868, + 0.13397444784641266, + 0.0065020001493394375, + -0.1701659858226776, + 1.9190481901168823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/174.png", + [ + 0.16159699857234955, + 0.03325240686535835, + 0.14045844972133636, + -1.4692755937576294, + 0.02712811529636383, + -0.21408593654632568, + 0.019472312182188034, + -0.21431691944599152, + 0.1417687088251114, + 0.003063146723434329, + -0.16382962465286255, + 1.7661975622177124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/7.png", + [ + 0.16966287791728973, + 0.03046342171728611, + 0.13127979636192322, + -1.4620511531829834, + 0.027002932503819466, + -0.21447056531906128, + 0.01486986130475998, + -0.16790388524532318, + 0.1320350170135498, + 0.004717101342976093, + -0.17173349857330322, + 1.9703041315078735, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/73.png", + [ + 0.1590031087398529, + 0.036566056311130524, + 0.14257916808128357, + -1.5659505128860474, + 0.02871265634894371, + -0.21355557441711426, + 0.022748641669750214, + -0.25204986333847046, + 0.14436578750610352, + 0.002200176240876317, + -0.1615598052740097, + 1.8388402462005615, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/120.png", + [ + 0.18819734454154968, + 0.0038630201015621424, + 0.10730671882629395, + -1.1358100175857544, + 0.005122704431414604, + -0.21661080420017242, + -0.00118638772983104, + 0.002707868814468384, + 0.10725395381450653, + 0.003567449050024152, + -0.18823324143886566, + 2.065187454223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/46.png", + [ + 0.16834373772144318, + 0.023660272359848022, + 0.13434459269046783, + -1.4463292360305786, + 0.020757637917995453, + -0.21534864604473114, + 0.011915546841919422, + -0.13529600203037262, + 0.13482360541820526, + 0.0036126431077718735, + -0.16958019137382507, + 1.8917254209518433, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/127.png", + [ + 0.19432194530963898, + -0.002211017534136772, + 0.09582268446683884, + -1.0241272449493408, + 0.0005658890586346388, + -0.21658675372600555, + -0.006145116873085499, + 0.060129713267087936, + 0.09584652632474899, + 0.005761431995779276, + -0.1942373365163803, + 2.150693893432617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/133.png", + [ + 0.18993467092514038, + 0.0025444496423006058, + 0.10424124449491501, + -1.126630425453186, + 0.005650151055306196, + -0.2165430188179016, + -0.005009309854358435, + 0.04687372222542763, + 0.10411910712718964, + 0.007109372410923243, + -0.18988566100597382, + 2.116626739501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/57.png", + [ + 0.1534745693206787, + 0.028463969007134438, + 0.1502772569656372, + -1.5970041751861572, + 0.027432933449745178, + -0.21455997228622437, + 0.012623140588402748, + -0.144160196185112, + 0.1504688709974289, + 0.010085230693221092, + -0.1555805206298828, + 1.7191259860992432, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/44.png", + [ + 0.16750656068325043, + 0.021616440266370773, + 0.13572831451892853, + -1.4699044227600098, + 0.0184207484126091, + -0.21557831764221191, + 0.011599933728575706, + -0.13743245601654053, + 0.13619883358478546, + 0.0025713760405778885, + -0.168496772646904, + 1.8872023820877075, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/113.png", + [ + 0.17212827503681183, + 0.01446675043553114, + 0.13080696761608124, + -1.34832763671875, + 0.011198129504919052, + -0.21619050204753876, + 0.009174274280667305, + -0.10604135692119598, + 0.1311272233724594, + -0.0005277917953208089, + -0.17249135673046112, + 1.8362771272659302, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/126.png", + [ + 0.19303953647613525, + -0.0025664414279162884, + 0.09837198257446289, + -1.0510344505310059, + 2.5052224373212084e-05, + -0.21659965813159943, + -0.00570006063207984, + 0.05550337955355644, + 0.09840546548366547, + 0.00508966576308012, + -0.19297243654727936, + 2.1368141174316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/29.png", + [ + 0.16607703268527985, + 0.019983937963843346, + 0.13772055506706238, + -1.525497555732727, + 0.020822256803512573, + -0.2155834585428238, + 0.006172697991132736, + -0.08794517070055008, + 0.13759629428386688, + 0.00850357674062252, + -0.16716110706329346, + 1.9195541143417358, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/4.png", + [ + 0.17002710700035095, + 0.032066889107227325, + 0.13042384386062622, + -1.4543884992599487, + 0.02817189320921898, + -0.21424256265163422, + 0.01594882644712925, + -0.18035435676574707, + 0.1313202679157257, + 0.004442391451448202, + -0.1722879856824875, + 1.981838345527649, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/55.png", + [ + 0.15748876333236694, + 0.029647843912243843, + 0.14582931995391846, + -1.5501179695129395, + 0.02832707390189171, + -0.21442119777202606, + 0.01300102099776268, + -0.148382768034935, + 0.14609161019325256, + 0.009615347720682621, + -0.15972688794136047, + 1.758855938911438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/9.png", + [ + 0.1689736694097519, + 0.030341194942593575, + 0.13219380378723145, + -1.4645875692367554, + 0.025241099298000336, + -0.2145288586616516, + 0.016974931582808495, + -0.19193895161151886, + 0.13326168060302734, + 0.0021617687307298183, + -0.17083482444286346, + 1.9520021677017212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/25.png", + [ + 0.15985549986362457, + 0.029771238565444946, + 0.1432054042816162, + -1.602960467338562, + 0.02999228984117508, + -0.21430297195911407, + 0.011072434484958649, + -0.13837239146232605, + 0.14315927028656006, + 0.011653730645775795, + -0.16222672164440155, + 1.8761366605758667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/99.png", + [ + 0.17133654654026031, + 0.028462225571274757, + 0.1295437514781952, + -1.4318058490753174, + 0.02583630196750164, + -0.21473510563373566, + 0.013008243404328823, + -0.1489127278327942, + 0.13009290397167206, + 0.00516047328710556, + -0.1731966882944107, + 1.977246880531311, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/34.png", + [ + 0.16785186529159546, + 0.020707692950963974, + 0.13544312119483948, + -1.5021008253097534, + 0.02244178205728531, + -0.2154483050107956, + 0.005127922631800175, + -0.07358162850141525, + 0.13516661524772644, + 0.01005587913095951, + -0.16904662549495697, + 1.9449344873428345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/72.png", + [ + 0.15912994742393494, + 0.037756457924842834, + 0.14212672412395477, + -1.5543583631515503, + 0.030666008591651917, + -0.21332739293575287, + 0.022336445748806, + -0.2467118203639984, + 0.14382334053516388, + 0.0037109190598130226, + -0.16201533377170563, + 1.8414194583892822, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/102.png", + [ + 0.17298971116542816, + 0.02462037280201912, + 0.1281260848045349, + -1.3933899402618408, + 0.025971123948693275, + -0.21502162516117096, + 0.006253024563193321, + -0.07645323872566223, + 0.12785913050174713, + 0.010365167632699013, + -0.17462103068828583, + 1.956394076347351, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/134.png", + [ + 0.1896042674779892, + 0.0013912210706621408, + 0.10486268252134323, + -1.133267879486084, + 0.005521788261830807, + -0.21648748219013214, + -0.0071118976920843124, + 0.06835603713989258, + 0.10472643375396729, + 0.00889571476727724, + -0.18947593867778778, + 2.109252452850342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/70.png", + [ + 0.15910786390304565, + 0.041380252689123154, + 0.14113913476467133, + -1.528234839439392, + 0.03289660066366196, + -0.21266713738441467, + 0.02526663988828659, + -0.2792798578739166, + 0.14335408806800842, + 0.0028747005853801966, + -0.16244763135910034, + 1.8333381414413452, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/135.png", + [ + 0.18997840583324432, + 0.0019097423646599054, + 0.10417509824037552, + -1.1295139789581299, + 0.0058668372221291065, + -0.21649061143398285, + -0.006730314344167709, + 0.06417277455329895, + 0.10402729362249374, + 0.008721800521016121, + -0.18986876308918, + 2.1162056922912598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/130.png", + [ + 0.19327105581760406, + -0.002197091467678547, + 0.0979253277182579, + -1.049216628074646, + -0.00036815047496929765, + -0.21663488447666168, + -0.004133902955800295, + 0.03592493012547493, + 0.09794928133487701, + 0.0035210056230425835, + -0.19323933124542236, + 2.144604206085205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/90.png", + [ + 0.17252090573310852, + 0.031923919916152954, + 0.12714283168315887, + -1.3846461772918701, + 0.02659602090716362, + -0.21430474519729614, + 0.017720840871334076, + -0.20099610090255737, + 0.12836311757564545, + 0.0014966136077418923, + -0.17455247044563293, + 1.976596713066101, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/122.png", + [ + 0.19079767167568207, + 0.0013458518078550696, + 0.10267587751150131, + -1.095525860786438, + 0.0033031555358320475, + -0.21662434935569763, + -0.003298633499071002, + 0.027938049286603928, + 0.10263156145811081, + 0.004469955340027809, + -0.19077391922473907, + 2.108231544494629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/15.png", + [ + 0.16860879957675934, + 0.03515747934579849, + 0.13146452605724335, + -1.4231348037719727, + 0.029858633875846863, + -0.21377579867839813, + 0.018874986097216606, + -0.21320678293704987, + 0.13276833295822144, + 0.003428468480706215, + -0.17119786143302917, + 1.917434811592102, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/162.png", + [ + 0.1750510036945343, + 0.024876413866877556, + 0.12524455785751343, + -1.369524598121643, + 0.02550431154668331, + -0.2150522619485855, + 0.007067561149597168, + -0.08842837810516357, + 0.125118225812912, + 0.00903240591287613, + -0.1766684502363205, + 1.997198462486267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/22.png", + [ + 0.1629662960767746, + 0.03418844938278198, + 0.138639897108078, + -1.547568440437317, + 0.029813863337039948, + -0.2138826996088028, + 0.017698097974061966, + -0.20879366993904114, + 0.1396460086107254, + 0.005765313282608986, + -0.16557066142559052, + 1.9139517545700073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/171.png", + [ + 0.1644916832447052, + 0.024589641019701958, + 0.13887305557727814, + -1.4696069955825806, + 0.02193540148437023, + -0.215220108628273, + 0.012126125395298004, + -0.1425095498561859, + 0.13931696116924286, + 0.004853313323110342, + -0.1658768355846405, + 1.8105278015136719, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/138.png", + [ + 0.18195471167564392, + 0.0030239555053412914, + 0.1176062598824501, + -1.2956843376159668, + 0.005215831566601992, + -0.21659742295742035, + -0.002500412054359913, + 0.017575841397047043, + 0.11752945929765701, + 0.004930785857141018, + -0.18196266889572144, + 2.0593209266662598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/109.png", + [ + 0.16054271161556244, + 0.015599572099745274, + 0.14467404782772064, + -1.5080862045288086, + 0.012508089654147625, + -0.21610800921916962, + 0.009421938098967075, + -0.1083316057920456, + 0.14497403800487518, + 0.0013705901801586151, + -0.16102343797683716, + 1.7368581295013428, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/26.png", + [ + 0.159159854054451, + 0.024175917729735374, + 0.14502263069152832, + -1.6217049360275269, + 0.024283507838845253, + -0.21511250734329224, + 0.009209477342665195, + -0.11970512568950653, + 0.14500465989112854, + 0.00948832556605339, + -0.16072186827659607, + 1.8557218313217163, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/43.png", + [ + 0.16860052943229675, + 0.024645326659083366, + 0.1338445544242859, + -1.4523143768310547, + 0.022393640130758286, + -0.21521157026290894, + 0.011419069021940231, + -0.13628347218036652, + 0.13423964381217957, + 0.004947535693645477, + -0.17000922560691833, + 1.9107476472854614, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/84.png", + [ + 0.16593043506145477, + 0.024680551141500473, + 0.13713441789150238, + -1.4747573137283325, + 0.02515360340476036, + -0.21505077183246613, + 0.008267966099083424, + -0.1020599752664566, + 0.13704843819141388, + 0.009588191285729408, + -0.16755202412605286, + 1.8656965494155884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/136.png", + [ + 0.18489715456962585, + 0.0012837903341278434, + 0.11295702308416367, + -1.2327772378921509, + 0.0036952884402126074, + -0.21661342680454254, + -0.0035868689883500338, + 0.030416611582040787, + 0.11290385574102402, + 0.00498725101351738, + -0.184866800904274, + 2.0739097595214844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/89.png", + [ + 0.1711982935667038, + 0.032970573753118515, + 0.12865450978279114, + -1.3897420167922974, + 0.02835684083402157, + -0.2141261100769043, + 0.017140617594122887, + -0.19462424516677856, + 0.12974950671195984, + 0.0032943023834377527, + -0.17349959909915924, + 1.9519184827804565, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/63.png", + [ + 0.13477858901023865, + 0.035577502101659775, + 0.16588208079338074, + -1.8013516664505005, + 0.032355327159166336, + -0.21335859596729279, + 0.019471425563097, + -0.22316016256809235, + 0.16654056310653687, + 0.012658786028623581, + -0.1380285769701004, + 1.55862557888031, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/88.png", + [ + 0.1712624877691269, + 0.031081926077604294, + 0.12903863191604614, + -1.385326862335205, + 0.02739005908370018, + -0.2143920212984085, + 0.015288650058209896, + -0.1736317276954651, + 0.1298723965883255, + 0.004227553028613329, + -0.17338739335536957, + 1.9351400136947632, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/62.png", + [ + 0.15211328864097595, + 0.03840760141611099, + 0.14944665133953094, + -1.61089026927948, + 0.03436888009309769, + -0.21301667392253876, + 0.019762879237532616, + -0.226639986038208, + 0.15042679011821747, + 0.009830950759351254, + -0.1556374728679657, + 1.7526004314422607, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/65.png", + [ + 0.12948018312454224, + 0.03701239824295044, + 0.16974350810050964, + -1.8387219905853271, + 0.030769670382142067, + -0.2132391780614853, + 0.0230255089700222, + -0.2611244320869446, + 0.1709853857755661, + 0.010345484130084515, + -0.13268330693244934, + 1.4878907203674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/80.png", + [ + 0.1629784107208252, + 0.023718615993857384, + 0.14079545438289642, + -1.5420204401016235, + 0.023215537890791893, + -0.21522289514541626, + 0.009383530355989933, + -0.11786769330501556, + 0.140879288315773, + 0.008027378469705582, + -0.1644277423620224, + 1.8667930364608765, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/146.png", + [ + 0.17885653674602509, + 0.011413208208978176, + 0.12177014350891113, + -1.3221389055252075, + 0.009778009727597237, + -0.21637296676635742, + 0.005918111186474562, + -0.07509668916463852, + 0.12191235274076462, + 0.0006100228056311607, + -0.17912259697914124, + 2.005496025085449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/119.png", + [ + 0.18520838022232056, + 0.0056138415820896626, + 0.11231314390897751, + -1.184512972831726, + 0.005618801806122065, + -0.21659615635871887, + 0.0015607030363753438, + -0.026758188381791115, + 0.11231289058923721, + 0.001578449853695929, + -0.18528684973716736, + 2.025813579559326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/180.png", + [ + 0.15315189957618713, + 0.037053171545267105, + 0.14872609078884125, + -1.5897462368011475, + 0.024696355685591698, + -0.21346628665924072, + 0.027751076966524124, + -0.30191901326179504, + 0.1512695550918579, + -0.0026636167895048857, + -0.15510745346546173, + 1.7205431461334229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/145.png", + [ + 0.17886897921562195, + 0.008847679942846298, + 0.12196516245603561, + -1.3284544944763184, + 0.007118225563317537, + -0.2164936512708664, + 0.005265740677714348, + -0.06940880417823792, + 0.1220783218741417, + -0.00034015014534816146, + -0.17901022732257843, + 2.008737564086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/167.png", + [ + 0.17367404699325562, + 0.016064204275608063, + 0.1285579949617386, + -1.3863317966461182, + 0.016390100121498108, + -0.21599942445755005, + 0.004848582204431295, + -0.06334562599658966, + 0.12851686775684357, + 0.005838272161781788, + -0.17434801161289215, + 1.9386714696884155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/79.png", + [ + 0.16610418260097504, + 0.03162544593214989, + 0.13548846542835236, + -1.4851856231689453, + 0.026011312380433083, + -0.21434125304222107, + 0.018142132088541985, + -0.21579831838607788, + 0.13667736947536469, + 0.0023572146892547607, + -0.16811196506023407, + 1.9123355150222778, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/176.png", + [ + 0.16096141934394836, + 0.03267839923501015, + 0.1413203626871109, + -1.4751510620117188, + 0.02551369182765484, + -0.21419142186641693, + 0.02046918496489525, + -0.2227548211812973, + 0.1427878588438034, + 0.0014346642419695854, + -0.1629646122455597, + 1.7537442445755005, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/185.png", + [ + 0.15442657470703125, + 0.040087245404720306, + 0.14660607278347015, + -1.6245230436325073, + 0.024088067933917046, + -0.21281592547893524, + 0.03281833603978157, + -0.367716908454895, + 0.15006697177886963, + -0.007091584149748087, + -0.1561329960823059, + 1.7918034791946411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/165.png", + [ + 0.17816174030303955, + 0.016802821308374405, + 0.12216363102197647, + -1.3237488269805908, + 0.014392486773431301, + -0.21602009236812592, + 0.008722367696464062, + -0.11123421788215637, + 0.12247098982334137, + 0.0009426397737115622, + -0.17873966693878174, + 2.0020389556884766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/116.png", + [ + 0.17847879230976105, + 0.01131249126046896, + 0.12233252823352814, + -1.2707421779632568, + 0.00984390638768673, + -0.21637722849845886, + 0.005647208541631699, + -0.07232072949409485, + 0.12245945632457733, + 0.0009060726733878255, + -0.1787477433681488, + 1.9238814115524292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/19.png", + [ + 0.16185346245765686, + 0.031097136437892914, + 0.1406567245721817, + -1.555053949356079, + 0.02062378078699112, + -0.21438856422901154, + 0.02366640791296959, + -0.27409088611602783, + 0.14256931841373444, + -0.004290379583835602, + -0.16310574114322662, + 1.862221360206604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/77.png", + [ + 0.16472654044628143, + 0.03676135092973709, + 0.1358737051486969, + -1.4937307834625244, + 0.027113160118460655, + -0.21352466940879822, + 0.024899577721953392, + -0.2882665693759918, + 0.13812290132045746, + -0.0019275766098871827, + -0.1669318526983261, + 1.901642918586731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/68.png", + [ + 0.14357814192771912, + 0.0398297980427742, + 0.15731114149093628, + -1.6972029209136963, + 0.03205413371324539, + -0.21286912262439728, + 0.024640727788209915, + -0.27293476462364197, + 0.15907777845859528, + 0.006944059859961271, + -0.14694872498512268, + 1.6503345966339111, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/143.png", + [ + 0.1801391839981079, + 0.007359781302511692, + 0.12018152326345444, + -1.3186920881271362, + 0.005756280850619078, + -0.2165485918521881, + 0.004633145872503519, + -0.061771370470523834, + 0.12026899307966232, + -0.0006591113633476198, + -0.18022993206977844, + 2.0336356163024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/183.png", + [ + 0.15571390092372894, + 0.03958772495388985, + 0.14537496864795685, + -1.591562032699585, + 0.018029212951660156, + -0.21245530247688293, + 0.03854324668645859, + -0.4287986159324646, + 0.14958614110946655, + -0.015602771192789078, + -0.15597574412822723, + 1.7752360105514526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/86.png", + [ + 0.16739879548549652, + 0.025352843105793, + 0.13521380722522736, + -1.4452582597732544, + 0.02355625480413437, + -0.21510058641433716, + 0.011168411001563072, + -0.12852270901203156, + 0.13553832471370697, + 0.006071555428206921, + -0.168939009308815, + 1.869460940361023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/1.png", + [ + 0.17013506591320038, + 0.03259208798408508, + 0.130152627825737, + -1.446622610092163, + 0.026694590225815773, + -0.2142053246498108, + 0.018745016306638718, + -0.21352092921733856, + 0.13148896396160126, + 0.0013161938404664397, + -0.17221152782440186, + 1.9835764169692993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/81.png", + [ + 0.16543740034103394, + 0.023496635258197784, + 0.13793572783470154, + -1.5004855394363403, + 0.02430855482816696, + -0.21517610549926758, + 0.007498928811401129, + -0.0955357700586319, + 0.13779495656490326, + 0.009749249555170536, + -0.16692930459976196, + 1.8800595998764038, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/95.png", + [ + 0.16460423171520233, + 0.02881714142858982, + 0.13792355358600616, + -1.5352638959884644, + 0.022273292765021324, + -0.21474960446357727, + 0.018286878243088722, + -0.2089093029499054, + 0.13913030922412872, + 0.000285744434222579, + -0.16610410809516907, + 1.9136637449264526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/103.png", + [ + 0.17114953696727753, + 0.023977337405085564, + 0.13069359958171844, + -1.4111155271530151, + 0.025695232674479485, + -0.21506725251674652, + 0.005807572044432163, + -0.07382069528102875, + 0.1303667426109314, + 0.010911473073065281, + -0.17272332310676575, + 1.921972632408142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/150.png", + [ + 0.17727571725845337, + 0.020362816751003265, + 0.12290872633457184, + -1.3294472694396973, + 0.018933413550257683, + -0.21568135917186737, + 0.00842451024800539, + -0.10051894187927246, + 0.12313704192638397, + 0.0038473366294056177, + -0.17824241518974304, + 1.9918867349624634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/83.png", + [ + 0.16586340963840485, + 0.023271014913916588, + 0.13746154308319092, + -1.486452341079712, + 0.024724628776311874, + -0.21515843272209167, + 0.0065912469290196896, + -0.08491966873407364, + 0.1372075378894806, + 0.010640095919370651, + -0.16735820472240448, + 1.8738645315170288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/142.png", + [ + 0.17968276143074036, + 0.00832789670675993, + 0.12079999595880508, + -1.3277535438537598, + 0.006669218186289072, + -0.21651411056518555, + 0.00500631844624877, + -0.06502166390419006, + 0.12090291827917099, + -0.00043340431875549257, + -0.17980597913265228, + 2.032435894012451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/51.png", + [ + 0.17175912857055664, + 0.032112862914800644, + 0.12812285125255585, + -1.3643518686294556, + 0.0311173927038908, + -0.21409554779529572, + 0.011945759877562523, + -0.13505400717258453, + 0.12836824357509613, + 0.008930695243179798, + -0.17432652413845062, + 1.929345965385437, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/128.png", + [ + 0.1954018920660019, + -0.003547266125679016, + 0.09355967491865158, + -0.9980982542037964, + -0.0008101075072772801, + -0.2165750116109848, + -0.006519397255033255, + 0.0633074939250946, + 0.09362339228391647, + 0.0055295308120548725, + -0.1953253298997879, + 2.157656669616699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/168.png", + [ + 0.17159758508205414, + 0.017152143642306328, + 0.13117915391921997, + -1.4098234176635742, + 0.017765890806913376, + -0.2158874273300171, + 0.004988203756511211, + -0.06490299105644226, + 0.13109742105007172, + 0.0068053677678108215, + -0.17238052189350128, + 1.9081073999404907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/93.png", + [ + 0.1666945219039917, + 0.028213443234562874, + 0.13551689684391022, + -1.50677490234375, + 0.02282037027180195, + -0.21482498943805695, + 0.01665416918694973, + -0.19024229049682617, + 0.1365285962820053, + 0.0014601920265704393, + -0.16824299097061157, + 1.9331029653549194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/76.png", + [ + 0.1741398125886917, + -0.021971186622977257, + -0.12704519927501678, + 1.483454704284668, + -0.01399820577353239, + -0.21546514332294464, + 0.01807529851794243, + -0.22209320962429047, + -0.12816889584064484, + -0.006319267209619284, + -0.174587219953537, + 2.0784101486206055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/48.png", + [ + 0.1806943416595459, + -0.018250932916998863, + -0.1181708499789238, + 1.3753145933151245, + -0.016627030447125435, + -0.2158905416727066, + 0.00791898649185896, + -0.10207997262477875, + -0.11841025203466415, + 0.002464129589498043, + -0.18144097924232483, + 2.142510414123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/137.png", + [ + 0.14473102986812592, + -0.011263196356594563, + -0.16085386276245117, + 1.9527215957641602, + -0.024103697389364243, + -0.21522806584835052, + -0.0066171674989163876, + 0.05917071923613548, + -0.15943600237369537, + 0.022314021363854408, + -0.14501772820949554, + 1.8029159307479858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/35.png", + [ + 0.18086865544319153, + -0.02075774036347866, + -0.11748845875263214, + 1.3505679368972778, + -0.016994349658489227, + -0.21567672491073608, + 0.011943434365093708, + -0.14808595180511475, + -0.11809154599905014, + -0.0007548298453912139, + -0.18166372179985046, + 2.1252808570861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/124.png", + [ + 0.14111213386058807, + 0.001319166156463325, + -0.16441871225833893, + 1.9465229511260986, + -0.013219322077929974, + -0.2158752679824829, + -0.013077476993203163, + 0.1349085122346878, + -0.1638917624950409, + 0.018548065796494484, + -0.14051103591918945, + 1.705723524093628, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/97.png", + [ + 0.17825685441493988, + -0.023579448461532593, + -0.1208982989192009, + 1.4092053174972534, + -0.019785109907388687, + -0.2153872549533844, + 0.01283626351505518, + -0.16455420851707458, + -0.12157686054706573, + 0.0004792194813489914, + -0.1793508231639862, + 2.1266913414001465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/155.png", + [ + 0.14281046390533447, + -0.010258994996547699, + -0.16262784600257874, + 1.988932490348816, + -0.03356458246707916, + -0.21345965564250946, + -0.0160088948905468, + 0.17541058361530304, + -0.15945681929588318, + 0.035743795335292816, + -0.1422806829214096, + 1.7811636924743652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/13.png", + [ + 0.1941540539264679, + -0.009348331019282341, + -0.09573248773813248, + 1.1155695915222168, + -0.01027499046176672, + -0.2164306491613388, + 0.00029597317916341126, + -0.01706778258085251, + -0.09563746303319931, + 0.004274547565728426, + -0.19437874853610992, + 2.296861171722412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/32.png", + [ + 0.1845129430294037, + -0.016381170600652695, + -0.11240338534116745, + 1.2988613843917847, + -0.011896305717527866, + -0.21601735055446625, + 0.01195332407951355, + -0.15034498274326324, + -0.11296610534191132, + -0.004007661249488592, + -0.18485261499881744, + 2.1611714363098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/158.png", + [ + 0.13678577542304993, + -0.008805938065052032, + -0.1678094118833542, + 2.058774471282959, + -0.02798563428223133, + -0.21454888582229614, + -0.011553182266652584, + 0.11661097407341003, + -0.16569353640079498, + 0.028967689722776413, + -0.1365811824798584, + 1.7154263257980347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/38.png", + [ + 0.17291314899921417, + -0.03345272317528725, + -0.12621350586414337, + 1.462328314781189, + -0.026511119678616524, + -0.21407495439052582, + 0.020419912412762642, + -0.24741245806217194, + -0.12785185873508453, + -0.0008529381593689322, + -0.174931600689888, + 2.0699715614318848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/148.png", + [ + 0.13963456451892853, + -0.00556539511308074, + -0.1655871421098709, + 2.0325965881347656, + -0.02338426001369953, + -0.21504659950733185, + -0.012491496279835701, + 0.12587857246398926, + -0.16402211785316467, + 0.025920791551470757, + -0.13918600976467133, + 1.745085597038269, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/111.png", + [ + 0.14021611213684082, + -0.011435716412961483, + -0.1647924929857254, + 1.9638397693634033, + -0.02055361680686474, + -0.21568283438682556, + -0.0025211109314113855, + 0.013701297342777252, + -0.1639050990343094, + 0.017263589426875114, + -0.14065907895565033, + 1.716617465019226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/164.png", + [ + 0.13862375915050507, + -0.013485841453075409, + -0.16598035395145416, + 2.043719530105591, + -0.032130420207977295, + -0.21407097578048706, + -0.009441550821065903, + 0.09044095873832703, + -0.16339825093746185, + 0.03065352886915207, + -0.13895781338214874, + 1.7387460470199585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/11.png", + [ + 0.19978928565979004, + -0.005225270055234432, + -0.08369491249322891, + 0.9774227142333984, + -0.006195849273353815, + -0.2165823131799698, + -0.0012684541288763285, + 0.0018726624548435211, + -0.08362865447998047, + 0.0035628743935376406, + -0.1998535692691803, + 2.3510751724243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/125.png", + [ + 0.14037342369556427, + 1.72777126863366e-05, + -0.16505512595176697, + 1.9569228887557983, + -0.014972193166613579, + -0.21578000485897064, + -0.012755898758769035, + 0.13243913650512695, + -0.16437464952468872, + 0.019669247791171074, + -0.13979265093803406, + 1.7009022235870361, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/59.png", + [ + 0.18546326458454132, + -0.016986386850476265, + -0.11073718219995499, + 1.292029619216919, + -0.015202059410512447, + -0.21600441634655, + 0.007673215586692095, + -0.10148155689239502, + -0.11099620908498764, + 0.0012014954118058085, + -0.1860814094543457, + 2.199221611022949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/105.png", + [ + 0.16261160373687744, + -0.023937348276376724, + -0.14118200540542603, + 1.6453500986099243, + -0.024776354432106018, + -0.21510711312294006, + 0.007934234105050564, + -0.10788090527057648, + -0.1410371959209442, + 0.010189367458224297, + -0.16417241096496582, + 1.963905930519104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/121.png", + [ + 0.14025354385375977, + 3.6781180824618787e-05, + -0.1651569902896881, + 1.953283667564392, + -0.013761567883193493, + -0.21591855585575104, + -0.011734594590961933, + 0.11629603803157806, + -0.16458268463611603, + 0.018085356801748276, + -0.1397617906332016, + 1.695747971534729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/24.png", + [ + 0.18695808947086334, + -0.00787294376641512, + -0.10923638939857483, + 1.2548749446868896, + -0.009235874749720097, + -0.21647760272026062, + -0.00020510728063527495, + -0.011131824925541878, + -0.10912960767745972, + 0.004833238199353218, + -0.18712365627288818, + 2.189169406890869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/74.png", + [ + 0.17341819405555725, + -0.022737698629498482, + -0.1278945654630661, + 1.4929313659667969, + -0.015853550285100937, + -0.21543940901756287, + 0.016805268824100494, + -0.2071591168642044, + -0.12892897427082062, + -0.004092574585229158, + -0.17409324645996094, + 2.069591999053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/129.png", + [ + 0.14556561410427094, + -0.0033885950688272715, + -0.16045890748500824, + 1.9077131748199463, + -0.0160288717597723, + -0.21585021913051605, + -0.009982763789594173, + 0.0975872278213501, + -0.15969225764274597, + 0.018576808273792267, + -0.1452624350786209, + 1.7674789428710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/153.png", + [ + 0.14520536363124847, + -0.006082277745008469, + -0.16070562601089478, + 1.9617010354995728, + -0.026346510276198387, + -0.214493989944458, + -0.015687333419919014, + 0.16774871945381165, + -0.15864789485931396, + 0.03005390241742134, + -0.1444835662841797, + 1.8024150133132935, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/144.png", + [ + 0.14262261986732483, + -0.005673556122928858, + -0.16301684081554413, + 2.0094199180603027, + -0.021607011556625366, + -0.21529240906238556, + -0.011410937644541264, + 0.11656200885772705, + -0.16167813539505005, + 0.023767272010445595, + -0.1422785520553589, + 1.7877941131591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/98.png", + [ + 0.17779098451137543, + -0.024278534576296806, + -0.12144467234611511, + 1.4143142700195312, + -0.01957566849887371, + -0.2153085172176361, + 0.014385132119059563, + -0.18355998396873474, + -0.12229084968566895, + -0.0008315976010635495, + -0.1788634955883026, + 2.1190061569213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/0.png", + [ + 0.21107017993927002, + 0.012744499370455742, + -0.04727422073483467, + 0.5489862561225891, + 0.015725744888186455, + -0.21576732397079468, + 0.012044403702020645, + -0.1497119814157486, + -0.0463678240776062, + -0.015163921751081944, + -0.21111129224300385, + 2.5076394081115723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/163.png", + [ + 0.13566096127033234, + -0.010803724639117718, + -0.16860391199588776, + 2.0753350257873535, + -0.03135846555233002, + -0.21408404409885406, + -0.01151345670223236, + 0.11223269999027252, + -0.16601398587226868, + 0.03161000460386276, + -0.13560254871845245, + 1.6999558210372925, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/96.png", + [ + 0.17534616589546204, + -0.02274549938738346, + -0.12523682415485382, + 1.4603619575500488, + -0.019035890698432922, + -0.21547557413578033, + 0.012482186779379845, + -0.16008757054805756, + -0.12585410475730896, + 0.0009013087837956846, + -0.17637410759925842, + 2.094654083251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/100.png", + [ + 0.17409318685531616, + -0.026278050616383553, + -0.1262890249490738, + 1.4627622365951538, + -0.02257453463971615, + -0.2150639295578003, + 0.013630544766783714, + -0.17573541402816772, + -0.12700334191322327, + 0.0022057550959289074, + -0.1755368411540985, + 2.075155258178711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/40.png", + [ + 0.16624769568443298, + -0.031019538640975952, + -0.1354525089263916, + 1.5827933549880981, + -0.02514706924557686, + -0.21443578600883484, + 0.018242981284856796, + -0.22837290167808533, + -0.13666461408138275, + 0.0017232280224561691, + -0.168130025267601, + 2.0007729530334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/141.png", + [ + 0.1425153613090515, + -0.007395854219794273, + -0.1630416065454483, + 2.0073182582855225, + -0.02127237245440483, + -0.21544736623764038, + -0.008821198716759682, + 0.08801604807376862, + -0.1618170589208603, + 0.021808914840221405, + -0.142434224486351, + 1.7916520833969116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/52.png", + [ + 0.1882995367050171, + -0.010954638943076134, + -0.1066356897354126, + 1.2417757511138916, + -0.009500568732619286, + -0.21639753878116608, + 0.005454120691865683, + -0.07471320778131485, + -0.10677506029605865, + -6.41912265564315e-05, + -0.1885390430688858, + 2.230405330657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/3.png", + [ + 0.2081364393234253, + 0.01191034447401762, + -0.05903607979416847, + 0.6959827542304993, + 0.014467879198491573, + -0.21606376767158508, + 0.007417480926960707, + -0.09549519419670105, + -0.05846191942691803, + -0.011067169718444347, + -0.2083449512720108, + 2.4561238288879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/47.png", + [ + 0.17708545923233032, + -0.02319110929965973, + -0.12268172204494476, + 1.4326574802398682, + -0.021249111741781235, + -0.21539606153964996, + 0.010045218281447887, + -0.12858758866786957, + -0.12303293496370316, + 0.003821468912065029, + -0.17831483483314514, + 2.1098618507385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/104.png", + [ + 0.1713740974664688, + -0.026892969384789467, + -0.1298290491104126, + 1.5063261985778809, + -0.026309611275792122, + -0.21484911441802979, + 0.00977550633251667, + -0.12658612430095673, + -0.12994852662086487, + 0.008032705634832382, + -0.1731957048177719, + 2.064364433288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/21.png", + [ + 0.1870589554309845, + -0.01153272669762373, + -0.10873746126890182, + 1.2482826709747314, + -0.011022553779184818, + -0.21635739505290985, + 0.003985041286796331, + -0.06129588186740875, + -0.10879037529230118, + 0.002091278787702322, + -0.18737174570560455, + 2.1933655738830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/82.png", + [ + 0.1712239682674408, + -0.01925799436867237, + -0.13137498497962952, + 1.5404596328735352, + -0.011477629654109478, + -0.215727761387825, + 0.0166640505194664, + -0.20949925482273102, + -0.13228194415569305, + -0.006209359969943762, + -0.17149583995342255, + 2.05572509765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/106.png", + [ + 0.15387101471424103, + -0.024539994075894356, + -0.1505635678768158, + 1.7662931680679321, + -0.02524515427649021, + -0.21500034630298615, + 0.009242668747901917, + -0.12304450571537018, + -0.15044696629047394, + 0.010978776961565018, + -0.15554122626781464, + 1.869036078453064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/14.png", + [ + 0.1919364184141159, + -0.011814022436738014, + -0.09984353929758072, + 1.1627181768417358, + -0.012724284082651138, + -0.2162977159023285, + 0.0011327009415253997, + -0.026884829625487328, + -0.09973161667585373, + 0.0048599643632769585, + -0.1922963261604309, + 2.2755684852600098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/67.png", + [ + 0.1801372617483139, + -0.019359590485692024, + -0.11884306371212006, + 1.382151484489441, + -0.015503348782658577, + -0.21580477058887482, + 0.011655379086732864, + -0.14689770340919495, + -0.11940732598304749, + -0.0011865823762491345, + -0.18079926073551178, + 2.14453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/78.png", + [ + 0.17485776543617249, + -0.01802382804453373, + -0.12667986750602722, + 1.4787020683288574, + -0.010782578028738499, + -0.2158268541097641, + 0.015824198722839355, + -0.1976742148399353, + -0.1275005340576172, + -0.006466137710958719, + -0.17507053911685944, + 2.0871944427490234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/31.png", + [ + 0.18490412831306458, + -0.017096327617764473, + -0.11165156960487366, + 1.2893277406692505, + -0.01377489697188139, + -0.215992733836174, + 0.010260911658406258, + -0.12975862622261047, + -0.11210979521274567, + -0.0016582284588366747, + -0.18540911376476288, + 2.169973850250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/152.png", + [ + 0.1459600031375885, + -0.006003890186548233, + -0.1600235104560852, + 1.9517974853515625, + -0.025781216099858284, + -0.21457882225513458, + -0.0154647221788764, + 0.16236861050128937, + -0.1580471396446228, + 0.029458139091730118, + -0.14526256918907166, + 1.8088760375976562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/39.png", + [ + 0.16931957006454468, + -0.031559668481349945, + -0.1314639300107956, + 1.531725525856018, + -0.02443435788154602, + -0.21436244249343872, + 0.019990207627415657, + -0.24697613716125488, + -0.13297270238399506, + -0.0007961078081279993, + -0.17107169330120087, + 2.0294251441955566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/92.png", + [ + 0.17978344857692719, + -0.023031039163470268, + -0.11872393637895584, + 1.3817133903503418, + -0.018051352351903915, + -0.21543686091899872, + 0.014457067474722862, + -0.1838473081588745, + -0.1195823922753334, + -0.0021046011243015528, + -0.18067516386508942, + 2.1463871002197266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/53.png", + [ + 0.1900581270456314, + -0.012114559300243855, + -0.10333942621946335, + 1.2050416469573975, + -0.010107088834047318, + -0.21633280813694, + 0.006772265303879976, + -0.09097621589899063, + -0.10355502367019653, + -0.001119943568482995, + -0.1903233826160431, + 2.252671241760254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/75.png", + [ + 0.17543582618236542, + -0.022301916033029556, + -0.12519101798534393, + 1.4601695537567139, + -0.015677999705076218, + -0.2154822200536728, + 0.016416385769844055, + -0.20304904878139496, + -0.12619176506996155, + -0.004233433865010738, + -0.17608408629894257, + 2.091604232788086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/151.png", + [ + 0.13985279202461243, + -0.0066629089415073395, + -0.16536231338977814, + 2.0236611366271973, + -0.024699335917830467, + -0.21491457521915436, + -0.012229597195982933, + 0.12298120558261871, + -0.163643017411232, + 0.026743706315755844, + -0.13947628438472748, + 1.743656873703003, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/87.png", + [ + 0.17636056244373322, + -0.02262643724679947, + -0.12382600456476212, + 1.4546808004379272, + -0.01696515642106533, + -0.2154732644557953, + 0.015210113488137722, + -0.1937151849269867, + -0.1247277706861496, + -0.0026848416309803724, + -0.17715436220169067, + 2.1188225746154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/139.png", + [ + 0.14169816672801971, + -0.007363058160990477, + -0.16375380754470825, + 2.007483720779419, + -0.019227351993322372, + -0.21570828557014465, + -0.006938513368368149, + 0.06465178728103638, + -0.16278769075870514, + 0.019068807363510132, + -0.14171959459781647, + 1.7766584157943726, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/107.png", + [ + 0.1449369341135025, + -0.021811340004205704, + -0.15957896411418915, + 1.8845657110214233, + -0.02066228911280632, + -0.21542273461818695, + 0.010677657090127468, + -0.139408677816391, + -0.15973180532455444, + 0.008075148798525333, + -0.14617948234081268, + 1.7657074928283691, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/112.png", + [ + 0.1395733505487442, + -0.011852383613586426, + -0.16530786454677582, + 1.9699734449386597, + -0.022443357855081558, + -0.2154807150363922, + -0.0034997377078980207, + 0.0241318941116333, + -0.16420555114746094, + 0.01937713474035263, + -0.14003196358680725, + 1.7098716497421265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/69.png", + [ + 0.1799805611371994, + -0.02007271721959114, + -0.11896207928657532, + 1.384743332862854, + -0.01688252203166485, + -0.21574270725250244, + 0.010860743932425976, + -0.1380375325679779, + -0.11945656687021255, + 0.00024763718829490244, + -0.18077047169208527, + 2.141697883605957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/157.png", + [ + 0.13819001615047455, + -0.01004381850361824, + -0.16658492386341095, + 2.0447804927825928, + -0.02985413931310177, + -0.2142808884382248, + -0.011845883913338184, + 0.12255676090717316, + -0.16419543325901031, + 0.030507642775774002, + -0.1380472183227539, + 1.7346395254135132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/45.png", + [ + 0.172038272023201, + -0.028321973979473114, + -0.12864135205745697, + 1.5012421607971191, + -0.027514923363924026, + -0.21466562151908875, + 0.010464240796864033, + -0.1308305859565735, + -0.1288163959980011, + 0.008027278818190098, + -0.17403963208198547, + 2.06351375579834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/50.png", + [ + 0.1864338368177414, + -0.01047586277127266, + -0.10991168022155762, + 1.276632308959961, + -0.008316725492477417, + -0.21641677618026733, + 0.006520082242786884, + -0.08665427565574646, + -0.11009611934423447, + -0.0013912963913753629, + -0.1866140365600586, + 2.203451156616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/101.png", + [ + 0.17527146637439728, + -0.02847975119948387, + -0.12416407465934753, + 1.4377679824829102, + -0.024816138669848442, + -0.21477773785591125, + 0.014233231544494629, + -0.18052007257938385, + -0.12494786828756332, + 0.002707255771383643, + -0.17699883878231049, + 2.0950236320495605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/85.png", + [ + 0.17243732511997223, + -0.021228818222880363, + -0.12947043776512146, + 1.5214506387710571, + -0.015798693522810936, + -0.21562336385250092, + 0.014313263818621635, + -0.1845775842666626, + -0.13024461269378662, + -0.0019507466349750757, + -0.17314858734607697, + 2.072183132171631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/156.png", + [ + 0.1422819346189499, + -0.010489864274859428, + -0.16307580471038818, + 1.9991281032562256, + -0.032068882137537, + -0.2138155847787857, + -0.01422605849802494, + 0.15353986620903015, + -0.16023527085781097, + 0.03347770869731903, + -0.14195704460144043, + 1.7805898189544678, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/131.png", + [ + 0.14524546265602112, + -0.0029308858793228865, + -0.16075776517391205, + 1.918426752090454, + -0.0167547557502985, + -0.2157350778579712, + -0.011204789392650127, + 0.11062327027320862, + -0.15990912914276123, + 0.019941892474889755, + -0.14484228193759918, + 1.769458532333374, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/71.png", + [ + 0.1781662255525589, + -0.021511269733309746, + -0.12141644209623337, + 1.4176205396652222, + -0.01696416363120079, + -0.2155994176864624, + 0.013304420746862888, + -0.16842682659626007, + -0.12213477492332458, + -0.0014338105684146285, + -0.17896628379821777, + 2.124408721923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/160.png", + [ + 0.1378757357597351, + -0.011011680588126183, + -0.16678406298160553, + 2.0390689373016357, + -0.03168487921357155, + -0.21400567889213562, + -0.01206358615309, + 0.12071722745895386, + -0.16411654651165009, + 0.032065633684396744, + -0.13778768479824066, + 1.7222812175750732, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/115.png", + [ + 0.14353851974010468, + -0.009327578358352184, + -0.16204190254211426, + 1.9249752759933472, + -0.02097790688276291, + -0.21556833386421204, + -0.006173755973577499, + 0.05322040989995003, + -0.16094878315925598, + 0.019778374582529068, + -0.1437087208032608, + 1.7491192817687988, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/54.png", + [ + 0.18654213845729828, + -0.01403410267084837, + -0.10932964086532593, + 1.2788276672363281, + -0.01202045101672411, + -0.21621955931186676, + 0.007245311513543129, + -0.09720024466514587, + -0.10956932604312897, + -0.00017244438640773296, + -0.18692894279956818, + 2.2181243896484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/33.png", + [ + 0.18477872014045715, + -0.01690242439508438, + -0.11188843101263046, + 1.2911365032196045, + -0.011666391044855118, + -0.2159477174282074, + 0.013355616480112076, + -0.16690537333488464, + -0.11255491524934769, + -0.005365187767893076, + -0.18506890535354614, + 2.1620516777038574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/159.png", + [ + 0.13886284828186035, + -0.012413911521434784, + -0.16586410999298096, + 2.028588056564331, + -0.03178798407316208, + -0.21406830847263336, + -0.010591468773782253, + 0.10492309927940369, + -0.16326215863227844, + 0.03112153336405754, + -0.13901372253894806, + 1.7387380599975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/49.png", + [ + 0.18354281783103943, + -0.01304465252906084, + -0.11441050469875336, + 1.3302794694900513, + -0.011314066126942635, + -0.21628113090991974, + 0.006508985999971628, + -0.08660128712654114, + -0.11459457874298096, + 0.0004604617424774915, + -0.18389062583446503, + 2.1690874099731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/118.png", + [ + 0.1423846334218979, + -0.0043913270346820354, + -0.16326428949832916, + 1.9383481740951538, + -0.017981145530939102, + -0.21570110321044922, + -0.009879838675260544, + 0.09462864696979523, + -0.1623304933309555, + 0.02004118449985981, + -0.14210930466651917, + 1.7318145036697388, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/110.png", + [ + 0.14384371042251587, + -0.015919584780931473, + -0.1612558364868164, + 1.9171160459518433, + -0.022447165101766586, + -0.21550510823726654, + 0.0012518501607701182, + -0.02960161119699478, + -0.1604774296283722, + 0.015874799340963364, + -0.1447165608406067, + 1.7592889070510864, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/18.png", + [ + 0.1887931078672409, + -0.0137328514829278, + -0.10543466359376907, + 1.2201486825942993, + -0.013699863106012344, + -0.21621061861515045, + 0.003630195977166295, + -0.05481451749801636, + -0.1054389625787735, + 0.0035033386666327715, + -0.18925710022449493, + 2.227489948272705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/66.png", + [ + 0.18051519989967346, + -0.018815161660313606, + -0.11835603415966034, + 1.3779748678207397, + -0.015280712395906448, + -0.21585460007190704, + 0.01100863516330719, + -0.14034003019332886, + -0.1188640221953392, + -0.0008245619828812778, + -0.1811589151620865, + 2.149784564971924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/16.png", + [ + 0.1914246827363968, + -0.014620361849665642, + -0.10045260936021805, + 1.167342185974121, + -0.014779438264667988, + -0.2161448895931244, + 0.003294758964329958, + -0.0506504625082016, + -0.10042932629585266, + 0.003941093105822802, + -0.19195392727851868, + 2.270455837249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/94.png", + [ + 0.17624594271183014, + -0.023583417758345604, + -0.12381069362163544, + 1.4419256448745728, + -0.019405057653784752, + -0.21538731455802917, + 0.013403576798737049, + -0.17178232967853546, + -0.12453397363424301, + 0.0001856596936704591, + -0.17731089890003204, + 2.104768753051758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/28.png", + [ + 0.1863323599100113, + -0.011721769347786903, + -0.10995791107416153, + 1.2760488986968994, + -0.011223508976399899, + -0.21634596586227417, + 0.004043861757963896, + -0.061397798359394073, + -0.11000986397266388, + 0.002218125155195594, + -0.1866568922996521, + 2.1909098625183105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/61.png", + [ + 0.18330562114715576, + -0.01653328537940979, + -0.11433980613946915, + 1.332109808921814, + -0.015536892227828503, + -0.21602420508861542, + 0.00632841931656003, + -0.08417138457298279, + -0.11447945982217789, + 0.002845051698386669, + -0.18394091725349426, + 2.174447536468506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/132.png", + [ + 0.14102229475975037, + -0.0033283757511526346, + -0.16446742415428162, + 1.970375418663025, + -0.017507782205939293, + -0.215703547000885, + -0.010646763257682323, + 0.10534872114658356, + -0.16356675326824188, + 0.020218752324581146, + -0.14065921306610107, + 1.7298696041107178, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/58.png", + [ + 0.18610279262065887, + -0.016474468633532524, + -0.10973713546991348, + 1.2811163663864136, + -0.01488746702671051, + -0.21604309976100922, + 0.0071862307377159595, + -0.0971408486366272, + -0.10996367037296295, + 0.0013676281087100506, + -0.18669229745864868, + 2.2068047523498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/123.png", + [ + 0.14263413846492767, + -0.0008502879063598812, + -0.16310322284698486, + 1.928303837776184, + -0.014254732057452202, + -0.21590760350227356, + -0.011340229772031307, + 0.1151491105556488, + -0.16248135268688202, + 0.01819547265768051, + -0.14218519628047943, + 1.7242599725723267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/64.png", + [ + 0.18182021379470825, + -0.01816299557685852, + -0.11644485592842102, + 1.3531211614608765, + -0.01607462391257286, + -0.21590721607208252, + 0.00857770349830389, + -0.11256524920463562, + -0.11675146222114563, + 0.0014409029390662909, + -0.1825237274169922, + 2.1614928245544434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/10.png", + [ + 0.2015053927898407, + -0.0046988436952233315, + -0.07950716465711594, + 0.9291369318962097, + -0.004323300439864397, + -0.21662364900112152, + 0.0018452692311257124, + -0.03431219235062599, + -0.07952847331762314, + -0.00012967942166142166, + -0.20155173540115356, + 2.3677120208740234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/170.png", + [ + 0.18123839795589447, + 0.015498441644012928, + -0.11772993206977844, + 1.4131709337234497, + 0.01710525155067444, + -0.2159881591796875, + -0.0021010111086070538, + -0.019702432677149773, + -0.11750722676515579, + -0.007536721415817738, + -0.18188773095607758, + 2.2796130180358887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/41.png", + [ + 0.1656399369239807, + -0.02907252311706543, + -0.13662391901016235, + 1.6030396223068237, + -0.02326458878815174, + -0.21471139788627625, + 0.017483452335000038, + -0.21939222514629364, + -0.1377318799495697, + 0.001303987461142242, + -0.16726066172122955, + 1.9943238496780396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/166.png", + [ + 0.15485888719558716, + -0.013390959240496159, + -0.15095463395118713, + 1.847566843032837, + -0.03143637627363205, + -0.21397103369235992, + -0.01326839067041874, + 0.14193178713321686, + -0.14825105667114258, + 0.03138436749577522, + -0.1548694372177124, + 1.9222944974899292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/91.png", + [ + 0.17745648324489594, + -0.022571200504899025, + -0.12226049602031708, + 1.423677921295166, + -0.01842317171394825, + -0.21549560129642487, + 0.013043321669101715, + -0.1661940962076187, + -0.12295396625995636, + -0.0002870461030397564, + -0.17841002345085144, + 2.1237568855285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/140.png", + [ + 0.1435912400484085, + -0.006869821809232235, + -0.16211803257465363, + 1.9915437698364258, + -0.01926526427268982, + -0.21567092835903168, + -0.007924491539597511, + 0.07653898000717163, + -0.16111578047275543, + 0.019666051492094994, + -0.14353691041469574, + 1.8024476766586304, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/23.png", + [ + 0.18709659576416016, + -0.00898340530693531, + -0.10891307145357132, + 1.2473042011260986, + -0.009004931896924973, + -0.2164742797613144, + 0.00238616019487381, + -0.042204439640045166, + -0.10891129821538925, + 0.0024659668561071157, + -0.18729694187641144, + 2.18580961227417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/37.png", + [ + 0.1772538423538208, + -0.027550356462597847, + -0.12153167277574539, + 1.4038240909576416, + -0.022680776193737984, + -0.21491596102714539, + 0.015640011057257652, + -0.1916019469499588, + -0.12253388017416, + -7.300690049305558e-05, + -0.17869900166988373, + 2.1056952476501465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/36.png", + [ + 0.179582417011261, + -0.02405746653676033, + -0.1188245639204979, + 1.366331934928894, + -0.02033240720629692, + -0.21533440053462982, + 0.012868189252912998, + -0.1569279134273529, + -0.11951833963394165, + 0.000485004362417385, + -0.18072913587093353, + 2.120168685913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/8.png", + [ + 0.2059798389673233, + -0.0006648452836088836, + -0.06722913682460785, + 0.7880200147628784, + 0.0004955549375154078, + -0.21664313971996307, + 0.003660739865154028, + -0.055303312838077545, + -0.06723059713840485, + -0.0036338097415864468, + -0.20594839751720428, + 2.4152002334594727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/6.png", + [ + 0.20700345933437347, + 0.005895198322832584, + -0.06373940408229828, + 0.7514575123786926, + 0.008674418553709984, + -0.21634702384471893, + 0.008161760866641998, + -0.10678257048130035, + -0.06342097371816635, + -0.01034922618418932, + -0.20692647993564606, + 2.435750961303711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/169.png", + [ + 0.17930372059345245, + 0.01312965713441372, + -0.12093669176101685, + 1.454981803894043, + 0.009582635015249252, + -0.21626397967338562, + -0.009271543473005295, + 0.07956965267658234, + -0.12126931548118591, + 0.0023238984867930412, + -0.1795445680618286, + 2.234569549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/154.png", + [ + 0.14533519744873047, + -0.007614674977958202, + -0.16052284836769104, + 1.9593968391418457, + -0.029718507081270218, + -0.21397177875041962, + -0.016756616532802582, + 0.18389996886253357, + -0.15793158113956451, + 0.03325643762946129, + -0.14456668496131897, + 1.8037750720977783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/20.png", + [ + 0.1880190074443817, + -0.01207705307751894, + -0.10700886696577072, + 1.2319090366363525, + -0.011783161200582981, + -0.2163221687078476, + 0.003710688091814518, + -0.05748625099658966, + -0.1070416271686554, + 0.0025993939489126205, + -0.18836992979049683, + 2.2085533142089844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/2.png", + [ + 0.20909568667411804, + 0.011993413791060448, + -0.05552516505122185, + 0.6521876454353333, + 0.014270036481320858, + -0.21608883142471313, + 0.007062745746225119, + -0.09102880209684372, + -0.05498410388827324, + -0.010472547262907028, + -0.20932024717330933, + 2.4680986404418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/117.png", + [ + 0.1424591839313507, + -0.006645069923251867, + -0.1631229966878891, + 1.9368221759796143, + -0.02111930213868618, + -0.21542605757713318, + -0.009668268263339996, + 0.09266799688339233, + -0.1618865430355072, + 0.022256311029195786, + -0.14228597283363342, + 1.7346851825714111, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/149.png", + [ + 0.13830691576004028, + -0.005288140848278999, + -0.16670669615268707, + 2.04357647895813, + -0.023632297292351723, + -0.215002179145813, + -0.012786219827830791, + 0.12900957465171814, + -0.165107861161232, + 0.026344038546085358, + -0.13781611621379852, + 1.7274527549743652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/161.png", + [ + 0.13890886306762695, + -0.01161020528525114, + -0.16588376462459564, + 2.032048225402832, + -0.03313882648944855, + -0.21374313533306122, + -0.012790131382644176, + 0.12921902537345886, + -0.16295410692691803, + 0.03357040882110596, + -0.13880519568920135, + 1.735597848892212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/5.png", + [ + 0.2072368562221527, + 0.008147338405251503, + -0.06272485107183456, + 0.7397392988204956, + 0.011691977269947529, + -0.21610110998153687, + 0.010559764690697193, + -0.13543279469013214, + -0.062161754816770554, + -0.013484503142535686, + -0.20712792873382568, + 2.441847324371338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/108.png", + [ + 0.1425589621067047, + -0.02065737545490265, + -0.16185827553272247, + 1.9158999919891357, + -0.020101657137274742, + -0.21551743149757385, + 0.009800874628126621, + -0.1303987056016922, + -0.16192825138568878, + 0.008567762561142445, + -0.1437140554189682, + 1.7407315969467163, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/60.png", + [ + 0.18489061295986176, + -0.017834553495049477, + -0.1115584596991539, + 1.2992115020751953, + -0.016951272264122963, + -0.2159149944782257, + 0.006423693150281906, + -0.08617068827152252, + -0.11169608682394028, + 0.0032462377566844225, + -0.18563765287399292, + 2.1923375129699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/56.png", + [ + 0.18650531768798828, + -0.014416605234146118, + -0.10934267193078995, + 1.2793718576431274, + -0.012575128115713596, + -0.21619431674480438, + 0.007055433467030525, + -0.09650637209415436, + -0.1095697283744812, + 0.000272862846031785, + -0.18692858517169952, + 2.2142982482910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/147.png", + [ + 0.1441870480775833, + -0.0058866022154688835, + -0.1616271436214447, + 1.985935091972351, + -0.022505715489387512, + -0.21515469253063202, + -0.012241153977811337, + 0.12382225692272186, + -0.16016079485416412, + 0.024933932349085808, + -0.14378704130649567, + 1.8009023666381836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/30.png", + [ + 0.18301169574260712, + -0.014740142039954662, + -0.11505363136529922, + 1.3336796760559082, + -0.01349579356610775, + -0.21616427600383759, + 0.006226691417396069, + -0.08595207333564758, + -0.11520621180534363, + 0.0019069274421781301, + -0.18349874019622803, + 2.1524410247802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/17.png", + [ + 0.18973040580749512, + -0.01397454459220171, + -0.10370621830224991, + 1.2037681341171265, + -0.013892889954149723, + -0.21619684994220734, + 0.003715773578733206, + -0.05534549802541733, + -0.10371719300746918, + 0.0033958004787564278, + -0.1902080625295639, + 2.246457099914551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/12.png", + [ + 0.19672390818595886, + -0.006014393176883459, + -0.09061693400144577, + 1.0573043823242188, + -0.007134212180972099, + -0.21655428409576416, + -0.0011148853227496147, + -0.001164853572845459, + -0.09053564071655273, + 0.003995876293629408, + -0.1968126744031906, + 2.3195877075195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/114.png", + [ + 0.13845156133174896, + -0.008907797746360302, + -0.16643230617046356, + 1.9823943376541138, + -0.01930164359509945, + -0.21576611697673798, + -0.0045083872973918915, + 0.03403184935450554, + -0.1655491292476654, + 0.01770678162574768, + -0.13866454362869263, + 1.6911768913269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/27.png", + [ + 0.1856781393289566, + -0.009001540020108223, + -0.11131265759468079, + 1.2906805276870728, + -0.008651402778923512, + -0.21648001670837402, + 0.003074919106438756, + -0.05024775117635727, + -0.11134042590856552, + 0.0018094675615429878, + -0.18587073683738708, + 2.1803178787231445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/42.png", + [ + 0.1652643382549286, + -0.02613849937915802, + -0.13766759634017944, + 1.6145215034484863, + -0.023308265954256058, + -0.2150338888168335, + 0.012847159057855606, + -0.16374945640563965, + -0.13817495107650757, + 0.00501035014167428, + -0.16682468354701996, + 1.9916645288467407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/7.png", + [ + 0.20630870759487152, + 0.0017295158468186855, + -0.06619387120008469, + 0.7761960625648499, + 0.0037334621883928776, + -0.2165599763393402, + 0.005977921187877655, + -0.08106102794408798, + -0.06611112505197525, + -0.00683249905705452, + -0.2062293291091919, + 2.4201059341430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/73.png", + [ + 0.17619307339191437, + -0.02481417916715145, + -0.12364528328180313, + 1.44353449344635, + -0.016912341117858887, + -0.21516908705234528, + 0.019082067534327507, + -0.23496013879776, + -0.12497147172689438, + -0.005865923594683409, + -0.17690566182136536, + 2.099712371826172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/120.png", + [ + 0.140402689576149, + 1.909382081066724e-05, + -0.16503022611141205, + 1.9548580646514893, + -0.01271221786737442, + -0.2160295844078064, + -0.010840162634849548, + 0.10450059175491333, + -0.1645398885011673, + 0.0167065616697073, + -0.13998359441757202, + 1.7006969451904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/46.png", + [ + 0.1734941154718399, + -0.025923054665327072, + -0.12718361616134644, + 1.4843417406082153, + -0.02526707947254181, + -0.21499300003051758, + 0.009353285655379295, + -0.11967886984348297, + -0.12731556594371796, + 0.007341969292610884, + -0.17517060041427612, + 2.074739933013916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/127.png", + [ + 0.14543847739696503, + -0.003050569212064147, + -0.16058093309402466, + 1.9042373895645142, + -0.017729928717017174, + -0.21561646461486816, + -0.011961947195231915, + 0.12239457666873932, + -0.15962830185890198, + 0.021169142797589302, + -0.14497780799865723, + 1.7620182037353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/133.png", + [ + 0.14095525443553925, + -0.008944960311055183, + -0.16431522369384766, + 1.9733525514602661, + -0.022588631138205528, + -0.21535800397396088, + -0.007653688080608845, + 0.0728156715631485, + -0.16300080716609955, + 0.02210911363363266, + -0.14103126525878906, + 1.738316297531128, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/57.png", + [ + 0.1855209916830063, + -0.017089255154132843, + -0.11062465608119965, + 1.2937984466552734, + -0.015012750402092934, + -0.21599867939949036, + 0.00819054339081049, + -0.10953381657600403, + -0.11092554032802582, + 0.0006519588059745729, + -0.18612627685070038, + 2.2032628059387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/44.png", + [ + 0.17156775295734406, + -0.02879476547241211, + -0.1291636973619461, + 1.5083842277526855, + -0.026577716693282127, + -0.21467164158821106, + 0.012554149143397808, + -0.1563108265399933, + -0.12963804602622986, + 0.005902810487896204, + -0.1735137552022934, + 2.0586142539978027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/113.png", + [ + 0.14185163378715515, + -0.011228040792047977, + -0.16340117156505585, + 1.946325421333313, + -0.021397972479462624, + -0.21558262407779694, + -0.0037623150274157524, + 0.02545081079006195, + -0.16238267719745636, + 0.01859998144209385, + -0.14224554598331451, + 1.732418417930603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/126.png", + [ + 0.14346952736377716, + -0.0004434965958353132, + -0.16237054765224457, + 1.9252772331237793, + -0.016767781227827072, + -0.21555586159229279, + -0.014227133244276047, + 0.15026971697807312, + -0.16150304675102234, + 0.021985750645399094, + -0.14276304841041565, + 1.7373077869415283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/29.png", + [ + 0.18630677461624146, + -0.011772607453167439, + -0.10999584197998047, + 1.2771958112716675, + -0.011395376175642014, + -0.21634046733379364, + 0.003853377653285861, + -0.060604192316532135, + -0.11003556102514267, + 0.0024716025218367577, + -0.18663857877254486, + 2.189688205718994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/4.png", + [ + 0.20738182961940765, + 0.01109003834426403, + -0.061787426471710205, + 0.72996586561203, + 0.014821706339716911, + -0.21588711440563202, + 0.01099829375743866, + -0.13889692723751068, + -0.06099993735551834, + -0.01475318893790245, + -0.20738671720027924, + 2.446455955505371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/55.png", + [ + 0.18679112195968628, + -0.013894472271203995, + -0.1089216023683548, + 1.274409532546997, + -0.011352207511663437, + -0.21622483432292938, + 0.008114445023238659, + -0.1100866049528122, + -0.10921583324670792, + -0.0012885937467217445, + -0.18713133037090302, + 2.216059684753418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/9.png", + [ + 0.2039731740951538, + -0.0030428674072027206, + -0.07303135097026825, + 0.8560358285903931, + -0.0019924649968743324, + -0.21663784980773926, + 0.0034613984171301126, + -0.05341541767120361, + -0.0730675533413887, + -0.0025869200471788645, + -0.20396651327610016, + 2.393169403076172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/25.png", + [ + 0.1857772320508957, + -0.009075343608856201, + -0.1111411452293396, + 1.2800230979919434, + -0.009780459105968475, + -0.21644970774650574, + 0.0013259619008749723, + -0.028467949479818344, + -0.1110813170671463, + 0.003879908937960863, + -0.18599402904510498, + 2.1780214309692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/99.png", + [ + 0.17779982089996338, + -0.022494517266750336, + -0.12177484482526779, + 1.4146432876586914, + -0.018453331664204597, + -0.21550370752811432, + 0.012865167111158371, + -0.16839303076267242, + -0.12245237827301025, + -0.00018586975056678057, + -0.1787547767162323, + 2.114258289337158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/34.png", + [ + 0.18187057971954346, + -0.01908998377621174, + -0.1162177175283432, + 1.337182879447937, + -0.014851261861622334, + -0.21581996977329254, + 0.012209775857627392, + -0.15375055372714996, + -0.11683505028486252, + -0.0022827729117125273, + -0.18246164917945862, + 2.131585121154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/72.png", + [ + 0.1743931621313095, + -0.024990389123558998, + -0.1261364221572876, + 1.4736204147338867, + -0.0173831544816494, + -0.21517404913902283, + 0.018597165122628212, + -0.22956609725952148, + -0.12740778923034668, + -0.00484860222786665, + -0.1751902997493744, + 2.0849971771240234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/102.png", + [ + 0.17489051818847656, + -0.03064926713705063, + -0.12418462336063385, + 1.4357824325561523, + -0.027307048439979553, + -0.21445925533771515, + 0.014472601003944874, + -0.18264015018939972, + -0.12496208399534225, + 0.003969063051044941, + -0.17696501314640045, + 2.0973424911499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/134.png", + [ + 0.142874613404274, + -0.010828977450728416, + -0.16253452003002167, + 1.9555021524429321, + -0.02376118302345276, + -0.2152683585882187, + -0.006544659845530987, + 0.058815304189920425, + -0.16115255653858185, + 0.022139549255371094, + -0.14313484728336334, + 1.7697559595108032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/70.png", + [ + 0.17737671732902527, + -0.019926415756344795, + -0.12283457070589066, + 1.4340217113494873, + -0.016060221940279007, + -0.21575568616390228, + 0.011808797717094421, + -0.1502697765827179, + -0.12339961528778076, + -0.0005623886827379465, + -0.17810142040252686, + 2.1155824661254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/135.png", + [ + 0.14181599020957947, + -0.01181913260370493, + -0.1633904129266739, + 1.9715509414672852, + -0.02424728125333786, + -0.21524401009082794, + -0.005475567188113928, + 0.045565348118543625, + -0.16201291978359222, + 0.021868256852030754, + -0.14220227301120758, + 1.7639905214309692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/130.png", + [ + 0.14489461481571198, + -0.0009976899018511176, + -0.16109764575958252, + 1.9191012382507324, + -0.013276495970785618, + -0.21600741147994995, + -0.010603410191833973, + 0.10319773852825165, + -0.1605527400970459, + 0.01696178875863552, + -0.14450955390930176, + 1.7610492706298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/90.png", + [ + 0.17833785712718964, + -0.023425297811627388, + -0.12080875039100647, + 1.4087308645248413, + -0.018874244764447212, + -0.21540264785289764, + 0.013905275613069534, + -0.17602817714214325, + -0.12160287797451019, + -0.0009214880992658436, + -0.17933149635791779, + 2.13712215423584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/122.png", + [ + 0.13986611366271973, + 1.7235957784578204e-05, + -0.1654852330684662, + 1.9575175046920776, + -0.01436516921967268, + -0.2158554643392563, + -0.012163749895989895, + 0.12281039357185364, + -0.1648605465888977, + 0.01882324554026127, + -0.13933618366718292, + 1.6920825242996216, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/15.png", + [ + 0.19173116981983185, + -0.014188078232109547, + -0.09992872923612595, + 1.1625257730484009, + -0.014466875232756138, + -0.21617119014263153, + 0.002935119206085801, + -0.04726618528366089, + -0.09988874197006226, + 0.0040747858583927155, + -0.19223302602767944, + 2.276165008544922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/162.png", + [ + 0.13875897228717804, + -0.010906264185905457, + -0.16605688631534576, + 2.039327383041382, + -0.0314967967569828, + -0.21402214467525482, + -0.012262548319995403, + 0.12165094912052155, + -0.1634068340063095, + 0.03199174255132675, + -0.1386457085609436, + 1.735493779182434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/22.png", + [ + 0.18755754828453064, + -0.01144605502486229, + -0.10788441449403763, + 1.23490571975708, + -0.01127212680876255, + -0.21635518968105316, + 0.003357674926519394, + -0.054841212928295135, + -0.10790272057056427, + 0.002706036902964115, + -0.18787649273872375, + 2.1933751106262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/138.png", + [ + 0.1445637345314026, + -0.009375742636620998, + -0.16112516820430756, + 1.9661089181900024, + -0.02196110412478447, + -0.21543964743614197, + -0.0071675474755465984, + 0.06744435429573059, + -0.1598966419696808, + 0.021113013848662376, + -0.14469000697135925, + 1.806647777557373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/109.png", + [ + 0.1434510350227356, + -0.019692592322826385, + -0.161189004778862, + 1.912204623222351, + -0.021817972883582115, + -0.21546271443367004, + 0.006906233727931976, + -0.09495843946933746, + -0.16091510653495789, + 0.011658545583486557, + -0.14463159441947937, + 1.75426185131073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/26.png", + [ + 0.1855304092168808, + -0.008536078967154026, + -0.1115952655673027, + 1.291440725326538, + -0.00867091491818428, + -0.21649044752120972, + 0.002144009340554476, + -0.03867819532752037, + -0.11158487200737, + 0.0026299995370209217, + -0.18571428954601288, + 2.1755542755126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/43.png", + [ + 0.17078574001789093, + -0.027170466259121895, + -0.13054455816745758, + 1.527221441268921, + -0.024469908326864243, + -0.2149125337600708, + 0.012717205099761486, + -0.16126440465450287, + -0.1310776174068451, + 0.004719038959592581, + -0.17246529459953308, + 2.04941463470459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/84.png", + [ + 0.17172901332378387, + -0.020461205393075943, + -0.13053111732006073, + 1.533360481262207, + -0.013697178103029728, + -0.21566428244113922, + 0.015785880386829376, + -0.20208780467510223, + -0.13141319155693054, + -0.0042597767896950245, + -0.17222172021865845, + 2.061984062194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/136.png", + [ + 0.14216163754463196, + -0.012982568703591824, + -0.16300126910209656, + 1.972665786743164, + -0.025270523503422737, + -0.21514005959033966, + -0.0049044294282794, + 0.039171990007162094, + -0.16155298054218292, + 0.022228488698601723, + -0.1426689177751541, + 1.7716716527938843, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/89.png", + [ + 0.17876455187797546, + -0.022649068385362625, + -0.12032516300678253, + 1.4065791368484497, + -0.01741108112037182, + -0.21547365188598633, + 0.014691798947751522, + -0.18592257797718048, + -0.12119398266077042, + -0.0024524431210011244, + -0.17959369719028473, + 2.1417908668518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/63.png", + [ + 0.18292969465255737, + -0.01729014702141285, + -0.11482890695333481, + 1.3353004455566406, + -0.015487486496567726, + -0.21597787737846375, + 0.007847919128835201, + -0.10248173773288727, + -0.1150858923792839, + 0.0015820676926523447, + -0.18357731401920319, + 2.172645092010498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/88.png", + [ + 0.17732220888137817, + -0.02333429828286171, + -0.12231208384037018, + 1.4332793951034546, + -0.01858321577310562, + -0.2154117226600647, + 0.01415448822081089, + -0.1802607625722885, + -0.12312351912260056, + -0.001093589118681848, + -0.17828993499279022, + 2.129098415374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/62.png", + [ + 0.1838810294866562, + -0.016073323786258698, + -0.11347822099924088, + 1.3205316066741943, + -0.014302307739853859, + -0.2160743921995163, + 0.007429711055010557, + -0.09770894050598145, + -0.1137150228023529, + 0.0011852680472657084, + -0.18443259596824646, + 2.1807751655578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/65.png", + [ + 0.18118661642074585, + -0.018194857984781265, + -0.11742337793111801, + 1.3662697076797485, + -0.015031497925519943, + -0.21590888500213623, + 0.010261374525725842, + -0.13108761608600616, + -0.11787006258964539, + -0.0004346366913523525, + -0.18180854618549347, + 2.1570944786071777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/80.png", + [ + 0.17272379994392395, + -0.01841411553323269, + -0.129519522190094, + 1.515304446220398, + -0.009720795787870884, + -0.2157309502363205, + 0.017707617953419685, + -0.2225092649459839, + -0.13046032190322876, + -0.008305052295327187, + -0.17279765009880066, + 2.066959857940674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/146.png", + [ + 0.14432547986507416, + -0.006213097367435694, + -0.1614913046360016, + 1.9853332042694092, + -0.02359587512910366, + -0.21500438451766968, + -0.012815817259252071, + 0.1321992576122284, + -0.15987896919250488, + 0.026122940704226494, + -0.14388956129550934, + 1.8035171031951904, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/119.png", + [ + 0.13946910202503204, + -0.0031602096278220415, + -0.16578984260559082, + 1.966388463973999, + -0.015314553864300251, + -0.21595486998558044, + -0.00876678992062807, + 0.08017528057098389, + -0.165111243724823, + 0.017361028119921684, + -0.1392291784286499, + 1.6964130401611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/145.png", + [ + 0.14067526161670685, + -0.004823609720915556, + -0.1647273451089859, + 2.0290534496307373, + -0.02110946923494339, + -0.21532505750656128, + -0.011722012422978878, + 0.1197001188993454, + -0.16344039142131805, + 0.02365899458527565, + -0.14026899635791779, + 1.7627724409103394, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/167.png", + [ + 0.16678501665592194, + -0.008461302146315575, + -0.1380545198917389, + 1.680220365524292, + -0.022332260385155678, + -0.21507857739925385, + -0.013797750696539879, + 0.14807239174842834, + -0.13649877905845642, + 0.02484983205795288, + -0.1664285510778427, + 2.062410354614258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/79.png", + [ + 0.17335516214370728, + -0.01718280091881752, + -0.12884342670440674, + 1.5054726600646973, + -0.009379282593727112, + -0.2158668488264084, + 0.016168847680091858, + -0.20256376266479492, + -0.12964533269405365, + -0.007358934264630079, + -0.17345266044139862, + 2.071345806121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/165.png", + [ + 0.14438937604427338, + -0.013193427585065365, + -0.16101408004760742, + 1.977561116218567, + -0.032763008028268814, + -0.2138548493385315, + -0.01185704953968525, + 0.12145742774009705, + -0.15819665789604187, + 0.03224806860089302, + -0.14450526237487793, + 1.8012741804122925, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/116.png", + [ + 0.13990266621112823, + -0.008400499820709229, + -0.16524094343185425, + 1.9633257389068604, + -0.021871492266654968, + -0.21543513238430023, + -0.0075654215179383755, + 0.06916534900665283, + -0.16400235891342163, + 0.02156454138457775, + -0.13995032012462616, + 1.7088721990585327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/19.png", + [ + 0.1881350874900818, + -0.014506591483950615, + -0.10650182515382767, + 1.228694200515747, + -0.014129923656582832, + -0.2161669135093689, + 0.004483590833842754, + -0.06577566266059875, + -0.10655245929956436, + 0.003052235348150134, + -0.1886402666568756, + 2.2162489891052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/77.png", + [ + 0.17449389398097992, + -0.021421752870082855, + -0.12665261328220367, + 1.4799216985702515, + -0.012742347083985806, + -0.21547327935695648, + 0.01888909935951233, + -0.2329024374485016, + -0.12781786918640137, + -0.007763626053929329, + -0.17478618025779724, + 2.0842204093933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/68.png", + [ + 0.17869769036769867, + -0.018465448170900345, + -0.12113653123378754, + 1.4120906591415405, + -0.01526680774986744, + -0.21588635444641113, + 0.010387417860329151, + -0.13162849843502045, + -0.121581070125103, + -3.156585444230586e-05, + -0.1793486326932907, + 2.1280040740966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/143.png", + [ + 0.14275537431240082, + -0.006405401974916458, + -0.16287346184253693, + 2.008507490158081, + -0.022587675601243973, + -0.21519577503204346, + -0.011334548704326153, + 0.11662346124649048, + -0.16142673790454865, + 0.024446798488497734, + -0.1424487829208374, + 1.7914029359817505, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/86.png", + [ + 0.17242898046970367, + -0.022413652390241623, + -0.12928175926208496, + 1.5202445983886719, + -0.016574854031205177, + -0.21550050377845764, + 0.01525480393320322, + -0.1947334259748459, + -0.1301591992378235, + -0.002250120509415865, + -0.17320916056632996, + 2.0767407417297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/1.png", + [ + 0.2099941521883011, + 0.01204991340637207, + -0.05201104283332825, + 0.6086065769195557, + 0.014632366597652435, + -0.21599100530147552, + 0.009037272073328495, + -0.11410345137119293, + -0.051344357430934906, + -0.012271023355424404, + -0.21014536917209625, + 2.4877777099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/81.png", + [ + 0.17063362896442413, + -0.018902383744716644, + -0.13219213485717773, + 1.5482295751571655, + -0.009842644445598125, + -0.2156897336244583, + 0.018136968836188316, + -0.22766895592212677, + -0.13317348062992096, + -0.008278111927211285, + -0.17071667313575745, + 2.046210289001465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/95.png", + [ + 0.17567168176174164, + -0.023188861086964607, + -0.12469815462827682, + 1.452170491218567, + -0.01944858580827713, + -0.2154282033443451, + 0.012662326917052269, + -0.16237564384937286, + -0.12533597648143768, + 0.0009266906999982893, + -0.1767425388097763, + 2.0983753204345703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/103.png", + [ + 0.17473216354846954, + -0.030155692249536514, + -0.12452790141105652, + 1.4391058683395386, + -0.028149759396910667, + -0.21447785198688507, + 0.012439459562301636, + -0.15895096957683563, + -0.124996617436409, + 0.006146804429590702, + -0.17687836289405823, + 2.099764347076416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/150.png", + [ + 0.14501461386680603, + -0.0068460628390312195, + -0.16084706783294678, + 1.9673362970352173, + -0.02466229349374771, + -0.21486817300319672, + -0.013089402578771114, + 0.13243351876735687, + -0.1590925008058548, + 0.02706829458475113, + -0.14458483457565308, + 1.8034934997558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/83.png", + [ + 0.17063641548156738, + -0.01930997334420681, + -0.13212959468364716, + 1.5524296760559082, + -0.011469797231256962, + -0.21572430431842804, + 0.016714390367269516, + -0.21142412722110748, + -0.133039653301239, + -0.006168623920530081, + -0.17091019451618195, + 2.0484418869018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/142.png", + [ + 0.1412038803100586, + -0.006033116020262241, + -0.1642344892024994, + 2.0254130363464355, + -0.021566107869148254, + -0.21533642709255219, + -0.010631557554006577, + 0.10873185098171234, + -0.162924125790596, + 0.023275064304471016, + -0.14093224704265594, + 1.7754148244857788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/51.png", + [ + 0.18689042329788208, + -0.009342828765511513, + -0.10923629999160767, + 1.271575927734375, + -0.0076538738794624805, + -0.2164715826511383, + 0.005419636610895395, + -0.07405790686607361, + -0.10936763882637024, + -0.0008159572607837617, + -0.18704532086849213, + 2.212292194366455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/128.png", + [ + 0.1442933827638626, + -0.0017320949118584394, + -0.16163018345832825, + 1.9195611476898193, + -0.015668796375393867, + -0.215791717171669, + -0.011675615794956684, + 0.11687608063220978, + -0.1608782261610031, + 0.01946358196437359, + -0.14383065700531006, + 1.7499192953109741, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/168.png", + [ + 0.17208652198314667, + 0.0004547152202576399, + -0.13165830075740814, + 1.5944311618804932, + -0.00840415246784687, + -0.21619349718093872, + -0.011731489561498165, + 0.11963115632534027, + -0.13139058649539948, + 0.014423969201743603, + -0.1716867983341217, + 2.1344242095947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/93.png", + [ + 0.178374782204628, + -0.023082243278622627, + -0.12082028388977051, + 1.406011939048767, + -0.017397690564393997, + -0.21542026102542877, + 0.015469868667423725, + -0.19600558280944824, + -0.12176883965730667, + -0.0030342279933393, + -0.17919550836086273, + 2.1268434524536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ] + ] +} \ No newline at end of file diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/0.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/0.npy new file mode 100644 index 0000000000000000000000000000000000000000..0f3611bc048d5e2e613a81480bd0e037605ccadb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/0.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3882a14ba02415c9eef4098ee062d415e5b8c3e0e723b388fd8dd5777a82c387 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/1.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/1.npy new file mode 100644 index 0000000000000000000000000000000000000000..6d7fcab915c0c1212e6c213cd2c242dc82103398 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/1.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4067346bed5c314aee8351e7df238a022171baa5fc2587f8d3bfa8cfa3bdcea8 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/10.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/10.npy new file mode 100644 index 0000000000000000000000000000000000000000..2c81029a254cb25ae5f3b847ace506d03283d474 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/10.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8681f23868a22562f56f668f01ef4eec9dc1d95296eba1351c04ff9cb8a4f7b1 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/100.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/100.npy new file mode 100644 index 0000000000000000000000000000000000000000..fabca75442634eefde4fe5f8152e34e514fda3b1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/100.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e57fff5ee388cc9f4814f6a6dd3186ff5b7101437d505f5c04ce6e2347a4bd8d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/101.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/101.npy new file mode 100644 index 0000000000000000000000000000000000000000..6ab86720f9860be43b101f20d94de7ac5097b861 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/101.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0eb0bc743d33358a2f42a1a1fed44f12f19a4b2e62ee1cf40e22f4d49d16668a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/102.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/102.npy new file mode 100644 index 0000000000000000000000000000000000000000..150a42675d1a651b02d66e026141054b3f13108b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/102.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:757e172ebe5b948bdc1a685d9d2bbcbc23cb42aa46d17fe30f3c557fd0c5c61c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/103.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/103.npy new file mode 100644 index 0000000000000000000000000000000000000000..5dfd254b7dd2a4cb932af03380031bacd51cea62 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/103.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db80a3f109c8cfb19168e903f1185f1e8cc6eee0b6cdcb10728a1cacc693d469 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/104.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/104.npy new file mode 100644 index 0000000000000000000000000000000000000000..efbba5d7e966a85195b2d0c27a22b1708a537bbc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/104.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccdf24292261b8232c66d0a0fa225c869a294272a9bc2fed758802463a5e05f3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/105.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/105.npy new file mode 100644 index 0000000000000000000000000000000000000000..30f19962ffba068e853c91ab07e33cfbe38a1fa3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/105.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f153aa937fac13a0c9d294aca623ec19c0fb49f3fcad17a5d56d6db3c3182118 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/106.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/106.npy new file mode 100644 index 0000000000000000000000000000000000000000..a23db3de0f678456d607a8022b8b373eb0396c43 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/106.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aef3bedecce05b6b976fa18b7a7cfdb311c0ff634509d1ca6a376e8677cc3fc6 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/107.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/107.npy new file mode 100644 index 0000000000000000000000000000000000000000..8665984c456326c4044a58097e0711d24d46c989 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/107.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19cd7bc4c7cb7661d65cfddff09847a55a7141a6e080ae31d9e5d572efb112a7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/108.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/108.npy new file mode 100644 index 0000000000000000000000000000000000000000..937b920b62fb91d13f764af19a57d42399bec403 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/108.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05398c5764c598f65f878d442dddf9dcf324cdd94a08b3b733eae560ebfbe714 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/109.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/109.npy new file mode 100644 index 0000000000000000000000000000000000000000..1218bc36f271219e2d868f3a3d33e99ee17d666a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/109.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7eff101f2084ab7f0f90d8b8abc9fe96341349752b0a050357749971c8dd3698 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/11.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/11.npy new file mode 100644 index 0000000000000000000000000000000000000000..205ab05b64380fa0e36bc9f506875c998eb7bd94 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/11.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e9051f2f5d1b2739ee8f82dc67c5fd475095f4b3998089e75aa55fefe213d0f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/110.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/110.npy new file mode 100644 index 0000000000000000000000000000000000000000..c95a72798b84c52fcc997eea9fe470457bcbadfc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/110.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:817f556b07b676cecf605f553055823fe8992dd2d0d6a315ea4059becefb63e7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/111.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/111.npy new file mode 100644 index 0000000000000000000000000000000000000000..924600df066efba06b1264ca427a0b424ab343a9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/111.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca6a62a110cb13b9efa40c6d4a26aa813cdd0031676f011cd01b4d2a59f52f99 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/112.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/112.npy new file mode 100644 index 0000000000000000000000000000000000000000..27af1f6e9ac0751f05c26406d7b0dbdf11b2b7a3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/112.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2689d1ab128df2db2b1586dbb3d79496705e2f74b83b26ea80e79c475ffc7904 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/113.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/113.npy new file mode 100644 index 0000000000000000000000000000000000000000..23612d97e4abbb336224d3bf8a7dee441a127068 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/113.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:724efbf4b3be53fb1fe845f4270b34920f826cf01c94530a21aad3c3b35d9d2a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/114.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/114.npy new file mode 100644 index 0000000000000000000000000000000000000000..b81a9d05405d1cde9c9d22f11958bf0bbf89370b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/114.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18aa9949c58430c57fc752600767e39f0737b42d81e339584496867276ab8625 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/115.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/115.npy new file mode 100644 index 0000000000000000000000000000000000000000..c286192f6f27b56b5876d47a717b769cf055a84a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/115.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:760a8783edcf6db3b1dcf7296611cac822dad4f04b1a30d02a24dfcfc84af362 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/116.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/116.npy new file mode 100644 index 0000000000000000000000000000000000000000..4ac1cb72097ffbb47140ba83d81f2c8430156d39 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/116.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d56bd24cc49192773f00d5dd6b6fc5a54ddff2d97789bba7b6140a69dce50db +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/117.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/117.npy new file mode 100644 index 0000000000000000000000000000000000000000..dd967af8107d751854c41ec8c00fbfdf2e22157a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/117.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:295870b3165d0bb2d513d1a3330da4dfccf6f09777cd456771bac5e4feb457c7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/118.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/118.npy new file mode 100644 index 0000000000000000000000000000000000000000..7c3a2b4877c2e89e90b37eac24704069bdc79ab9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/118.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8e22a4f4a6a505a2c78252c2c4fe8da4795df9a1ee0489b0776e3c707cb456c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/119.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/119.npy new file mode 100644 index 0000000000000000000000000000000000000000..524667830e7490c85826e56634f333cf6587ffca --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/119.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47cf533d14a95386b91611f0d612a8662b12b339f1ac46ff9c78ede2d2ce3e37 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/12.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/12.npy new file mode 100644 index 0000000000000000000000000000000000000000..8118dddba31116a9c8d09de3a756593f34506bed --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/12.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33fa5ae6c1f8fd11ceb1939fa4d953a78acde19754521ac1e6a33579cd511ea1 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/120.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/120.npy new file mode 100644 index 0000000000000000000000000000000000000000..19f86cf7ce72c8f9d68222a711c5c3a733430750 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/120.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08f24f11efc0b5c382056edf0eb3c64de139a2705eb7ba5bc82cab8bf4b1b093 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/121.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/121.npy new file mode 100644 index 0000000000000000000000000000000000000000..61500c5ad3b52df8e278601423018aebd801d5c8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/121.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c3f3b18971f13aabddc09bc37f1446b265076aaa1501be4e00caf8829576096 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/122.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/122.npy new file mode 100644 index 0000000000000000000000000000000000000000..09ef65a17d3c0f0d2872bea6b7e4c085b3ab9733 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/122.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1cfab417322a3cc770bd5e09b365c66b00087e2c855fe0e4d7595a2015d7aa1 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/123.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/123.npy new file mode 100644 index 0000000000000000000000000000000000000000..348f2cfa879a0c5d32eed8bbb592542cb3ab6b26 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/123.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a13b5afcdbeed2a9d93a850e4eae4fe389d933259765b66df41ceb343b7ba8e4 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/124.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/124.npy new file mode 100644 index 0000000000000000000000000000000000000000..dddf0db10606259e913d9c4b0deda0535d77c358 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/124.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e16141de378c71aaf7358b315480126a705836cc1020a0e90138df95e6b52282 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/125.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/125.npy new file mode 100644 index 0000000000000000000000000000000000000000..c6190976c3aa40a4efb5c17e7fadcd8ccf022fc3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/125.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4207211576e6d3f85cc7af7d26e786df60fd4feddd7d4ec3de3873292858fe6b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/126.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/126.npy new file mode 100644 index 0000000000000000000000000000000000000000..99a0c9ac42946aab06958445cfce40d406ccaf99 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/126.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a12c3ed7ad07ce84412ec58c5304371c5c84696d62a20721fb6feea89a241d0a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/127.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/127.npy new file mode 100644 index 0000000000000000000000000000000000000000..92e51ddbcb75e77db0a13f4f1ce3bd974e6bf786 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/127.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d726fb25c4f6a8fc11202f76fddcfdf2c462236ac89b95216ba99640387054e3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/128.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/128.npy new file mode 100644 index 0000000000000000000000000000000000000000..b1c36bb09b9004090ffbd90373758286fd20e282 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/128.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a134c9ee7cf14a4f1f48598536dc9c61d350efbb0c130b8bebe3589bc4e034c3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/129.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/129.npy new file mode 100644 index 0000000000000000000000000000000000000000..6601f814f12bdb2186309e05fdec74cceebcda05 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/129.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8de07b4624743bb983e9afa86487387488b3acb0e8ad76b486953edd894058b7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/13.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/13.npy new file mode 100644 index 0000000000000000000000000000000000000000..690e4e6c30062d9bb677afcf25aee46d84a409ef --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/13.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fefcf3aa70ca4f2298937b09487a55ba4769a9f16533ef2b8aa91bd506f8874b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/130.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/130.npy new file mode 100644 index 0000000000000000000000000000000000000000..f9a693b8bde80ba9fd235786575d1ac2c0684e42 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/130.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2209fb841357241d2e2e9bf201483bb8fae7562a9eb6374b867a9a790b7cda42 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/131.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/131.npy new file mode 100644 index 0000000000000000000000000000000000000000..682145535cb2abe17f127ef697df611a88272907 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/131.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd1d6ff87839574e8f84728365f63263970b2a5d1f7fe27d7f4a33fbb4e0dc54 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/132.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/132.npy new file mode 100644 index 0000000000000000000000000000000000000000..0ac7fc340b6fe3bd57d76d3cfe9448bfb7b4876e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/132.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ffd289f0e62a5a0a4348e44167ab5fb5049a8de526128227cedc0bd3aa9906e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/133.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/133.npy new file mode 100644 index 0000000000000000000000000000000000000000..09ccbe803a01f3ad04e963c252661983a65922d7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/133.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:212c6ff5d380640eec7bdee8125dc82d9189c5349a27120ccb4b122d8fdd0bb7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/134.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/134.npy new file mode 100644 index 0000000000000000000000000000000000000000..890ab6a4d537ed9066c3c65d683f6058161b6668 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/134.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:222a90f351010ad763f9e305cc19514756e913cfad3eaa8d97ab7796d71e3c24 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/135.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/135.npy new file mode 100644 index 0000000000000000000000000000000000000000..33278dc982cfd6d523bca94601dfbed10ad35279 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/135.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4cec5a2f830ce49f667ec90a7620dcc9a7b4e571870655853f6a98139d18949 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/136.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/136.npy new file mode 100644 index 0000000000000000000000000000000000000000..51dd67f7c7efa31637ee86dc50edea296560b9ab --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/136.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63dcd7ec098c25cde74766ae7ea7cd137b9ee5e1eb34a21cf3c1cd88dcac0ad9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/137.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/137.npy new file mode 100644 index 0000000000000000000000000000000000000000..29cfb70a34cc69c2ded23f9cb76e84c9211ac11f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/137.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a39fd9f2b087f555091babf786aeff3fc5abc003b0bba67b3718f1a4ad90eb20 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/138.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/138.npy new file mode 100644 index 0000000000000000000000000000000000000000..2745bad739fd010e58955201bdc0271b0acd47e3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/138.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c58270c3e3df1376db1ce49ca58c38916d27da18fb7a7dca14cc16810830d2b2 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/139.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/139.npy new file mode 100644 index 0000000000000000000000000000000000000000..c409db0db901e157bbef5e2338b2aea85340c401 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/139.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4d12a1d00e5f40fe640ea44c331fd6327128688e9c8b272cd01c2cf646f2012 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/14.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/14.npy new file mode 100644 index 0000000000000000000000000000000000000000..1cfdbd08aa564608ff3144e5df63fb1a00bd2219 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/14.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e88a6448b7d2020d22cddeb9b92ceb119926c43b631d577722317a1f2d096443 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/140.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/140.npy new file mode 100644 index 0000000000000000000000000000000000000000..6bdd542d9593dc9c67309451c605ea3380832d4e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/140.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaba09a868eae04df762abf2997673a49165aa9c536de0262cd42fd28f043af9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/141.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/141.npy new file mode 100644 index 0000000000000000000000000000000000000000..ca082ff28b180f53ed33a2ce47efd97860c21366 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/141.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b21016a9a2dc1abd9474b2d49066593ed78a8400138b36dbc53fd3459e84212 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/142.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/142.npy new file mode 100644 index 0000000000000000000000000000000000000000..6f96fc8e565569d3e731bbf50740518d2174f244 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/142.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b589a7ea562b0308e79540b1397e58ddfcd247dab3855bd19d7c64ec0055b4ae +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/143.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/143.npy new file mode 100644 index 0000000000000000000000000000000000000000..1041c158cc666d45900e9a0bb7e7a4b73e9168cb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/143.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b49eac55d4047d56a85b2dc21a1d154c0a7d9ecbea92f618bd18c0d9dd246a2 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/144.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/144.npy new file mode 100644 index 0000000000000000000000000000000000000000..2c33f86ef988a6a773e84adf45ade69c1e03a505 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/144.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0924e951dc1e006efc1872ad37e9b7fcdec6dcc7f98e83b6ae1a47f5311de70 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/145.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/145.npy new file mode 100644 index 0000000000000000000000000000000000000000..5e45829ef0a5c012959a4595ea0dfb1e44eea6df --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/145.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:084702a849d23aadc62b9b2c1ca4c84e6e11864fd656a0961af1011998218dc7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/146.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/146.npy new file mode 100644 index 0000000000000000000000000000000000000000..4c499329630dd532394fc334b45b3bf573e91d7d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/146.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69be8196f6321f14d2329fa60562f5f5918087f1ee06c29e45b875508c6510af +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/147.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/147.npy new file mode 100644 index 0000000000000000000000000000000000000000..8cea64bc7ff346bf3e1b9dd926b17a72c5cfe989 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/147.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1a0734568c0d8e164855e2d879c39897f9ee99cff381c1d15197827dd7fa422 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/148.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/148.npy new file mode 100644 index 0000000000000000000000000000000000000000..be4a69479fe2b42ddc41095f2082e03824b7e894 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/148.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22d2d145cbbc06f31bf496d4a89ccda13471395f374245d92ecf5800083084f1 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/149.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/149.npy new file mode 100644 index 0000000000000000000000000000000000000000..e36eaacc3c94e141898ba47d53338c6297a37925 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/149.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ab70d6b53ed2e61720a1befac4b5fd00a0c7ef87849578f77e66f6b35cb860d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/15.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/15.npy new file mode 100644 index 0000000000000000000000000000000000000000..24bf833217747c797b6b3fadb34ec7d4c3fe9fd7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/15.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa627ce07b18b31a88ae2b709fe5aee694a25d81fb4df727faecbaaa17b94b91 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/150.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/150.npy new file mode 100644 index 0000000000000000000000000000000000000000..95d8dc6263b037d2e10ab5f08b168bf4470682d8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/150.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb5532d9b000d8b9cdd22b6b8f7d33010dc86de56f76681bc50aa05914d34a7b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/151.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/151.npy new file mode 100644 index 0000000000000000000000000000000000000000..12e4a4ad3ac2f7e226ff43b38429eec13d1207b1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/151.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:562f248e4dbb87f5cda8a0e84eb72899136e937116ea63a12c9252691602c50e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/152.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/152.npy new file mode 100644 index 0000000000000000000000000000000000000000..905249816d841930761da04fe6ca3dc365b31972 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/152.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e913c5854740c5ba94ec2514347be7a66a94987f0f55e6f9d167803626468d35 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/153.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/153.npy new file mode 100644 index 0000000000000000000000000000000000000000..3469b7fcf970e6b94056a7bd40688881b31762e9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/153.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94ebba9c8c4fc874add7463954fc77378b57d5712e321ec63f7d582de93434fd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/154.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/154.npy new file mode 100644 index 0000000000000000000000000000000000000000..1776c4e2fb49e97781f7a7f34e5454ae261b48e2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/154.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd802cab9f0fbaa828a8e2c153c907b2d454209b5b685ff8a374388e2fafa7b2 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/155.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/155.npy new file mode 100644 index 0000000000000000000000000000000000000000..f877ce8b43bad9f4a644ae396df3832f5c31d2d5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/155.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b07636d9439d5aa6db869caf93b4277fc1aefd4c80aa28f105bd43af8207234 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/156.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/156.npy new file mode 100644 index 0000000000000000000000000000000000000000..78a194ba3b68ad3fa7bb61ca460e5760ca55063b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/156.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3a19d77ff7571095795163b344e5fdb7939284701daadb9f8f53f9fedc2e744 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/157.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/157.npy new file mode 100644 index 0000000000000000000000000000000000000000..ab451398968f0bbfe210546822678a50914115ed --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/157.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3fdae0d55a7a10d5b9986ba8e21e9a4962e5e9899e82b7b88d31087e164f5ef +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/158.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/158.npy new file mode 100644 index 0000000000000000000000000000000000000000..48ae52c5302af26f06fac6ac924c8bc244f325f7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/158.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7133c1120bf5173828a913ffb485ff44215c8389bb942b89351e991029d23e4e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/159.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/159.npy new file mode 100644 index 0000000000000000000000000000000000000000..4aadff79f61683507779344aa9c1bfbb72b0491e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/159.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:998710ac2feba7f674dc5b99f821059e249c11de62147470d45361e31e4dda59 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/16.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/16.npy new file mode 100644 index 0000000000000000000000000000000000000000..edb3ba0f8ad61ac54a0f6f40962361e7e7cf3785 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/16.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:386fa84f9f30e32a5d3babce46d3f34b69ef4392dd5f68d71153451c2bb5b9a5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/160.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/160.npy new file mode 100644 index 0000000000000000000000000000000000000000..cc1fa8bf0762fdd65a4fd005a32a3d1fbf6c4857 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/160.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2aff85e8f4faa86a19f3a8c2b6acb2a1a50d88ec45017b1d4c9cb5ec78b843ec +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/161.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/161.npy new file mode 100644 index 0000000000000000000000000000000000000000..98613239d43590e248762ea97d29addd53a290a3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/161.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9df3a44e0291cec665cb012ef6c3d19f85fb28b74a7ad9a839ee5f4799040cae +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/162.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/162.npy new file mode 100644 index 0000000000000000000000000000000000000000..ed854acbe451d010f2072fe12e875d800fda9426 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/162.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3877db5948b44f7549a0deca861c8f07e0144501dcafc29fad3a61e6430503ac +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/163.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/163.npy new file mode 100644 index 0000000000000000000000000000000000000000..3f54192639de0b6d54d932e9a57f206e1cafaf87 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/163.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02c0b4c34312968d53db64f73488b37e5d3b7122878e74d2e3b4c1979e6a189d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/164.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/164.npy new file mode 100644 index 0000000000000000000000000000000000000000..980720cc675b8dd2dfc0b6e8413706c62e265aad --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/164.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:324ef2450185ee9463f144e163db6f33431605e1bcd7801a57b3c14713d8641f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/165.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/165.npy new file mode 100644 index 0000000000000000000000000000000000000000..3e5084b12b9accb6cd1b76b0ba93e9427de7e002 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/165.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b622e79880078758d3d924b76ee222b8708966e79cbbaa250e2add71f7a0476 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/166.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/166.npy new file mode 100644 index 0000000000000000000000000000000000000000..6967f052789f9869e5d4bac3030a43759354a41e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/166.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6e3c821ad294f45191e5a14ceeadf05384234b3d1281636a79681d26260f448 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/167.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/167.npy new file mode 100644 index 0000000000000000000000000000000000000000..5e092543adbec52ec39afdf2d8ac2b5e5b397ce8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/167.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:726e6c8781f3af916d07a1790b09ac150eee2357429ea7fe91b3a744f2a6a66d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/168.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/168.npy new file mode 100644 index 0000000000000000000000000000000000000000..d27934d43036dd87fe5360704fe2ee0e75cbabe6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/168.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a79a3132948f6083f5c2ea36323e344cf01c7bbbc31870f53780c4b4aba8131 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/169.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/169.npy new file mode 100644 index 0000000000000000000000000000000000000000..c3f9657923c9062f969e058c0aebdd4b4cb40fae --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/169.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f473a697592df004542c7e6bb471a02f955bf4c01eab5c095669cc4d8a06afe +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/17.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/17.npy new file mode 100644 index 0000000000000000000000000000000000000000..94cbe567230f4f324a0c6ba909f00f3af8bc1e55 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/17.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b4a798ff65ab4e1bb851ff7a4dd58793a8efae903c991fcedf1510a8f6fdebd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/170.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/170.npy new file mode 100644 index 0000000000000000000000000000000000000000..b7c47509b6da57049fa3d1f822910d8f98b82716 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/170.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:494719f4453e5e746babac6fde456156f2d7481076ceb3dfca642d6f4bb3a8a4 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/171.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/171.npy new file mode 100644 index 0000000000000000000000000000000000000000..846a80687ecfe798bdddf1c967396deaa4935a83 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/171.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86fe384289617e4d2fcda8661871da51ffbef325c8eb61b047fb0758dbf00293 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/172.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/172.npy new file mode 100644 index 0000000000000000000000000000000000000000..0ec2f2f4b2af68fb5675795a064173e676bbf499 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/172.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6631dbee3f4016cb4c2c44f8c2be81bfdc5a6bba4c1be011dab14474885f008 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/173.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/173.npy new file mode 100644 index 0000000000000000000000000000000000000000..c8ba7e1412f05469b9af02fdb9e519ad50558799 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/173.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a96960a8ca21bc508dafda6da4a64dd9427a3dc8c9e96d3cc6ac1b23367c7524 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/174.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/174.npy new file mode 100644 index 0000000000000000000000000000000000000000..c92f780119b1090ef11d06346009a736fb5cea39 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/174.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe4c81e13ea2bce4c4f3cced2eed7c0a4b422b721e30ee3a40e0983e2bfffa70 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/175.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/175.npy new file mode 100644 index 0000000000000000000000000000000000000000..fe6c706a21f973cf0ac3886ace5850995aebe3d2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/175.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3249fbd7da97f6cedaaa504f59ca4cfc5b2aeb7f32218394f20e3e85665afe26 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/176.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/176.npy new file mode 100644 index 0000000000000000000000000000000000000000..0c28b978f814ed3f9fb8a7b33c747845dae91474 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/176.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:547cc66c551a27238699d4babeffc7add5b33e3ad1b45eff90115d068f1bc11b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/177.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/177.npy new file mode 100644 index 0000000000000000000000000000000000000000..8d71618c2dd47c47f9894bc2ab03ed622b4363d6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/177.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1bc7389732a46a7cd85431fc59836e9c23ad8197494d569a5fa84b944d212fc +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/178.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/178.npy new file mode 100644 index 0000000000000000000000000000000000000000..e7a456999a1f0b232bd65dc9d50c9152d43ed2e6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/178.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:235d3c3771afc8d1afb556cacdad4e401ecf5fee5a37734093ae51cadd36f6cd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/179.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/179.npy new file mode 100644 index 0000000000000000000000000000000000000000..23ac056f41548723b84ddd0ef4f7db5e9093da5f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/179.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec0d8818dd8d41b2d851c3ab020e4604691908717e2a8e042be4fa4d1474439e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/18.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/18.npy new file mode 100644 index 0000000000000000000000000000000000000000..cbc3de59f4fa7c66274f3342b5f27d7413024d7f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/18.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78f112726773f675df71f1670123c7077e3532998b74ab460b0db7ee8837a5a4 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/19.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/19.npy new file mode 100644 index 0000000000000000000000000000000000000000..cae6a3ae85304b11bc6b1bacb87aaa1349a98b38 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/19.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1f6979589b6da29ede67348427b55c273e7d8459014d94ab1ea7e688862bce4 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/2.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/2.npy new file mode 100644 index 0000000000000000000000000000000000000000..3b4ea5ec6f15e1524448ec121c5d61f12a6a1c6d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/2.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4ddceabeac94c7b4c9a7226eac80258bb0537583bdf500be64ed83744cdd0df +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/20.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/20.npy new file mode 100644 index 0000000000000000000000000000000000000000..6e6d935d322393f5bb02826602fddb22e631d490 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/20.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1293a1fb10ba2bdcdf263af5923f13e0b4c02f2602963a233c4a05645335cb3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/21.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/21.npy new file mode 100644 index 0000000000000000000000000000000000000000..5012bf6a97df07fdb6a07ab46544bfa17023af92 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/21.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4701383dbf80d9173ccdc84bed72737b46da78582d67c95491f2bb638f44f312 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/22.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/22.npy new file mode 100644 index 0000000000000000000000000000000000000000..c1b3670145461d463657e82df2bb87a68978e9fb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/22.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29bfb7372d0550762f0e70143a593ab4b7f5a84e199e1595511553346b04016c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/23.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/23.npy new file mode 100644 index 0000000000000000000000000000000000000000..170bc9cc9a785fbcc2ed0f076fd0132b4f3b1325 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/23.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11210570d7be1885def1779381466dff1fb55cd04fc0c29ec7918ed7bab06f29 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/24.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/24.npy new file mode 100644 index 0000000000000000000000000000000000000000..86cf4717d15c1a7abd161ba11f23140f11723e02 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/24.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed0cf9a01c4c99ed28d8ccaf7be807927765a877ad664aa49b38ebe4ac9c0de1 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/25.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/25.npy new file mode 100644 index 0000000000000000000000000000000000000000..2397ac0399e445ecbc9683290d6a56765f95cf0d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/25.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f96b8bbba623c2580f6b873d829fb4428eedb22e5043691fb23adb8b815bb33 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/26.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/26.npy new file mode 100644 index 0000000000000000000000000000000000000000..b24b52f2997280bc5fbee053b46ecf687938d394 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/26.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adc48e0eb299de0b8f8adc086090dcfe857421bfa568354b6127f9418b459a8d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/27.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/27.npy new file mode 100644 index 0000000000000000000000000000000000000000..0580775c8fc004143929a0999e09478bc8d1e5d6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/27.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba07cfd73d51ffdd5b639dfd5e8f04d3451ca4e09a024d1a2c7b545c52bd0c92 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/28.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/28.npy new file mode 100644 index 0000000000000000000000000000000000000000..7cc53d168ff4a003af32619744d05b58ed3bcffa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/28.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55024abf55d8c18e943b99c1ab4f66301df710a562ce698089e35e3e325d591f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/29.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/29.npy new file mode 100644 index 0000000000000000000000000000000000000000..7cf56cb474bfd1d4a69926a87ef1559f3f1297f1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/29.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85bc00a15ff175ceca60b4b69ec375c730a6331a590a2a9004b37eaa48c2935a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/3.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/3.npy new file mode 100644 index 0000000000000000000000000000000000000000..c6b65ec598f0b37325914861122466489af38f6b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/3.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1cde3c3530d89b9f542a6a0a6f0f338b095bc758d507d34a38916642cf2785f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/30.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/30.npy new file mode 100644 index 0000000000000000000000000000000000000000..017435febe93ceeda8af7391eceb7c76e85cca43 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/30.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9eb8b495436b8fc0f2137778de562bb467bbb06222f9ea8abd85335b5b3e9ee2 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/31.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/31.npy new file mode 100644 index 0000000000000000000000000000000000000000..738294d24c3df2a22e97e1f2c0d0332a111a801c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/31.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6a8dca43396ccfb4c5524e9979368f216bcb2cda6b1c2330618a4f6e7b912a0 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/32.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/32.npy new file mode 100644 index 0000000000000000000000000000000000000000..b11e10abf5fa8572b2f0d6900401099698c0d98b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/32.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e80044a000609a951f561eca18004605005b11e250cae0566e52c568d1ee86bd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/33.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/33.npy new file mode 100644 index 0000000000000000000000000000000000000000..12d2e90da7996984216addb423fda5148b908675 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/33.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7674039dd5801bf8abbcbded959bd901ed31a605a4b3052181894eb924b0c16 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/34.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/34.npy new file mode 100644 index 0000000000000000000000000000000000000000..6fe50dab0b59927725d60875fe5f6359735b4c6f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/34.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe1b506829e50193f09998c476edc7d300ca6f8ad01baaa72a4bac780de363d7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/35.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/35.npy new file mode 100644 index 0000000000000000000000000000000000000000..3a2350f1a0114e7339604de65566a24e7f0f38bd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/35.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23a336f8fd1ea4d8e91ae99844ed20ce575868ec284226ba01cbba77c898e0c7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/36.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/36.npy new file mode 100644 index 0000000000000000000000000000000000000000..5d9a3cd83e8377c7c38db0eec90bfe73bef20637 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/36.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22c73e941ed614916e4c72f294b5104caba1a1bc21969fd4267c07f9b59026da +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/37.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/37.npy new file mode 100644 index 0000000000000000000000000000000000000000..d3abb03d70f8d222c2434f8e3efcf353685907ad --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/37.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cec6bc0c59ad4602660f0a34ae4edd8dbb3e0acc11a2d3851fb6b516e307f85 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/38.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/38.npy new file mode 100644 index 0000000000000000000000000000000000000000..9c290c69d983d60d893cfbb2b7630c9af1d1136c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/38.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa098de05045ddc52126ec236dc9b415bf47260e3fec409899b64d6ec73bf593 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/39.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/39.npy new file mode 100644 index 0000000000000000000000000000000000000000..562d683be6fbc5589a114b587ed736feeff3e360 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/39.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d93ddb5b6f9ec502741af3f9b37d910a4d55c2d4abeaef3a6287dd3a0e62f5c9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/4.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/4.npy new file mode 100644 index 0000000000000000000000000000000000000000..e44814c48d5ff5606293ef9f63858c3854ecf060 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/4.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adce38287f6f01c1b1501b043ab22e0166edfce921f447e08db0669292644749 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/40.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/40.npy new file mode 100644 index 0000000000000000000000000000000000000000..74c704b5ac453d97f68f7bb2252ea077aa9d1063 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/40.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b966d15f482486ee6b034391246c4d8b5fcefc13f94275d4eaa0a7e6b872db3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/41.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/41.npy new file mode 100644 index 0000000000000000000000000000000000000000..94f5fbe75032270504316ec78a6c34630b336785 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/41.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3945f35402f788d5a78cd720c445f96c48820afc826228bb7b4e8d46c48230ee +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/42.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/42.npy new file mode 100644 index 0000000000000000000000000000000000000000..8995ca048d9481e116bc4f33b89f686343c02309 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/42.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87b4ab16c01501bbffde7faed43eee6d8889410adcf40d36a07ec27966cf64d6 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/43.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/43.npy new file mode 100644 index 0000000000000000000000000000000000000000..9d79ede0bf1bd5d770aaf057d4645b0ce293b2f2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/43.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dde170ccc32530f586244a22124d799dbbbe0b7ce2c58f600c67b8fa3b04c309 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/44.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/44.npy new file mode 100644 index 0000000000000000000000000000000000000000..b43b6803e099c328a178f1c3c826ff710820491a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/44.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b24a2d83064744cd967b36fb377f531d12a3f6873645963b00e8a06289aab4a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/45.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/45.npy new file mode 100644 index 0000000000000000000000000000000000000000..d9dcc055b704833838814b48eb37123a55f4f972 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/45.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25645c2eadc0dff6b18b48f9ede4cfcda729fc03cfecc3efc3bff8b63a20557a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/46.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/46.npy new file mode 100644 index 0000000000000000000000000000000000000000..cf4e89e4472fbe9f6d1e7b4946f57b305ef0360c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/46.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05cc84458072711cd745d095f2f5e02570e3cfdfa594c8b7f6cae9f891e47f83 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/47.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/47.npy new file mode 100644 index 0000000000000000000000000000000000000000..bbd0007acf27197cf7760c78c543cae614d51739 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/47.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67b0ab59c0cb83e2fcd95baef6cc0caf216c05e7d628be45a08b77d3b6f299b9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/48.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/48.npy new file mode 100644 index 0000000000000000000000000000000000000000..86d58b36fe0a8144386d3b5c6ca0c9d73d4aaa30 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/48.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81874677a788d76fa1d170b67a30204d1b835ce83074b6f53c9fda36cc0cac8b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/49.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/49.npy new file mode 100644 index 0000000000000000000000000000000000000000..baf4028a802a5d3a7f963783a1d9307d3c12e322 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/49.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b64803c57b3678085419801836b8fbc1c85582047c09e611037cd722356e8760 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/5.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/5.npy new file mode 100644 index 0000000000000000000000000000000000000000..3631a196cdde316a885b0cc911d9f8aa4319bc1b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/5.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c1b0711a36dad9cba1345fe453aa7bf5ca95e124351dcc7d54e459fbb112a76 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/50.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/50.npy new file mode 100644 index 0000000000000000000000000000000000000000..0be9eca94698a18da5baa9fa57a246da446f8113 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/50.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23ff7364c55f460698633ec4ac7294cdd9ee2d081d97e6488fea30719c2971f0 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/51.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/51.npy new file mode 100644 index 0000000000000000000000000000000000000000..445bb67f59c14e4098947216da43aab99f73d5f5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/51.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ad816d4b8f968b910f3d6ffef8e84ec382dd82450e3d878a1f0021407d69a5a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/52.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/52.npy new file mode 100644 index 0000000000000000000000000000000000000000..10271dcf213f1b3d69939f810fa09bf5fbbaf176 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/52.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc5565c2ef349e76524f510ed2e25f80db5978615e92ff0e533be73107183d1f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/53.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/53.npy new file mode 100644 index 0000000000000000000000000000000000000000..b002aef53e07c74dc617181787230cfab23454af --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/53.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5648428eac608638b41021633244d6e8f9f972615b032407a22b392eae2c49af +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/54.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/54.npy new file mode 100644 index 0000000000000000000000000000000000000000..f60552c9ad7880bd7c4baae99bcf501f1d6dabe8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/54.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dda170b07272817b64b8c049ae93f06b062eb16a9cb01824f152d775ddfdea33 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/55.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/55.npy new file mode 100644 index 0000000000000000000000000000000000000000..d7ed0931feff279ea5c0042ec0543c16169e1509 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/55.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47775c5e4b22a61dae3fbd650caa13cd1eff5f4b37964d27ad1e8ae39441a62e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/56.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/56.npy new file mode 100644 index 0000000000000000000000000000000000000000..4fb75bbc700f57510938bb9f8658e9cdd37f680e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/56.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2705db5718407101cf7ba116bfa08187d0dc36486f68439f16eba3cfc5a8db40 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/57.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/57.npy new file mode 100644 index 0000000000000000000000000000000000000000..ffd1aebe2dc664d548a3208a76ae1fd46cccf71b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/57.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a57071f97b0196c12842612e66e8e251e0bc2bb6f3369c2d7ef2e544d8b186f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/58.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/58.npy new file mode 100644 index 0000000000000000000000000000000000000000..2d71847801a248c22d3170566711f905de939643 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/58.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a818c3958d5940f2ca1cb95fd27ebf72f6bd586caed2179e2acb12cce5f790b9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/59.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/59.npy new file mode 100644 index 0000000000000000000000000000000000000000..8c608f741d052f287b31a85ac370e51173acd319 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/59.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c93e2aaa40c70cc015c713fd2a4933b85d84633f116b5c3b44450cd5dc2d04de +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/6.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/6.npy new file mode 100644 index 0000000000000000000000000000000000000000..752e5a2cc8aab5aab4d56d23f89317c8eeee8e15 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/6.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b8034b030760dbc7f0f345ff05c6636d89b4d3b8a65c34b9c58c1e5060e858b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/60.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/60.npy new file mode 100644 index 0000000000000000000000000000000000000000..df842ef8f9f04f14653a5e60e713591e79a52b0e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/60.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fbaa472b34f747d5e45c37c9469f554fbda02309064f7a19ae9b994a09030cc +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/61.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/61.npy new file mode 100644 index 0000000000000000000000000000000000000000..ce6960d9b7cf23cc908ff3108a3349c38653de21 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/61.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:534f38423037f0f3b3cc193281a445c17f2e22d63f06ee77166a7cdb9223377d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/62.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/62.npy new file mode 100644 index 0000000000000000000000000000000000000000..4fbe0a84e0ddbbb632094332370a7011fc75a664 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/62.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9faae53fcf730085f4e2f037dc98a9749a5e07ac659cfae589fe759f605c9b2 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/63.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/63.npy new file mode 100644 index 0000000000000000000000000000000000000000..acff7d4fb044e58ac270177fa6db681b43da33bd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/63.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5002f4181ce43cbc293c9d83d452e3aca8bc148839f420fdb4e4adab4f79e753 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/64.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/64.npy new file mode 100644 index 0000000000000000000000000000000000000000..e40b9bec3e0d7e739bfa33b0c6c810a0a41ee86b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/64.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7422efde23a9bee219f1d74fb2c0b2b8c61fca25f40364731c037fc53a956148 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/65.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/65.npy new file mode 100644 index 0000000000000000000000000000000000000000..9cdb1949899184b07ed280868a1546f7574b6025 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/65.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80b349c1fe47b66acd712dd6531dc810766a742fa87ec7afdee48d28e17125ba +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/66.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/66.npy new file mode 100644 index 0000000000000000000000000000000000000000..f4442df8cb04e23071598529c70af6eb544a1b3e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/66.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48409407c305869844c78c07d688e23a75d4184483d673d93e0471ca8f12c7f4 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/67.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/67.npy new file mode 100644 index 0000000000000000000000000000000000000000..9b460bbb4291e6c63324f192728b444450679798 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/67.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff56b60ab3eb9354c78b571210978626bbe80afffad3d49fd623d1be7ef3ca71 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/68.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/68.npy new file mode 100644 index 0000000000000000000000000000000000000000..1b0a506633def0bc6127c5a5f471c3d37fc5e1f9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/68.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d36d6686584a064ff5edfc9702e36253f56c2dd8041c28fa82f3374c8f2744d5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/69.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/69.npy new file mode 100644 index 0000000000000000000000000000000000000000..67978c819c80152844c311e2f1d11746fc9a283c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/69.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fea755b6b8fe68a8607a9f6942c5968cf971e0b3a1aa5e06254a964c3fd2e60b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/7.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/7.npy new file mode 100644 index 0000000000000000000000000000000000000000..3f20bc5df33f24bde219042502e4df017e57b403 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/7.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f27e1943220b2cc590d6dbc2f1e7fd996ae76026507a85038c9012bf689df487 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/70.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/70.npy new file mode 100644 index 0000000000000000000000000000000000000000..e8ff539897559cc2ab2df5bb0a0de029c87075fb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/70.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97c87896087d61f7af55b03dd9b408a8aa3feebfa469567fc5963e3ceed8106f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/71.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/71.npy new file mode 100644 index 0000000000000000000000000000000000000000..ff3c762f3b3da10b99c30636e188fad0cbd99a34 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/71.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66e16cce7b59a3af7a797479804637f0b728609f5432bf0b46875fde6bbe7853 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/72.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/72.npy new file mode 100644 index 0000000000000000000000000000000000000000..a75b02da140c6991e829d21378b515008d5d022e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/72.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd1dc4afa4dad91a04bc515fcb3db988b36b872d7be709fcdd4d74cdc38765d9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/73.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/73.npy new file mode 100644 index 0000000000000000000000000000000000000000..d9546e7931f44beb2edc7a9f1854b6fbb40d484c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/73.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f78fe9f103b475c1a5ec34c7cf1cfc71df20dfde988bb047142434b925030b4a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/74.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/74.npy new file mode 100644 index 0000000000000000000000000000000000000000..4618623386a600d4f644d2aa9a59f6dd4d093e1d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/74.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50544cb271339aab5f5a19eedca4753916ba2727b6bb1e7711c1507ebc442ea4 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/75.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/75.npy new file mode 100644 index 0000000000000000000000000000000000000000..325867a3da01af3b078d6a445f4314b3b62d1439 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/75.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b659a119fba4cca2301d337c8cdeb1bca5132671d5c21fe49beae09745ef03f4 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/76.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/76.npy new file mode 100644 index 0000000000000000000000000000000000000000..4076fbd52e3d0cce16febfcba44d1674496cc3a2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/76.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98d913d5da4d9547b98ef01e8698e4df3f074badd533ae11bead6d81698b6f7b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/77.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/77.npy new file mode 100644 index 0000000000000000000000000000000000000000..74d537abb9abab28d7c7b74afdd81ba95093f539 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/77.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c36ed7a774a01c70693e0f1d4b5f4bf33dfdcf8de91c82640813283d9c9af35 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/78.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/78.npy new file mode 100644 index 0000000000000000000000000000000000000000..f4572ee3ec7da07321a91706449453b883428dbf --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/78.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44447177c8f31f82d378eb890d050a47c95f16facddf720b2a5f024deee84d5d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/79.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/79.npy new file mode 100644 index 0000000000000000000000000000000000000000..0583068b7c9bb6e0ffec7d268cccd144fb6f6aea --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/79.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a699d480b34272a8194f364f0afb462e27303a90ff4ea11c58025a7dbba905d8 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/8.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/8.npy new file mode 100644 index 0000000000000000000000000000000000000000..18a13de3df5cf72202817c029fd9c6ad9040baa5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/8.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bcc9f799bcfeec6076bfd166f3a020678ecc528fb6d7ba1d4955a0773f05572 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/80.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/80.npy new file mode 100644 index 0000000000000000000000000000000000000000..898404c711073a2a957bee6daaca7bb03033ecdb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/80.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4f7c382745b5aa9d2c44d01a19fdfdbdaf70a1b33c48861568ee0945ae7105f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/81.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/81.npy new file mode 100644 index 0000000000000000000000000000000000000000..6f682cec4de97c55f97bd760fd3c8444c61819c7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/81.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2eeed9da363399eeda8bacc5d6922985cb39db74d4dd2b10b31d932eeaeb2350 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/82.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/82.npy new file mode 100644 index 0000000000000000000000000000000000000000..90f622dce5c8d4881629ab4911250867a0246d19 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/82.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c30ae4e83ecff2a56e6f9d322c7ed7b76e9b0dcdf18df086ea512846573e4f18 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/83.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/83.npy new file mode 100644 index 0000000000000000000000000000000000000000..99f8a0b6d21eb30a1e11f617054e6c9ebe392025 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/83.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc97205eeb4dbc149f443aa8046e825de91dc98acd0aa04f204937adcdb4298c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/84.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/84.npy new file mode 100644 index 0000000000000000000000000000000000000000..4180638b5122763142188da932c42b8ece3df8cd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/84.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c549cc5967ea24b9bf4b6178237043e9f1b2dcd7a7f995a518129f145e639e92 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/85.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/85.npy new file mode 100644 index 0000000000000000000000000000000000000000..1f261f3450a24baa3b28e9ce3f9ccb6360676fb1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/85.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:333082b0c8f7536509ae7b5cc53b02fadece0b404582c64e50d3b5600f9f95f3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/86.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/86.npy new file mode 100644 index 0000000000000000000000000000000000000000..5113ba1008a931dffc27e1702ce84f62cdf92839 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/86.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8a5d0584d90b63818646d9e71a1ecdcb9834cfa8874f1a79677a8c7767e5531 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/87.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/87.npy new file mode 100644 index 0000000000000000000000000000000000000000..6aad9ef2aa274680798a0b602883f5eae3954cb0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/87.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd6bd5e49546915f027b869310ac4c28fba88b2886d8d6fd0a41afc1bdc1a57a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/88.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/88.npy new file mode 100644 index 0000000000000000000000000000000000000000..de2ba119a26e4d60561c5dbf1120d13c0874236b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/88.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f22ece49a9ba6597e9f2f5eb3b136d678eddf3cfe7f796a36e62b5e6d18325b9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/89.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/89.npy new file mode 100644 index 0000000000000000000000000000000000000000..6b115e1033ee62d2a5a577f4db0ed8e25dfb8866 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/89.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c02e572bba44660af8f1aa11f0dae38a5634e3009c9eb3ddbc12d1d915c8018 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/9.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/9.npy new file mode 100644 index 0000000000000000000000000000000000000000..614092b1fc5516750a42e36b2c2c30a738874849 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/9.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bad3eaf38d13d0e4c0d2eed12e098b61c0139f6886d94cdf9744a663fdf949a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/90.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/90.npy new file mode 100644 index 0000000000000000000000000000000000000000..3e747532adc882f6b76946d7b9ad8e827491b4d4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/90.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f089a294f82cbcedc57e1dd7e15f4d5541315fd8979103964c4d88863689154f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/91.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/91.npy new file mode 100644 index 0000000000000000000000000000000000000000..1076cc0565bbe5550a80e10bf4613d1b2b11f9fe --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/91.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0ae58f02ac91fe4d6b2bd435e82eb69fa2979bbee8ceb7dd733fd2f843c26e5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/92.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/92.npy new file mode 100644 index 0000000000000000000000000000000000000000..b6d817bba2776b2648d7758f2e0fc5d8565635bd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/92.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9118401fd233b6e37fb1ca3f12ff8823ee2994ec90f2ed5d340b364a38a4e79f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/93.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/93.npy new file mode 100644 index 0000000000000000000000000000000000000000..7956e932d31aead977de2d5410fca8fe61aeb009 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/93.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72f2b8c4ca54197aaa1e7815cb5dd54ae95000a931ea31a6c0caf9b56d7ba032 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/94.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/94.npy new file mode 100644 index 0000000000000000000000000000000000000000..94b43bc4c1a6b6e9d7fc1b4cac3e58bb833b1fc6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/94.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c9e0d2ec1f776fb1e5654af0e425778b9d2134f8f598cb6e66c9619c1560d37 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/95.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/95.npy new file mode 100644 index 0000000000000000000000000000000000000000..6fd288f916bafaacf512630c88ad0d2f49baed8d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/95.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44b7584ec2eb6abaac4386edfb61e1700bf9e078ab68fc6b8196a6633f25ebac +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/96.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/96.npy new file mode 100644 index 0000000000000000000000000000000000000000..518f9125ac807e05fa1cf0907b11580727119b08 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/96.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:846dd4c33ab35653d6bc871e9aa8af0f01a2bfe31c0216aee667f048dad5ce3d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/97.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/97.npy new file mode 100644 index 0000000000000000000000000000000000000000..daf69b33d4b0a0ac75bbfbe2eb302fde07f44017 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/97.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b4aec4d3af8689aec65203f78aade35f9f15c9ec48c742d29fe85110611056f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/98.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/98.npy new file mode 100644 index 0000000000000000000000000000000000000000..84cc2bf89462fbf68fcf18f0b3b05fbbc685f648 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/98.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37dbe2fdc88cb4ac1e791af86e557fb77289f43bd482a9e593a9adaea4f726a1 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/99.npy b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/99.npy new file mode 100644 index 0000000000000000000000000000000000000000..add13496b3b4d6b01f2fc51d8bc7221df82232ca --- /dev/null +++ b/demo_data/target_video/data_VFHQ_2/motions/VFHQ_2/99.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf24df2ca00b4325117933215b01e0a35de1fc46f48b68cd573a66c2595287ab +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/.DS_Store b/demo_data/target_video/data_VFHQ_3/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..4c018bd398288ab31e22ff6381011e7c329c414b Binary files /dev/null and b/demo_data/target_video/data_VFHQ_3/.DS_Store differ diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/0.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/0.npy new file mode 100644 index 0000000000000000000000000000000000000000..e553120024a8b53ad0cacf292337675991cc6be4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/0.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec6cca7fa582a9ed74b9225c973498c3e24ac9ba53caf44655d1756f038a6206 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/1.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/1.npy new file mode 100644 index 0000000000000000000000000000000000000000..1d4b7db7247c70582d270e5211c88fbfdd35beb8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/1.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:438226ae148b7d722d18480997b4d603dd34b2fd8a0279e7ff7f74e5c6ef9738 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/10.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/10.npy new file mode 100644 index 0000000000000000000000000000000000000000..5494ee219ff0394e5d487ccaa3928ccb30c86c87 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/10.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78df47c83989d4e4a73bf738b1f7d3e39688c4232a83382be92594bf0e4fc34f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/100.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/100.npy new file mode 100644 index 0000000000000000000000000000000000000000..bc2d5cd1e4cb6edff92b9f20b628384231080c83 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/100.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77bebe1ac6ea79e147a3c4b7f3219d873937ffa6fc97e175f26ff59657478b54 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/101.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/101.npy new file mode 100644 index 0000000000000000000000000000000000000000..489fdc5f7f461366e142a0f3771de6964546a2ed --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/101.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d8ac3de99a0d5467d7e71cc267b44e4bf4d46e2101d58ca6e38451191ad5e50 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/102.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/102.npy new file mode 100644 index 0000000000000000000000000000000000000000..af1b79e42bf9120968b4f6cf0380e1fec602f14a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/102.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a26b7c2c14e7d0e9892e9b8ecd5a89dbc06a16e9f4a1deb7894bf42b1ecb9ce +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/103.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/103.npy new file mode 100644 index 0000000000000000000000000000000000000000..53b181997b81604abcaedf31ee9df0338685c3be --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/103.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22c2fe973ab46cea3fd955487f7f3f995336e03183bbfaa042f1be5fa96ce08d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/104.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/104.npy new file mode 100644 index 0000000000000000000000000000000000000000..ab8673f967e70931edd8d68140752862ff60b9ff --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/104.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f7399e636bb41032c91c5c42548cc004fbcbd09507c7bc6c6429168d4fcb2a9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/105.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/105.npy new file mode 100644 index 0000000000000000000000000000000000000000..5b47cf69ccdf1fed826861c03c8266a234d60a39 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/105.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d00690bee28aaebc529cd357f91a7ed130dd7599ada7f8d0dc7c8354977e8d7c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/106.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/106.npy new file mode 100644 index 0000000000000000000000000000000000000000..68606489e700b93d48a33c9418ac7a1b4de3bef5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/106.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2fad171a511630eaeffde7a252a2e64a406c18f1f36ee4f4d676d5c963a54e5c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/107.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/107.npy new file mode 100644 index 0000000000000000000000000000000000000000..d517f96a0fc961143ab720756d7de36043c23232 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/107.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:401cfa8e5e1c578be983f7fa813765822c79209d7fc789d8697d35df43da9bb2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/108.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/108.npy new file mode 100644 index 0000000000000000000000000000000000000000..77c8d9ddec6d8e39fa78f1a6307516a96eecd03c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/108.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70f2c55a5972281ea270cf6e2acb3a045d14a9b9676595e16a9bb18af81a3c3a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/109.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/109.npy new file mode 100644 index 0000000000000000000000000000000000000000..992273908d2cd7f87d365e591e5b5bdac3c40620 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/109.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8888a8cdba0aeb235f251ea33341d792411651568f76d50045166eb4add853d4 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/11.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/11.npy new file mode 100644 index 0000000000000000000000000000000000000000..7426ea7853c4dc0ff293ba0a6b8f1cb96cd2e864 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/11.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5f78b743673302173a6a61707da120437bf273405202a7eb2a7a29d9df555f3 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/110.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/110.npy new file mode 100644 index 0000000000000000000000000000000000000000..ba873ef3988cb1a223944c7612576c854b3619da --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/110.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:416804be8a24ef942b8479a31ceca8fe19f6003829072199e4d2115faa3c6264 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/111.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/111.npy new file mode 100644 index 0000000000000000000000000000000000000000..48d2a24ebeeba3efe5372c1994dd3da0f7b4986e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/111.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6398aa1f3235f2b2fe6f4c161e00e3603b65f90e361a6794afdf7005953a044 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/112.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/112.npy new file mode 100644 index 0000000000000000000000000000000000000000..6eb566d30b8c9f0489def32deeacda56da3db8bd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/112.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:104dfd040a40905232a8ae9ba288ceed3f439bf4765061bee540a9eacc974a57 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/113.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/113.npy new file mode 100644 index 0000000000000000000000000000000000000000..f1a35ff30758589c880e73c8c45bffd9ef6c210c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/113.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:765a6f98161fa86066fa56e9ea248e708853a0ad6eb8a757cc2f4f2c179f2c1b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/114.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/114.npy new file mode 100644 index 0000000000000000000000000000000000000000..bfd257b5a48b2a61570041e35bddfb16c87af9b0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/114.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67f34ac482ac9272c87c26c6ef613112fbc0b4b75b7dfdf7866748deee61a72d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/115.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/115.npy new file mode 100644 index 0000000000000000000000000000000000000000..755817d9e7384d0187b421622e50ced9dc3fd0c2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/115.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4f4a373cb1204f2b985f9b0f5a632be6e27b450f996f971d5ccdbbf7b061c19 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/116.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/116.npy new file mode 100644 index 0000000000000000000000000000000000000000..140b49f26723281042a923bd9f2635a31604b3af --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/116.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b0267b7d8a6e1b6fb0a32f7398048c11519c8b34d55de9d23609e8813bb616e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/117.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/117.npy new file mode 100644 index 0000000000000000000000000000000000000000..0e201b32e69417b2b85aef97164f46194cc5f2ce --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/117.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e002ac40e6ccb7f194081c291b5e048b058df638be1f4343d682d7a3f205c81b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/118.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/118.npy new file mode 100644 index 0000000000000000000000000000000000000000..4cd72973d398c9532e94384653753887ebdb24cf --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/118.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a14ab31672b369a4441cc80d279a6fba6dad9a25f4471489c6f3f015d4347c8c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/119.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/119.npy new file mode 100644 index 0000000000000000000000000000000000000000..6c00bc01f9ef2b4cd35162aea9390cef47506af3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/119.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4157b58ef73caf4d7dd0c67f4f5c33367bcb50cbf5be9109f5020d79cd1b4bc8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/12.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/12.npy new file mode 100644 index 0000000000000000000000000000000000000000..2f112982acc9903f718de5c92b4eb2fe08ebf038 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/12.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db2a314a70b6a1ed8fed0b0778ce675d4c3a05f1fa371385d89b3a63135a6db7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/120.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/120.npy new file mode 100644 index 0000000000000000000000000000000000000000..8b3fc5251d0e6a07ebd1b312c290dc39dbdff6a2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/120.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07eb52128544cd06b1c334b310860baefdd3356ac1dad73f68976f515a934ce1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/121.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/121.npy new file mode 100644 index 0000000000000000000000000000000000000000..784a7e91e9bdcd4313eda6299f5876926daf8a1a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/121.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ddd35dc2d01a8f6a4d23f14c73b16662911cb7cb104ae7183bb9944359a77df +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/122.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/122.npy new file mode 100644 index 0000000000000000000000000000000000000000..667eae67199b2a42e52507a648dd85eb6fb69b51 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/122.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5041730cfe167a57854fee23e990cd15178370fb13560c18a408fd2f4e281284 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/123.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/123.npy new file mode 100644 index 0000000000000000000000000000000000000000..217b0b1ef0045c3ce7df0497f3b319d53353852a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/123.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cdb01d805b5c9be08251ebfbb5d098492baaecdd9b558ad47d63ff26c87dedf +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/124.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/124.npy new file mode 100644 index 0000000000000000000000000000000000000000..18fee60b1342c2bf16a7193ae1b4e3bfb6b4a835 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/124.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e25183b22765bd596b115b4f0364fd99c1eb4bac1b7aa2e3e362fcd6234bcb67 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/125.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/125.npy new file mode 100644 index 0000000000000000000000000000000000000000..4c6368c32112ab1a0e84c1480cb26b0e60e2466b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/125.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a5cc959816e32150446636356cb59b0b09b400921118a768814c27421612f01 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/126.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/126.npy new file mode 100644 index 0000000000000000000000000000000000000000..e92b122492844005093bd98f685247d29cf506fc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/126.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2af228c2919f3cf5b46b58260d8b5b28c5629a06be77aa855db2126fd56e13e9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/127.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/127.npy new file mode 100644 index 0000000000000000000000000000000000000000..33bb844b2de0cc65c5145f1fb172e9230e384a6b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/127.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba225aa03c86c88cfc633722da78bf6db5c17f0fd0539b893bc7489e27256ea6 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/128.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/128.npy new file mode 100644 index 0000000000000000000000000000000000000000..3b71d5206a32bfe4e9fc416f2dbeda91bc5399bc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/128.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:535a1bc74fba62b81880ec3a7a510c386ffdd5ef242716df3f9c3397e475a866 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/129.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/129.npy new file mode 100644 index 0000000000000000000000000000000000000000..b0dd83f70f4b717f13b6b4b7b7965374726a521b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/129.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7c8bbee01680f60df889608cac1344b84cfd6e745f8e48e46c72e326b41b105 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/13.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/13.npy new file mode 100644 index 0000000000000000000000000000000000000000..712370c701256e7a788b0dde685b4333bd5419c6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/13.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14762d87f6d90e387c62ebac94280d5cea70f351a09777cc95729abade9a5506 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/130.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/130.npy new file mode 100644 index 0000000000000000000000000000000000000000..c2d50a87b66ae04de984584ae32781ad005c4c40 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/130.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:829d50b5999d8ef98f675ec1be0acb73711ee02075166aa872eb13be925b1ad7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/131.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/131.npy new file mode 100644 index 0000000000000000000000000000000000000000..4e31cebf9a26de1dbcb15b50d51811096fcffd22 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/131.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfef5858315fdadf367287b32cd9bd8a5dd14c0fb16b14775266f3434349e6eb +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/132.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/132.npy new file mode 100644 index 0000000000000000000000000000000000000000..70e844eac727e9ec6211e32ef02ba27a9e0b0173 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/132.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:535863dc1a0552cad83cbea72d68ec5e3fbff6a3b2764c84d3c1a9fbd8248257 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/133.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/133.npy new file mode 100644 index 0000000000000000000000000000000000000000..bac4a5df6c5546d30ff052eb753e3a9f8524b972 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/133.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:280b44be90877921d2f3c797e644cee41d184984bc78784436621c0fc487418c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/134.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/134.npy new file mode 100644 index 0000000000000000000000000000000000000000..7ceb9a0a6eda11f380cddec5098b9b8b3bbf2f15 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/134.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59a36031a936e64ceba1e77830ea9349467a3b7817b9525595d515d857e807e3 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/135.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/135.npy new file mode 100644 index 0000000000000000000000000000000000000000..d27bde689f148762003b3743a8b9ed1f6664fee6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/135.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a6147932861b1351db4c16487e15f0d698acb3ababfae6a6e5245c1bffafee2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/136.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/136.npy new file mode 100644 index 0000000000000000000000000000000000000000..154ebd965c36c279beaf6df0040a149ef978b23a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/136.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3edbfe4721d5021332a75f2e6d971edd6dc46e6088f4c1425e1a7cfe4845618a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/137.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/137.npy new file mode 100644 index 0000000000000000000000000000000000000000..de174dc864fcf4422dac863c2627271795fb349e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/137.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b7d7192c6f072dc1c0bc7ce1eba68274fbd2b7992b31d2eb08f5d19e12f2539 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/138.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/138.npy new file mode 100644 index 0000000000000000000000000000000000000000..fb81d30a1f2b7d660f1714379a390301cd6feee6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/138.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b908faad6453cb01f32415b088c9d852c0afb9743d7c1789f89435d2557aab6d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/139.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/139.npy new file mode 100644 index 0000000000000000000000000000000000000000..9fd690482ec95477e623ad70fa2bd657275b24e3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/139.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f547863eecdc7ab6dcc7085dfd997ae9ab4e6dce92edcb60c6d16aa5a5a583c1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/14.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/14.npy new file mode 100644 index 0000000000000000000000000000000000000000..b2b865f95805fa1464d650a4dd1b56e81aa052b1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/14.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd6a1c0bed62f312cefc5d319daca9cb749642c3bc376d88390b4bd105ae08c9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/140.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/140.npy new file mode 100644 index 0000000000000000000000000000000000000000..b98b9a760e9943da111977e67409aef4032a5799 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/140.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce43613f0614c564d02089b706ae936591c5b0e2a0c3ce6137f8bde9f8027160 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/141.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/141.npy new file mode 100644 index 0000000000000000000000000000000000000000..fee3e7ebe1dcddbf3da2554b1e508816a81ed502 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/141.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25a9d60006a94f5c83de9d3409fcebc08624d31487fb8ec5655575f41dafb57f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/142.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/142.npy new file mode 100644 index 0000000000000000000000000000000000000000..b8f37d64714ac441520a77eaab840683bc39ad39 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/142.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c4cb0f7d908e9205677ac1ccadad67d1176dc8193da0cd1f31c0f5d48112d02 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/143.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/143.npy new file mode 100644 index 0000000000000000000000000000000000000000..cbb6e1eeeb676a80edd5d74557496b13a4a77e3a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/143.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89a6e40ae0490bf99f09148c5fa62c2cc41745ebe7330d652214d4660bd299c1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/144.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/144.npy new file mode 100644 index 0000000000000000000000000000000000000000..a02bee1ff3e3bd020077a88c5da43028eab4fff3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/144.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cb41de71f88b6b62ef20641d26a946780b56751fb0e6a3b221e4a2c0425f4fe +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/145.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/145.npy new file mode 100644 index 0000000000000000000000000000000000000000..d4580da066cdfb323a51945565707d2f38a97afd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/145.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8f158bb5cafb3c0d625eed39c3dbe706a6d04013ef36e79244c859214752940 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/146.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/146.npy new file mode 100644 index 0000000000000000000000000000000000000000..00493e702d97790d03e715a90274964a001c5df9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/146.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c8ecb6b511680e64451b5a5eeaa1ac059edbe9024c8b650bb9744ef50e167d2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/147.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/147.npy new file mode 100644 index 0000000000000000000000000000000000000000..75926e3f018d1eead214ed02b340a7530adef955 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/147.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dece41152fc6a7fee33b396f94b2d22b7c03ccfee698eb02da1f700ae9bfae70 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/148.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/148.npy new file mode 100644 index 0000000000000000000000000000000000000000..879b05e496f29d80a76aa458ede6c514d5239f0a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/148.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83c31185b14c10334807c55e6f9cb621a45ccf6b7fcf7e4787eea59d103501f9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/149.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/149.npy new file mode 100644 index 0000000000000000000000000000000000000000..97d62fe8c6a27be887d9151539f109f534e55c04 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/149.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a88291cf8a3be1fcd2d1981f22c84b29e66eb006347ebfe0eca3f89f687c6c07 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/15.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/15.npy new file mode 100644 index 0000000000000000000000000000000000000000..f3b65a9a1f36d260f2a74691b8e427f93f4903ac --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/15.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d02cd28751a7422847d0796711e46a36e0696aa5e8159b0ef3c199a1eb907a4 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/150.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/150.npy new file mode 100644 index 0000000000000000000000000000000000000000..1644d716d500a0a31d1a54a58f615f1cf1d50430 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/150.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e73421d9bb1a5bf18f40523ce40f4f03ad596e3e81e41e258e200c6f5fa561a9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/151.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/151.npy new file mode 100644 index 0000000000000000000000000000000000000000..482009da476846d17b72c3d91fd750a2190443e9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/151.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73e923a1b552202cc7ceb38ecffda5f391cf7763f303e3abd4099704542a4857 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/152.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/152.npy new file mode 100644 index 0000000000000000000000000000000000000000..e7d7dbf6887865544f386bfaaa7715c196263e31 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/152.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02f3e192634abe0dcf8cd174846360e572241ea3cfcff5ad97121215d92f91d1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/153.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/153.npy new file mode 100644 index 0000000000000000000000000000000000000000..ce3390e5b9e334773c480cf6533426b8cffb756c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/153.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d68aeb16e6229aa71dab6203af2a00958a163d2dc30585ece2d4944347aee7f7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/154.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/154.npy new file mode 100644 index 0000000000000000000000000000000000000000..6608d0725bf23c6294bde313d16ac6a594c4c615 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/154.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78f2dd5a14c8245f9fbad77106734564c751e3ba5156c0e79bfb85dcbd51e1a8 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/155.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/155.npy new file mode 100644 index 0000000000000000000000000000000000000000..fa6dacb3e9396cadf851d2efc92d51805db44b4c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/155.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3e7c7e936484218d77818353c6c6f390da97149ec4632df21d6ec71fe90fb78 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/156.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/156.npy new file mode 100644 index 0000000000000000000000000000000000000000..c1c3b6d04641e6493c4155b611706fd589b7eb4c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/156.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0e92c24420c1bc47958daadfcb6d139e023d35f2103a4720216b8202a939fb6 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/157.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/157.npy new file mode 100644 index 0000000000000000000000000000000000000000..531d2b36b9d74ec647d3605f87f21c2d77dc97af --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/157.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a07dc4e6b0b6c84736064c7d6f4a4e1dc65bc1af761ff8bbc7957ef6cb6324a6 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/158.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/158.npy new file mode 100644 index 0000000000000000000000000000000000000000..16a090bb2ef1558f60cec7db276c42a8b704b53b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/158.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fe824501c92b4c57b64e9f42cbead37e6da189e5e9bf2a80791a2671070ceae +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/159.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/159.npy new file mode 100644 index 0000000000000000000000000000000000000000..771430af275273c6db8632e3b56819a824254271 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/159.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7931030e63863f9c9b40ef70c5ae612ebc77e9f0fabb8d966480f885f4ca6203 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/16.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/16.npy new file mode 100644 index 0000000000000000000000000000000000000000..294ebe8c73bd769e79c9e42f486b61f1c3f8d43d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/16.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4a21f195f22bbeaddc906a01c4f4748700f23f1e77dacacb656672a6419b261 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/160.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/160.npy new file mode 100644 index 0000000000000000000000000000000000000000..0dd4cf2792ec326db0df8044395f6cd15686445e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/160.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:863974b3176e3019643a6360e626337c0328df202cebb9b71c3da475ac560b18 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/161.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/161.npy new file mode 100644 index 0000000000000000000000000000000000000000..9a46c7bc7ea88048d3bc437d0438897649fdede0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/161.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67938d5068696d19f0e93397348fe8cf9d30e5a4572092f843431d5ee23a4209 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/162.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/162.npy new file mode 100644 index 0000000000000000000000000000000000000000..bf957ce3d618af9b0feced379335e4c8e23825ca --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/162.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:656f0c1fa46d953827c8bfb82ab82868f24b56666e446c88208dd449fa70a7eb +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/163.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/163.npy new file mode 100644 index 0000000000000000000000000000000000000000..4547239c6a5eada03ac82996d111e0df9b6112fb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/163.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28eec9cd2e7846e9e063d6910ca7427f152a807dba41b57609272fc02fee33ab +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/164.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/164.npy new file mode 100644 index 0000000000000000000000000000000000000000..b800a1c1d3bfc3fa1d33bd2fc65ca9056d52eb87 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/164.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7be151103a23bc3a8d28aed98678acabf86eb73196e5df0025a14158b15c0c0 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/165.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/165.npy new file mode 100644 index 0000000000000000000000000000000000000000..b851f44ff2f5a72936c473eafcbf412064becdef --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/165.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33f822c2a747792e33f7c7fcd4c42b6e6111830c71036d68bc0c72cc5b9bfb13 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/166.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/166.npy new file mode 100644 index 0000000000000000000000000000000000000000..9b2d13e4b665de78480c1ac62d3b90da8c5152f6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/166.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3584c02b4c98c13be7e75b73144b71a5d3b3e70a3a5dc247483191e453c7b077 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/167.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/167.npy new file mode 100644 index 0000000000000000000000000000000000000000..5bbbf59b02bbad5b74ee77df21cf853821b63b18 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/167.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89fdc34628edff8c5cf621a6865725ea6c85faaa77374ca1aafb30eb992b8607 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/168.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/168.npy new file mode 100644 index 0000000000000000000000000000000000000000..5aa5de7150a4c602023acd3e44309686bfdc5666 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/168.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2aaf15c51f374e3dcf6c94fd6356487ef60838667e12740e07c27b72506121d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/169.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/169.npy new file mode 100644 index 0000000000000000000000000000000000000000..f6c1e333de497a5b63bacc198a31ece07b73796b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/169.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44bf4c4b723dd62d48f027fea7b8f210780e74a9c26c3485fa9113441ead0eb6 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/17.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/17.npy new file mode 100644 index 0000000000000000000000000000000000000000..c78850a6aff533a50dd791afe69fd4a27e1f933b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/17.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b82b26f37f735281020774e3d0a50ffc9df5690c5b66ef4d7a2c1ec4e4282915 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/170.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/170.npy new file mode 100644 index 0000000000000000000000000000000000000000..f023476ae40e269f194af6ae1f8bb512fbd17bfe --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/170.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88318df9b61a57d8bf87b09d83672059dd7afd34ab3155d15a260cf81f0da62f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/171.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/171.npy new file mode 100644 index 0000000000000000000000000000000000000000..fda0123111bf41777744d246755753721950c089 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/171.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec7a321e5f2f37199c6b4b273291f4a451ff5917ad92089de29e695189b32504 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/172.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/172.npy new file mode 100644 index 0000000000000000000000000000000000000000..0d2ea72cd368109ce2ec1b98e385a5c79cc7ef3b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/172.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:419e350ee26bcafd9016c3b3d11e320aefb9f47c47ec4bbbc0fd5a5539fcbaec +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/173.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/173.npy new file mode 100644 index 0000000000000000000000000000000000000000..d633e35b46402aab5eea34f104f2e733e7c4e96b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/173.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:984c9a4a5b6c01b2fd01509426a63c2116b2d60d79a8e37cebaf71e4a7b7a8cf +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/174.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/174.npy new file mode 100644 index 0000000000000000000000000000000000000000..961ae314c9e852ecf7e070f99020a179a314c84e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/174.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02f022a4080f3a49e0f5e7f6f8f07fd2d22e10d7b4b623031365dac70e309b7c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/175.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/175.npy new file mode 100644 index 0000000000000000000000000000000000000000..3208ce64170d032f4e1598358e98aeb8f79019f0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/175.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6e2e9ee5450af553fd8244727429e602568e7039d8ed4467bbdae0b52b3e3c2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/176.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/176.npy new file mode 100644 index 0000000000000000000000000000000000000000..01d0ef6251ff61b834b8be43020df27af6e2015a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/176.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a2500e56601c3cd2f0184791c27c89a12d3b5fcc72cd99ce4d42097c9ee4401 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/177.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/177.npy new file mode 100644 index 0000000000000000000000000000000000000000..112550ecc33eb57a79af59babf856d455ebbd0d7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/177.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c4570719c6c6859d010db4eb865bb9159b038131bfcb77e53dac45bf1b018db +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/178.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/178.npy new file mode 100644 index 0000000000000000000000000000000000000000..5a7e80bd3ca3c8f1370171ca06d6a44f51d6971b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/178.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44a230f26791c4fe40fc9da4e7bbb266b96ac66bb3e6ab18bf49b42fceb41f1a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/179.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/179.npy new file mode 100644 index 0000000000000000000000000000000000000000..cdbdd11e68953ca3763675f69e59cd1c76222138 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/179.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e9ae4b106569b019a92f2f276efe19573c27fa7440da13f2b6105582d29b52f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/18.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/18.npy new file mode 100644 index 0000000000000000000000000000000000000000..6258e18ccd46f4a6e238841ce71f561865d4d7d8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/18.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f15e4b507862c91eb3e3d752f0a08f74e2037e5d1dd4af086114dae2c7354e6b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/180.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/180.npy new file mode 100644 index 0000000000000000000000000000000000000000..a3fe8e7a9ac2d68c9ecf8ddebd48e9d06be5cb5d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/180.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85ed0bbcb55aa26cca6e3fc55a6858d3b4758b45ebb40495bce73662ff22432c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/181.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/181.npy new file mode 100644 index 0000000000000000000000000000000000000000..34c7c1568cf1348541994c33a0f2df86fe6897ed --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/181.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3744ebda84e3ad30a414734a23b15a1ac073b9a0fd6e5e5e0cb045890b5a24c5 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/182.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/182.npy new file mode 100644 index 0000000000000000000000000000000000000000..b6d02efcb14f5505a86e5b13b3bc4c4575ec11c5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/182.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e536047b5235da9dfd04fbc0f78586901494a6c0341556323b119a1276bb7fde +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/183.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/183.npy new file mode 100644 index 0000000000000000000000000000000000000000..fc71ccfdf021c2c9b460e2374c259efec2b10b40 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/183.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22dfbc869054e9b911366aea4520bb5e1fe7a14a74c8d395dc36486bbc8013bc +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/184.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/184.npy new file mode 100644 index 0000000000000000000000000000000000000000..496ccb73f6cda6cfc3fa117a92d1eb1fd96ecef3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/184.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:acaa058cae2f4e5e46d0be7150bfb2ccc36acefb01e16d08102d52ae529cc580 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/185.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/185.npy new file mode 100644 index 0000000000000000000000000000000000000000..9b06213c9c2897f18dfcda9c4f41bbc057cb72b8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/185.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f672d9e7e09681f6de2aa7b9bd20593038ba48cb87635ae55dcff5efb63f89fb +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/186.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/186.npy new file mode 100644 index 0000000000000000000000000000000000000000..4cee4d649e9b0cf98f69b1a43d933ea6827ec13f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/186.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:962ed8f7bbd52318e19e3ab0d7abb9baa27915790eba6f299e6fe97f00262047 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/187.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/187.npy new file mode 100644 index 0000000000000000000000000000000000000000..71a05110ff7df7f5c55975c14e44c37bfa853dfd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/187.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f33d5000f15c0527f605a14a264a5927d0514d7d37656d45d28027b1fd83487 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/188.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/188.npy new file mode 100644 index 0000000000000000000000000000000000000000..703f39fba11c8346ef57bdf347accafed4dec006 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/188.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4ed7781dc60e381efdb68a3bfecff7f06a76374491deca914f77d9f8daff6b1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/189.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/189.npy new file mode 100644 index 0000000000000000000000000000000000000000..dfb23ce03ed7782442e74ee3e6f2e8e4a8fe8a43 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/189.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5743c493c7c5fa270ed51841e6f3da66a8e0be3b2c17da741cf668316b2296a7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/19.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/19.npy new file mode 100644 index 0000000000000000000000000000000000000000..643bea10e342546ee6648d5c46c02680d969fa89 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/19.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1d85c446c038d91de9c371ba99c6b6d2137f211d9663282271f55d5da5f1b94 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/190.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/190.npy new file mode 100644 index 0000000000000000000000000000000000000000..46c0b72cfa787013cf2b48993d6cc371fd76558f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/190.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f25cde1e05319cbe1a65ed9da395c83c14a8aa26e3be21e1f1dd913718ae3ec +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/191.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/191.npy new file mode 100644 index 0000000000000000000000000000000000000000..8b259084543594e2305ea75eb816cfece18ba938 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/191.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50e3350dfeccf4aa858e68644be74d11001d655ceebd5b3abbece0e8ccb2078e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/192.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/192.npy new file mode 100644 index 0000000000000000000000000000000000000000..dc599b40bfecfca8dea96220fd6e6fa32dc33012 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/192.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bcce5b9b937d75f3c34eed47cc7e5ab776ac85a9a48b0d67b80ae946e31a131 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/193.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/193.npy new file mode 100644 index 0000000000000000000000000000000000000000..62defcb3e35ba83f214728258f4622304c8f83ff --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/193.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc24a9264e9cd4d9b3c4cd16b6e225fd394e4f52fde45edbdcf64391881f581e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/194.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/194.npy new file mode 100644 index 0000000000000000000000000000000000000000..40970587355e395362d6aaab516dea059b4b04eb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/194.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3be8d8ac95434b5203a8493433781e2bf6030c97c7d1f16a23ed111d0cae6f9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/195.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/195.npy new file mode 100644 index 0000000000000000000000000000000000000000..2b2fa03d584b675f212f4ed80facd26f1bf67c7e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/195.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fdf6cb4f9dc262d23eb8a7a6966d98ed666aee642d03105259e10e1d0399805 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/196.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/196.npy new file mode 100644 index 0000000000000000000000000000000000000000..340fae6957ee6104186b88a43d1fbf3856f88214 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/196.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0831f38c085e6e2e4823ad04db56fe8bb8d349fecc0a4af3e90f95a72eaa4a39 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/197.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/197.npy new file mode 100644 index 0000000000000000000000000000000000000000..b30184132feb11e9a63424d82aa99cc066906e29 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/197.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95f6fe2dedf4c34c9e2e0a474d7264cf5d5da90858f6847003c40075e329b770 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/198.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/198.npy new file mode 100644 index 0000000000000000000000000000000000000000..ce188919d9cf1c4a2b8a4fc917f03611b9500bab --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/198.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6755c2795abf0cd22a735e5786c08b9d0eaa12534bbc849fbbb31b7b64b120f7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/199.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/199.npy new file mode 100644 index 0000000000000000000000000000000000000000..f15bbfdcba8c4332c3856b75026509330c4f9e8a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/199.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e075c614273a8ec5fc19016324bc9d7104cbb1b3ecfe661a5fa3c0938149b3e9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/2.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/2.npy new file mode 100644 index 0000000000000000000000000000000000000000..94fef915f4630b1016dab65e78a6b7d0768673ed --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/2.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cea9fe602f572e41508c6c54ecc766dd93863bd2eacda1cac7815038f3fbbb7 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/20.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/20.npy new file mode 100644 index 0000000000000000000000000000000000000000..dce06ef056833b41fc248860a3fd59b7c1eb34a3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/20.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7c159620d6473d6f57bd184674772ecb6b8b3d6d1a05d77400dac97dc58a0da +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/200.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/200.npy new file mode 100644 index 0000000000000000000000000000000000000000..668bd5b87dc682b3e6e38825437f6ba5bcd3932f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/200.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71ca5ff8a7146f6cde2c3eddeb3c1864a50df552c07433439f44d137592c0ce9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/201.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/201.npy new file mode 100644 index 0000000000000000000000000000000000000000..2b521d38fa23c1978375138f98a80939aaf590c6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/201.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:318286003ba367adb1877088b3853a08a8c007a7216de43c161b30c068c318f5 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/202.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/202.npy new file mode 100644 index 0000000000000000000000000000000000000000..14a780157d2d84662040f6fccd04902b0a82a5d1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/202.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fa9e9061d16a76e557eea99307412bca7fd4e339f33e4663d78919b04ca0d1a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/203.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/203.npy new file mode 100644 index 0000000000000000000000000000000000000000..d560eb5a1458edd594b3e586922adebf3b1d5714 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/203.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9b19f3e2f0b7fe26142c21f7ca26e30357938a1c77bc17342541c13d2a60dad +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/204.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/204.npy new file mode 100644 index 0000000000000000000000000000000000000000..34f514e76c79e090618b32da2fa100cd02597038 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/204.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e883e96e2e5072b776e36e9c41fe53515a17b2764f6862e43316baa4ed6e68f9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/205.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/205.npy new file mode 100644 index 0000000000000000000000000000000000000000..bea55ed5c483b15e150c2058ac262b5e7ec7e864 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/205.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d399a42392f4b491608c32d50e26422edd41442c7d628d7509125fb89165387 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/206.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/206.npy new file mode 100644 index 0000000000000000000000000000000000000000..31731f6d07c8b916b0854d6dc84b2f239e6fdb46 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/206.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c459c904da225f491f9ab512370bc180137d6c7d50777077c6d39624377c246f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/207.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/207.npy new file mode 100644 index 0000000000000000000000000000000000000000..60be0d1e79b560f26228cbcef477d04ba2a95ef5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/207.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d92531af32330075d275ac1f293a25a2d5fd667c4a5b840ceed650b634c535c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/208.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/208.npy new file mode 100644 index 0000000000000000000000000000000000000000..81a3f25505e73c32b8e72c848028253c472111c7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/208.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0a333b459020f1f91c6c68d02fc11bf4946625ff12197dddbe9d13667bf7a3c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/209.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/209.npy new file mode 100644 index 0000000000000000000000000000000000000000..8fc46c37072b30f4eaee6e6d49ad944cfeb56a89 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/209.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10bd4fa483de0f9ca6b9aef76184e39dbf24d15d73031cab9adad70cf7d4422f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/21.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/21.npy new file mode 100644 index 0000000000000000000000000000000000000000..3779c4e3d30dd20154063b95ec90b1381c89d5f3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/21.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dc0e203f28dc71a7805bb77b509399a21ca475ffb61a875e328fe9788ba4a7d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/22.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/22.npy new file mode 100644 index 0000000000000000000000000000000000000000..e9d7efa1f807052eef8a00623d1fdb99ce2c217e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/22.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b740341f58ddb6ec171d02af75210ebf765bdef5b352298fa9c53eef18a96bcd +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/23.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/23.npy new file mode 100644 index 0000000000000000000000000000000000000000..3453fd8fedc56109527d6ad4e883dbb3e0185303 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/23.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8c2f0359837fd8f365aab619aae95daca92fdb332835f16335643aa24cb73e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/24.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/24.npy new file mode 100644 index 0000000000000000000000000000000000000000..b3b777fef2d5328da1131e77b4c5213b294aa95c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/24.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f89c8ca7a90e971f85081adcab1a0d1942b82e855ffd8dd2d2fdfc6db299271 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/25.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/25.npy new file mode 100644 index 0000000000000000000000000000000000000000..47d01400e80f763807243d500b63555941de809f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/25.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d17fd9d14f874a735f3242eddd03cf37280158d6f5f19f36a27832b2ccf35446 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/26.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/26.npy new file mode 100644 index 0000000000000000000000000000000000000000..632fbc2021dd0bad63cde6c84b27c666a812559a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/26.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72381c3f4c0a7d7fefda4918bae0d2a2778bcf2874b87a5404ab5b8d3d2dab5e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/27.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/27.npy new file mode 100644 index 0000000000000000000000000000000000000000..5c2610abb9d36f3190f45375ef04457ce8001778 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/27.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4436af16598e4a55331df089f825148e9be0ddab02e60d55620c72331e74e3d4 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/28.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/28.npy new file mode 100644 index 0000000000000000000000000000000000000000..81cf82a7df4dec801d2da1a9d3b6fb1ff15e4956 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/28.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89b4e7f2203629e0bd090cc5f08f8de931a35f9c7d825798aff5761ca3f45881 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/29.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/29.npy new file mode 100644 index 0000000000000000000000000000000000000000..12cfd929be914fe6cd785fb43d58e06ef621c543 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/29.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df60b3975d6e8d54bbfa933fa4fe05662c9487134b0b4e67ed0f12163ecadbc9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/3.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/3.npy new file mode 100644 index 0000000000000000000000000000000000000000..c2b3d1958b2cf0d2bea4309768d828e60bf6705d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/3.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c411065d28fa48b44a4ec7da0c0873a029215d0da0e8e30e2f4139ee2c6c47a0 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/30.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/30.npy new file mode 100644 index 0000000000000000000000000000000000000000..59203bdfcb40902872e301d471aed6233c0eb2a6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/30.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc33fbec6f4efadd88e448404a24376413d0a11ee3106c861fb41ee2110fd865 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/31.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/31.npy new file mode 100644 index 0000000000000000000000000000000000000000..6cfdd1e65131beeb95b8b7340322bde6057f3b22 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/31.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77107ffee125404e8188b798a3e674b7206828ea03f0aa18dc38003194c84587 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/32.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/32.npy new file mode 100644 index 0000000000000000000000000000000000000000..1368d770b808d3cb6d73d2ad9740e82881bde82b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/32.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6600e845ab08482ff9be1a78f6cdfde520d945ff0980d37d0d0a6a12e59c4a0d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/33.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/33.npy new file mode 100644 index 0000000000000000000000000000000000000000..8d6d31272f411b056c0948922d82bfd965ea4c89 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/33.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b53d950908cb46dbe24c1176ef2ee805a984ffd5cd1fb8d504c063e8385bfb3a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/34.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/34.npy new file mode 100644 index 0000000000000000000000000000000000000000..7fae58ce2a44a7bdf89a8e55fcbd7b3439a1481b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/34.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c7498b3b0662e3879c4f67a8d353f9663280196676c8f4d089ac2737e9cd35f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/35.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/35.npy new file mode 100644 index 0000000000000000000000000000000000000000..7388962cabfd74262bb1e44b3d8e737585e11bd9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/35.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae6919c2c567fd15c1466dfb06023636bdb3037bd806cd2646e18cf12b466229 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/36.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/36.npy new file mode 100644 index 0000000000000000000000000000000000000000..17cb6bd8f6cf41edf57dacffe24bf7e5a01867da --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/36.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20ab1b4a2aa7054050055223ec91a20a02b7ee6dfbc8d33712adc872e2e6c8c2 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/37.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/37.npy new file mode 100644 index 0000000000000000000000000000000000000000..e8714c2753bee2e55399dbe81a2e2c85dda0f70c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/37.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17195ced4c56cd29cb6943cdc0e4c7cc9a88b3b829eb9012c0d5446cfdadc89a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/38.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/38.npy new file mode 100644 index 0000000000000000000000000000000000000000..75c93542d890f5e6551afaf5a8c70a38adf587ef --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/38.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63f6ba11732c394ad48823165b0cbf92ff384a384d970299648dd650c6e32169 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/39.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/39.npy new file mode 100644 index 0000000000000000000000000000000000000000..149487f1a33bb3d7531af5df065e8a6913f06c97 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/39.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8dddaf508c7b2e19c2a6e420788de36374fe22d74c462a5c70cb4d479ba06c44 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/4.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/4.npy new file mode 100644 index 0000000000000000000000000000000000000000..fbf9ef0f90e9c63f7e667c74ce9dae35f19186e4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/4.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:070174472ed83a6eadb4a8e64a5ce46aeff78e87bef66c27d3578729c0ebc43a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/40.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/40.npy new file mode 100644 index 0000000000000000000000000000000000000000..b337ce5b10ad01d73c8fc594ac24a935e0e91c1d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/40.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e28227154b1979ecb1a260f39c776e4038f39cef556b2afcd04b2e44e6aa40a9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/41.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/41.npy new file mode 100644 index 0000000000000000000000000000000000000000..7606c32569a36367a58b09f4e3eb9d569445bcfc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/41.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0ae0ea815daf88488be32fce28e386423519ceb9c9792b7f9770f3d19ea0b5f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/42.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/42.npy new file mode 100644 index 0000000000000000000000000000000000000000..15c6c35e3d2174e56c7a573600062fe9b8ab055f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/42.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbaf05828c4c4e0afe5918408966d2affffd132c9269e42f322af99940c1d403 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/43.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/43.npy new file mode 100644 index 0000000000000000000000000000000000000000..57c30d79ecea3ccc94ff54b38d78b8d0afab414b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/43.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5c12c68712f36b6c3ac67e45d5f78e551053ab1e58506d32ffaf551ad32eb12 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/44.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/44.npy new file mode 100644 index 0000000000000000000000000000000000000000..bbf5f705ce8a0e731d2a68adb0340fad08ea63d5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/44.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50c146d76230465a94801ec260b6f8f8659219e983d37d0bb1ad2ff5c88e4579 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/45.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/45.npy new file mode 100644 index 0000000000000000000000000000000000000000..9f2ead7df051aa0e1c8218123b9146bf5a4f3a35 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/45.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9df9bd9d2bb4394dcd90aaad94c6419b62d86587a695f9a9607c1a37a87bf27e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/46.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/46.npy new file mode 100644 index 0000000000000000000000000000000000000000..74e0b07a418afd656e163847cccefea3d339e871 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/46.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c377a33387c0f469d81909e27a357c30e79e65b91f7be1cf2c2b3f3edd3472b6 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/47.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/47.npy new file mode 100644 index 0000000000000000000000000000000000000000..6cf3bd9cb712b0e0fa1b294c08709c620460a7d6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/47.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:373e9ae765aa8901520d09265aed06d3bdf611c9e5a7b0bcf15477b300a96e72 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/48.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/48.npy new file mode 100644 index 0000000000000000000000000000000000000000..d8630ae560a4380f0c8f6ff5c783e08a9db69ae5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/48.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c888962ac7199e62078376759de6334cd373dcb7083c6e435b5e7820e74b6b5 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/49.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/49.npy new file mode 100644 index 0000000000000000000000000000000000000000..fe7ebbc9f279ee4fd7fba1372ca3e8a7f68ce534 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/49.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d5e9dbaea2cad6d4ee999c45c8cad239c7ac617c76c4d894b356fe50f83fa73 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/5.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/5.npy new file mode 100644 index 0000000000000000000000000000000000000000..c59cc2b4dde9e5e17f66faca93b4e3dc3da95de8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/5.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6108731b97432dc807a55a488e4873e7671cf52af34d2b6c1cdf34eb8e7b1b3 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/50.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/50.npy new file mode 100644 index 0000000000000000000000000000000000000000..4464235ec148ce3246fe407c06b0fb0c35a58df6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/50.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c569f568090d6014a8aef8118fe33e6832db4a287726b76095b4032bc3ba1a0d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/51.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/51.npy new file mode 100644 index 0000000000000000000000000000000000000000..68c1cd321401be243ca012c7cf114470fbae1c50 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/51.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c00076e5aee7257282a23d6b74943a4124a6ab4f017e3371d80e5972ec4633ce +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/52.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/52.npy new file mode 100644 index 0000000000000000000000000000000000000000..02ff3c5416ffd649ebdbe9ebf0c7310024167792 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/52.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e11528c7f7002932588b5550f6332ba74f20cb23fd27a3fa8c7017a8b9b4878b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/53.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/53.npy new file mode 100644 index 0000000000000000000000000000000000000000..4feeacc4aecb25c59fc98e81d543cf54938bec52 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/53.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81f8adff314ae8c3da6ee54d08332752026261d8eb576a85e1ca13bb7a706a4f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/54.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/54.npy new file mode 100644 index 0000000000000000000000000000000000000000..7db3b9ef8cb94ea47a2edc59a4e6582e92b167ac --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/54.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26d96168f1c79a0cd4eaf829bef52d8884ed776dd5425a1dcd2222975f7e32e9 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/55.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/55.npy new file mode 100644 index 0000000000000000000000000000000000000000..80320d37f11450c73b74055968e7bcc2ac01eb41 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/55.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86d7754189af05d57cd9be070d4489e2ef77959c6b7bb1ad5b37daf1fd42653f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/56.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/56.npy new file mode 100644 index 0000000000000000000000000000000000000000..8b184e7deef12ecc68d2340df226d7cb8bf745f2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/56.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9115d4c061d6d747d0755dd0fd1b0f4ce553fcf4a1b2c982e5f908999f10fb5f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/57.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/57.npy new file mode 100644 index 0000000000000000000000000000000000000000..fa3916b9f7012ef5826d9cd72724337484633c91 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/57.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1511ffbdf685a60d1a3ec14440f8121d466ab49db668985a872ae62a3e8e197 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/58.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/58.npy new file mode 100644 index 0000000000000000000000000000000000000000..d9a4e47821cd875b818283d0c3846ae4df258f75 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/58.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2f4f942fd6cc499d5ad5c9c3da5adb24bc52471a41968cd8ae83fb2d0ea10be +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/59.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/59.npy new file mode 100644 index 0000000000000000000000000000000000000000..202eb81141ef43166d0faa5c3f9c610e59ea1bf1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/59.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:192e50de980ea06c8b090b12968a0de8b548fc960dd6a7cb8b0ebf26395aaf34 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/6.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/6.npy new file mode 100644 index 0000000000000000000000000000000000000000..84dce3dc8eaf79e993dff50ef74be5fc0b6101b8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/6.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a10b2ad657a3c5c9287d554b9de35dbd1ed750048d5302e308e5b2c7665c86ba +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/60.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/60.npy new file mode 100644 index 0000000000000000000000000000000000000000..2f042bb5d44dd2b94173e12401ea40af5aa9d9ed --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/60.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea5a44f33e2c7908b4cf413964b9120cd485aa397be3e656b68a88cf6bf3d2fd +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/61.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/61.npy new file mode 100644 index 0000000000000000000000000000000000000000..b814feaafae0801e61e0563f263fd0c5cb738ee1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/61.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca3f386881434d47a5b40569d0092b270e644a782cc8b3c068873fe858e7803a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/62.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/62.npy new file mode 100644 index 0000000000000000000000000000000000000000..4aa35f960399e1fb3432ad1c3337e8bd3d5be809 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/62.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c83d5b0879fa16f83d4d4b4fe0b7eb86bbf4f7abc745d5fbfb82a9e8b51f28f4 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/63.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/63.npy new file mode 100644 index 0000000000000000000000000000000000000000..a071a77d41cb7f98a1c5e29917dd0a9a1de1a03b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/63.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db47d05b7e60aa215fec75f050e581950b4b2d352fb84adbc0ba260a682eed5c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/64.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/64.npy new file mode 100644 index 0000000000000000000000000000000000000000..aa5b9592eceec09f13f8543a2992452ac1e0413a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/64.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e991dcc2d61489b1ebc7ad96dab7ff59831112051a60b1e2588f0d5df456433 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/65.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/65.npy new file mode 100644 index 0000000000000000000000000000000000000000..f425c71a425c55f1092cac65c6308d1b6569e61a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/65.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8f7cd4dc1a7fc06ed83165db09c33dd9200a123b08b4556d499e3002813384 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/66.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/66.npy new file mode 100644 index 0000000000000000000000000000000000000000..0d6854bc7b34dd781d2057fa1470fd9f32158df1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/66.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76e04775621ae9a2988bb9330020ee926777840565ecc55025bbfa54402ab300 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/67.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/67.npy new file mode 100644 index 0000000000000000000000000000000000000000..d24276a82a7964cec1791db85154f047a847e24f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/67.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66bf28093c2635c914a97e9f773f8a5b7c0f8482593dfed2e880782a3c00557f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/68.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/68.npy new file mode 100644 index 0000000000000000000000000000000000000000..72aeb64853601039b6a2ac9a573fe9b7b6a73a0f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/68.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d0dd116bb3c50bd15fa50b015f813a0244b174ba618c72089c6e5f7c63488a3 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/69.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/69.npy new file mode 100644 index 0000000000000000000000000000000000000000..6e276610131d4c27ebcee962a7c404252d539efb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/69.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09fd522ac20467f66f67cff67026a288ccab7e0e68173e585e6db77d976b8839 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/7.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/7.npy new file mode 100644 index 0000000000000000000000000000000000000000..bfb84f9e9e38456e0fb0bc10b3088e9b4ff73df8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/7.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a99c8cc0256139fb219c9f66b853df27e56e25f43431b0b3afcadabf8868acf +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/70.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/70.npy new file mode 100644 index 0000000000000000000000000000000000000000..2594c78b7fd8db61c14a5ee8498f202817b84b5d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/70.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3e7836b05fa67c0928160afee765b9dd7c7b21c30ce3c857aae61c02a80f3ea +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/71.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/71.npy new file mode 100644 index 0000000000000000000000000000000000000000..d544d4ae7d2dafcaa754efa61c3fc1a2b52bf415 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/71.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94d32ef4531e25117fcf26bfa24c39f03e5db939f9edac00fa7703daa285138a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/72.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/72.npy new file mode 100644 index 0000000000000000000000000000000000000000..0209f014449ad1f2e31823b9d1039c3d8177f8eb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/72.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7e904b6bc3f8f2557ff6b6ae3782f33b4c568fb8135c5c1d55d87f59f8a882b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/73.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/73.npy new file mode 100644 index 0000000000000000000000000000000000000000..74685d09180ec21790dabc9ca0fd206491689017 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/73.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d67a30a607c4d079df6af8b05bec0315e5951f50a2366e272f07a127e39f499 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/74.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/74.npy new file mode 100644 index 0000000000000000000000000000000000000000..fe61489a41951c2f80d15caf4acf97ead047398c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/74.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8211822dfb1f13dbed23c3419a4fe39f167148d0d0ae3cb47766f0ab4022333 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/75.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/75.npy new file mode 100644 index 0000000000000000000000000000000000000000..d2799a75b78a82ff538abf37fc47c5b3b26540e1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/75.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01f90c4a997bb0a0ba13cad20472a331093cf31949147f372717d4c432336b14 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/76.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/76.npy new file mode 100644 index 0000000000000000000000000000000000000000..5a2b5c52dd8a6c4283c5865c6e4f6f6b15409846 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/76.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:312b1cd0626b215ab899e5bf348ab4274a27e268484bdbc4708c9b81ece1b9fa +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/77.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/77.npy new file mode 100644 index 0000000000000000000000000000000000000000..b2b78fd82928ed6e3d0f86d8d20d1f36512bc627 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/77.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e6a013ff6553cb3bec9c97d51b7aba78b32231b9255dd8622ecb9ccc63b82de +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/78.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/78.npy new file mode 100644 index 0000000000000000000000000000000000000000..9bd9f86ab0b3bbcabe3b7b19bed7ab3d22f755dd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/78.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4bf944fed12afa54b6ee222e70b2824bf679577342d51ec7ea6a7de9ff2291c6 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/79.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/79.npy new file mode 100644 index 0000000000000000000000000000000000000000..0d7ea4fd93049135c1282e395bc253acd178ec09 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/79.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a56d51bb493814d54f97c37e03b1de190fdcc7b125890b56f4ab5e67faa4b7ef +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/8.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/8.npy new file mode 100644 index 0000000000000000000000000000000000000000..33ceed6f874c0f32caa6941182de425218367f56 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/8.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a069542ee8af3fc0363341ac704732bc498e6b73a2236603940c16780f8847b +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/80.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/80.npy new file mode 100644 index 0000000000000000000000000000000000000000..e634bb86efa5b743eaf50eab119a90f6dbc696f5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/80.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cddd3a3cf3bd07b8cc370481f6516b53b7c750bc08d23119d0d4e8ba4f30add4 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/81.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/81.npy new file mode 100644 index 0000000000000000000000000000000000000000..68992abae601a14a3d8e5e14436a10b0c68cb675 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/81.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:820339516f4b1e27a33a5be5aa8ad5119bcfe7509699bf271a6faa8247679b6f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/82.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/82.npy new file mode 100644 index 0000000000000000000000000000000000000000..da9403cbe5dabf1f72e10aa4069ae8d966b0b08f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/82.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2bd0deff04aeec99b346daea7021a39b9f744151a648c068ae22b0595d91310 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/83.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/83.npy new file mode 100644 index 0000000000000000000000000000000000000000..53c8ec3da087ea83522b893639827ae670b0ff17 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/83.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e08e97350f0993d4c1ed668d4575aff2fc4e4f07c5360cfe4995c29fb09ea6f +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/84.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/84.npy new file mode 100644 index 0000000000000000000000000000000000000000..473472a68cb4d9f04063849f1fbae0397b7bb280 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/84.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:912aaf413e84ccb7df3961de1f66578bc46a3fff4430996ad50a67d1b90e6506 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/85.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/85.npy new file mode 100644 index 0000000000000000000000000000000000000000..2c94feb9584e1007fd81590f0f4ff5f96dee5316 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/85.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf5c493aa0243011068d997b312c32a0f7aef12af99f96a5f497da01a704cf7a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/86.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/86.npy new file mode 100644 index 0000000000000000000000000000000000000000..8cca25204f62074862c376043808861ba406b1b1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/86.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ce472f02e8a88e75e3b5be29a078adfa6124a5760b65dfa15d1259b9c6b87f1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/87.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/87.npy new file mode 100644 index 0000000000000000000000000000000000000000..3bf2606d62d0c9c25749198d1ea6c211d87754af --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/87.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:899cd6176e2a76b0d218714a2ab7d13c084afc12b17b36beaaa4edf2aec4ff0e +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/88.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/88.npy new file mode 100644 index 0000000000000000000000000000000000000000..9ab74cf6a4cc1c86710b6bf73ff8c36fb0361fb4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/88.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e057f16c52112b0b94d620e225438da56147654d94afe70c82a8d22ded0dcd78 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/89.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/89.npy new file mode 100644 index 0000000000000000000000000000000000000000..2de5b2f95322588458b7ce840e11e8bb8bfed210 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/89.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da6b2240c0c7acaa979babe10c7deee5c3e0af65a7d96429199209da8dbf2e70 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/9.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/9.npy new file mode 100644 index 0000000000000000000000000000000000000000..214ad1da4577caef8f768ab765d52113d0ca1cea --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/9.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:673da5444afa4964b1d2956530b36a404234376b99f6521724af3b1cbaf71485 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/90.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/90.npy new file mode 100644 index 0000000000000000000000000000000000000000..5197768e1f8d692debfbf0bbcf3fb71b2de37891 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/90.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:785905ab2a26166fe25a8ae76ecbe28162c640b5ba847f5f95f1fb778d02d2bc +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/91.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/91.npy new file mode 100644 index 0000000000000000000000000000000000000000..bf622408dc04a86655d35eb402ddbe1b60b54ca0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/91.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45f924848848cde526d8880bf3fa9842ff6a03ece8fad408e21b34d09c37a857 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/92.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/92.npy new file mode 100644 index 0000000000000000000000000000000000000000..2af095b05db75f4dfa7ed08b47ead5589b210b09 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/92.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc2bc3f8be87ee2ee08c618f56a6a75056ab9ff6e85230f1b93561abe464ef3d +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/93.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/93.npy new file mode 100644 index 0000000000000000000000000000000000000000..6007e85928514207118da278114a36bfe5bc0fcb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/93.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eea244fb5d13d4f0ab6dece10647cb9099a539df3ffd5d007af1e76f9d54a8c1 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/94.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/94.npy new file mode 100644 index 0000000000000000000000000000000000000000..3b2401a570855df63adb78cd240dbce46c35811f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/94.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4aa05f37f17ff3c40a5f4640484670313069e8395b6834c0cf42430991046d5c +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/95.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/95.npy new file mode 100644 index 0000000000000000000000000000000000000000..98057fd579575752f65e165eb709e6d245e5afa0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/95.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf086a38fda2eff7f66641ec4d07815fc595238e4925630adc2fd61bf1b5b5a0 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/96.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/96.npy new file mode 100644 index 0000000000000000000000000000000000000000..1fe4183df5d806a8e7522bc43e20d6e7b9b23647 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/96.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b352358d87c2fc62be7f91d783a322d5349e0f8f32007fa5cef20144d5aeff97 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/97.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/97.npy new file mode 100644 index 0000000000000000000000000000000000000000..b9aa9d027c3a3221a63555469f163a6fa5d48933 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/97.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2152e838a177e84503f5439354b366ecb369c28c3b19983db3b85cb71b6be4b6 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/98.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/98.npy new file mode 100644 index 0000000000000000000000000000000000000000..24b53332c13058afb560b34a52eb9892d74e12a4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/98.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9ec5acb529bf6a36fa21eabb91281b85ae3d62f7f3e6902dd8661ca82c44379 +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/99.npy b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/99.npy new file mode 100644 index 0000000000000000000000000000000000000000..ecdd4beae7d9e30575b29440ba4117523df8ff02 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/coeffs/VFHQ_3/99.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44f0ceeccb55a769e9b944f11687a977fa0e0496667737dd443cac0f4a80ee8a +size 2568 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/0.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/0.png new file mode 100644 index 0000000000000000000000000000000000000000..c409abba0078aa73141d326ddf434fb52162b825 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a84e23a99ab21ef753ac4bd711d57123a7ef497108b2066286d618ee45542428 +size 226085 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/1.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/1.png new file mode 100644 index 0000000000000000000000000000000000000000..540aafedfd78806395f58db649b10602509a47df --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1ace0675d8ff9832e07f4ae4a7b3bb65f53594a3833d6fe6e53cc1f26fab201 +size 224945 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/10.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/10.png new file mode 100644 index 0000000000000000000000000000000000000000..02e93ec18ec33532fc8b3eba09946af86c9f01a9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/10.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ae0ff80ab1035e14c180d81a6d81d8ba7c6c6662707b6e82edec92e4f019b7b +size 234197 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/100.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/100.png new file mode 100644 index 0000000000000000000000000000000000000000..1036ad0b6ffef39964f1d7902f55f0ea710e34bd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/100.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb873e86b769037aacce19fffd605b81169c8555e9274365b249c677950910c9 +size 247700 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/101.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/101.png new file mode 100644 index 0000000000000000000000000000000000000000..1b13f3173c9c883b9e1c5ff1262f6ea20e966093 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/101.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:177afa0dc71928a576dc62f2baab66c75869b38e848d01baa25082039fa0df71 +size 245711 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/102.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/102.png new file mode 100644 index 0000000000000000000000000000000000000000..8081936622c657e3dbb5d5f67cba9c9e0ee0547c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/102.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf94d8c25dc0f8504a121148f333f04cf3179105b4338ba7f037cdc8adf56562 +size 247419 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/103.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/103.png new file mode 100644 index 0000000000000000000000000000000000000000..9fc609b6f6dcac3e2d9a84435c4f636c8f6794b5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/103.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e668e112aaf3ea49447d348cf9042339d75029bbf2d9de2ca2a9fc85932328b +size 245925 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/104.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/104.png new file mode 100644 index 0000000000000000000000000000000000000000..f588caa634463634d447437b313525eeb5fdf6de --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/104.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b79e8e328b4909eeb7be77989cd785c9992ae14503c1289fabf7cd82ea14c4e0 +size 247732 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/105.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/105.png new file mode 100644 index 0000000000000000000000000000000000000000..e44ffe1f9697447cd10b1fd13b5e2db59f954c72 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/105.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22719f16da5d09bf4502d627bd911ad587499d138db8f36819250efe3dd3f958 +size 243877 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/106.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/106.png new file mode 100644 index 0000000000000000000000000000000000000000..7faf4a9ea7b1e9ba864adb446d06d03f13d89145 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/106.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f4729a523295c7b18e432e673064166507c3ae1119afc3cd9bdade4fb7dc5e5 +size 247438 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/107.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/107.png new file mode 100644 index 0000000000000000000000000000000000000000..73c61af6aad4c4fd57c2dfb189e078b18bc3929c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/107.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6981650b8ba64c7a83e1145f33d22e5db8d8d27701589f8f1e033b99d2df1ac9 +size 247115 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/108.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/108.png new file mode 100644 index 0000000000000000000000000000000000000000..506e395f113db03b07ecc33fd8c2e581a6d13176 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/108.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73e5a5d8a920aec67258a938ba41c77a020dc9a2f67f7cf243832d4ce911a851 +size 246350 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/109.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/109.png new file mode 100644 index 0000000000000000000000000000000000000000..379c0f89f7b4b0cd7d9e01699654d84101441243 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/109.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:434194b65b2557fb17c740d2e00d6b4f2d4b0800d82ca45ad48d173b65f7e739 +size 240526 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/11.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/11.png new file mode 100644 index 0000000000000000000000000000000000000000..4c7f719e6cf23d4be62a92bfd03fedddf2f8f6b2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/11.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2173ddd6c5275e21573c1bc026acbfad782dc3a71998c4f9a5a0029cf209c62 +size 234244 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/110.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/110.png new file mode 100644 index 0000000000000000000000000000000000000000..536b30e7150d3e7ca27e929c9e1b414e9c29d163 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/110.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3da677862096331b89988bef251e31e4e55b60e16993bfe3a039a8f08d8233c3 +size 244154 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/111.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/111.png new file mode 100644 index 0000000000000000000000000000000000000000..082a966ecbde8b2575d50d71adfe77b6f05b1b97 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/111.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c03538241aa366f317655b1f6a5c2aaae3997b7f99f0a95e3ddb0a7c9889f8d +size 244298 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/112.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/112.png new file mode 100644 index 0000000000000000000000000000000000000000..9b8f958ab718ae0909344b9bbe64de5dcee93a4a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/112.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d06b043da2109fb4aaa2c4b0b621d491f739bcd1a99341f5d4485af4f36fff1 +size 242308 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/113.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/113.png new file mode 100644 index 0000000000000000000000000000000000000000..9d5b5e4b1673a781eda007575f2d582642a96886 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/113.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc063ad25dc28980407c95f23620ba4f3750c5861b2bbb40a53e5a7af8126d5e +size 244701 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/114.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/114.png new file mode 100644 index 0000000000000000000000000000000000000000..4931420901b9c612fa7dfe37f1aae700762ed2ea --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/114.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35679d3e187c53fc18e5ea61059a7671cc27f8081a2991757e74b14d186805a0 +size 244371 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/115.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/115.png new file mode 100644 index 0000000000000000000000000000000000000000..430e7076c65c42473449fbd1c91c5862248a5380 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/115.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac5529c4f8e45d97f0f76ef3977b1227cd288c4e4fd0a23015cd30d037200354 +size 246226 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/116.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/116.png new file mode 100644 index 0000000000000000000000000000000000000000..d95cb443885aea2901915099ce89942164dc4381 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/116.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f3b11f360e1141b71fb23163758c7515a9f2d4ac2cccb89304328a40e850794 +size 248439 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/117.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/117.png new file mode 100644 index 0000000000000000000000000000000000000000..06df573eadd609f937617e312d8e2eab49ee6925 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/117.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b3d34ea42c3ee20fefb1e00296f1d4f92b38da488291011d43d9511344601a6 +size 246777 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/118.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/118.png new file mode 100644 index 0000000000000000000000000000000000000000..0ce438499a4b95035963be9f087efffa9ef2bb90 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/118.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3cf05ba3010391ace66d9487cfde32666642de97326593d42e569020f7efd5a +size 248260 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/119.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/119.png new file mode 100644 index 0000000000000000000000000000000000000000..f7947ebbd30207e2616ba2fdc0ebf5ffc1f84c07 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/119.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e39bb8bc4fbb4e69060c58ea64c5504b4443e54bae191223ff0d88503f58c526 +size 245324 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/12.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/12.png new file mode 100644 index 0000000000000000000000000000000000000000..63a2f5beed40ed672b4860a156d061f73aec9d4f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/12.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac1c3f5a07d538aba560d05e111fe9402f2026780be6b0b8522f94bf8ef9c517 +size 232664 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/120.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/120.png new file mode 100644 index 0000000000000000000000000000000000000000..1d390bf9c583549e9f6b949b393534ee83724b7b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/120.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b7b72030cf998f09d4af010de778a9fdfe1d5f2a98918204a3604eef737e59e +size 247495 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/121.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/121.png new file mode 100644 index 0000000000000000000000000000000000000000..a3e9b001058d7ba767a2b2c20aed76db825fe155 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/121.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:486a1d6de324c7a470a797c185886a3e47d01e734840bf4610bea2192f707c52 +size 246031 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/122.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/122.png new file mode 100644 index 0000000000000000000000000000000000000000..f452ceb577f6e4428e03eba13246fd0c2a0384f8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/122.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62b5f0b675f8b24e2851f236acc0d609f25fcf6e772233df62d72fe69064a205 +size 249682 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/123.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/123.png new file mode 100644 index 0000000000000000000000000000000000000000..dd4286fb3a8f8f5de47e72a077d22f763c9a15c6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/123.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:174c63758ae3d1e057f8b8814d8c4c70bc8d10b0a123d941461ddfb2937c6003 +size 248619 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/124.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/124.png new file mode 100644 index 0000000000000000000000000000000000000000..359b15d30cffe68c086ad813494a250d47cbc28f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/124.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67efee17144d10adfb7576fc26877e9c33441a0143f94e2e02076cf4a697fc06 +size 250413 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/125.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/125.png new file mode 100644 index 0000000000000000000000000000000000000000..63b09c869d4effffca0bf81cc50697dd1c6af7b1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/125.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:231011c96d8e67efc3f20bd5af1eafa28f1ab159a922bacdfbae5fde6b39e5cf +size 248075 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/126.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/126.png new file mode 100644 index 0000000000000000000000000000000000000000..8382804d14446afd73d7ce54cb273df1a33f46c5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/126.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a69e96526b36188475109bbb52f13dc26674d5c12a30aede3375ae9dabdd0ace +size 248406 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/127.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/127.png new file mode 100644 index 0000000000000000000000000000000000000000..0212af392a4c88862c714814a3a1e62bc525b252 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/127.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b174ced9129a432f496c87b8caab825eaaff3abcb839d079bac2fb5a5d8a229f +size 249278 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/128.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/128.png new file mode 100644 index 0000000000000000000000000000000000000000..39f8d19ef87268d3cf1e4c1ff079ccf673f13cdb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/128.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcced54d758bb5a7dc0a516c0bc043bda554b302e141dbf6a513966eaa650ffb +size 249474 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/129.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/129.png new file mode 100644 index 0000000000000000000000000000000000000000..64b22c8c393177d2219674a47535430652c27e5a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/129.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a173fb020d99c457e74acbecc13a6a696e4ace4b1608c30fd2d574198da0ec34 +size 246821 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/13.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/13.png new file mode 100644 index 0000000000000000000000000000000000000000..f8fa4a26d9d851f958f009eedd7237243874e20a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/13.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df8bfc5b92c00c92e5d2286c34327eb26d7fa93631aa1b1d62de10149f2b3697 +size 234719 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/130.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/130.png new file mode 100644 index 0000000000000000000000000000000000000000..935112e9e2ab376272985aba6aef604eb14dc855 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/130.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9db97be87c2d9449b0e485bbb4a1b704a3fdf4b3e5e5458a77debbf4d2af0785 +size 248703 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/131.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/131.png new file mode 100644 index 0000000000000000000000000000000000000000..e42138a73e55b292fa3772b993bf1f5439b945b7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/131.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3724416aa098fe2541a3f94bae14da9ee9de534d48f08de23607016bf4e0110 +size 246586 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/132.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/132.png new file mode 100644 index 0000000000000000000000000000000000000000..bbf2911870c895ff873e1fa971e3eb5db9341d6c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/132.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ff510f7735a4aef6a8abf6610e7be6004d28ce1c8a4a5da62f5f4640d930d6a +size 245646 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/133.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/133.png new file mode 100644 index 0000000000000000000000000000000000000000..855c1f475d7a6f9bade4e90028066bf4c5367fdb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/133.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a262acfaf779310a02287f62f6f97162cc5751c0ac599a16bab922c2c299e79d +size 246231 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/134.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/134.png new file mode 100644 index 0000000000000000000000000000000000000000..d94a076ae95a263b0b9f84095016f77eff723697 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/134.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0161ffe8d3e063b97d4f404248796fec94825de498b863e787857c54d6b1546e +size 242923 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/135.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/135.png new file mode 100644 index 0000000000000000000000000000000000000000..0443a3ddbae1689b4552c9ea2b050bd664a982bd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/135.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18c8dc9ef2d6ae70ff7df375a3aa218506d6ae89e77f023035f75a53fbb63123 +size 242679 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/136.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/136.png new file mode 100644 index 0000000000000000000000000000000000000000..680bb063536864fe4e33b6866113b2bb9ec00389 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/136.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaa0a618e6a04671153eb41c61d33e0c24b0e7dfd7a34490eb07349727d98259 +size 243209 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/137.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/137.png new file mode 100644 index 0000000000000000000000000000000000000000..e2407bb26df8a96605d89908dc02abb1cf7213e8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/137.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70a042f3a349e9adb2d5e46feea5266cfa764172427c3b23f924d55808aae3d2 +size 240396 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/138.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/138.png new file mode 100644 index 0000000000000000000000000000000000000000..b8b49e9637dab4bff69d00f31d6177b19ae4afa4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/138.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25991ac6bc39dfd4dbfbdacaa51315369b28b14af9b0ffeb4eb1b934cda3477d +size 242791 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/139.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/139.png new file mode 100644 index 0000000000000000000000000000000000000000..5997a74eefcb87f2d7d7be4ad2148794bb22ba5b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/139.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b715ee8cdc55219f37789e5cb3e4495ae888dadafe77ead6d15e56a665feb0c8 +size 240041 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/14.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/14.png new file mode 100644 index 0000000000000000000000000000000000000000..01281b2bc22a2e50d34f37c31e49b4473702bfe1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/14.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31b19d4d98f5cb0ab077586e823a8ec5f0189222be5a53d9b85a056c06ed2c0f +size 235202 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/140.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/140.png new file mode 100644 index 0000000000000000000000000000000000000000..2b18a6fb1a3178429e4dc1b57000c94ea13026a6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/140.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:552c930b16fedbc9a293e64cca594630bb4eb16ae22fcec8360173a94ead62a5 +size 241690 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/141.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/141.png new file mode 100644 index 0000000000000000000000000000000000000000..5ca28b4481eeb1ecee5f30dd84125533cee14e00 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/141.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8c66133d56997f2b8cf5e89166d2d51f9fa5651913884aded40f1453cefde35 +size 239050 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/142.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/142.png new file mode 100644 index 0000000000000000000000000000000000000000..6eb7b6ea3fd49ec08ebdbefb3cd70582caf21ed2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/142.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dfdbe0fe37273b9484c025e6bd617cdd275667ab70ca06805573ad8ce1fa0276 +size 241114 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/143.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/143.png new file mode 100644 index 0000000000000000000000000000000000000000..8b5beaca4eea20e9e05b4735052f4baf6a0b084e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/143.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dcdc424e779d1b6d38e677a2f8ff675bace6483f5e9816f14bb56ab333945adc +size 236964 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/144.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/144.png new file mode 100644 index 0000000000000000000000000000000000000000..eda1aa2b727f61529294cf94751806403a64b577 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/144.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:200a497f1a43b754ac0525e65cb07098ee693fd6b09dbf8771900d6afcdadd1f +size 238419 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/145.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/145.png new file mode 100644 index 0000000000000000000000000000000000000000..e7652321b79b66796591922476109457af60b4ba --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/145.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0ad96466d58bfe824552ec9f74d2668f2c1b673ba169164db6e6e701a67fecf +size 233043 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/146.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/146.png new file mode 100644 index 0000000000000000000000000000000000000000..0805693c4c150a648c201d1934b1294e4363419a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/146.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30c98d3c524c3852031f13ffff4abedbcb5cc5597b8795897f6c2eebf3dd456b +size 224505 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/147.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/147.png new file mode 100644 index 0000000000000000000000000000000000000000..cf972f17985a47dbe7acf587fa55e9e5e4eaccb7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/147.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b597e32bf08dfbf01a872b996eed5bd4181ea83f2cb7af6d68632b6ca8a96621 +size 228273 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/148.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/148.png new file mode 100644 index 0000000000000000000000000000000000000000..e4dae36404ada7694922134e13075391c998e23a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/148.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7543c1e6e0a7b9bbd1928258db62fdbd66b9de88d4939c744e02116a3442fb64 +size 225943 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/149.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/149.png new file mode 100644 index 0000000000000000000000000000000000000000..1175e05172a587cb0a8d8484479e969b124947e5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/149.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:247377cf43a4137a5430ba8c3ba3bd3242f6668f7d4fb927129408e83189e82d +size 217327 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/15.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/15.png new file mode 100644 index 0000000000000000000000000000000000000000..711e056446e0615497b84828c2c51f885ce477ef --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/15.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a64847e8d6af0abfcef8e192f052422ea48c880b7e3957c61df9bb5dcc7b923f +size 233711 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/150.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/150.png new file mode 100644 index 0000000000000000000000000000000000000000..293c8b5d58314d30c98a5d802d5f0a38a9c484b6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/150.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae3040e9ee5a5b69ea4b0dbf84359e5afad93bf19320602c5e8878222aab0e35 +size 228225 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/151.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/151.png new file mode 100644 index 0000000000000000000000000000000000000000..42c64d94a6e5b7271787480bdb765b2768e9b367 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/151.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fb154ac397f77ed5dc11271878bd2a43f52a372164824e06403d91124528df8 +size 230589 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/152.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/152.png new file mode 100644 index 0000000000000000000000000000000000000000..65dca563d56aae40c6964c4d799a25761e39dd5b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/152.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09fa42d18bf82d1ca7c5de76e7c8c6284941d4f7fc0e229d4349ea290db85973 +size 232890 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/153.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/153.png new file mode 100644 index 0000000000000000000000000000000000000000..e0a7f38a5b095176d4e30c211b4a1bea5b2bb421 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/153.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71d843a48577add95b37c2fe00a6de9dd9219eebaa45ddfdf700403e3878ccd2 +size 230936 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/154.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/154.png new file mode 100644 index 0000000000000000000000000000000000000000..1c2acb34a2d1e3512ade955305828c35abe41a4c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/154.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7ff92a22a161a63fe22d6fcc33c7364a73741f8c65ccfe49993fe109f2c032c +size 237603 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/155.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/155.png new file mode 100644 index 0000000000000000000000000000000000000000..3337bb20a521a612954388f2f684e3e0e05dcbcb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/155.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6f6cff9b237a86851fc2cf7ff150e1f00f2f46a8ab0f513cdb734e61f012c62 +size 238092 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/156.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/156.png new file mode 100644 index 0000000000000000000000000000000000000000..09949bb63a75dacce22de1894d974a3fb24b83ec --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/156.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48f9debe04bd887eb5d703938c202a97df371a742c0fdfe9f41c837470e249a3 +size 241610 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/157.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/157.png new file mode 100644 index 0000000000000000000000000000000000000000..f873a3f2c8fb64ef38cbdad41e73a959d41a94a4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/157.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b0cb5d2533a3f09749b5ac71d8c8a8b3378a2b904423867cc268b9943fd4980 +size 239327 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/158.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/158.png new file mode 100644 index 0000000000000000000000000000000000000000..c4200da43395d200fb2094ca8a8d962a5dbe3657 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/158.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00e376f35b2c4397f5e03930f02295fe6212221a4ae3d8aa5417d23d33dc761a +size 240014 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/159.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/159.png new file mode 100644 index 0000000000000000000000000000000000000000..0e81a787ba1ff327a5f51f9a8f2363e1925c8272 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/159.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df7879d85c30ff1dcba3332e98519a66d982afc8ed75580604d0a3e819177499 +size 236643 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/16.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/16.png new file mode 100644 index 0000000000000000000000000000000000000000..2cf269ecb49e924979ecb770cfb07f51ba920507 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/16.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7935e13ef15d2c7422e5783bec95de4ae57f5ebf710cf8ea8d7cb62d334164d1 +size 236065 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/160.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/160.png new file mode 100644 index 0000000000000000000000000000000000000000..7f9a8331c76467ca9a358661c6c787b7311d9871 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/160.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41891cb822bb20fdf1504f2ef923afc25bc19dd2f097bb0ed592f71bf8cebd48 +size 241038 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/161.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/161.png new file mode 100644 index 0000000000000000000000000000000000000000..cf250b909191f8ae426d522d3851cf2ff2afd9b9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/161.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc74a507ecbf6e42516fefa90e59da110ee30aad739cf9d9ded10a733a61e68c +size 241291 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/162.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/162.png new file mode 100644 index 0000000000000000000000000000000000000000..8fa83c30e83346f15c548715b6c92bebc959c890 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/162.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfc0588385571affa03dbd9ccad5b5e8a9db321e0164d880c63e446a600752ab +size 240816 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/163.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/163.png new file mode 100644 index 0000000000000000000000000000000000000000..eb805c3e3cd8033356eb1defe69bc4b887bda393 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/163.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da71407be44d18ea917434c88edd031fe47d8e086f8e85bdf709621725c772a3 +size 243305 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/164.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/164.png new file mode 100644 index 0000000000000000000000000000000000000000..c0fefd12fffda2df75d0c0cab17ef41bfc8f6002 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/164.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6ecc8e37937c92c40eabb484664973a73eafe10aa87bcf52bd77ffc5ba94339 +size 245052 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/165.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/165.png new file mode 100644 index 0000000000000000000000000000000000000000..2d62c679ccee7624ac8611d6dc8b432ead20045e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/165.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15fb8040c00842941e3c3bd717a91e348a3a5ea1b6cab9f6fd0b828166ff9065 +size 244568 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/166.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/166.png new file mode 100644 index 0000000000000000000000000000000000000000..a578502d225cdc7ed6bbb16f26911c25f5b3fc76 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/166.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a52afb6ad51970a33dfd7073df8ae98d86c490bef5007109c2a3c9231439c04c +size 248641 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/167.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/167.png new file mode 100644 index 0000000000000000000000000000000000000000..831f78e7cad01bcad89e9ac958e851faff88b2fb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/167.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dcced4a5bca898609fc4b5aff1b442a718967acca610f9c91fa257d9ecd8c2aa +size 245517 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/168.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/168.png new file mode 100644 index 0000000000000000000000000000000000000000..a268bf2f72d5c584a8fa64a2faceabe53c66b02b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/168.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:456b14bb02132f178941c18d68a02c23d575fa907cb2e50269d0a1cf330d697a +size 248762 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/169.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/169.png new file mode 100644 index 0000000000000000000000000000000000000000..8fd416d1d049596c0aca52949fa72ddd3a207552 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/169.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1d27eee67d7796dd0ff90212c700a63767217313e4aa942bd4bba1b0f1e5660 +size 246060 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/17.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/17.png new file mode 100644 index 0000000000000000000000000000000000000000..275928d8269d121492b90a0b6722107f0c33e41a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/17.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b47a1c1153c690384a705e8e73b5e86912c9de25803a43315be30065ed6f5979 +size 233867 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/170.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/170.png new file mode 100644 index 0000000000000000000000000000000000000000..dc8ab2d5af6ddef1df6070cafec1a6adff1fd8e2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/170.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb05713eb6e17f047119ab7603854fda1606781a5df4e476c3d9c51eec6538e8 +size 248637 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/171.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/171.png new file mode 100644 index 0000000000000000000000000000000000000000..9e6d646cd61bdd9be74be68df9f46ee80b4b1a9d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/171.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f88fc8ed721acc95799a77722e450ed0d20aa1add879e7b2cf9148633214026 +size 246566 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/172.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/172.png new file mode 100644 index 0000000000000000000000000000000000000000..70fed8eb6c865d5d9ae94ef48a1b8e511c22bc28 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/172.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0bab1d5023521fe766d5a1f84e3bb24806470da6687e3068bc70890031b9ae7 +size 251180 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/173.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/173.png new file mode 100644 index 0000000000000000000000000000000000000000..dab4c2f9bc9a17600b4b65bab5e50e335d18cae8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/173.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3810d2ec11d3ea0c50a857511c42164812dd756c5d9505d0bd13d54eaf437ae +size 249883 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/174.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/174.png new file mode 100644 index 0000000000000000000000000000000000000000..1a54be2c1673b81fc2f59b341ad3f50b64de29ed --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/174.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4ebc3ea8e987ee27c3e2b6f4bd8af5201dea9590359c287a6833d42a40e0575 +size 250639 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/175.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/175.png new file mode 100644 index 0000000000000000000000000000000000000000..75f7e2be3b708cef8eb9b9b6be606b8169c19bd8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/175.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecee754b3f7cb2f1ab502af7a013247f2ca36cf0ff94fe94d52947c74c324b9c +size 249635 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/176.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/176.png new file mode 100644 index 0000000000000000000000000000000000000000..b32b96736f9991efcb127cd666556080c765089e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/176.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbdd534ea7dff90536f594a9f805e0739f4e4a086ef31619d2458a5f3d6e53f6 +size 245530 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/177.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/177.png new file mode 100644 index 0000000000000000000000000000000000000000..9c74fb45ed40affe8ff583ae7d10f1b131f15d99 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/177.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bc71dfc654d5612c79a82ff6e0f1d9b77bfabaefed08eb7cdd34cc177c508b4 +size 246430 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/178.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/178.png new file mode 100644 index 0000000000000000000000000000000000000000..2546f556071ed3c8c4c4cc7abd00a7f86d8facad --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/178.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b52dfb9b74a3ce3422a4c7abb8f40b1695131b1e1c5611a8ab15b0dea80e144d +size 240562 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/179.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/179.png new file mode 100644 index 0000000000000000000000000000000000000000..de4fbf594643458feb14e0a9b4bc7b3d06f7dba8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/179.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32563f8d9be6f9737a7d9cbd8402a943f41ccaeb475d645accd0db6c0317d675 +size 238890 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/18.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/18.png new file mode 100644 index 0000000000000000000000000000000000000000..85699b2b32d8b5ecefdff52770ed2416d8d4e6c0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/18.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84c112cba71abdba4c133f054e446d3f1550b2c51bb328cb8d93acd8319cd624 +size 235990 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/180.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/180.png new file mode 100644 index 0000000000000000000000000000000000000000..bea46cfd272e81fbda9254bcbe2082526b28d77a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/180.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55802219f93f63b3f22534bff7a79de6df1576cbec21b19cc15e330e3f9b7d42 +size 241044 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/181.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/181.png new file mode 100644 index 0000000000000000000000000000000000000000..29c75e3de257e3ecc3c922216faa0fb46b3e7a7b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/181.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9957f1b7efe32413a1890f70b975d5a65d953d1881f8bbdaa12e6a90650ac20 +size 237709 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/182.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/182.png new file mode 100644 index 0000000000000000000000000000000000000000..011cd41d2611ce8f8a62ff2a27af4545b7b765e9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/182.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:255838a1256eb7734479e347b9d5e4cac2abab7427be555437a57803fc4777c2 +size 231494 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/183.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/183.png new file mode 100644 index 0000000000000000000000000000000000000000..545d011adfda9c47a8ea8f3b0eeaadf01c931677 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/183.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2fbef15524ae4e6294f002673c5d9990d7dd303c503ec771558715b3712fdeb2 +size 230472 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/184.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/184.png new file mode 100644 index 0000000000000000000000000000000000000000..fa97bfb2ae445b692aab9debc58f567a14f10d8a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/184.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f58732256cf5c21db024f89106e88349ffeb129e480923343307b0f968a4574e +size 232426 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/185.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/185.png new file mode 100644 index 0000000000000000000000000000000000000000..47fdd58aae8a8334bd731bae208026e51df04364 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/185.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57c2b8389fcbe44176e33f1a8a47fb62ddef72890879f91b6b4cebca5b73127c +size 233203 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/186.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/186.png new file mode 100644 index 0000000000000000000000000000000000000000..dae71b9858eb656b0885c77defc587c8fe41819c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/186.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87a0809e9570c9be51230cc7bcafbd38b7b6dadb2e6de0e1710f523cb00198c8 +size 234238 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/187.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/187.png new file mode 100644 index 0000000000000000000000000000000000000000..b9c968386666f68c518a5161924922f5242aff25 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/187.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:878df925978439d26f41402899e62650a75cd5d65b34ac3cb21004c68e37e0bd +size 234101 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/188.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/188.png new file mode 100644 index 0000000000000000000000000000000000000000..94d3edf7d186676548570149dba4b462946b37ef --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/188.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf054e474664af51187dcd623c43d4a1a2ad771a6c023663fdb17198e3a4b84d +size 237103 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/189.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/189.png new file mode 100644 index 0000000000000000000000000000000000000000..38df8a5551b611daef886c6eb6904a546b152422 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/189.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18554a1e371f7d53d9666747346b1423cca7dec20765ec49e89cc691d5a08bbd +size 236477 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/19.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/19.png new file mode 100644 index 0000000000000000000000000000000000000000..78bbf26f593c404e8ed566f6568dc7271ae41a88 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/19.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36369959cebc0383a1b1dc239930061ca6a3b685e715d7950b31ee1cfa84f17e +size 257420 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/190.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/190.png new file mode 100644 index 0000000000000000000000000000000000000000..fc83a0d965e920df44145f4d7ab18846cfde583d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/190.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a83b8d84c45189306a3b7b23ee9e5f0d84994f81e73b87d32eca3f1f567fa260 +size 238872 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/191.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/191.png new file mode 100644 index 0000000000000000000000000000000000000000..bd4bb5606c57f87b0eecdb3a663d5e619277330a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/191.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:103cb72d424266d3b8961d0e86e553c00fa039e41a37f046cf018173ba90e8bf +size 237506 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/192.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/192.png new file mode 100644 index 0000000000000000000000000000000000000000..57b42eca96835fe29b16c9525c74c40e8e74499b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/192.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96948fd46fa8e2868a7de22b0d583e57424bde4c5d79605c91c065280fb6ba68 +size 237110 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/193.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/193.png new file mode 100644 index 0000000000000000000000000000000000000000..51601effd2e474f78b32dd6959ea9cceb046eeae --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/193.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ee0556038c2b9e38a3dd7818ad9b8c28b8da2dbfaedc5ede87b4843b761ffa6 +size 239827 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/194.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/194.png new file mode 100644 index 0000000000000000000000000000000000000000..f779eaff9a23105b6266ee59b8c253fb20081471 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/194.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c33dfb3493d55673dcf31854605d3e1c11343de9ae347ca4ec8987f067046d25 +size 237997 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/195.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/195.png new file mode 100644 index 0000000000000000000000000000000000000000..a0812fcdc2cf1c1f19250272f90c6c1a1704c6d6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/195.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a6f653c82827a0938962fb95dbc4e29bb22a4571c0a99968d9ce5d1e71e27f7 +size 238284 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/196.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/196.png new file mode 100644 index 0000000000000000000000000000000000000000..b4662325dfc6d1f39070ff333a4f89ab0a1e47ae --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/196.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b5608bb5452d316d6049a1180749933a85994eaa435eb4f9ee3ba590a306487 +size 239542 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/197.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/197.png new file mode 100644 index 0000000000000000000000000000000000000000..9741d166ce436b6b13b35330f02853922ddf54f0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/197.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35a7f3bebf27bef9846b6a200128d7d4fc4a7a9de66906693c9402b5865f0cb0 +size 237802 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/198.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/198.png new file mode 100644 index 0000000000000000000000000000000000000000..14cea4dd19ed92ca139531b3c7f25bae5f553c80 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/198.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65b9c1dbfcc2158aac979989b0b01885a127726a711fc06273912577998f24eb +size 238724 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/199.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/199.png new file mode 100644 index 0000000000000000000000000000000000000000..be3a138f8d0bd6e35418350cf598b0124095fa5a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/199.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de4f3a0abe704a29370b69968c7b8d126ac221ba40520b26fa99815d57cdb52e +size 241001 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/2.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/2.png new file mode 100644 index 0000000000000000000000000000000000000000..80749f980fb14673b6f8bcafbec65ada332ee1c4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c8f8d222ee311220d662877a90da49085d2eb8f3932513a53ec45d2c4d7256c +size 227482 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/20.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/20.png new file mode 100644 index 0000000000000000000000000000000000000000..69078d1d53d2be17bab0591c468f8accf9d62c00 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/20.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eee98b02521fc74ec900a6704a3fa1af1edb6a1799a9a4c3001592588e4c722b +size 255401 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/200.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/200.png new file mode 100644 index 0000000000000000000000000000000000000000..62cb0219aba144ae33fdc8c30b111c815b1a6f13 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/200.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9f71a30cf30e6d1ab104bff1d8172aebc9c8b393d08316c2e3d2470b25780b +size 241710 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/201.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/201.png new file mode 100644 index 0000000000000000000000000000000000000000..6e617dab19d709c8c974e59194fb7ed2fd77dc4c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/201.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:212c884b45f3fb60ba1d061c4077f47ddbc6d718a8625e32d2b8ca22ef382b10 +size 239541 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/202.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/202.png new file mode 100644 index 0000000000000000000000000000000000000000..3a64fcaede08554b005656aa78ea9f9e02efb1b3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/202.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aab9b3ba5556cbbd65fca6da8e9cb8a7bdc823a8ad23dd14fb8f491350ff8da3 +size 243462 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/203.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/203.png new file mode 100644 index 0000000000000000000000000000000000000000..a9e9037ebf53ab204fb8f1cb014ce74a1fbf54cc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/203.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:159eead095cc380c7eabdf184dbecefd9d40f6fc1bffd9f0c53dad2956b2c2a8 +size 241108 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/204.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/204.png new file mode 100644 index 0000000000000000000000000000000000000000..0ebfc5355bc5a31bf04d0f6cb10124f56e9a286a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/204.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eea82eacb4d91b623c41dcd93fefe35c6795b30fc1f079ada9d771b1864f39ea +size 239146 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/205.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/205.png new file mode 100644 index 0000000000000000000000000000000000000000..7da46fdc0f28e0eb21d5cfbc33a4f08cc46f88ea --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/205.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e1233a6dc8e1ed96d53c312f46ad1ec14f2e50f69925977ff18f2ff0d444806 +size 238356 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/206.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/206.png new file mode 100644 index 0000000000000000000000000000000000000000..84be2c045c8bf8a307e1dfc9cf78a1d4380d4f37 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/206.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edf470ded26eccbed08d544c97526595263f7fff632fb229cb2fb2a0a30dbace +size 240342 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/207.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/207.png new file mode 100644 index 0000000000000000000000000000000000000000..e2750ec8359f79540b059a082d488d94e470abbf --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/207.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7551533b73c9249bc751411e79ec2cdd59df84784367d7b2ab43d44b88562de4 +size 236886 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/208.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/208.png new file mode 100644 index 0000000000000000000000000000000000000000..66f4ead18b621b10adfb00ff1b6be2bbee170604 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/208.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ca83a39127a56a1b2cd8f87997595aab91dcdcd7d0a2da07ff3da1e488342de +size 240602 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/209.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/209.png new file mode 100644 index 0000000000000000000000000000000000000000..1c31fb3f44d87fe9363f7ac6741c8f0a39abec14 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/209.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddbb7b4bd4af2074741a92c671d272c20fe7765f784a38bba627d39729c2fb88 +size 238894 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/21.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/21.png new file mode 100644 index 0000000000000000000000000000000000000000..14fc1b19fa5627ce51678b90c3a75fb6ca4bce66 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/21.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:657c7ea5544241a5512746eb3182b4812e1024f0cbef441376a11689a223d03c +size 253514 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/22.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/22.png new file mode 100644 index 0000000000000000000000000000000000000000..19d11786a82de1631955f702ea5c421decb96392 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/22.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f10d69d2f1ac3886d72fb8ddee1c79e9a394cca5a57133588f3b27de32f3427 +size 256123 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/23.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/23.png new file mode 100644 index 0000000000000000000000000000000000000000..b6a576cb9ba90393169bdf6ab6aa7d495da64524 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/23.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd5d42160dccd8018c1500e4588a9b6ef23f3f72204bff39a073576ce822ffcf +size 254219 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/24.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/24.png new file mode 100644 index 0000000000000000000000000000000000000000..13b3db79ac73fb0db7f74bf4dead39e598dbbb6d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/24.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72eb9014c04938206118e87e23b1a62afc551913ad0cba08f1a23192491fa29c +size 255657 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/25.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/25.png new file mode 100644 index 0000000000000000000000000000000000000000..6c812a02fedde7ef5fc6a78397e5e83b2894f34f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/25.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2e7e6d2fec287ee9d5686cf39660d37ad719014959876c46da6930cd647446c +size 253840 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/26.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/26.png new file mode 100644 index 0000000000000000000000000000000000000000..c2200ed8a15ec47ead2ae03d51d0d4e304510f89 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/26.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c9acf7c2b39c19aa9850f3cfe7abc7d970e3a70bec4845a9777ef15317a4ed1 +size 254656 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/27.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/27.png new file mode 100644 index 0000000000000000000000000000000000000000..f16a40214d07effe1448166773b6726292920f82 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/27.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2df4929c91f5c8e324b1082df63eb62b740f957f80277f85d78f629bce01386b +size 252186 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/28.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/28.png new file mode 100644 index 0000000000000000000000000000000000000000..b8133c1d60dd6b4999e4fed9bc6eae067e6d09ae --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/28.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b2bb701e61f1513b2232af1708499c37c7dfcf0d8b9f231a446ba389d126c37 +size 252911 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/29.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/29.png new file mode 100644 index 0000000000000000000000000000000000000000..74eea23e33a511529b731138eb783b103fabd956 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/29.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cb3ca5a47ae77dc08075312382c11b6a2ee34fe14794c0fab59588e2cd6a2ae +size 247205 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/3.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/3.png new file mode 100644 index 0000000000000000000000000000000000000000..513f34009bc58b88edceb2b9e9a55d9b7d4b76e1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:877e24dcd72fbb5b8700dd82c2c56b69045f0fb9d03d450736f4c4f33a1d6f59 +size 223955 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/30.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/30.png new file mode 100644 index 0000000000000000000000000000000000000000..d048d515ca99954fb403a56fcba55bbaba5d1d7e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/30.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4b5abb307f9169513a97f825678e7a0c52d00ab3979e7806315ed49e9a6f09d +size 229285 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/31.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/31.png new file mode 100644 index 0000000000000000000000000000000000000000..83706e186b89678ad35a5c2ac054ec36cd1c25a7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/31.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2c1470e8526979d0613cbbb18231c307ef12489947b3c81d5f0773eb53feadf +size 224842 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/32.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/32.png new file mode 100644 index 0000000000000000000000000000000000000000..3ea14e21c95c599fb0c552b92c4b9f4199e4c6fb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/32.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:437fe438c3042db4c43425958deb592d5c5132fbe7581f85efcb46f1761916fb +size 215709 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/33.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/33.png new file mode 100644 index 0000000000000000000000000000000000000000..e47540e81d1c2a39dff866c6fb919b58eb9de22b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/33.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c4cc1d3b20c9af301d9a426cff1e79a51c0231d82178cc9c3ac7a96fde53959 +size 203636 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/34.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/34.png new file mode 100644 index 0000000000000000000000000000000000000000..dde6bcf8ab910e8a69da90a54ab3de379f2f7e08 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/34.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37119335881ba5a8d0a4a75397f027b0b00f8e208f4ed3c6bb2871dc287252bc +size 218593 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/35.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/35.png new file mode 100644 index 0000000000000000000000000000000000000000..4d5566faecb251ab8b93ebce99ea56548e7ed922 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/35.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e905dd249b2141c1699860e581d16d9552f449bb6aa1dfd9b7720c511012ba46 +size 221546 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/36.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/36.png new file mode 100644 index 0000000000000000000000000000000000000000..2b27c66ddf3fb781d29ae3a5df2dcb83fb4decaa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/36.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9ef40f3b54be6189d306adc296a450d1e6502fead04af22e3820cf47c843b1e +size 221215 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/37.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/37.png new file mode 100644 index 0000000000000000000000000000000000000000..bbcaa5c785d3b71b813d1a5b95b11fce1958a1ec --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/37.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f4fac82929697d7dc6faf13d07b1b81b1be6d29b4d9311abf220415792a3a5b +size 224684 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/38.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/38.png new file mode 100644 index 0000000000000000000000000000000000000000..bdfef6e714be83365140f5dee53eb18d1f637d96 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/38.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7542a0acde63e55042dfadd92dfaab147834c0634262480ff1ca29a80ac7cc87 +size 229912 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/39.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/39.png new file mode 100644 index 0000000000000000000000000000000000000000..d9eca742ee67974b820af1f58cb3fd13cc8f3348 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/39.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51ac120ad004fc9d42187821db75bc662f6e928dc934c408dfabfe415c6a93ff +size 233562 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/4.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/4.png new file mode 100644 index 0000000000000000000000000000000000000000..e444e43265ac2cd4787337422c54d56c2bea23ef --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36fc2b6b09552daa24e826478bced7b10a6f76358ab9b43bb1fd1b6767547919 +size 228462 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/40.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/40.png new file mode 100644 index 0000000000000000000000000000000000000000..c871d21af109334c8d2cdad14e56ca7b6b802395 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/40.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4d9d1221b14f622f85e64664e53d4e92d1aaaeccaedb30967c0f92d40838fb8 +size 231930 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/41.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/41.png new file mode 100644 index 0000000000000000000000000000000000000000..5aad2d41ca3c1cf2da9fd6ebf3c540e2a9f49ca6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/41.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f87dd0df10680918a452779779447e1de8ff51c2476c8f2b4de81ca39d56a49 +size 235052 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/42.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/42.png new file mode 100644 index 0000000000000000000000000000000000000000..c0cabc1e6cb36be8310f15263aa43bb3a6c5bda3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/42.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba88c0292db0220f8e8b935f381674be69f598478b6a094b3579735ae677c3b8 +size 238903 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/43.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/43.png new file mode 100644 index 0000000000000000000000000000000000000000..3b00326215d450b8ab76d5f750d4205e3a369e19 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/43.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7bd548c7ee79f1015ff41099f6fa8da2d8238034e08d19536bca5e4b962edd6 +size 237892 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/44.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/44.png new file mode 100644 index 0000000000000000000000000000000000000000..09faeda539026ea54d298c02f93cff7f80064e1b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/44.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d53d7cc4864b587fe5455eaec8cc0b5924ac563be39e31e5a72d02d5e96ad2cf +size 242038 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/45.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/45.png new file mode 100644 index 0000000000000000000000000000000000000000..190d24ea3ad6417b0ebca6cd27ee57d3126dc383 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/45.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d32fba5098f2d4defbf73007fb1259d24b6d9aed89d72ac2ffc4726e69b77dbc +size 241535 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/46.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/46.png new file mode 100644 index 0000000000000000000000000000000000000000..530d05234398a20397e0cd5bc421a1db0957ac84 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/46.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e147a6ac964c85e5af14da2d59f8d3a49ee9ff33cd81875f585ed10df58a17b4 +size 242251 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/47.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/47.png new file mode 100644 index 0000000000000000000000000000000000000000..1a221ac1a41685af4d649d1204cbe0052cb52d49 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/47.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61621ab57601695977dc87ce44854014a2f9440e3a1a84fbc1811bf8e734a59b +size 240643 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/48.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/48.png new file mode 100644 index 0000000000000000000000000000000000000000..b8bbec8217c5c4f459b2c96ab36f4fcefe77b414 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/48.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:356f9b2aec64170e763811e8bbdebc6625b7592070752d0a954916446dbde8a1 +size 241881 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/49.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/49.png new file mode 100644 index 0000000000000000000000000000000000000000..36abc6306b75c0dc4fc29f3907fbd65555f97624 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/49.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ae7e1e2021ff4c6b336754df260d5fb567a6e1a9a5f928d69b8daf7d1c4accf +size 241548 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/5.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/5.png new file mode 100644 index 0000000000000000000000000000000000000000..bea0bd94422f2ef0ffbee8a23dc78a5ef2f5377a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82e676799f3591502c8e08fb8a3de889edab21c63499de2d06b034666472b6a3 +size 226081 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/50.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/50.png new file mode 100644 index 0000000000000000000000000000000000000000..a45464f1e92f63f7d1e7efdf084e2a44e9360600 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/50.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc7ab4b8ebd9dca22f53cae4f05123fed075204ce189b88fc15f643fd0708375 +size 238814 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/51.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/51.png new file mode 100644 index 0000000000000000000000000000000000000000..54d43ab0ea0d64fa5ab7d18983e46e3516379f2d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/51.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18f9a6cdbe92bf0c9a66473289a74160dc2ec12a41d0e7b6f555c2b6989ed692 +size 238466 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/52.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/52.png new file mode 100644 index 0000000000000000000000000000000000000000..088ce8ecc9dce6517b38216e7ac1c1f77b2139e6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/52.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c7b9647fd10aae0344aaf9daf3c4e2f060b0208306937dc1055af3d7e3d8856 +size 241261 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/53.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/53.png new file mode 100644 index 0000000000000000000000000000000000000000..e936a5ce8c97ea7928d422e83a69d5e240ba6a0e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/53.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3629a174f15cfc1c137cac7065484d85f7c9b5a454417c068dfa45297108e7bb +size 239726 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/54.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/54.png new file mode 100644 index 0000000000000000000000000000000000000000..42a6aa77e91197df93531de1b5edd91d8e7ad0e6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/54.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a6da01e303e4334e0bfe00e6562680f7d4ce4409816f965932f6c2654be8f7d +size 238425 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/55.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/55.png new file mode 100644 index 0000000000000000000000000000000000000000..5a45ed1898644f8742c513f881d7a9717918b5a4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/55.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d259773055626ac7e89a0818e12ec2b4f38d8626199197bc3b366eba2ece5ba9 +size 240392 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/56.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/56.png new file mode 100644 index 0000000000000000000000000000000000000000..2358aab5c9cd345bb1e00d26b0725e5214f268bc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/56.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6342fdf293f5a80433ce8f62dddfbe527e2a325886f2a4ee3a39fed2f7eee4a5 +size 240105 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/57.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/57.png new file mode 100644 index 0000000000000000000000000000000000000000..1dad3d25848ae2ddeafaf91af9284b1ce818daf6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/57.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cea14a25ff0f91d507b58f33bb605f936ee1afd304eb9c3aa4c2b1d474179971 +size 237971 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/58.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/58.png new file mode 100644 index 0000000000000000000000000000000000000000..b6c386ff9d272d7f8a5cf0e5f866d1f718b47120 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/58.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46dacb23fbfd42de3b303d4f1a2059b287036473f003369a64bfccf15d468a68 +size 240436 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/59.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/59.png new file mode 100644 index 0000000000000000000000000000000000000000..eff185e35ca417fb87555d4c572eeb0b6794f2c4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/59.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:816ab333d5a114e36778d65ae029c6a507399a0696f3286cbdf3135ed7613714 +size 238435 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/6.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/6.png new file mode 100644 index 0000000000000000000000000000000000000000..d96753c6092d31298572ee0c38808b8c370cc628 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/6.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab11e5a21843ae4ebb7211180373be1d10bfca912e6eadac3067639398d89234 +size 231376 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/60.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/60.png new file mode 100644 index 0000000000000000000000000000000000000000..77fd559fbd1a897c84e743c7f4dc8ba9d55187bb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/60.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a586c292d9d95657f3958c9958ac0390463c993845306a48e5043a668a0e0c9 +size 235704 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/61.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/61.png new file mode 100644 index 0000000000000000000000000000000000000000..80643ea804f2d4d255fa0ab213836b24fa46e006 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/61.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b6a1578076009bf465b01e24025d8085a920e50fc0d32e5d873814c8a51a8a2 +size 236971 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/62.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/62.png new file mode 100644 index 0000000000000000000000000000000000000000..b7eab7828227b11cea46c0ada4234ecacc53b873 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/62.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:903ab1b39dc6e1d02a218efc71f0a07b146ad54059bb75bae6fcd3d60ef6de39 +size 236671 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/63.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/63.png new file mode 100644 index 0000000000000000000000000000000000000000..4642a53aceb621fca49e88ecc384ade1c4df3c16 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/63.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8150588d6bee9683eb8f99dd377a4940af676316e3e8ac22ef89471f0836ba +size 237159 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/64.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/64.png new file mode 100644 index 0000000000000000000000000000000000000000..e6e471b14a7c686c165208c07617dfe20f2b980c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/64.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5a7398b22c6f0e22afb2ca8d407e3ddc793ae3e5c37469e4d73cf75f4c1f953 +size 232106 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/65.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/65.png new file mode 100644 index 0000000000000000000000000000000000000000..dae8c6d94aa57a7b389b23efc374b66eda3f5ccc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/65.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd93967f5052cc0db98a8c6dd210066d0ee7e20cee672c80e97f3201b9ad7a94 +size 234780 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/66.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/66.png new file mode 100644 index 0000000000000000000000000000000000000000..dbe2ee0811faf84bf485efc7b627b7471d19bd6d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/66.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d9ddfe25bdcc343aa57c34013db0135b0e6b7c994558722e8a2090693edfcb2 +size 236456 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/67.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/67.png new file mode 100644 index 0000000000000000000000000000000000000000..b5d3f087240241ed5da14d5dbfead5742d11650c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/67.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:153a5d92371bac7566d774c7939f529bad031f807b1995f1e2e6d4d602b9d517 +size 235461 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/68.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/68.png new file mode 100644 index 0000000000000000000000000000000000000000..b0fba18fa4463d7c3f2f05d7818bb695e20ca1cb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/68.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c28e6b7e1daf40dc4f11d73139fb1574e35fa3e87595de05d81007c39bcacc2 +size 237930 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/69.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/69.png new file mode 100644 index 0000000000000000000000000000000000000000..b46913f52f11ba19b4851f16ded19673039819aa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/69.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9eb8cbd8b407f61641d3661de3642c29ea5cdedbf9b786c415f90900f9637ecc +size 233664 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/7.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/7.png new file mode 100644 index 0000000000000000000000000000000000000000..a38f0b9cc16784b7e7a9b9d1f59da79d4f404149 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/7.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79ce02f15f0916d0a9e47f34066f69f2e9bf6f847ca9f6d5a2447cd91a99bae4 +size 230129 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/70.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/70.png new file mode 100644 index 0000000000000000000000000000000000000000..1743c9ebf5550e912758ab26ecc40fd062e1e14b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/70.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f36ffcadcb4a827d8c05bf1e8a8aeea03fd4acf859d737d5f32be92e31fde4b +size 234340 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/71.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/71.png new file mode 100644 index 0000000000000000000000000000000000000000..5e905626f5507439899ef7ed0b50230e6974ca3c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/71.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0df79af032e9e1607bd66f24a6aeb5449cbbf3cc3e170900b0154d25725101ee +size 228625 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/72.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/72.png new file mode 100644 index 0000000000000000000000000000000000000000..9b6acf57f6248f35c0b98a22cb1756bb9af95776 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/72.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0881c6a7548ecff9c13f973c0b41117cee21195605907e7e12abd1185692a2d +size 233432 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/73.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/73.png new file mode 100644 index 0000000000000000000000000000000000000000..280695126352aa49c2ca206c005da6f89ad4d66c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/73.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7df5a01f5b669d0636e8e2e1f9454aa458e72ae9a5043ebea42525e871e1a704 +size 234847 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/74.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/74.png new file mode 100644 index 0000000000000000000000000000000000000000..1482b922aeacb3d49cca529ba1f98b7761fa0db1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/74.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51f2357d88360f6c186498c8c12a1b713b1ca74d8b2599f98d7e25772a247185 +size 239376 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/75.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/75.png new file mode 100644 index 0000000000000000000000000000000000000000..997a2db4fe948574bd1e5c533c7fc49fec9ac85b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/75.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fbc87faff2464c23fdc67a6bdbd0e37e7a648bacd1b5e43dec87f37e4c64d87 +size 238414 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/76.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/76.png new file mode 100644 index 0000000000000000000000000000000000000000..ecd923881c78df772eed2a3f9cd3bf7e6da29c8a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/76.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33518206f58bf5f6ca011caf2ce6be535a08bea1a1f7e6b94af0a608f06ab72d +size 240989 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/77.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/77.png new file mode 100644 index 0000000000000000000000000000000000000000..eb67e22f220f19719b550a12c955892e75d4988f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/77.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c914f8336adf476e7c87a8805c47ca954476a9800d8ec87bbd01fd30e8c44fc +size 241140 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/78.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/78.png new file mode 100644 index 0000000000000000000000000000000000000000..4064e496826f7c79faea6c8594558ff447d0d4b1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/78.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9cfe96353b7a2079feb886b782710b1d786127bbf215a3441e92941ea19fb20 +size 243721 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/79.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/79.png new file mode 100644 index 0000000000000000000000000000000000000000..7022650db39b69f7cf951bdac1b6d3840b59de9d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/79.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41fb81123e691ce584389b57f80508005471c047731899d78da26f37952179f0 +size 242478 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/8.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/8.png new file mode 100644 index 0000000000000000000000000000000000000000..4c751ccd452e3a4bbd3fd655a2aae2daee2c6e39 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/8.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de64c911b5ab7155976077a57c41feb31cbfb914d34eebf9bd2032b813fc40c8 +size 234453 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/80.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/80.png new file mode 100644 index 0000000000000000000000000000000000000000..cdbaea1451b233222f058f8a795e7c5fce3af4e5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/80.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65ed5f7614d5f3184238c9154a2c5721072f84eb3c99e8c23fdaa14de9ca74bc +size 245969 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/81.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/81.png new file mode 100644 index 0000000000000000000000000000000000000000..d06c8ff2015216acab116dfea8591e56790ddc3e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/81.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3381aaf8172177846ac0704f72cc25a029b02c488cd4f72c03f3bc9fa6ca838 +size 244281 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/82.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/82.png new file mode 100644 index 0000000000000000000000000000000000000000..0d95c60cc28070c44df52f64e74173e782af228c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/82.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a88e6f39104cd18d95f4974ddbc54be8cbc93ec724a87d0858bba2c280da6270 +size 243694 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/83.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/83.png new file mode 100644 index 0000000000000000000000000000000000000000..a6cf7c58ab8ad73467e3afba208c8f357f28b9f2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/83.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f16f5b87b6e480f198658bf36ab12c88e44fada9567b3f490812363376e4b26 +size 244306 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/84.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/84.png new file mode 100644 index 0000000000000000000000000000000000000000..8eefdfbfb20928d5b331dcb84c62fd8843c3bc24 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/84.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84b3a19a464cc4a4fbfbaf8fb1a296f3fc07e2ba6eb12fd0c4bcc3ba3b2f23f8 +size 241805 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/85.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/85.png new file mode 100644 index 0000000000000000000000000000000000000000..b82ff1e4496d7e9a97dd920472e66620c1bf4ae1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/85.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d341633126cd50e87859401434c7da0396f92ab0e66135698eca7297e3333bab +size 243670 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/86.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/86.png new file mode 100644 index 0000000000000000000000000000000000000000..89329e62bd63fbcca65dba755f7e24963864267e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/86.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5be4d4af5cda08723501ba23cdc33bd7d2caf4410b793cda6fbc263a29e3a1a3 +size 245185 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/87.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/87.png new file mode 100644 index 0000000000000000000000000000000000000000..056dd25e626951740390dcc2e814cd1885d2704a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/87.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31f7a55ab41e09de9ade0cf3fa1bfd9a3af80222076b27e10d259592b3dcf448 +size 243994 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/88.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/88.png new file mode 100644 index 0000000000000000000000000000000000000000..18f5db03cb3dadb3eb9d19281c2bbb24cceda406 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/88.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49a178ae5e73565d9b42d7d9b3321c03216c84492d0ea7d1fd6527981b97a899 +size 246303 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/89.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/89.png new file mode 100644 index 0000000000000000000000000000000000000000..eaa88671db0389a46d78111c38290e99c09443ed --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/89.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6a88775d87da552cb36b95b1290979ac501acedaa6fe3bc5bcf849d5df0ddb9 +size 244473 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/9.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/9.png new file mode 100644 index 0000000000000000000000000000000000000000..66aedaaceb63eb45bf757755f6561bff42256a7a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/9.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ff24b3b05d32ac7a9070a8b719cc5ff0896c3c8f434f142b97efacf6400b98e +size 230885 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/90.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/90.png new file mode 100644 index 0000000000000000000000000000000000000000..3b8dd5b56793f962add1e6877ee195c94de3f141 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/90.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0aad2b9a630b2edcf5daea9b3371df62f1cb3d2f9ec60150cd91e64eee1c665 +size 246913 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/91.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/91.png new file mode 100644 index 0000000000000000000000000000000000000000..135bafa0d2386e8ac10e28fd48de28f02ac7224b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/91.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157955e44aec05ec44f117df97522e5964e33cc6c782cfa9f9461fb4ab2432ab +size 244832 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/92.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/92.png new file mode 100644 index 0000000000000000000000000000000000000000..8b6beec8d8263e113b21a4ec02a4c1b745590097 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/92.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b0154545e578e09294ba7340856e2a800171ff8b09b04c0360fafa0d55b8536 +size 246717 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/93.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/93.png new file mode 100644 index 0000000000000000000000000000000000000000..b2805c132a482eb4851171f0281f99c9e1c8d99a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/93.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b99dc754e904eb36efc7244511cd6a0df076dcd86c5b175c303937ae47dc4e4 +size 246001 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/94.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/94.png new file mode 100644 index 0000000000000000000000000000000000000000..5521c79513aff2514d2d4880709f52e318b0a40a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/94.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea04d42940483dbc52ba7534c6ca200cfd8396226877be921459c05b19f0ffbd +size 247336 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/95.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/95.png new file mode 100644 index 0000000000000000000000000000000000000000..b04989a93e930cd725d79fdf0f2a05d300539131 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/95.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d00eecdd11ed609ff5cb3d325399bd221b8b47e11c4fa5366e7906ce23d54034 +size 245922 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/96.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/96.png new file mode 100644 index 0000000000000000000000000000000000000000..5716ad779b148d0e54d8d9808b021246fe11f4eb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/96.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c6f295243b6e5ce0e1df8921b0ef0a822cf2d32d70b35fe535c127ec743816d +size 247951 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/97.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/97.png new file mode 100644 index 0000000000000000000000000000000000000000..d27cd3c05fe8793c8feaccc25e3eabf972e28861 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/97.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8107e2f62b82e5eb6fcd8a1dc8ec2e5730a8c57626662a26b518841050775480 +size 246508 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/98.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/98.png new file mode 100644 index 0000000000000000000000000000000000000000..491736d107ed6345895840d66000e524683f2565 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/98.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89fcb22ff7c026dd32159f43d35b20c3a43e8f0815d6289454ac391a8379df20 +size 248619 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/99.png b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/99.png new file mode 100644 index 0000000000000000000000000000000000000000..e4a18968e29126de28ceffced310c5728b544820 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/99.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:370358b356b93da45d5ec95e1705d9a3ff11074f26330452df2f60cb81d490c7 +size 246245 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/finish b/demo_data/target_video/data_VFHQ_3/images512x512/VFHQ_3/finish new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/demo_data/target_video/data_VFHQ_3/images512x512/dataset_realcam.json b/demo_data/target_video/data_VFHQ_3/images512x512/dataset_realcam.json new file mode 100644 index 0000000000000000000000000000000000000000..8fa65fb5b1cdff867e6d69c4ca8751a69c7e41d7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/images512x512/dataset_realcam.json @@ -0,0 +1,217264 @@ +{ + "labels": [ + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/76.png", + [ + 0.21540330350399017, + 0.02136017568409443, + -0.009646677412092686, + 0.11626877635717392, + 0.022398846223950386, + -0.2138664424419403, + 0.02659572660923004, + -0.3372202217578888, + -0.006899798754602671, + -0.02743690088391304, + -0.21481971442699432, + 2.666536331176758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/48.png", + [ + 0.21557149291038513, + 0.01985396444797516, + -0.009091359563171864, + 0.1063794195652008, + 0.02085401862859726, + -0.21393583714962006, + 0.027284977957606316, + -0.33804652094841003, + -0.006476312875747681, + -0.0280210729688406, + -0.21475747227668762, + 2.6411194801330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/137.png", + [ + 0.19691789150238037, + -0.02770473062992096, + 0.08604463934898376, + -1.0246567726135254, + -0.02176385559141636, + -0.21471090614795685, + -0.019325029104948044, + 0.21781301498413086, + 0.08773577958345413, + 0.008920200169086456, + -0.19791604578495026, + 2.4112930297851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/35.png", + [ + 0.2154037356376648, + 0.020735805854201317, + -0.010915880091488361, + 0.13176073133945465, + 0.021801885217428207, + -0.21433788537979126, + 0.023061687126755714, + -0.2868606448173523, + -0.008591149002313614, + -0.024024775251746178, + -0.21516713500022888, + 2.6627235412597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/124.png", + [ + 0.2045360654592514, + -0.01717192679643631, + 0.06941194087266922, + -0.8116561770439148, + -0.010108323767781258, + -0.21516530215740204, + -0.023443888872861862, + 0.26173409819602966, + 0.07078639417886734, + 0.018892301246523857, + -0.2039124071598053, + 2.4514989852905273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/97.png", + [ + 0.21638387441635132, + -0.00478826928883791, + 0.010148144327104092, + -0.12061438709497452, + -0.00590733764693141, + -0.2152138203382492, + 0.024413444101810455, + -0.3089597821235657, + 0.009540215134620667, + -0.02465735748410225, + -0.21505555510520935, + 2.668520450592041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/155.png", + [ + 0.19199705123901367, + -0.03209436312317848, + 0.09515764564275742, + -1.1042225360870361, + -0.01979191042482853, + -0.21337765455245972, + -0.032033488154411316, + 0.35824963450431824, + 0.09845459461212158, + 0.01969304494559765, + -0.19200721383094788, + 2.2884373664855957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/13.png", + [ + 0.2145972102880478, + 0.021745549514889717, + -0.020568400621414185, + 0.25329652428627014, + 0.023586705327033997, + -0.21452151238918304, + 0.019289454445242882, + -0.25415095686912537, + -0.01842811144888401, + -0.021343540400266647, + -0.21483191847801208, + 2.7143397331237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/32.png", + [ + 0.215284526348114, + 0.020945873111486435, + -0.012717618606984615, + 0.15545910596847534, + 0.022234709933400154, + -0.21424199640750885, + 0.0235345046967268, + -0.2978366017341614, + -0.010299762710928917, + -0.02468857727944851, + -0.2150169312953949, + 2.6925911903381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/158.png", + [ + 0.19181010127067566, + -0.031540799885988235, + 0.0957181379199028, + -1.1047207117080688, + -0.019259005784988403, + -0.213468998670578, + -0.03174855187535286, + 0.35608452558517456, + 0.09892357885837555, + 0.019597386941313744, + -0.19177581369876862, + 2.2741336822509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/38.png", + [ + 0.21552416682243347, + 0.019825447350740433, + -0.010206760838627815, + 0.12112536281347275, + 0.020822566002607346, + -0.21442046761512756, + 0.023198861628770828, + -0.2880770266056061, + -0.007977908477187157, + -0.024056559428572655, + -0.2151871919631958, + 2.6546411514282227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/148.png", + [ + 0.1916584074497223, + -0.030012842267751694, + 0.09650999307632446, + -1.1535035371780396, + -0.02178630605340004, + -0.21430501341819763, + -0.023379690945148468, + 0.262330561876297, + 0.09869299083948135, + 0.010976451449096203, + -0.19258011877536774, + 2.353178024291992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/111.png", + [ + 0.2126094549894333, + -0.01670239306986332, + 0.038290198892354965, + -0.45003312826156616, + -0.016083886846899986, + -0.21602077782154083, + -0.00492233969271183, + 0.04176921769976616, + 0.03855409473180771, + 0.0019876838196069, + -0.21320770680904388, + 2.5711021423339844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/11.png", + [ + 0.21448485553264618, + 0.02211226150393486, + -0.021335028111934662, + 0.261189728975296, + 0.023900143802165985, + -0.21461205184459686, + 0.01784203201532364, + -0.23529891669750214, + -0.019311105832457542, + -0.020015059038996696, + -0.21488222479820251, + 2.7094836235046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/125.png", + [ + 0.20568953454494476, + -0.016940206289291382, + 0.06597527116537094, + -0.769158661365509, + -0.009661728516221046, + -0.2150009423494339, + -0.0250827856361866, + 0.2815498411655426, + 0.06742668896913528, + 0.02086922526359558, + -0.20485608279705048, + 2.457447052001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/59.png", + [ + 0.215463787317276, + 0.020501134917140007, + -0.010146905668079853, + 0.12246038019657135, + 0.02156001143157482, + -0.21412205696105957, + 0.0251955334097147, + -0.3212977349758148, + -0.007643438875675201, + -0.026064390316605568, + -0.21496538817882538, + 2.688065528869629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/105.png", + [ + 0.2142888456583023, + -0.017003240063786507, + 0.027185805141925812, + -0.3130892515182495, + -0.018499020487070084, + -0.2156047224998474, + 0.010967325419187546, + -0.14321741461753845, + 0.026190919801592827, + -0.0131676085293293, + -0.2146824151277542, + 2.5630016326904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/121.png", + [ + 0.19868309795856476, + -0.023281080648303032, + 0.08325210958719254, + -0.9928750991821289, + -0.017138659954071045, + -0.2151353359222412, + -0.019259832799434662, + 0.21363000571727753, + 0.08473009616136551, + 0.01107546966522932, + -0.199113130569458, + 2.4040870666503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/24.png", + [ + 0.21487897634506226, + 0.020723067224025726, + -0.018586868420243263, + 0.229903906583786, + 0.02296099066734314, + -0.2137378305196762, + 0.027144506573677063, + -0.3477388322353363, + -0.015738805755972862, + -0.028889209032058716, + -0.21416255831718445, + 2.71981143951416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/74.png", + [ + 0.21551227569580078, + 0.020373227074742317, + -0.009342912584543228, + 0.11276331543922424, + 0.02135710045695305, + -0.21406397223472595, + 0.025853082537651062, + -0.3286557197570801, + -0.006799460854381323, + -0.026635300368070602, + -0.21492373943328857, + 2.6759133338928223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/129.png", + [ + 0.20266234874725342, + -0.01941692642867565, + 0.07415422052145004, + -0.8714296817779541, + -0.012007522396743298, + -0.21506191790103912, + -0.023496553301811218, + 0.2609202563762665, + 0.07570789754390717, + 0.017867615446448326, + -0.20222994685173035, + 2.4232587814331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/153.png", + [ + 0.19296662509441376, + -0.030197251588106155, + 0.09380778670310974, + -1.0969538688659668, + -0.019109850749373436, + -0.21380272507667542, + -0.029514504596590996, + 0.3310660719871521, + 0.0966777577996254, + 0.01801162399351597, + -0.19307222962379456, + 2.318012237548828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/144.png", + [ + 0.19181671738624573, + -0.03151498734951019, + 0.09571336954832077, + -1.145278811454773, + -0.023548034951090813, + -0.21412597596645355, + -0.023312002420425415, + 0.26555344462394714, + 0.09797823429107666, + 0.010235482826828957, + -0.19298547506332397, + 2.359522819519043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/98.png", + [ + 0.21608895063400269, + -0.008402863517403603, + 0.013521827757358551, + -0.1610531061887741, + -0.009575817734003067, + -0.21562449634075165, + 0.019033318385481834, + -0.24353650212287903, + 0.01271816249936819, + -0.019579462707042694, + -0.21541306376457214, + 2.6638407707214355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/0.png", + [ + 0.2146114706993103, + 0.024454638361930847, + -0.01708170212805271, + 0.21360108256340027, + 0.024760771542787552, + -0.21523495018482208, + 0.0029536269139498472, + -0.044220276176929474, + -0.016634846106171608, + -0.004877536557614803, + -0.21598005294799805, + 2.702775478363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/96.png", + [ + 0.2166048139333725, + 0.00012320958194322884, + 0.005498678423464298, + -0.06496928632259369, + -0.0006053342367522418, + -0.21477025747299194, + 0.028657803311944008, + -0.36136123538017273, + 0.005466645583510399, + -0.02866392582654953, + -0.21470071375370026, + 2.666998863220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/100.png", + [ + 0.21565312147140503, + -0.010656926780939102, + 0.01811235398054123, + -0.21364633738994598, + -0.011797294951975346, + -0.21593721210956573, + 0.013410529121756554, + -0.17477259039878845, + 0.017391126602888107, + -0.014333466067910194, + -0.2154994010925293, + 2.6432318687438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/40.png", + [ + 0.21549774706363678, + 0.020260389894247055, + -0.00990628357976675, + 0.1175544485449791, + 0.02121756784617901, + -0.21439477801322937, + 0.023077815771102905, + -0.2860304117202759, + -0.007644135504961014, + -0.023922530934214592, + -0.21521425247192383, + 2.6542587280273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/141.png", + [ + 0.1956382691860199, + -0.027895711362361908, + 0.088856041431427, + -1.0634043216705322, + -0.02077319100499153, + -0.21458901464939117, + -0.021631427109241486, + 0.2475752830505371, + 0.0907856822013855, + 0.011012418195605278, + -0.19642958045005798, + 2.404481887817383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/52.png", + [ + 0.21558420360088348, + 0.019890809431672096, + -0.008700856938958168, + 0.10237093269824982, + 0.020813090726733208, + -0.21405819058418274, + 0.026340266689658165, + -0.32972776889801025, + -0.006177742499858141, + -0.027043486014008522, + -0.21489156782627106, + 2.6538643836975098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/3.png", + [ + 0.214947909116745, + 0.02260120026767254, + -0.015312623232603073, + 0.18636904656887054, + 0.022880643606185913, + -0.21543943881988525, + 0.0031971416901797056, + -0.0490044504404068, + -0.01489183772355318, + -0.004788662306964397, + -0.2161092311143875, + 2.7076215744018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/47.png", + [ + 0.21550783514976501, + 0.020859479904174805, + -0.008315845392644405, + 0.09703704714775085, + 0.02174418792128563, + -0.2138829231262207, + 0.027003390714526176, + -0.3337554335594177, + -0.0056090583093464375, + -0.027692506089806557, + -0.21482448279857635, + 2.6402320861816406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/104.png", + [ + 0.2150745838880539, + -0.013647804036736488, + 0.022462286055088043, + -0.2573581635951996, + -0.014774858951568604, + -0.21592603623867035, + 0.01027416717261076, + -0.13362379372119904, + 0.021737534552812576, + -0.011729982681572437, + -0.21526211500167847, + 2.5686850547790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/21.png", + [ + 0.214605912566185, + 0.02157379686832428, + -0.02065853402018547, + 0.256074458360672, + 0.024125726893544197, + -0.21354940533638, + 0.027613405138254166, + -0.3550685942173004, + -0.01761115901172161, + -0.029649991542100906, + -0.21391265094280243, + 2.7221412658691406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/82.png", + [ + 0.21549572050571442, + 0.020561406388878822, + -0.009312095120549202, + 0.11136207729578018, + 0.021574117243289948, + -0.21390794217586517, + 0.02694152481853962, + -0.339569091796875, + -0.006636566016823053, + -0.027722137048840523, + -0.21479137241840363, + 2.6447739601135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/106.png", + [ + 0.2135714590549469, + -0.02032393589615822, + 0.030365535989403725, + -0.3539425730705261, + -0.02131805382668972, + -0.21554884314537048, + 0.005668522324413061, + -0.08339819312095642, + 0.029676059260964394, + -0.008574924431741238, + -0.21446141600608826, + 2.567647933959961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/14.png", + [ + 0.21459978818893433, + 0.02199067734181881, + -0.020279081538319588, + 0.25046828389167786, + 0.024020330980420113, + -0.21422399580478668, + 0.021885940805077553, + -0.28704833984375, + -0.017828479409217834, + -0.023924481123685837, + -0.2146104872226715, + 2.7112464904785156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/67.png", + [ + 0.2153911590576172, + 0.02074153907597065, + -0.011150471866130829, + 0.13506384193897247, + 0.021950099617242813, + -0.213992640376091, + 0.025946950539946556, + -0.33161473274230957, + -0.008528635837137699, + -0.026922844350337982, + -0.21482625603675842, + 2.6868081092834473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/78.png", + [ + 0.21555288136005402, + 0.01985865831375122, + -0.009512349031865597, + 0.11351186782121658, + 0.02091398648917675, + -0.2139269858598709, + 0.02730836160480976, + -0.34365522861480713, + -0.006888857576996088, + -0.0280851349234581, + -0.21473626792430878, + 2.6507673263549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/31.png", + [ + 0.2151198536157608, + 0.02171192318201065, + -0.014140023849904537, + 0.17376276850700378, + 0.023201074451208115, + -0.2140551209449768, + 0.024290140718221664, + -0.30825117230415344, + -0.011535079218447208, + -0.02562992461025715, + -0.2148440033197403, + 2.7028613090515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/152.png", + [ + 0.19355513155460358, + -0.031121736392378807, + 0.09228076785802841, + -1.0841264724731445, + -0.020451830700039864, + -0.21372422575950623, + -0.029181716963648796, + 0.328018456697464, + 0.09521567821502686, + 0.017357641831040382, + -0.1938571035861969, + 2.3356175422668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/39.png", + [ + 0.2154691368341446, + 0.02045595832169056, + -0.01012442260980606, + 0.12026294320821762, + 0.02144038677215576, + -0.21436044573783875, + 0.023190779611468315, + -0.2874511778354645, + -0.007826877757906914, + -0.024063585326075554, + -0.21519196033477783, + 2.653881072998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/92.png", + [ + 0.2158840000629425, + 0.015750683844089508, + -0.009691320359706879, + 0.118838831782341, + 0.016924023628234863, + -0.21403862535953522, + 0.029136504977941513, + -0.3680514395236969, + -0.007455405313521624, + -0.029787154868245125, + -0.21448786556720734, + 2.6881651878356934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/53.png", + [ + 0.21554610133171082, + 0.020004412159323692, + -0.00935953576117754, + 0.11069941520690918, + 0.0210067480802536, + -0.21404531598091125, + 0.026291046291589737, + -0.33055222034454346, + -0.006818647030740976, + -0.027061523869633675, + -0.2148699164390564, + 2.6624598503112793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/75.png", + [ + 0.2154441922903061, + 0.02098216488957405, + -0.009562630206346512, + 0.11548329144716263, + 0.022006819024682045, + -0.21393057703971863, + 0.02640644647181034, + -0.33515217900276184, + -0.006884400267153978, + -0.02722773142158985, + -0.21484680473804474, + 2.6697988510131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/151.png", + [ + 0.19314152002334595, + -0.029785659164190292, + 0.09357914328575134, + -1.1041505336761475, + -0.01976141892373562, + -0.2140326201915741, + -0.027338918298482895, + 0.30823254585266113, + 0.09619630128145218, + 0.015834912657737732, + -0.19350303709506989, + 2.339883804321289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/87.png", + [ + 0.215446338057518, + 0.020000280812382698, + -0.011434517800807953, + 0.13670910894870758, + 0.021217307075858116, + -0.21415747702121735, + 0.025185344740748405, + -0.31956031918525696, + -0.008976931683719158, + -0.026162270456552505, + -0.21490192413330078, + 2.655691146850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/139.png", + [ + 0.19770321249961853, + -0.025132084265351295, + 0.08502775430679321, + -1.0135104656219482, + -0.018342280760407448, + -0.2148861438035965, + -0.020866235718131065, + 0.23963505029678345, + 0.08674619346857071, + 0.01184134278446436, + -0.1981988400220871, + 2.4246225357055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/107.png", + [ + 0.21317559480667114, + -0.020768022164702415, + 0.032752808183431625, + -0.3842513859272003, + -0.0213917288929224, + -0.21560132503509521, + 0.0025213693734258413, + -0.04581588879227638, + 0.03234890103340149, + -0.005714253522455692, + -0.21417000889778137, + 2.5653223991394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/112.png", + [ + 0.21274761855602264, + -0.016480756923556328, + 0.03761282190680504, + -0.44107040762901306, + -0.015626095235347748, + -0.21601952612400055, + -0.006267842371016741, + 0.05721713975071907, + 0.037975847721099854, + 0.003441691165789962, + -0.2132929563522339, + 2.5748071670532227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/69.png", + [ + 0.21555554866790771, + 0.019949622452259064, + -0.00925851333886385, + 0.1114233136177063, + 0.020897096022963524, + -0.2142173945903778, + 0.024942392483353615, + -0.318089097738266, + -0.006857022643089294, + -0.025706501677632332, + -0.21503500640392303, + 2.6837477684020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/157.png", + [ + 0.19261279702186584, + -0.03326519578695297, + 0.09349668771028519, + -1.0783849954605103, + -0.02089187130331993, + -0.2131563276052475, + -0.03279948607087135, + 0.36599647998809814, + 0.09701409190893173, + 0.020142091438174248, + -0.19269263744354248, + 2.283076763153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/45.png", + [ + 0.21548748016357422, + 0.02082211710512638, + -0.00891501922160387, + 0.10429170727729797, + 0.02178233116865158, + -0.21388569474220276, + 0.02695082686841488, + -0.3323848843574524, + -0.006210333667695522, + -0.027699392288923264, + -0.21480706334114075, + 2.6392579078674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/50.png", + [ + 0.2155575156211853, + 0.01983322761952877, + -0.009459956549108028, + 0.11072879284620285, + 0.020886097103357315, + -0.21391302347183228, + 0.02743883803486824, + -0.3412264287471771, + -0.006827780976891518, + -0.028209254145622253, + -0.2147219330072403, + 2.6486291885375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/101.png", + [ + 0.21557112038135529, + -0.011392480693757534, + 0.018633313477039337, + -0.21764422953128815, + -0.012202628888189793, + -0.21614249050617218, + 0.009023386053740978, + -0.12123511731624603, + 0.018113110214471817, + -0.010026817210018635, + -0.21568326652050018, + 2.6241931915283203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/85.png", + [ + 0.2156001478433609, + 0.01869337446987629, + -0.01072507444769144, + 0.12808763980865479, + 0.019916772842407227, + -0.21401630342006683, + 0.02735382691025734, + -0.3442681133747101, + -0.008233570493757725, + -0.02820403315126896, + -0.21467334032058716, + 2.6445231437683105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/156.png", + [ + 0.19222484529018402, + -0.032833997160196304, + 0.0944427102804184, + -1.0916063785552979, + -0.020480778068304062, + -0.2132493108510971, + -0.03245261311531067, + 0.36266258358955383, + 0.0978674441576004, + 0.01986360363662243, + -0.19228960573673248, + 2.283827781677246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/131.png", + [ + 0.20297695696353912, + -0.019356662407517433, + 0.07330465316772461, + -0.8606943488121033, + -0.011195776984095573, + -0.21484974026679993, + -0.02573218010365963, + 0.29029810428619385, + 0.0749860554933548, + 0.02031773142516613, + -0.2022675722837448, + 2.4279565811157227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/71.png", + [ + 0.21547788381576538, + 0.020616181194782257, + -0.009600047022104263, + 0.11525188386440277, + 0.021597156301140785, + -0.21415844559669495, + 0.02485184371471405, + -0.3165658414363861, + -0.0071239592507481575, + -0.025671467185020447, + -0.2150305211544037, + 2.679445266723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/160.png", + [ + 0.1910192221403122, + -0.033044297248125076, + 0.09678644686937332, + -1.1164549589157104, + -0.02054022066295147, + -0.21327051520347595, + -0.03227514773607254, + 0.36218225955963135, + 0.10018803179264069, + 0.01927848905324936, + -0.1911507099866867, + 2.262047290802002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/115.png", + [ + 0.21175676584243774, + -0.015183749608695507, + 0.043317634612321854, + -0.5088054537773132, + -0.014151185750961304, + -0.21611204743385315, + -0.006574270315468311, + 0.06045180931687355, + 0.04366585984826088, + 0.003595947287976742, + -0.2121986299753189, + 2.571115016937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/54.png", + [ + 0.21544130146503448, + 0.02045457251369953, + -0.0107026482000947, + 0.1284720003604889, + 0.021600928157567978, + -0.2140548825263977, + 0.025725526735186577, + -0.3243715167045593, + -0.008144699037075043, + -0.026646072044968605, + -0.21487565338611603, + 2.6688575744628906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/33.png", + [ + 0.21522720158100128, + 0.021583976224064827, + -0.012620427645742893, + 0.15460574626922607, + 0.022866494953632355, + -0.21415701508522034, + 0.023702243342995644, + -0.298091858625412, + -0.010112696327269077, + -0.024875786155462265, + -0.21500423550605774, + 2.6803030967712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/159.png", + [ + 0.1917564868927002, + -0.03214055299758911, + 0.09562598913908005, + -1.1028209924697876, + -0.019966647028923035, + -0.2134125679731369, + -0.031690794974565506, + 0.35565972328186035, + 0.09888720512390137, + 0.019234297797083855, + -0.1918313354253769, + 2.2728443145751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/49.png", + [ + 0.21556834876537323, + 0.0198714267462492, + -0.0091272983700037, + 0.10738605260848999, + 0.02088925428688526, + -0.21387600898742676, + 0.02772345207631588, + -0.3440195322036743, + -0.006466865539550781, + -0.02846185490489006, + -0.21469978988170624, + 2.6426777839660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/118.png", + [ + 0.20229041576385498, + -0.02312706783413887, + 0.07410546392202377, + -0.8931375741958618, + -0.01912781223654747, + -0.21530821919441223, + -0.014979668892920017, + 0.16645745933055878, + 0.07523700594902039, + 0.007443271577358246, + -0.20305635035037994, + 2.4654393196105957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/110.png", + [ + 0.21199460327625275, + -0.016972696408629417, + 0.041450053453445435, + -0.4887540638446808, + -0.016679804772138596, + -0.21600882709026337, + -0.003141691442579031, + 0.02093268558382988, + 0.041568778455257416, + -0.00011702865594998002, + -0.21264976263046265, + 2.56258487701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/18.png", + [ + 0.21488960087299347, + 0.0201356653124094, + -0.019102517515420914, + 0.23641078174114227, + 0.022203588858246803, + -0.21419405937194824, + 0.023995844647288322, + -0.31225237250328064, + -0.01665387861430645, + -0.02575567737221718, + -0.21449285745620728, + 2.725210666656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/66.png", + [ + 0.21545198559761047, + 0.020387617871165276, + -0.010615058243274689, + 0.1291029304265976, + 0.021525789052248, + -0.21405549347400665, + 0.02578342705965042, + -0.32951703667640686, + -0.008060699328780174, + -0.026692502200603485, + -0.2148730605840683, + 2.6866602897644043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/16.png", + [ + 0.21484966576099396, + 0.01982387900352478, + -0.019862644374370575, + 0.24547579884529114, + 0.021986322477459908, + -0.21421310305595398, + 0.02402598410844803, + -0.31364744901657104, + -0.017438823357224464, + -0.025839118286967278, + -0.21442042291164398, + 2.7152442932128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/94.png", + [ + 0.21652860939502716, + 0.00749120581895113, + -0.0026702042669057846, + 0.03303951397538185, + 0.007772581651806831, + -0.2147379219532013, + 0.027840686962008476, + -0.35262331366539, + -0.0016837866278365254, + -0.027917714789509773, + -0.21486195921897888, + 2.686868190765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/28.png", + [ + 0.21505513787269592, + 0.020869404077529907, + -0.016236990690231323, + 0.20151591300964355, + 0.02267330326139927, + -0.2140009105205536, + 0.02524726092815399, + -0.3244829773902893, + -0.013604894280433655, + -0.026757629588246346, + -0.21458524465560913, + 2.722559928894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/61.png", + [ + 0.21567504107952118, + 0.019020458683371544, + -0.008390003815293312, + 0.10126162320375443, + 0.019895043224096298, + -0.21421107649803162, + 0.02580116130411625, + -0.3300344944000244, + -0.006029694806784391, + -0.026452496647834778, + -0.21496930718421936, + 2.6894121170043945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/132.png", + [ + 0.2027456909418106, + -0.02094392292201519, + 0.07350808382034302, + -0.8654438257217407, + -0.013788511045277119, + -0.21498481929302216, + -0.02322281338274479, + 0.25949981808662415, + 0.07517953962087631, + 0.017052102833986282, + -0.20249731838703156, + 2.434286594390869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/58.png", + [ + 0.21548733115196228, + 0.02006453648209572, + -0.010512728244066238, + 0.12724453210830688, + 0.021194597706198692, + -0.21408070623874664, + 0.02584843710064888, + -0.32869061827659607, + -0.007993252016603947, + -0.026735128834843636, + -0.21487027406692505, + 2.6838250160217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/123.png", + [ + 0.20150993764400482, + -0.021573450416326523, + 0.0766565278172493, + -0.9040746688842773, + -0.01509900949895382, + -0.21513940393924713, + -0.020855356007814407, + 0.22903341054916382, + 0.07818987965583801, + 0.01405390165746212, + -0.2015855312347412, + 2.426814556121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/64.png", + [ + 0.21546205878257751, + 0.020708944648504257, + -0.009753812104463577, + 0.1185232624411583, + 0.021739693358540535, + -0.2140309363603592, + 0.025807760655879974, + -0.3303283154964447, + -0.007168194744735956, + -0.02664196491241455, + -0.21491095423698425, + 2.691801071166992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/10.png", + [ + 0.2145075500011444, + 0.021526668220758438, + -0.02170264720916748, + 0.2651561498641968, + 0.02324502170085907, + -0.21477435529232025, + 0.016719434410333633, + -0.22082822024822235, + -0.019851233810186386, + -0.018880490213632584, + -0.21493567526340485, + 2.704244613647461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/41.png", + [ + 0.2155149132013321, + 0.020168762654066086, + -0.009717976674437523, + 0.11504492908716202, + 0.021142518147826195, + -0.21428416669368744, + 0.024149149656295776, + -0.2991812825202942, + -0.007362883538007736, + -0.02496815100312233, + -0.21510526537895203, + 2.6534624099731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/91.png", + [ + 0.21593277156352997, + 0.015995895490050316, + -0.008066285401582718, + 0.09857816249132156, + 0.016978532075881958, + -0.21385487914085388, + 0.03042556717991829, + -0.38218894600868225, + -0.005715161561965942, + -0.03095346689224243, + -0.21437612175941467, + 2.6858749389648438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/140.png", + [ + 0.19656693935394287, + -0.02687167003750801, + 0.08710478991270065, + -1.0385658740997314, + -0.02009732276201248, + -0.21472685039043427, + -0.020889772102236748, + 0.23883330821990967, + 0.0889124795794487, + 0.010871903039515018, + -0.19729234278202057, + 2.4146780967712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/23.png", + [ + 0.21485741436481476, + 0.020674163475632668, + -0.018887959420681, + 0.23433145880699158, + 0.022959087044000626, + -0.21372732520103455, + 0.027228830382227898, + -0.349206805229187, + -0.016032978892326355, + -0.029001859948039055, + -0.21412549912929535, + 2.722896099090576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/37.png", + [ + 0.21533314883708954, + 0.02133881486952305, + -0.011143728159368038, + 0.1332051306962967, + 0.022483915090560913, + -0.2141115963459015, + 0.024466192349791527, + -0.30330586433410645, + -0.008602401241660118, + -0.025471080094575882, + -0.21500025689601898, + 2.6527490615844727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/36.png", + [ + 0.2154543399810791, + 0.02018684893846512, + -0.010946015827357769, + 0.1314176768064499, + 0.02122347056865692, + -0.21448834240436554, + 0.02218572050333023, + -0.27585887908935547, + -0.008768600411713123, + -0.023132948204874992, + -0.2152577042579651, + 2.6569437980651855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/8.png", + [ + 0.21452294290065765, + 0.02256486937403679, + -0.020460406318306923, + 0.2478904277086258, + 0.02387922629714012, + -0.2149425894021988, + 0.013317934237420559, + -0.17674165964126587, + -0.018909897655248642, + -0.01544057298451662, + -0.21529492735862732, + 2.6989192962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/6.png", + [ + 0.21463803946971893, + 0.022984659299254417, + -0.01871125027537346, + 0.22596807777881622, + 0.023913655430078506, + -0.21511538326740265, + 0.010070228017866611, + -0.13618092238903046, + -0.017508359625935555, + -0.01204067561775446, + -0.2156301885843277, + 2.701106071472168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/154.png", + [ + 0.1922328621149063, + -0.03010416403412819, + 0.0953318253159523, + -1.1102039813995361, + -0.01875816099345684, + -0.21380926668643951, + -0.02969222515821457, + 0.3317486345767975, + 0.09819648414850235, + 0.018089668825268745, + -0.19229693710803986, + 2.299893379211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/20.png", + [ + 0.21450237929821014, + 0.022027531638741493, + -0.02124633453786373, + 0.2632949948310852, + 0.02459089830517769, + -0.21359774470329285, + 0.02681754343211651, + -0.34564709663391113, + -0.018218308687210083, + -0.028959982097148895, + -0.2139563262462616, + 2.722228527069092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/2.png", + [ + 0.21493840217590332, + 0.0227240938693285, + -0.015264187939465046, + 0.18705496191978455, + 0.022924667224287987, + -0.21544858813285828, + 0.002064815955236554, + -0.03454756364226341, + -0.014961265958845615, + -0.003663256298750639, + -0.2161264419555664, + 2.7088088989257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/117.png", + [ + 0.20653335750102997, + -0.022359663620591164, + 0.06157853081822395, + -0.73932284116745, + -0.019457107409834862, + -0.21540984511375427, + -0.012958251871168613, + 0.13943630456924438, + 0.06255630403757095, + 0.006822077091783285, + -0.20733563601970673, + 2.512986660003662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/149.png", + [ + 0.19169765710830688, + -0.03028043918311596, + 0.09634830802679062, + -1.1496121883392334, + -0.02181791327893734, + -0.2142418771982193, + -0.02392253652215004, + 0.26831915974617004, + 0.09860973060131073, + 0.011463160626590252, + -0.19259442389011383, + 2.3498353958129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/5.png", + [ + 0.21477706730365753, + 0.022425351664423943, + -0.017771141603589058, + 0.21563363075256348, + 0.02312557026743889, + -0.2152954339981079, + 0.007808460388332605, + -0.1079028993844986, + -0.01684986799955368, + -0.009636782109737396, + -0.21580339968204498, + 2.7035231590270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/108.png", + [ + 0.21237792074680328, + -0.02101663500070572, + 0.03744082152843475, + -0.4415067434310913, + -0.02101833000779152, + -0.21564507484436035, + -0.0018243318190798163, + 0.00624510645866394, + 0.037439875304698944, + -0.0018437592079862952, + -0.2134074717760086, + 2.559122085571289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/60.png", + [ + 0.2155446708202362, + 0.019778432324528694, + -0.00985919963568449, + 0.11955683678388596, + 0.020810574293136597, + -0.21418464183807373, + 0.025293290615081787, + -0.3236376643180847, + -0.007437084801495075, + -0.02610831893980503, + -0.2149672955274582, + 2.689795970916748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/56.png", + [ + 0.21540921926498413, + 0.020771870389580727, + -0.010737037286162376, + 0.1297331303358078, + 0.021918021142482758, + -0.21403023600578308, + 0.0256621316075325, + -0.3255607783794403, + -0.00814585667103529, + -0.026598382741212845, + -0.2148815095424652, + 2.678351879119873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/147.png", + [ + 0.19192899763584137, + -0.03009568154811859, + 0.09594477713108063, + -1.1474188566207886, + -0.022513026371598244, + -0.21435505151748657, + -0.02220296300947666, + 0.24859845638275146, + 0.09800159931182861, + 0.009698349051177502, + -0.19300135970115662, + 2.359278678894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/30.png", + [ + 0.2150963544845581, + 0.0214201882481575, + -0.01492086611688137, + 0.1838379055261612, + 0.02303921990096569, + -0.2140011340379715, + 0.0249119121581316, + -0.31782448291778564, + -0.012273999862372875, + -0.026316998526453972, + -0.2147199511528015, + 2.7121753692626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/17.png", + [ + 0.21492090821266174, + 0.020010387524962425, + -0.018880609422922134, + 0.2336418479681015, + 0.022001080214977264, + -0.21428842842578888, + 0.023330695927143097, + -0.3044206500053406, + -0.016518037766218185, + -0.02505899779498577, + -0.21458587050437927, + 2.7211856842041016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/12.png", + [ + 0.21443666517734528, + 0.022297661751508713, + -0.021624695509672165, + 0.2658836543560028, + 0.02419281378388405, + -0.2145041972398758, + 0.01872326247394085, + -0.24716728925704956, + -0.019481297582387924, + -0.02094438299536705, + -0.21477827429771423, + 2.710141658782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/114.png", + [ + 0.21276646852493286, + -0.016033370047807693, + 0.03769949451088905, + -0.4403166174888611, + -0.014991668984293938, + -0.21603314578533173, + -0.0072683957405388355, + 0.06861749291419983, + 0.03812572360038757, + 0.004528876394033432, + -0.2132459133863449, + 2.581653118133545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/27.png", + [ + 0.21478046476840973, + 0.022936459630727768, + -0.017063776031136513, + 0.21239212155342102, + 0.024944454431533813, + -0.21354134380817413, + 0.026940034702420235, + -0.3452070951461792, + -0.013965239748358727, + -0.028668971732258797, + -0.21431508660316467, + 2.719583034515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/42.png", + [ + 0.21553118526935577, + 0.0202785711735487, + -0.009109824895858765, + 0.10691926628351212, + 0.021178316324949265, + -0.21429236233234406, + 0.024044785648584366, + -0.2978067100048065, + -0.006759315729141235, + -0.024808313697576523, + -0.21514354646205902, + 2.6511001586914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/7.png", + [ + 0.21445466578006744, + 0.02335507981479168, + -0.02028866484761238, + 0.24561040103435516, + 0.02456563711166382, + -0.2149287313222885, + 0.012250113300979137, + -0.1632975935935974, + -0.01880476251244545, + -0.014424843713641167, + -0.21537455916404724, + 2.696606159210205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/73.png", + [ + 0.2155134230852127, + 0.02055608481168747, + -0.008905604481697083, + 0.10648360103368759, + 0.021475957706570625, + -0.21408851444721222, + 0.02554970607161522, + -0.3246140480041504, + -0.006375392898917198, + -0.026295464485883713, + -0.21497860550880432, + 2.6744656562805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/120.png", + [ + 0.1982000172138214, + -0.024581901729106903, + 0.084026038646698, + -1.0048437118530273, + -0.01835501566529274, + -0.21500389277935028, + -0.019603921100497246, + 0.2206609845161438, + 0.08560220152139664, + 0.010814364068210125, + -0.19875413179397583, + 2.405850410461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/46.png", + [ + 0.21552614867687225, + 0.02046937681734562, + -0.008796562440693378, + 0.1034318283200264, + 0.021415967494249344, + -0.2139274626970291, + 0.026912670582532883, + -0.3317694664001465, + -0.006142578087747097, + -0.027639467269182205, + -0.21481671929359436, + 2.6379313468933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/127.png", + [ + 0.20339050889015198, + -0.019497159868478775, + 0.07211136072874069, + -0.8469364047050476, + -0.012412705458700657, + -0.21507738530635834, + -0.023141590878367424, + 0.2569810152053833, + 0.07366214692592621, + 0.01759173721075058, + -0.20300815999507904, + 2.4342079162597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/133.png", + [ + 0.20045782625675201, + -0.02426605112850666, + 0.07858572900295258, + -0.9303595423698425, + -0.01765332743525505, + -0.21489863097667694, + -0.021326944231987, + 0.23601359128952026, + 0.08033005148172379, + 0.013328062370419502, + -0.20079179108142853, + 2.424046516418457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/57.png", + [ + 0.21542201936244965, + 0.02061404287815094, + -0.01078459806740284, + 0.1302121877670288, + 0.0217870082706213, + -0.21398021280765533, + 0.02618584595620632, + -0.3319318890571594, + -0.008159211836755276, + -0.027118872851133347, + -0.21481594443321228, + 2.6814632415771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/44.png", + [ + 0.21547561883926392, + 0.020698603242635727, + -0.009472046978771687, + 0.11121441423892975, + 0.021709151566028595, + -0.21397919952869415, + 0.026258543133735657, + -0.32384946942329407, + -0.006845775526016951, + -0.02706225961446762, + -0.2148689478635788, + 2.6439480781555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/113.png", + [ + 0.21272267401218414, + -0.016160544008016586, + 0.03789185360074043, + -0.4426003694534302, + -0.01511785015463829, + -0.21602457761764526, + -0.007261843420565128, + 0.0681394636631012, + 0.03831978887319565, + 0.004485598765313625, + -0.2132120281457901, + 2.5794925689697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/126.png", + [ + 0.20515747368335724, + -0.017303327098488808, + 0.06751963496208191, + -0.7895550727844238, + -0.01000251155346632, + -0.21502816677093506, + -0.024713002145290375, + 0.27713894844055176, + 0.06898011267185211, + 0.0202824454754591, + -0.2043973207473755, + 2.450052261352539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/29.png", + [ + 0.21515369415283203, + 0.020653968676924706, + -0.015172204002737999, + 0.18754324316978455, + 0.02231171540915966, + -0.21406985819339752, + 0.024983616545796394, + -0.32015544176101685, + -0.012608309276401997, + -0.026370573788881302, + -0.21469402313232422, + 2.7212295532226562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/4.png", + [ + 0.2148134857416153, + 0.023366879671812057, + -0.016032995656132698, + 0.19391313195228577, + 0.02375251241028309, + -0.21532335877418518, + 0.004423690959811211, + -0.06517351418733597, + -0.0154559426009655, + -0.006143277045339346, + -0.21603535115718842, + 2.7055411338806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/55.png", + [ + 0.21546074748039246, + 0.020573420450091362, + -0.010064532980322838, + 0.12089335918426514, + 0.0216306671500206, + -0.2140854150056839, + 0.02544482797384262, + -0.32170283794403076, + -0.007528257556259632, + -0.02630702219903469, + -0.2149399071931839, + 2.673867702484131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/9.png", + [ + 0.21445554494857788, + 0.02244320698082447, + -0.021284053102135658, + 0.25861337780952454, + 0.023963239043951035, + -0.2148277312517166, + 0.014923207461833954, + -0.1965850442647934, + -0.019556881859898567, + -0.017124293372035027, + -0.2151096910238266, + 2.698232650756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/25.png", + [ + 0.21467651426792145, + 0.022433603182435036, + -0.01893729530274868, + 0.23469197750091553, + 0.02472512610256672, + -0.21351423859596252, + 0.02735394611954689, + -0.3504144251346588, + -0.015828963369131088, + -0.029262663796544075, + -0.21410520374774933, + 2.7215142250061035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/99.png", + [ + 0.21588745713233948, + -0.008638091385364532, + 0.01630602404475212, + -0.19279634952545166, + -0.009853694587945938, + -0.21584978699684143, + 0.016114220023155212, + -0.2078942209482193, + 0.01560152880847454, + -0.016797225922346115, + -0.2154584527015686, + 2.655601978302002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/34.png", + [ + 0.21524006128311157, + 0.021770497784018517, + -0.01206884440034628, + 0.1466190367937088, + 0.02299819141626358, + -0.21411898732185364, + 0.02391742169857025, + -0.29945501685142517, + -0.009523377753794193, + -0.025040075182914734, + -0.2150120884180069, + 2.672245502471924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/72.png", + [ + 0.21540959179401398, + 0.0212215818464756, + -0.009810793213546276, + 0.117994025349617, + 0.022224485874176025, + -0.2140921652317047, + 0.02486986294388771, + -0.3166162669658661, + -0.007258053869009018, + -0.025730961933732033, + -0.21501891314983368, + 2.677690029144287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/102.png", + [ + 0.21498651802539825, + -0.015518059022724628, + 0.02208811230957508, + -0.2578590214252472, + -0.016005713492631912, + -0.2160455733537674, + 0.004002342000603676, + -0.06232083588838577, + 0.021737342700362206, + -0.00560280354693532, + -0.21550868451595306, + 2.6079330444335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/134.png", + [ + 0.19802771508693695, + -0.027999576181173325, + 0.08336035162210464, + -0.9902845621109009, + -0.021912258118391037, + -0.21463049948215485, + -0.020037446171045303, + 0.219966322183609, + 0.08516324311494827, + 0.009882817044854164, + -0.1989910900592804, + 2.410172939300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/70.png", + [ + 0.21549616754055023, + 0.020430754870176315, + -0.00958579033613205, + 0.11642394959926605, + 0.02138705551624298, + -0.21426227688789368, + 0.024128159508109093, + -0.30777230858802795, + -0.007203965447843075, + -0.02494310587644577, + -0.2151135504245758, + 2.6837992668151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/135.png", + [ + 0.1964302659034729, + -0.029027901589870453, + 0.08672039955854416, + -1.0313714742660522, + -0.023033790290355682, + -0.21454958617687225, + -0.01964232511818409, + 0.2166043370962143, + 0.08850136399269104, + 0.008588212542235851, + -0.19758957624435425, + 2.39780330657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/130.png", + [ + 0.20318220555782318, + -0.019607847556471825, + 0.07266649603843689, + -0.8529527187347412, + -0.011965169571340084, + -0.21494722366333008, + -0.024544229730963707, + 0.27514949440956116, + 0.07430829107761383, + 0.019003072753548622, + -0.20264515280723572, + 2.4298934936523438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/90.png", + [ + 0.21578332781791687, + 0.017048845067620277, + -0.009735840372741222, + 0.11927703768014908, + 0.018092159181833267, + -0.21440176665782928, + 0.025543097406625748, + -0.32080069184303284, + -0.007623879238963127, + -0.02625095844268799, + -0.21494339406490326, + 2.678985595703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/122.png", + [ + 0.19952796399593353, + -0.02318856306374073, + 0.08123283833265305, + -0.9646227359771729, + -0.016750087961554527, + -0.2150747925043106, + -0.020252451300621033, + 0.2226128876209259, + 0.08280046284198761, + 0.012370035983622074, + -0.19984734058380127, + 2.4075231552124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/15.png", + [ + 0.21482817828655243, + 0.01994243636727333, + -0.019976237788796425, + 0.24709731340408325, + 0.022043131291866302, + -0.21430794894695282, + 0.02311062067747116, + -0.3026064336299896, + -0.01763097010552883, + -0.0249459408223629, + -0.2145104557275772, + 2.713350296020508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/22.png", + [ + 0.21474002301692963, + 0.020914718508720398, + -0.019929789006710052, + 0.24777647852897644, + 0.023332443088293076, + -0.21369759738445282, + 0.027144478633999825, + -0.34861940145492554, + -0.017035814002156258, + -0.029048237949609756, + -0.21404175460338593, + 2.7242798805236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/138.png", + [ + 0.1967567801475525, + -0.02523874118924141, + 0.08716458827257156, + -1.0376883745193481, + -0.0184764564037323, + -0.21490797400474548, + -0.02052023820579052, + 0.23434501886367798, + 0.08884414285421371, + 0.011201141402125359, + -0.19730472564697266, + 2.411198139190674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/109.png", + [ + 0.2121410220861435, + -0.01845816895365715, + 0.040042102336883545, + -0.4719468653202057, + -0.018361499533057213, + -0.21588362753391266, + -0.0022373604588210583, + 0.01130872592329979, + 0.040086522698402405, + -0.0012027127668261528, + -0.21293078362941742, + 2.5593013763427734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/26.png", + [ + 0.21480216085910797, + 0.022243130952119827, + -0.017696760594844818, + 0.21924671530723572, + 0.02438916265964508, + -0.21351218223571777, + 0.027669789269566536, + -0.35411539673805237, + -0.014597972854971886, + -0.029422642663121223, + -0.21417072415351868, + 2.7198901176452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/43.png", + [ + 0.21544992923736572, + 0.020973101258277893, + -0.0094529390335083, + 0.1115538477897644, + 0.021931074559688568, + -0.21413655579090118, + 0.024747949093580246, + -0.30615028738975525, + -0.0069467234425246716, + -0.025564858689904213, + -0.21504901349544525, + 2.6495461463928223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/84.png", + [ + 0.21550112962722778, + 0.01983194798231125, + -0.010669880546629429, + 0.12749317288398743, + 0.021016977727413177, + -0.2139877825975418, + 0.02674706280231476, + -0.33627888560295105, + -0.00808944646269083, + -0.02763715572655201, + -0.21475251019001007, + 2.6431055068969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/136.png", + [ + 0.1969451755285263, + -0.028655072674155235, + 0.08567018806934357, + -1.018365740776062, + -0.023029519245028496, + -0.21462152898311615, + -0.01884487271308899, + 0.2102159857749939, + 0.08735065162181854, + 0.008023382164537907, + -0.19812467694282532, + 2.4057979583740234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/89.png", + [ + 0.21550221741199493, + 0.01913975551724434, + -0.011847167275846004, + 0.14300689101219177, + 0.02025996334850788, + -0.21462100744247437, + 0.021800411865115166, + -0.27992165088653564, + -0.00980916153639555, + -0.02279021218419075, + -0.21524934470653534, + 2.6729440689086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/63.png", + [ + 0.21554294228553772, + 0.019994309172034264, + -0.009452822618186474, + 0.11500139534473419, + 0.02101072669029236, + -0.21403594315052032, + 0.026363980025053024, + -0.3371858596801758, + -0.006904888898134232, + -0.02714291587471962, + -0.21485687792301178, + 2.690274238586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/88.png", + [ + 0.21547548472881317, + 0.01936955563724041, + -0.01195928268134594, + 0.14348441362380981, + 0.020621612668037415, + -0.21429920196533203, + 0.024463992565870285, + -0.3115266263484955, + -0.009641221724450588, + -0.025466805323958397, + -0.21495668590068817, + 2.663362979888916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/62.png", + [ + 0.2155490666627884, + 0.019998811185359955, + -0.009302477352321148, + 0.11255009472370148, + 0.020977318286895752, + -0.21411257982254028, + 0.025761350989341736, + -0.3292418420314789, + -0.006814739666879177, + -0.026528149843215942, + -0.2149365395307541, + 2.6896133422851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/65.png", + [ + 0.21545664966106415, + 0.02050601877272129, + -0.010287458077073097, + 0.12511195242404938, + 0.021594414487481117, + -0.2140772044658661, + 0.025544587522745132, + -0.3267267048358917, + -0.0077466038055717945, + -0.026426270604133606, + -0.21491749584674835, + 2.6890463829040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/80.png", + [ + 0.21556240320205688, + 0.019671136513352394, + -0.009684598073363304, + 0.11508847773075104, + 0.020755242556333542, + -0.21392300724983215, + 0.027460219338536263, + -0.3455614745616913, + -0.007068592123687267, + -0.02824694663286209, + -0.21470917761325836, + 2.6422691345214844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/146.png", + [ + 0.19265244901180267, + -0.029188796877861023, + 0.09476780891418457, + -1.1332409381866455, + -0.021837063133716583, + -0.21447966992855072, + -0.021668115630745888, + 0.24329811334609985, + 0.09672676771879196, + 0.009714866057038307, + -0.19364258646965027, + 2.3643932342529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/119.png", + [ + 0.19988355040550232, + -0.02587299980223179, + 0.07953017204999924, + -0.9553060531616211, + -0.02012895978987217, + -0.21487148106098175, + -0.01931244134902954, + 0.2184993326663971, + 0.08117441833019257, + 0.010427524335682392, + -0.20062372088432312, + 2.430048942565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/145.png", + [ + 0.19182145595550537, + -0.030996717512607574, + 0.09587295353412628, + -1.145938754081726, + -0.023241546005010605, + -0.2142190784215927, + -0.022757824510335922, + 0.2573913037776947, + 0.0980420783162117, + 0.009863656014204025, + -0.19297242164611816, + 2.357985019683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/79.png", + [ + 0.21553851664066315, + 0.02008948102593422, + -0.009351858869194984, + 0.11152099817991257, + 0.021131068468093872, + -0.21386924386024475, + 0.027592157945036888, + -0.34730368852615356, + -0.006672505754977465, + -0.028359513729810715, + -0.21470704674720764, + 2.6475725173950195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/116.png", + [ + 0.2101854830980301, + -0.017451534047722816, + 0.04965274780988693, + -0.5892231464385986, + -0.016220446676015854, + -0.21594545245170593, + -0.007235787343233824, + 0.06875365972518921, + 0.050068438053131104, + 0.00330203864723444, + -0.21078458428382874, + 2.556572437286377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/19.png", + [ + 0.21470299363136292, + 0.021025963127613068, + -0.02020953595638275, + 0.2498834878206253, + 0.02321120724081993, + -0.21410483121871948, + 0.023838039487600327, + -0.3102532923221588, + -0.017656618729233742, + -0.025786062702536583, + -0.2144089937210083, + 2.7283244132995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/77.png", + [ + 0.2155754566192627, + 0.019799184054136276, + -0.009116046130657196, + 0.10880552977323532, + 0.02079811319708824, + -0.2139611393213272, + 0.02712872438132763, + -0.3427625596523285, + -0.006522927898913622, + -0.02786613255739212, + -0.21477621793746948, + 2.6583056449890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/68.png", + [ + 0.215423122048378, + 0.020662935450673103, + -0.01066826842725277, + 0.12925846874713898, + 0.02178666926920414, + -0.21408987045288086, + 0.025273863226175308, + -0.3226959705352783, + -0.00813079159706831, + -0.02620057761669159, + -0.2149309664964676, + 2.686221122741699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/143.png", + [ + 0.19188518822193146, + -0.031084829941391945, + 0.09571676701307297, + -1.148871898651123, + -0.023703236132860184, + -0.214241623878479, + -0.022058457136154175, + 0.25195425748825073, + 0.09780656546354294, + 0.00906379148364067, + -0.19313108921051025, + 2.36387300491333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/86.png", + [ + 0.21550261974334717, + 0.019852060824632645, + -0.01060221903026104, + 0.12612798810005188, + 0.021019436419010162, + -0.21401706337928772, + 0.026509976014494896, + -0.3350736200809479, + -0.00804329663515091, + -0.0273950956761837, + -0.21478526294231415, + 2.6505064964294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/1.png", + [ + 0.21491345763206482, + 0.022603586316108704, + -0.01578531041741371, + 0.1964644491672516, + 0.022835623472929, + -0.21545474231243134, + 0.00238405866548419, + -0.03783172741532326, + -0.015447733923792839, + -0.004028314724564552, + -0.21608570218086243, + 2.7040653228759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/81.png", + [ + 0.2155153900384903, + 0.02016744762659073, + -0.009710061363875866, + 0.11552326381206512, + 0.021230725571513176, + -0.21395500004291534, + 0.02684037946164608, + -0.33807775378227234, + -0.007089958060532808, + -0.027648214250802994, + -0.21478642523288727, + 2.641465663909912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/95.png", + [ + 0.2166239470243454, + 0.0046853674575686455, + -2.525947093090508e-05, + 0.001967440126463771, + 0.004645098000764847, + -0.2146029770374298, + 0.029527680948376656, + -0.37226060032844543, + 0.0006134878494776785, + -0.029521314427256584, + -0.21465323865413666, + 2.6717538833618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/103.png", + [ + 0.21532420814037323, + -0.011910328641533852, + 0.021012401208281517, + -0.2424771636724472, + -0.012683955952525139, + -0.21617485582828522, + 0.007445561699569225, + -0.10129740834236145, + 0.020554663613438606, + -0.0086292065680027, + -0.2155247926712036, + 2.5854878425598145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/150.png", + [ + 0.19272100925445557, + -0.030141210183501244, + 0.09432925283908844, + -1.1190980672836304, + -0.02076062746345997, + -0.21410509943962097, + -0.025998059660196304, + 0.29275527596473694, + 0.09682715684175491, + 0.01408581156283617, + -0.1933235377073288, + 2.3486385345458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/83.png", + [ + 0.21558696031570435, + 0.019374288618564606, + -0.009736168198287487, + 0.11620980501174927, + 0.020445534959435463, + -0.21403557062149048, + 0.026807693764567375, + -0.3374444544315338, + -0.007220531813800335, + -0.027591831982135773, + -0.21478931605815887, + 2.6403918266296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/142.png", + [ + 0.19312293827533722, + -0.029774600639939308, + 0.09362105280160904, + -1.1227924823760986, + -0.022672433406114578, + -0.21441763639450073, + -0.021422874182462692, + 0.2444060742855072, + 0.09558969736099243, + 0.00929795578122139, + -0.19422681629657745, + 2.379136085510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/51.png", + [ + 0.21554039418697357, + 0.020002419129014015, + -0.009493750520050526, + 0.11162581294775009, + 0.021035265177488327, + -0.21398989856243134, + 0.026715833693742752, + -0.33361440896987915, + -0.006909831892699003, + -0.027497662231326103, + -0.21481162309646606, + 2.648082733154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/128.png", + [ + 0.20245109498500824, + -0.020267736166715622, + 0.07450278848409653, + -0.8767006397247314, + -0.012821484357118607, + -0.21499836444854736, + -0.023647522553801537, + 0.262027770280838, + 0.07613839209079742, + 0.017686568200588226, + -0.20208418369293213, + 2.422471523284912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RUcLuQ17UV8+P0+C1+F29582-29745/93.png", + [ + 0.21617291867733002, + 0.012759239412844181, + -0.007373331114649773, + 0.09042225778102875, + 0.013549163937568665, + -0.21472150087356567, + 0.025670846924185753, + -0.32636868953704834, + -0.00579519709572196, + -0.026072481647133827, + -0.21502217650413513, + 2.6937031745910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/76.png", + [ + 0.2136290967464447, + -0.012141815386712551, + -0.03410394862294197, + 0.40165433287620544, + -0.021208034828305244, + -0.20740346610546112, + -0.05900777876377106, + 0.6856304407119751, + -0.02933807298541069, + 0.06151646375656128, + -0.20567668974399567, + 2.463792324066162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/48.png", + [ + 0.2158041149377823, + -0.019127732142806053, + -0.003256786148995161, + 0.03874790295958519, + -0.0192688200622797, + -0.207001194357872, + -0.06105010211467743, + 0.6652489304542542, + 0.0022780306171625853, + 0.061094459146261215, + -0.20787057280540466, + 2.3588480949401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/137.png", + [ + 0.20244622230529785, + 0.002611244795843959, + -0.07717904448509216, + 0.8964197635650635, + -0.019251061603426933, + -0.20800738036632538, + -0.05753457173705101, + 0.6565119624137878, + -0.07478515058755875, + 0.06061363220214844, + -0.19411611557006836, + 2.315290927886963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/173.png", + [ + 0.17883652448654175, + -0.015846645459532738, + -0.12130240350961685, + 1.3715221881866455, + -0.041843194514513016, + -0.20981404185295105, + -0.034279972314834595, + 0.37755727767944336, + -0.11495450884103775, + 0.05171898379921913, + -0.17623423039913177, + 2.058088779449463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/35.png", + [ + 0.2157212197780609, + -0.016275357455015182, + -0.012139278464019299, + 0.14222006499767303, + -0.01828213408589363, + -0.2120545506477356, + -0.04057741165161133, + 0.46765679121017456, + -0.008832494728267193, + 0.04142312705516815, + -0.21249471604824066, + 2.5396456718444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/124.png", + [ + 0.20567424595355988, + 0.002602705266326666, + -0.0681118294596672, + 0.7873019576072693, + -0.013855825178325176, + -0.21039944887161255, + -0.04987965151667595, + 0.5553558468818665, + -0.06673837453126907, + 0.051702894270420074, + -0.19955122470855713, + 2.368093967437744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/97.png", + [ + 0.20769785344600677, + -0.009848324581980705, + -0.06093034893274307, + 0.7130268216133118, + -0.023739652708172798, + -0.2101905643939972, + -0.046949513256549835, + 0.5383540391921997, + -0.056973036378622055, + 0.05168015509843826, + -0.20256143808364868, + 2.421283721923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/277.png", + [ + 0.21279273927211761, + 0.022968439385294914, + 0.03375779092311859, + -0.3853500485420227, + 0.025760967284440994, + -0.21450911462306976, + -0.01643495075404644, + 0.17645129561424255, + 0.031678229570388794, + 0.02015405148267746, + -0.2133968025445938, + 2.5566368103027344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/155.png", + [ + 0.17231936752796173, + -0.004111462738364935, + -0.13128983974456787, + 1.5117805004119873, + -0.03454003483057022, + -0.2103653997182846, + -0.038746386766433716, + 0.4333464801311493, + -0.12673167884349823, + 0.0517435260117054, + -0.16795708239078522, + 1.9949055910110474, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/192.png", + [ + 0.18632133305072784, + -0.01682247593998909, + -0.10931264609098434, + 1.278801441192627, + -0.045065972954034805, + -0.20711670815944672, + -0.044940244406461716, + 0.507907509803772, + -0.10100153088569641, + 0.061380550265312195, + -0.18160124123096466, + 2.1859755516052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/271.png", + [ + 0.21505379676818848, + 0.012052989564836025, + -0.023547494783997536, + 0.2646753787994385, + 0.007622742559760809, + -0.21293075382709503, + -0.039373721927404404, + 0.43114131689071655, + -0.02533086948096752, + 0.038250766694545746, + -0.2117619663476944, + 2.493622303009033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/13.png", + [ + 0.21078267693519592, + -0.012987898662686348, + -0.04847550019621849, + 0.5647569298744202, + -0.02364070899784565, + -0.21031339466571808, + -0.04644661769270897, + 0.5290756225585938, + -0.04426823556423187, + 0.05047262832522392, + -0.20601148903369904, + 2.463315486907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/274.png", + [ + 0.21309174597263336, + 0.033709730952978134, + 0.020086301490664482, + -0.24296104907989502, + 0.03621537983417511, + -0.21164856851100922, + -0.029003983363509178, + 0.312877357006073, + 0.015107998624444008, + 0.03188163787126541, + -0.21378308534622192, + 2.536388874053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/32.png", + [ + 0.21525685489177704, + -0.015604504384100437, + -0.019206257537007332, + 0.22866903245449066, + -0.018867604434490204, + -0.21230453252792358, + -0.038970354944467545, + 0.4511646032333374, + -0.016012314707040787, + 0.04038780555129051, + -0.21227417886257172, + 2.5564236640930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/158.png", + [ + 0.16945156455039978, + -0.0018592524575069547, + -0.13502076268196106, + 1.5514403581619263, + -0.03249838948249817, + -0.21084752678871155, + -0.037882205098867416, + 0.4235679805278778, + -0.1310645490884781, + 0.0498773530125618, + -0.16517330706119537, + 1.9578956365585327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/256.png", + [ + 0.1997150033712387, + -0.021685495972633362, + -0.0811883732676506, + 0.9510701894760132, + -0.040411703288555145, + -0.2083253264427185, + -0.04376469925045967, + 0.4961526095867157, + -0.07367977499961853, + 0.055481474846601486, + -0.19606375694274902, + 2.3462038040161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/38.png", + [ + 0.21605704724788666, + -0.014214935712516308, + -0.008073819801211357, + 0.09307445585727692, + -0.015533293597400188, + -0.21186481416225433, + -0.042660411447286606, + 0.48988446593284607, + -0.005095858592540026, + 0.04311763122677803, + -0.21227999031543732, + 2.515700340270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/148.png", + [ + 0.17189131677150726, + 0.00038293394027277827, + -0.13191328942775726, + 1.53585684299469, + -0.03602323308587074, + -0.2083018720149994, + -0.04754522815346718, + 0.5396508574485779, + -0.12689992785453796, + 0.05964960902929306, + -0.16518543660640717, + 1.9727073907852173, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/222.png", + [ + 0.19004857540130615, + -0.017727145925164223, + -0.10254355520009995, + 1.1845289468765259, + -0.03621353209018707, + -0.21142901480197906, + -0.030565515160560608, + 0.3391803205013275, + -0.0975603237748146, + 0.04394790902733803, + -0.18841035664081573, + 2.230587959289551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/111.png", + [ + 0.21117819845676422, + 0.0035445094108581543, + -0.04836420342326164, + 0.5597897171974182, + -0.00889672338962555, + -0.20959550142288208, + -0.05420759692788124, + 0.612342894077301, + -0.04767083004117012, + 0.05481835827231407, + -0.20413312315940857, + 2.4230728149414062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/164.png", + [ + 0.16363319754600525, + -0.003917562775313854, + -0.14197435975074768, + 1.6322473287582397, + -0.03711632639169693, + -0.2102450132369995, + -0.03697720542550087, + 0.4081350564956665, + -0.13709282875061035, + 0.05224546045064926, + -0.15944860875606537, + 1.896546721458435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/11.png", + [ + 0.20878106355667114, + -0.010668381117284298, + -0.05696089565753937, + 0.6663222312927246, + -0.023996777832508087, + -0.2097700983285904, + -0.04866786673665047, + 0.5550617575645447, + -0.05274953320622444, + 0.05320330709218979, + -0.2033095806837082, + 2.4309864044189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/125.png", + [ + 0.20641547441482544, + 0.001240621553733945, + -0.06587116420269012, + 0.75858473777771, + -0.0148716289550066, + -0.21016749739646912, + -0.050560399889945984, + 0.5616564750671387, + -0.06418243795633316, + 0.05268757417798042, + -0.20013128221035004, + 2.374922275543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/59.png", + [ + 0.21592573821544647, + -0.01571463607251644, + -0.008776475675404072, + 0.09897314012050629, + -0.01748010888695717, + -0.20827274024486542, + -0.05713851377367973, + 0.6456204652786255, + -0.0042921025305986404, + 0.05764906480908394, + -0.208820641040802, + 2.422524929046631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/105.png", + [ + 0.2083914875984192, + -0.006085626315325499, + -0.059024177491664886, + 0.6894468665122986, + -0.01975591853260994, + -0.2103511393070221, + -0.04806245490908623, + 0.5443865656852722, + -0.055951692163944244, + 0.05160679668188095, + -0.2028646022081375, + 2.4162797927856445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/121.png", + [ + 0.20638498663902283, + 0.004419143311679363, + -0.06583008915185928, + 0.7596673369407654, + -0.011427225545048714, + -0.21052668988704681, + -0.049958232790231705, + 0.5549890398979187, + -0.0649811401963234, + 0.051057592034339905, + -0.20029594004154205, + 2.370154857635498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/255.png", + [ + 0.19942285120487213, + -0.023644469678401947, + -0.08135945349931717, + 0.951069712638855, + -0.04230186715722084, + -0.2080635130405426, + -0.0432206429541111, + 0.4890179932117462, + -0.07340963184833527, + 0.05566338077187538, + -0.19611351191997528, + 2.3434062004089355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/175.png", + [ + 0.18082036077976227, + -0.016900086775422096, + -0.11817900836467743, + 1.3384745121002197, + -0.04142366722226143, + -0.21004816889762878, + -0.03334273025393486, + 0.3632360100746155, + -0.1119641363620758, + 0.050418704748153687, + -0.17852137982845306, + 2.0873727798461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/198.png", + [ + 0.18767158687114716, + -0.01622156985104084, + -0.1070706769824028, + 1.254776120185852, + -0.042827557772397995, + -0.20788249373435974, + -0.04357248172163963, + 0.49156454205513, + -0.09946390241384506, + 0.058903489261865616, + -0.1832626610994339, + 2.2087488174438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/24.png", + [ + 0.21321286261081696, + -0.016340935602784157, + -0.034944772720336914, + 0.4134901762008667, + -0.02254120260477066, + -0.21205514669418335, + -0.03837181627750397, + 0.44664397835731506, + -0.03130587190389633, + 0.041394151747226715, + -0.21036720275878906, + 2.5249810218811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/275.png", + [ + 0.21312977373600006, + 0.03022843971848488, + 0.024694791063666344, + -0.2892411947250366, + 0.032602157443761826, + -0.2132387012243271, + -0.0203531626611948, + 0.21218247711658478, + 0.021463708952069283, + 0.023735908791422844, + -0.21429841220378876, + 2.556518077850342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/214.png", + [ + 0.18728691339492798, + -0.016944147646427155, + -0.10763083398342133, + 1.2531654834747314, + -0.03988064453005791, + -0.20984607934951782, + -0.03636002540588379, + 0.406100332736969, + -0.10139543563127518, + 0.051238786429166794, + -0.1845032274723053, + 2.203677177429199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/74.png", + [ + 0.21411922574043274, + -0.012991214171051979, + -0.030529987066984177, + 0.36047983169555664, + -0.021135326474905014, + -0.20709504187107086, + -0.06010691449046135, + 0.6954146027565002, + -0.025576354935765266, + 0.062376052141189575, + -0.20591981709003448, + 2.4686245918273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/251.png", + [ + 0.19838960468769073, + -0.026333967223763466, + -0.08304206281900406, + 0.9573211073875427, + -0.0443291962146759, + -0.20831544697284698, + -0.039843421429395676, + 0.44509217143058777, + -0.07499590516090393, + 0.05347053334116936, + -0.19612348079681396, + 2.322828769683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/193.png", + [ + 0.18668341636657715, + -0.01637250930070877, + -0.10876181721687317, + 1.2726318836212158, + -0.04452446475625038, + -0.20716911554336548, + -0.045237403362989426, + 0.511185348033905, + -0.10057218372821808, + 0.06132529303431511, + -0.18185801804065704, + 2.189487934112549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/129.png", + [ + 0.20779235661029816, + 0.00020147424947936088, + -0.0614018440246582, + 0.7062408924102783, + -0.01573396846652031, + -0.20926445722579956, + -0.05393258109688759, + 0.6168612241744995, + -0.059352077543735504, + 0.056180428713560104, + -0.20067133009433746, + 2.390331268310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/249.png", + [ + 0.19835056364536285, + -0.026603173464536667, + -0.08304953575134277, + 0.9528070092201233, + -0.0432756282389164, + -0.20917361974716187, + -0.03635255619883537, + 0.4021807610988617, + -0.07571111619472504, + 0.04986541345715523, + -0.19679726660251617, + 2.3185243606567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/172.png", + [ + 0.17760597169399261, + -0.015516339801251888, + -0.1231391578912735, + 1.3922390937805176, + -0.04188496991991997, + -0.20985637605190277, + -0.03396821767091751, + 0.3740103840827942, + -0.11683172732591629, + 0.051647208631038666, + -0.17501656711101532, + 2.0455732345581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/232.png", + [ + 0.19353516399860382, + -0.016299735754728317, + -0.09605392068624496, + 1.1018637418746948, + -0.034504249691963196, + -0.2112424224615097, + -0.033674728125333786, + 0.37343060970306396, + -0.09111253172159195, + 0.045374542474746704, + -0.19127872586250305, + 2.2417593002319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/153.png", + [ + 0.17142368853092194, + -0.004513522610068321, + -0.1324440836906433, + 1.5240086317062378, + -0.03738125413656235, + -0.20940209925174713, + -0.041246768087148666, + 0.46227750182151794, + -0.12713950872421265, + 0.05548226833343506, + -0.1664486676454544, + 1.9815565347671509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/144.png", + [ + 0.1924263834953308, + 0.003118436550721526, + -0.0995502918958664, + 1.1625171899795532, + -0.022381393238902092, + -0.20967571437358856, + -0.049830399453639984, + 0.5742818713188171, + -0.09705183655023575, + 0.05453687161207199, + -0.18588858842849731, + 2.2252001762390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/188.png", + [ + 0.18555521965026855, + -0.017409028485417366, + -0.11051733046770096, + 1.2820854187011719, + -0.04528842121362686, + -0.20740336179733276, + -0.04336706921458244, + 0.48845282196998596, + -0.10230401903390884, + 0.060238439589738846, + -0.18125426769256592, + 2.165982723236084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/98.png", + [ + 0.20776064693927765, + -0.010248372331261635, + -0.06064963713288307, + 0.7098451256752014, + -0.02386949583888054, + -0.2103363573551178, + -0.04622512310743332, + 0.5295563340187073, + -0.05668910592794418, + 0.05100475624203682, + -0.2028121054172516, + 2.424804210662842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/0.png", + [ + 0.20160020887851715, + -0.007931521162390709, + -0.07900846004486084, + 0.919712483882904, + -0.02789587341248989, + -0.20892348885536194, + -0.05020643398165703, + 0.5730183124542236, + -0.07434423267841339, + 0.05688547343015671, + -0.19540950655937195, + 2.319326877593994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/163.png", + [ + 0.16340389847755432, + -0.0027330350130796432, + -0.1422659009695053, + 1.6367868185043335, + -0.03580329194664955, + -0.21045447885990143, + -0.037079986184835434, + 0.4094357490539551, + -0.13771411776542664, + 0.051471661776304245, + -0.1591646373271942, + 1.8952854871749878, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/96.png", + [ + 0.20778043568134308, + -0.00988095998764038, + -0.06064280495047569, + 0.7084754705429077, + -0.023645641282200813, + -0.21024325489997864, + -0.04676064848899841, + 0.5358818173408508, + -0.0567103773355484, + 0.05145912617444992, + -0.20269134640693665, + 2.4225802421569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/100.png", + [ + 0.20782789587974548, + -0.009027467109262943, + -0.06061325594782829, + 0.7110359072685242, + -0.021981103345751762, + -0.21103127300739288, + -0.043937720358371735, + 0.5013815760612488, + -0.05720395967364311, + 0.048292823135852814, + -0.20333078503608704, + 2.4304308891296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/40.png", + [ + 0.2160942554473877, + -0.014657498337328434, + -0.006027051247656345, + 0.06759382039308548, + -0.015600768849253654, + -0.21124249696731567, + -0.04561932384967804, + 0.5214413404464722, + -0.0027899162378162146, + 0.04593108221888542, + -0.21173201501369476, + 2.5000762939453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/141.png", + [ + 0.1996716856956482, + 0.003541290294378996, + -0.0840628519654274, + 0.9732567071914673, + -0.018612245097756386, + -0.20926032960414886, + -0.053024500608444214, + 0.6073614954948425, + -0.08205295354127884, + 0.056084513664245605, + -0.19253502786159515, + 2.300375461578369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/52.png", + [ + 0.21587267518043518, + -0.016929905861616135, + -0.007763282395899296, + 0.08922713994979858, + -0.01837862841784954, + -0.20827113091945648, + -0.05686172842979431, + 0.6247324347496033, + -0.0030192926060408354, + 0.05730975791811943, + -0.20893628895282745, + 2.3833069801330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/184.png", + [ + 0.18501760065555573, + -0.018603306263685226, + -0.11122187227010727, + 1.2740275859832764, + -0.04658421128988266, + -0.20722763240337372, + -0.04283130541443825, + 0.47717955708503723, + -0.10269518941640854, + 0.06048574671149254, + -0.18095046281814575, + 2.139529228210449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/227.png", + [ + 0.19251330196857452, + -0.01697610132396221, + -0.09797108918428421, + 1.1243056058883667, + -0.031772349029779434, + -0.21280309557914734, + -0.025558894500136375, + 0.27825167775154114, + -0.09421805292367935, + 0.03707493841648102, + -0.19156278669834137, + 2.2499256134033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/3.png", + [ + 0.20441952347755432, + -0.006379946134984493, + -0.07155316323041916, + 0.8270660638809204, + -0.023563077673316002, + -0.20983321964740753, + -0.04860760271549225, + 0.5491172671318054, + -0.06786266714334488, + 0.053639672696590424, + -0.19865883886814117, + 2.3568224906921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/231.png", + [ + 0.1931789368391037, + -0.01709672622382641, + -0.09663072973489761, + 1.1078805923461914, + -0.03452473133802414, + -0.21156108379364014, + -0.03158878907561302, + 0.3494451344013214, + -0.09185772389173508, + 0.04356042295694351, + -0.19134403765201569, + 2.2435860633850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/47.png", + [ + 0.2158842384815216, + -0.01823372207581997, + -0.0030685714446008205, + 0.03617854043841362, + -0.01834651082754135, + -0.20676392316818237, + -0.06212876737117767, + 0.6832274198532104, + 0.0023000796791166067, + 0.06216196343302727, + -0.20755359530448914, + 2.3764867782592773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/104.png", + [ + 0.20826861262321472, + -0.0066891685128211975, + -0.05939137563109398, + 0.6940097212791443, + -0.020051389932632446, + -0.21065451204776764, + -0.04658878222107887, + 0.5284149646759033, + -0.05630294233560562, + 0.05027750879526138, + -0.20310108363628387, + 2.421320915222168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/21.png", + [ + 0.2132541984319687, + -0.014277443289756775, + -0.035590656101703644, + 0.419083833694458, + -0.021099086850881577, + -0.21160708367824554, + -0.04153508320450783, + 0.4799374043941498, + -0.032021377235651016, + 0.04434511810541153, + -0.20965693891048431, + 2.504286289215088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/268.png", + [ + 0.2095118910074234, + -0.016604941338300705, + -0.052696652710437775, + 0.6171098351478577, + -0.02904091402888298, + -0.20890410244464874, + -0.049634575843811035, + 0.5666280388832092, + -0.04700305312871933, + 0.05505671352148056, + -0.20422381162643433, + 2.424732208251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/82.png", + [ + 0.21178442239761353, + -0.012150022201240063, + -0.044131968170404434, + 0.5210748314857483, + -0.024393489584326744, + -0.206724613904953, + -0.06014807149767876, + 0.6943789720535278, + -0.038732558488845825, + 0.06375900655984879, + -0.20342682301998138, + 2.432522773742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/106.png", + [ + 0.20856498181819916, + -0.00583450635895133, + -0.05843372270464897, + 0.6817762851715088, + -0.019890038296580315, + -0.2098775953054428, + -0.05003675818443298, + 0.5666139721870422, + -0.055253300815820694, + 0.05352802574634552, + -0.20255793631076813, + 2.4123339653015137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/14.png", + [ + 0.21122649312019348, + -0.012710778042674065, + -0.046580005437135696, + 0.5434715747833252, + -0.022565793246030807, + -0.21078605949878693, + -0.04480975493788719, + 0.5119820237159729, + -0.04268542677164078, + 0.04853416606783867, + -0.20680977404117584, + 2.471501350402832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/67.png", + [ + 0.21534422039985657, + -0.01485960278660059, + -0.018813541159033775, + 0.2148834615945816, + -0.01972775161266327, + -0.20644979178905487, + -0.06274712830781937, + 0.7133477926254272, + -0.013622518628835678, + 0.0640747919678688, + -0.20653508603572845, + 2.4420061111450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/272.png", + [ + 0.21529394388198853, + 0.02229117974638939, + -0.009976329281926155, + 0.10300101339817047, + 0.020495576784014702, + -0.21304896473884583, + -0.033733829855918884, + 0.3645983338356018, + -0.013279881328344345, + 0.03257519751787186, + -0.21379989385604858, + 2.5186233520507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/241.png", + [ + 0.19564349949359894, + -0.021156784147024155, + -0.09068577736616135, + 1.0397957563400269, + -0.03757764399051666, + -0.21100200712680817, + -0.03184289485216141, + 0.3542102575302124, + -0.08520235121250153, + 0.04447966068983078, + -0.19419065117835999, + 2.2821149826049805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/78.png", + [ + 0.2132158726453781, + -0.011454513296484947, + -0.0368196964263916, + 0.4326246976852417, + -0.02082955837249756, + -0.20832473039627075, + -0.055810727179050446, + 0.6441051363945007, + -0.0324503518640995, + 0.05845940485596657, + -0.20610038936138153, + 2.460172176361084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/191.png", + [ + 0.1856190711259842, + -0.015993302688002586, + -0.11062398552894592, + 1.2923414707183838, + -0.044988129287958145, + -0.2069980949163437, + -0.04556039348244667, + 0.5160405039787292, + -0.10232067853212357, + 0.061999160796403885, + -0.18065014481544495, + 2.171712875366211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/31.png", + [ + 0.2150512933731079, + -0.01548385713249445, + -0.02147296629846096, + 0.2556231617927551, + -0.019220108166337013, + -0.2121766209602356, + -0.039491381496191025, + 0.4609299302101135, + -0.018205096945166588, + 0.04110027104616165, + -0.21196046471595764, + 2.5579066276550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/194.png", + [ + 0.18659210205078125, + -0.016543181613087654, + -0.10889264941215515, + 1.274619221687317, + -0.044460803270339966, + -0.20730116963386536, + -0.044691842049360275, + 0.5037717819213867, + -0.10076964646577835, + 0.06083129718899727, + -0.18191459774971008, + 2.191157817840576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/152.png", + [ + 0.17095518112182617, + -0.005237391218543053, + -0.133021742105484, + 1.5342150926589966, + -0.03820182383060455, + -0.20933103561401367, + -0.04085385799407959, + 0.4574200510978699, + -0.12752583622932434, + 0.05568650737404823, + -0.16608452796936035, + 1.9789751768112183, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/270.png", + [ + 0.2134878933429718, + 0.0011946659069508314, + -0.03700512647628784, + 0.42490336298942566, + -0.0065954201854765415, + -0.2118709236383438, + -0.04488993063569069, + 0.49920013546943665, + -0.03643222525715828, + 0.04535612836480141, + -0.20871849358081818, + 2.468602180480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/39.png", + [ + 0.2160664200782776, + -0.014626674354076385, + -0.007018344011157751, + 0.07965365052223206, + -0.015759004279971123, + -0.2114916741847992, + -0.044393885880708694, + 0.5096003413200378, + -0.003853642614558339, + 0.04477972164750099, + -0.21196185052394867, + 2.509019374847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/92.png", + [ + 0.20794503390789032, + -0.010483107529580593, + -0.05997385457158089, + 0.7007216215133667, + -0.02579825185239315, + -0.20850153267383575, + -0.05300433561205864, + 0.6108434796333313, + -0.05514715984463692, + 0.05800959840416908, + -0.2013493925333023, + 2.405914306640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/203.png", + [ + 0.18773289024829865, + -0.015162419527769089, + -0.1071183979511261, + 1.2559003829956055, + -0.042419593781232834, + -0.20767325162887573, + -0.04494768753647804, + 0.5110095143318176, + -0.09952300786972046, + 0.05991508811712265, + -0.1829022914171219, + 2.2048516273498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/53.png", + [ + 0.21580246090888977, + -0.017949331551790237, + -0.007416935171931982, + 0.08625376969575882, + -0.019262585788965225, + -0.20837455987930298, + -0.05618627741932869, + 0.6221809387207031, + -0.0024783445987850428, + 0.05661948770284653, + -0.20913149416446686, + 2.3976845741271973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/245.png", + [ + 0.19578514993190765, + -0.027571750804781914, + -0.08863332867622375, + 1.0161913633346558, + -0.04430682957172394, + -0.20956330001354218, + -0.03268061578273773, + 0.36167556047439575, + -0.08156576752662659, + 0.047654129564762115, + -0.19499744474887848, + 2.296755313873291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/75.png", + [ + 0.21390704810619354, + -0.012612168677151203, + -0.03213413432240486, + 0.37845370173454285, + -0.02119496278464794, + -0.20718616247177124, + -0.0597708523273468, + 0.6935213208198547, + -0.027247807011008263, + 0.062150739133358, + -0.2057735025882721, + 2.465606689453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/151.png", + [ + 0.1699814647436142, + -0.004663747735321522, + -0.13428492844104767, + 1.5524417161941528, + -0.03808949887752533, + -0.20933379232883453, + -0.04094449430704117, + 0.45786234736442566, + -0.12885412573814392, + 0.05572711303830147, + -0.16504241526126862, + 1.969081997871399, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/87.png", + [ + 0.20990827679634094, + -0.011665103957057, + -0.05244360491633415, + 0.6157509088516235, + -0.02565537765622139, + -0.20759624242782593, + -0.05651107802987099, + 0.6511772274971008, + -0.047203898429870605, + 0.06095592677593231, + -0.20249460637569427, + 2.4209423065185547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/139.png", + [ + 0.20267705619335175, + 0.0017876088386401534, + -0.07659444212913513, + 0.8841410875320435, + -0.01920013502240181, + -0.20851828157901764, + -0.05567213520407677, + 0.6352974772453308, + -0.07417046278715134, + 0.05886286124587059, + -0.19488918781280518, + 2.326291561126709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/107.png", + [ + 0.20911502838134766, + -0.003133160760626197, + -0.05664790794253349, + 0.6601459383964539, + -0.017132751643657684, + -0.2097311168909073, + -0.05164523050189018, + 0.5857306122779846, + -0.05408577620983124, + 0.05432259663939476, + -0.20266149938106537, + 2.413672924041748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/112.png", + [ + 0.21151421964168549, + 0.0019293609075248241, + -0.04696713387966156, + 0.5421666502952576, + -0.009774096310138702, + -0.20995520055294037, + -0.05264190211892128, + 0.5902628302574158, + -0.04597935453057289, + 0.05350682884454727, + -0.20486779510974884, + 2.423614025115967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/267.png", + [ + 0.20874346792697906, + -0.016908178105950356, + -0.05557134747505188, + 0.6506173014640808, + -0.03021840564906597, + -0.2086431235074997, + -0.050027940422296524, + 0.5712457895278931, + -0.049607548862695694, + 0.055946942418813705, + -0.20336401462554932, + 2.423344612121582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/69.png", + [ + 0.21510300040245056, + -0.014746109023690224, + -0.021474290639162064, + 0.24866797029972076, + -0.020503977313637733, + -0.2060152143239975, + -0.06391570717096329, + 0.7276644706726074, + -0.016067974269390106, + 0.06548421829938889, + -0.20591631531715393, + 2.4547314643859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/157.png", + [ + 0.16924208402633667, + -0.0010966459522023797, + -0.13529154658317566, + 1.5546578168869019, + -0.032483089715242386, + -0.21065953373908997, + -0.03892694413661957, + 0.4352235496044159, + -0.1313387155532837, + 0.050687823444604874, + -0.16470816731452942, + 1.9538887739181519, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/45.png", + [ + 0.2160729169845581, + -0.015788553282618523, + -0.0033332339953631163, + 0.035360801964998245, + -0.016096631065011024, + -0.20774269104003906, + -0.05942860618233681, + 0.6654084920883179, + 0.0011345890816301107, + 0.059511203318834305, + -0.20833872258663177, + 2.4313220977783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/259.png", + [ + 0.20223715901374817, + -0.018253138288855553, + -0.07559660077095032, + 0.8871291279792786, + -0.035926565527915955, + -0.2087283432483673, + -0.045712899416685104, + 0.5184982419013977, + -0.06897321343421936, + 0.055201541632413864, + -0.19784685969352722, + 2.366443157196045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/50.png", + [ + 0.2159247249364853, + -0.017015110701322556, + -0.005906770005822182, + 0.06747253239154816, + -0.017982468008995056, + -0.20767082273960114, + -0.059138450771570206, + 0.6379711031913757, + -0.0010172694455832243, + 0.05942399799823761, + -0.20836420357227325, + 2.344846725463867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/101.png", + [ + 0.20779161155223846, + -0.008942925371229649, + -0.06075006350874901, + 0.7126643061637878, + -0.02156391367316246, + -0.2113388627767563, + -0.04264708608388901, + 0.48643729090690613, + -0.057493846863508224, + 0.046944648027420044, + -0.2035646289587021, + 2.434321880340576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/85.png", + [ + 0.2106868177652359, + -0.012056916952133179, + -0.04912826418876648, + 0.5794285535812378, + -0.025251131504774094, + -0.20740488171577454, + -0.05738890916109085, + 0.6655281186103821, + -0.04383304715156555, + 0.061528339982032776, + -0.20307837426662445, + 2.4311575889587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/276.png", + [ + 0.2129216492176056, + 0.02735142782330513, + 0.02939668856561184, + -0.3384380638599396, + 0.02981449104845524, + -0.2139483541250229, + -0.01688479259610176, + 0.17674478888511658, + 0.026895392686128616, + 0.020637327805161476, + -0.21400614082813263, + 2.5584139823913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/156.png", + [ + 0.17062321305274963, + -0.0017923797713592649, + -0.13353800773620605, + 1.5363526344299316, + -0.032575659453868866, + -0.2106696218252182, + -0.038794681429862976, + 0.4332500100135803, + -0.12951616942882538, + 0.050625964999198914, + -0.16616398096084595, + 1.97235906124115, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/181.png", + [ + 0.18571427464485168, + -0.021853266283869743, + -0.1094556525349617, + 1.2439905405044556, + -0.045560289174318314, + -0.20881564915180206, + -0.03561161085963249, + 0.39168840646743774, + -0.10189388692378998, + 0.05353840813040733, + -0.18357332050800323, + 2.1564064025878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/131.png", + [ + 0.20588411390781403, + 0.004177368711680174, + -0.06739567220211029, + 0.7809563279151917, + -0.0136260986328125, + -0.20924052596092224, + -0.054595086723566055, + 0.6228020191192627, + -0.06613588333129883, + 0.0561145544052124, + -0.1985575556755066, + 2.3687639236450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/71.png", + [ + 0.21444179117679596, + -0.015159880742430687, + -0.02707008831202984, + 0.317211389541626, + -0.022346891462802887, + -0.20661215484142303, + -0.061318300664424896, + 0.7017489075660706, + -0.02152273617684841, + 0.06347831338644028, + -0.20604652166366577, + 2.468226432800293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/160.png", + [ + 0.16728366911411285, + -0.001693932805210352, + -0.1376996636390686, + 1.5852080583572388, + -0.032687198370695114, + -0.21095481514930725, + -0.03711476922035217, + 0.41193610429763794, + -0.13377448916435242, + 0.049427617341279984, + -0.163123220205307, + 1.9366973638534546, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/115.png", + [ + 0.21091797947883606, + -0.0004344726330600679, + -0.049611590802669525, + 0.5683839321136475, + -0.012341194786131382, + -0.21031562983989716, + -0.050625335425138474, + 0.5600517392158508, + -0.04805407300591469, + 0.05210605636239052, + -0.20475268363952637, + 2.3955907821655273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/54.png", + [ + 0.2157403975725174, + -0.018720047548413277, + -0.007317235227674246, + 0.08361370116472244, + -0.01998751424252987, + -0.2081262469291687, + -0.05684944987297058, + 0.6320693492889404, + -0.0021169271785765886, + 0.0572793148458004, + -0.20895572006702423, + 2.4039502143859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/33.png", + [ + 0.21551264822483063, + -0.01662219874560833, + -0.015029923059046268, + 0.17606650292873383, + -0.01914099231362343, + -0.21211136877536774, + -0.03987829014658928, + 0.46063491702079773, + -0.011654122732579708, + 0.04099217429757118, + -0.21244226396083832, + 2.551802635192871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/252.png", + [ + 0.19810433685779572, + -0.02597077377140522, + -0.08383363485336304, + 0.9701544642448425, + -0.04472404345870018, + -0.20795421302318573, + -0.04126381501555443, + 0.4634496867656708, + -0.07551370561122894, + 0.05503145232796669, + -0.1954919695854187, + 2.3223371505737305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/221.png", + [ + 0.18914075195789337, + -0.01684795692563057, + -0.10435428470373154, + 1.2095154523849487, + -0.03703472390770912, + -0.21090862154960632, + -0.033073827624320984, + 0.3680923581123352, + -0.0990055575966835, + 0.046707551926374435, + -0.18698716163635254, + 2.21964693069458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/266.png", + [ + 0.2088485062122345, + -0.01700693741440773, + -0.05514485388994217, + 0.6442968249320984, + -0.03018256090581417, + -0.20866551995277405, + -0.04995608702301979, + 0.5696561932563782, + -0.04918540641665459, + 0.05583333596587181, + -0.2034977376461029, + 2.429457187652588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/159.png", + [ + 0.1680048704147339, + -0.0015958345029503107, + -0.1368200033903122, + 1.575684905052185, + -0.032570503652095795, + -0.21089862287044525, + -0.037534307688474655, + 0.4175182282924652, + -0.1328962743282318, + 0.04967007040977478, + -0.16376617550849915, + 1.9423431158065796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/177.png", + [ + 0.18138836324214935, + -0.015818605199456215, + -0.11745608597993851, + 1.3344993591308594, + -0.04100192338228226, + -0.20985163748264313, + -0.03505745157599449, + 0.3801014721393585, + -0.1111980453133583, + 0.05157474800944328, + -0.17866991460323334, + 2.0952439308166504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/49.png", + [ + 0.21601448953151703, + -0.016244538128376007, + -0.004663548897951841, + 0.05541898310184479, + -0.01690068282186985, + -0.20754140615463257, + -0.059906814247369766, + 0.6476030945777893, + 2.4363518605241552e-05, + 0.060088057070970535, + -0.20817618072032928, + 2.347649574279785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/118.png", + [ + 0.20981493592262268, + 0.002085869899019599, + -0.05404844135046005, + 0.6145619750022888, + -0.010444579645991325, + -0.2108759880065918, + -0.04868389666080475, + 0.5352834463119507, + -0.05307066813111305, + 0.04974796250462532, + -0.20409934222698212, + 2.383845806121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/210.png", + [ + 0.1869041472673416, + -0.012712636031210423, + -0.10887201130390167, + 1.2773388624191284, + -0.040575217455625534, + -0.20794861018657684, + -0.045375317335128784, + 0.5111285448074341, + -0.10182522237300873, + 0.059528615325689316, + -0.18175768852233887, + 2.189150810241699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/179.png", + [ + 0.18246108293533325, + -0.02006819099187851, + -0.11512216925621033, + 1.3095606565475464, + -0.047098688781261444, + -0.20797975361347198, + -0.03839312493801117, + 0.42648908495903015, + -0.10694652795791626, + 0.057354919612407684, + -0.17950138449668884, + 2.112278461456299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/110.png", + [ + 0.21086859703063965, + 0.004287669435143471, + -0.049638159573078156, + 0.5750476121902466, + -0.008767745457589626, + -0.2093084752559662, + -0.05532614141702652, + 0.6274341940879822, + -0.04904546961188316, + 0.05585222691297531, + -0.2035263329744339, + 2.418872356414795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/258.png", + [ + 0.20190109312534332, + -0.01956629566848278, + -0.07616432756185532, + 0.892734706401825, + -0.036991193890571594, + -0.20882301032543182, + -0.04441278427839279, + 0.5027667880058289, + -0.06939377635717392, + 0.05438753217458725, + -0.19792523980140686, + 2.363603115081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/18.png", + [ + 0.2128743678331375, + -0.0128015773370862, + -0.03832137584686279, + 0.4477851688861847, + -0.020616300404071808, + -0.21115946769714355, + -0.04398347809910774, + 0.5077692270278931, + -0.03474732115864754, + 0.046858273446559906, + -0.20867396891117096, + 2.4887447357177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/66.png", + [ + 0.21550677716732025, + -0.014863533899188042, + -0.01684645377099514, + 0.19295679032802582, + -0.01904962584376335, + -0.20702679455280304, + -0.061032045632600784, + 0.6915481686592102, + -0.011909634806215763, + 0.06218419969081879, + -0.2072177231311798, + 2.439070701599121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/234.png", + [ + 0.1932094246149063, + -0.01677924022078514, + -0.09662538766860962, + 1.1083296537399292, + -0.03575516864657402, + -0.21083804965019226, + -0.03488248586654663, + 0.38648197054862976, + -0.09132128208875656, + 0.04704972729086876, + -0.19077380001544952, + 2.237163543701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/202.png", + [ + 0.1874488890171051, + -0.015897847712039948, + -0.10750843584537506, + 1.261529803276062, + -0.0433882400393486, + -0.2074679434299469, + -0.04497120529413223, + 0.5126492381095886, + -0.09964068979024887, + 0.060433488339185715, + -0.18266749382019043, + 2.2033677101135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/273.png", + [ + 0.21446412801742554, + 0.030354531481862068, + 0.005624457728117704, + -0.07711409032344818, + 0.03085150755941868, + -0.212150439620018, + -0.03143687918782234, + 0.3396660387516022, + 0.001102941227145493, + 0.03191700950264931, + -0.21430814266204834, + 2.5351977348327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/206.png", + [ + 0.18754048645496368, + -0.013698345981538296, + -0.10765136033296585, + 1.2630821466445923, + -0.0432777963578701, + -0.20655013620853424, + -0.04911172762513161, + 0.5593855381011963, + -0.09951628744602203, + 0.06401003897190094, + -0.18151341378688812, + 2.1895217895507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/16.png", + [ + 0.21204668283462524, + -0.01218534354120493, + -0.042844031006097794, + 0.5004448890686035, + -0.021285321563482285, + -0.210794135928154, + -0.045394498854875565, + 0.5233963131904602, + -0.03912835940718651, + 0.04863375797867775, + -0.20748884975910187, + 2.474475383758545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/190.png", + [ + 0.18569542467594147, + -0.016974113881587982, + -0.11034936457872391, + 1.2869089841842651, + -0.04554654657840729, + -0.2070424109697342, + -0.044797930866479874, + 0.5075498819351196, + -0.10193438082933426, + 0.061589136719703674, + -0.18100842833518982, + 2.1728591918945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/211.png", + [ + 0.18646135926246643, + -0.015256367623806, + -0.10930366069078445, + 1.277984619140625, + -0.041828371584415436, + -0.20835359394550323, + -0.042273569852113724, + 0.4753125011920929, + -0.1021295115351677, + 0.057479649782180786, + -0.18224585056304932, + 2.1915206909179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/94.png", + [ + 0.20817360281944275, + -0.00942384172230959, + -0.05935347080230713, + 0.6922381520271301, + -0.02312278561294079, + -0.21008025109767914, + -0.04774430766701698, + 0.5457983016967773, + -0.0554705373942852, + 0.052205104380846024, + -0.20284365117549896, + 2.421779155731201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/209.png", + [ + 0.18654955923557281, + -0.01318596675992012, + -0.10942250490188599, + 1.2846544981002808, + -0.0430748425424099, + -0.20673136413097382, + -0.04852420464158058, + 0.5518234968185425, + -0.10144807398319244, + 0.06353086978197098, + -0.18061010539531708, + 2.1798195838928223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/228.png", + [ + 0.19315414130687714, + -0.016966134309768677, + -0.09670326113700867, + 1.1085172891616821, + -0.032111138105392456, + -0.21259444952011108, + -0.02683977596461773, + 0.2931605875492096, + -0.09278062731027603, + 0.038257669657468796, + -0.19203123450279236, + 2.252054214477539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/28.png", + [ + 0.21442800760269165, + -0.016311505809426308, + -0.026503892615437508, + 0.3121890723705292, + -0.020933734253048897, + -0.21214145421981812, + -0.03880305960774422, + 0.4577745497226715, + -0.02302824892103672, + 0.040961362421512604, + -0.21151773631572723, + 2.5559892654418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/61.png", + [ + 0.21590320765972137, + -0.014911305159330368, + -0.010552085004746914, + 0.12048221379518509, + -0.017245318740606308, + -0.20765581727027893, + -0.059410106390714645, + 0.6732025146484375, + -0.0060243308544158936, + 0.06003844365477562, + -0.20810331404209137, + 2.4173460006713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/132.png", + [ + 0.20423975586891174, + 0.004887622315436602, + -0.07218120992183685, + 0.8383758664131165, + -0.014431561343371868, + -0.2090824395418167, + -0.054992351680994034, + 0.6266899704933167, + -0.07089249789714813, + 0.056643977761268616, + -0.1967577338218689, + 2.346665382385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/58.png", + [ + 0.2158130705356598, + -0.017323404550552368, + -0.008515218272805214, + 0.09713540226221085, + -0.01892692595720291, + -0.2086831033229828, + -0.05514553189277649, + 0.6214426159858704, + -0.0037922016344964504, + 0.055670082569122314, + -0.2093665450811386, + 2.4311342239379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/263.png", + [ + 0.20653800666332245, + -0.014840904623270035, + -0.06379414349794388, + 0.7482523322105408, + -0.030791928991675377, + -0.2082645446062088, + -0.05124089866876602, + 0.5870634913444519, + -0.05780832841992378, + 0.05790958181023598, + -0.20063044130802155, + 2.410585403442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/253.png", + [ + 0.19859136641025543, + -0.026073096320033073, + -0.08264115452766418, + 0.9601335525512695, + -0.04468381404876709, + -0.20785583555698395, + -0.04179969057440758, + 0.47012224793434143, + -0.07424772530794144, + 0.05535387247800827, + -0.19588549435138702, + 2.331502914428711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/123.png", + [ + 0.2045983523130417, + 0.005988612305372953, + -0.0710742175579071, + 0.8266444802284241, + -0.01127449981868267, + -0.2104797512292862, + -0.05019015818834305, + 0.5586455464363098, + -0.07042934000492096, + 0.05109111964702606, + -0.1984371542930603, + 2.360281467437744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/64.png", + [ + 0.21574631333351135, + -0.014357833191752434, + -0.013974216766655445, + 0.1611299216747284, + -0.017643732950091362, + -0.20775628089904785, + -0.058939944952726364, + 0.6664850115776062, + -0.009493411518633366, + 0.05982533097267151, + -0.20803533494472504, + 2.4294610023498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/10.png", + [ + 0.20827935636043549, + -0.010049652308225632, + -0.058877889066934586, + 0.6873975396156311, + -0.023805083706974983, + -0.2098560929298401, + -0.048390429466962814, + 0.5499277710914612, + -0.05478065460920334, + 0.052984148263931274, + -0.20282912254333496, + 2.4239583015441895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/170.png", + [ + 0.17646974325180054, + -0.012352356687188148, + -0.12511491775512695, + 1.4167394638061523, + -0.04083029180765152, + -0.20956915616989136, + -0.036899175494909286, + 0.4080294668674469, + -0.11890841275453568, + 0.053629111498594284, + -0.17301039397716522, + 2.028392791748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/41.png", + [ + 0.2161218523979187, + -0.01464338880032301, + -0.004981358535587788, + 0.05518411099910736, + -0.015384388156235218, + -0.21073119342327118, + -0.04799565300345421, + 0.5454437136650085, + -0.001601057592779398, + 0.048226892948150635, + -0.21123327314853668, + 2.484910488128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/166.png", + [ + 0.1691303253173828, + -0.00481779919937253, + -0.13534997403621674, + 1.5468844175338745, + -0.036604732275009155, + -0.2101047933101654, + -0.03826175630092621, + 0.42168548703193665, + -0.13039524853229523, + 0.052731942385435104, + -0.1648159921169281, + 1.9469722509384155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/91.png", + [ + 0.20809543132781982, + -0.010939325205981731, + -0.05936770513653755, + 0.6931831240653992, + -0.02638096734881401, + -0.20814238488674164, + -0.05411732941865921, + 0.6236119866371155, + -0.05429767817258835, + 0.059202805161476135, + -0.20123291015625, + 2.4027099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/140.png", + [ + 0.20203499495983124, + 0.0023954606149345636, + -0.07825607806444168, + 0.903609573841095, + -0.018401557579636574, + -0.2090534120798111, + -0.05390683561563492, + 0.6157181859016418, + -0.07609951496124268, + 0.0569106824696064, + -0.19472527503967285, + 2.3235044479370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/217.png", + [ + 0.18744942545890808, + -0.01722598634660244, + -0.1073027029633522, + 1.2489866018295288, + -0.041250914335250854, + -0.2092026174068451, + -0.03847749903798103, + 0.43425095081329346, + -0.10054335743188858, + 0.05371611937880516, + -0.18426477909088135, + 2.1938796043395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/240.png", + [ + 0.19560126960277557, + -0.019434303045272827, + -0.0911610946059227, + 1.044679880142212, + -0.035853397101163864, + -0.21129560470581055, + -0.031884074211120605, + 0.35383525490760803, + -0.08603818714618683, + 0.04386761784553528, + -0.1939612179994583, + 2.2776846885681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/23.png", + [ + 0.2130693793296814, + -0.016358664259314537, + -0.035801246762275696, + 0.42327189445495605, + -0.022965749725699425, + -0.21172010898590088, + -0.03993825241923332, + 0.46344926953315735, + -0.031967319548130035, + 0.043068356812000275, + -0.20993119478225708, + 2.5127744674682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/220.png", + [ + 0.189364492893219, + -0.017008213326334953, + -0.10392159223556519, + 1.205862045288086, + -0.03828267380595207, + -0.2103179693222046, + -0.0353366993367672, + 0.3946937024593353, + -0.0980990007519722, + 0.04924394562840462, + -0.1868141144514084, + 2.2179012298583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/201.png", + [ + 0.18792816996574402, + -0.015576214529573917, + -0.10671588778495789, + 1.2535672187805176, + -0.04303673654794693, + -0.20742303133010864, + -0.04551289603114128, + 0.518806517124176, + -0.09888751059770584, + 0.060670968145132065, + -0.18299777805805206, + 2.209012031555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/37.png", + [ + 0.21592757105827332, + -0.01504839863628149, + -0.00983470119535923, + 0.11386646330356598, + -0.016653478145599365, + -0.21208377182483673, + -0.04112214967608452, + 0.47308287024497986, + -0.006770326755940914, + 0.041736260056495667, + -0.2125091552734375, + 2.523921489715576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/178.png", + [ + 0.18355880677700043, + -0.01647021807730198, + -0.11394202709197998, + 1.2943673133850098, + -0.0423896424472332, + -0.2090492844581604, + -0.038071159273386, + 0.4145049750804901, + -0.10703817754983902, + 0.05454380810260773, + -0.1803210824728012, + 2.1148524284362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/36.png", + [ + 0.21586035192012787, + -0.015454314649105072, + -0.010647379793226719, + 0.12382388859987259, + -0.017210356891155243, + -0.2120324969291687, + -0.04115721955895424, + 0.47384777665138245, + -0.007483727298676968, + 0.041848260909318924, + -0.21246320009231567, + 2.5304923057556152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/213.png", + [ + 0.18605883419513702, + -0.01864749938249588, + -0.10946360230445862, + 1.2757594585418701, + -0.0423402301967144, + -0.20937418937683105, + -0.0362994484603405, + 0.40649041533470154, + -0.10265141725540161, + 0.05256059393286705, + -0.18343383073806763, + 2.1986923217773438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/212.png", + [ + 0.18620160222053528, + -0.01804341748356819, + -0.10932193696498871, + 1.2760125398635864, + -0.042837586253881454, + -0.20888172090053558, + -0.038487132638692856, + 0.4321538805961609, + -0.10218507051467896, + 0.054687779396772385, + -0.18307197093963623, + 2.1983304023742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/182.png", + [ + 0.18538270890712738, + -0.01897919550538063, + -0.11054837703704834, + 1.2605574131011963, + -0.04394546523690224, + -0.2087676078081131, + -0.03785209357738495, + 0.4177730083465576, + -0.1031985878944397, + 0.05480670928955078, + -0.18246689438819885, + 2.146963119506836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/235.png", + [ + 0.194528728723526, + -0.01599358581006527, + -0.09407799690961838, + 1.0777345895767212, + -0.034812990576028824, + -0.21078208088874817, + -0.0361504852771759, + 0.39945507049560547, + -0.08885110169649124, + 0.04757107049226761, + -0.19180816411972046, + 2.246403694152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/8.png", + [ + 0.20795488357543945, + -0.01160362083464861, + -0.059732887893915176, + 0.6914719939231873, + -0.025179032236337662, + -0.21004392206668854, + -0.046855803579092026, + 0.5282437205314636, + -0.05539565160870552, + 0.05191151797771454, + -0.20293942093849182, + 2.4156742095947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/6.png", + [ + 0.20662948489189148, + -0.009357710368931293, + -0.06453356891870499, + 0.7490755319595337, + -0.024207737296819687, + -0.21011635661125183, + -0.04704255983233452, + 0.5324630737304688, + -0.06054861098527908, + 0.05207159370183945, + -0.20142072439193726, + 2.3942832946777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/257.png", + [ + 0.2011391669511795, + -0.021112442016601562, + -0.07775089144706726, + 0.911093533039093, + -0.03897903114557266, + -0.2085018754005432, + -0.044221047312021255, + 0.5004451274871826, + -0.07050936669111252, + 0.055037543177604675, + -0.197350412607193, + 2.3583927154541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/197.png", + [ + 0.18794776499271393, + -0.015949703752994537, + -0.10662617534399033, + 1.249050259590149, + -0.042525000870227814, + -0.2078838050365448, + -0.04386159032583237, + 0.4940994083881378, + -0.09907147288322449, + 0.05897306278347969, + -0.1834527552127838, + 2.2089648246765137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/219.png", + [ + 0.18835651874542236, + -0.01757606491446495, + -0.10564469546079636, + 1.2278300523757935, + -0.04054125398397446, + -0.20953252911567688, + -0.03742215409874916, + 0.42179760336875916, + -0.09912680834531784, + 0.05229811742901802, + -0.1854364424943924, + 2.205389976501465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/169.png", + [ + 0.17490656673908234, + -0.010970834642648697, + -0.12741751968860626, + 1.4441242218017578, + -0.04023737832903862, + -0.20963343977928162, + -0.03718427196145058, + 0.41131508350372314, + -0.12139414250850677, + 0.053678277879953384, + -0.1712600290775299, + 2.012734889984131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/154.png", + [ + 0.17198768258094788, + -0.005947785917669535, + -0.13165393471717834, + 1.5170979499816895, + -0.03786872327327728, + -0.2095557451248169, + -0.040003061294555664, + 0.448641300201416, + -0.12623032927513123, + 0.05476229265332222, + -0.16737650334835052, + 1.9912153482437134, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/20.png", + [ + 0.2131604552268982, + -0.014384381473064423, + -0.03610548377037048, + 0.4234047532081604, + -0.021443014964461327, + -0.21140655875205994, + -0.04237167537212372, + 0.4891708195209503, + -0.03241470828652382, + 0.04525761306285858, + -0.20940135419368744, + 2.499629020690918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/237.png", + [ + 0.19540581107139587, + -0.016568198800086975, + -0.09214096516370773, + 1.0537086725234985, + -0.03461303189396858, + -0.21092943847179413, + -0.03547680377960205, + 0.3904475271701813, + -0.08698505163192749, + 0.04671360179781914, + -0.19287128746509552, + 2.258042812347412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/2.png", + [ + 0.20369219779968262, + -0.006220695096999407, + -0.0736117959022522, + 0.8524971604347229, + -0.023870496079325676, + -0.2098654955625534, + -0.048317305743694305, + 0.5466379523277283, + -0.06991131603717804, + 0.053531914949417114, + -0.19797635078430176, + 2.3450989723205566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/117.png", + [ + 0.21065470576286316, + 0.0018721527885645628, + -0.05068507045507431, + 0.5753417015075684, + -0.009869074448943138, + -0.21087539196014404, + -0.04880644381046295, + 0.5348058938980103, + -0.049750201404094696, + 0.04975904896855354, + -0.2049313336610794, + 2.3875064849853516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/149.png", + [ + 0.17197172343730927, + -0.0022135074250400066, + -0.13179047405719757, + 1.532209038734436, + -0.03724795579910278, + -0.20862993597984314, + -0.04510030522942543, + 0.5051110982894897, + -0.12643660604953766, + 0.05845125392079353, + -0.16596724092960358, + 1.9783540964126587, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/161.png", + [ + 0.16321535408496857, + -0.0010710585629567504, + -0.14250436425209045, + 1.6416497230529785, + -0.03371208533644676, + -0.2108088582754135, + -0.03702722117304802, + 0.4111063778400421, + -0.13846351206302643, + 0.050063688308000565, + -0.15896345674991608, + 1.8924163579940796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/5.png", + [ + 0.20614761114120483, + -0.008526873774826527, + -0.06616907566785812, + 0.7662791013717651, + -0.023909470066428185, + -0.21006587147712708, + -0.04741906747221947, + 0.5376645922660828, + -0.06228475645184517, + 0.05241682007908821, + -0.2008008509874344, + 2.384186267852783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/187.png", + [ + 0.18496131896972656, + -0.017610961571335793, + -0.11147674918174744, + 1.2890735864639282, + -0.04558870568871498, + -0.20744110643863678, + -0.04286911338567734, + 0.48152217268943787, + -0.10324186086654663, + 0.060049526393413544, + -0.18078459799289703, + 2.155815601348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/108.png", + [ + 0.20968228578567505, + -0.0006512888357974589, + -0.05459677055478096, + 0.635269820690155, + -0.014592763036489487, + -0.20944638550281525, + -0.053545914590358734, + 0.6075283885002136, + -0.052614472806453705, + 0.05549495294690132, + -0.2027311623096466, + 2.4137864112854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/60.png", + [ + 0.2158936709165573, + -0.01584538258612156, + -0.009313639253377914, + 0.10486920922994614, + -0.017785603180527687, + -0.20779894292354584, + -0.05874662846326828, + 0.6646266579627991, + -0.004635990597307682, + 0.05929938703775406, + -0.20835062861442566, + 2.4166226387023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/260.png", + [ + 0.20368020236492157, + -0.01633358933031559, + -0.07207969576120377, + 0.8445925712585449, + -0.033628784120082855, + -0.20865632593631744, + -0.04774453863501549, + 0.544243574142456, + -0.06581316888332367, + 0.05606825649738312, + -0.19867782294750214, + 2.3818488121032715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/56.png", + [ + 0.2157476842403412, + -0.018143782392144203, + -0.008463867008686066, + 0.09627292305231094, + -0.019712703302502632, + -0.20851989090442657, + -0.05548654496669769, + 0.6210651993751526, + -0.003499020356684923, + 0.056019194424152374, + -0.20927853882312775, + 2.422293186187744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/147.png", + [ + 0.17732754349708557, + -0.0004599357198458165, + -0.1245095282793045, + 1.4526249170303345, + -0.035013191401958466, + -0.20811396837234497, + -0.04909732565283775, + 0.5605791807174683, + -0.11948603391647339, + 0.06030140072107315, + -0.17039579153060913, + 2.0348753929138184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/261.png", + [ + 0.2045830339193344, + -0.014402606524527073, + -0.06990163028240204, + 0.8198010921478271, + -0.031524982303380966, + -0.20862799882888794, + -0.0492791123688221, + 0.5632336139678955, + -0.06403005123138428, + 0.05669938400387764, + -0.1990809589624405, + 2.389207363128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/30.png", + [ + 0.21492160856723785, + -0.01585398241877556, + -0.022477786988019943, + 0.2663710117340088, + -0.019726384431123734, + -0.21223559975624084, + -0.03892049938440323, + 0.4560249149799347, + -0.019169488921761513, + 0.04065202176570892, + -0.21196188032627106, + 2.560715675354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/17.png", + [ + 0.21236835420131683, + -0.01254512183368206, + -0.04111195355653763, + 0.4804637134075165, + -0.02116163820028305, + -0.210900217294693, + -0.04495757445693016, + 0.5188314318656921, + -0.037413340061903, + 0.048079293221235275, + -0.2079339325428009, + 2.4801692962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/12.png", + [ + 0.20993821322917938, + -0.011645016260445118, + -0.05232815444469452, + 0.6113306283950806, + -0.023616014048457146, + -0.20996208488941193, + -0.04802178591489792, + 0.5473741292953491, + -0.04812614992260933, + 0.05223218724131584, + -0.20470361411571503, + 2.4459915161132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/114.png", + [ + 0.21115534007549286, + 0.0009411782957613468, + -0.04858433082699776, + 0.5582508444786072, + -0.01094440370798111, + -0.21014690399169922, + -0.05163712427020073, + 0.5757918357849121, + -0.047344934195280075, + 0.05277581512928009, + -0.20474635064601898, + 2.405101776123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/27.png", + [ + 0.21391339600086212, + -0.016038162633776665, + -0.030524298548698425, + 0.3613063097000122, + -0.021436236798763275, + -0.2120945304632187, + -0.038785237818956375, + 0.45617401599884033, + -0.02700820565223694, + 0.04131082817912102, + -0.21097834408283234, + 2.544804096221924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/42.png", + [ + 0.2161591798067093, + -0.014164680615067482, + -0.004739971831440926, + 0.05225939303636551, + -0.014874114654958248, + -0.2104160487651825, + -0.04951510578393936, + 0.5599738359451294, + -0.0013661053963005543, + 0.04972270503640175, + -0.2108878344297409, + 2.4749979972839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/223.png", + [ + 0.18922270834445953, + -0.018756985664367676, + -0.10387896746397018, + 1.1997851133346558, + -0.03592374175786972, + -0.211941659450531, + -0.027168164029717445, + 0.3010637164115906, + -0.09925798326730728, + 0.04094874486327171, + -0.1881992071866989, + 2.227362632751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/174.png", + [ + 0.17923873662948608, + -0.017883820459246635, + -0.12042234092950821, + 1.3622300624847412, + -0.04294202849268913, + -0.20983591675758362, + -0.0327531136572361, + 0.35791778564453125, + -0.11391818523406982, + 0.05096030980348587, + -0.17712591588497162, + 2.071319580078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/7.png", + [ + 0.20720669627189636, + -0.009995561093091965, + -0.0625569224357605, + 0.7269609570503235, + -0.02421179600059986, + -0.21021270751953125, + -0.046607982367277145, + 0.5262972116470337, + -0.05854117125272751, + 0.05156164988875389, + -0.202144056558609, + 2.403416156768799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/73.png", + [ + 0.21419140696525574, + -0.015323265455663204, + -0.028898611664772034, + 0.3402405381202698, + -0.022801687940955162, + -0.2071973830461502, + -0.059137266129255295, + 0.6806221604347229, + -0.023452404886484146, + 0.06150065362453461, + -0.20643532276153564, + 2.4778075218200684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/120.png", + [ + 0.20791535079479218, + 0.00393070001155138, + -0.060857586562633514, + 0.6982680559158325, + -0.010195971466600895, + -0.2109401673078537, + -0.04845808073878288, + 0.5362613797187805, + -0.06012601777911186, + 0.04936286807060242, + -0.20222774147987366, + 2.383955955505371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/46.png", + [ + 0.2160341739654541, + -0.0162972342222929, + -0.0033957227133214474, + 0.037566639482975006, + -0.016594156622886658, + -0.20729072391986847, + -0.060853034257888794, + 0.6772423982620239, + 0.0013284162851050496, + 0.06093322113156319, + -0.20792612433433533, + 2.4149417877197266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/265.png", + [ + 0.20866814255714417, + -0.01629946008324623, + -0.05603422597050667, + 0.6538447737693787, + -0.030076079070568085, + -0.20832949876785278, + -0.05140180513262749, + 0.5871061682701111, + -0.05000936985015869, + 0.05728039890527725, + -0.20289385318756104, + 2.428421974182129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/127.png", + [ + 0.2087351232767105, + -0.0025641247630119324, + -0.05806007608771324, + 0.6662111282348633, + -0.01647324487566948, + -0.21019616723060608, + -0.04994095116853714, + 0.5568547248840332, + -0.05573311820626259, + 0.052525147795677185, + -0.20268897712230682, + 2.405332088470459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/236.png", + [ + 0.19519826769828796, + -0.01642588898539543, + -0.09260517358779907, + 1.059087872505188, + -0.034897834062576294, + -0.2107638269662857, + -0.03617523983120918, + 0.3988204300403595, + -0.08733652532100677, + 0.04750470444560051, + -0.19251888990402222, + 2.253394603729248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/226.png", + [ + 0.1926213502883911, + -0.016758689656853676, + -0.09779594838619232, + 1.1219087839126587, + -0.03110070899128914, + -0.21299704909324646, + -0.02475675381720066, + 0.270420640707016, + -0.09422126412391663, + 0.03604576736688614, + -0.19175752997398376, + 2.2538795471191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/133.png", + [ + 0.20232638716697693, + 0.005642394069582224, + -0.07733103632926941, + 0.9004565477371216, + -0.015245618298649788, + -0.20898662507534027, + -0.05513667315244675, + 0.6279013752937317, + -0.07602299749851227, + 0.0569266639649868, + -0.19475048780441284, + 2.321230888366699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/57.png", + [ + 0.2158334106206894, + -0.01620245911180973, + -0.010065341368317604, + 0.11525436490774155, + -0.018245622515678406, + -0.20870743691921234, + -0.055282846093177795, + 0.6210331916809082, + -0.005561305675655603, + 0.05591579154133797, + -0.20926153659820557, + 2.428678512573242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/44.png", + [ + 0.21613237261772156, + -0.014828947372734547, + -0.003846783423796296, + 0.04146302491426468, + -0.01531894225627184, + -0.20862972736358643, + -0.05645241215825081, + 0.634183406829834, + 0.00015957781579345465, + 0.05658309534192085, + -0.20915599167346954, + 2.4458017349243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/264.png", + [ + 0.20788885653018951, + -0.01614203117787838, + -0.05890295282006264, + 0.6889033913612366, + -0.03091055154800415, + -0.20803813636302948, + -0.05208228901028633, + 0.5956172943115234, + -0.05267505720257759, + 0.05837346985936165, + -0.20190535485744476, + 2.4206066131591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/113.png", + [ + 0.21147167682647705, + 0.0012176454765722156, + -0.04718201234936714, + 0.5443598031997681, + -0.010272105224430561, + -0.210222989320755, + -0.05146530643105507, + 0.574556291103363, + -0.04606635123491287, + 0.05246628448367119, + -0.20511721074581146, + 2.423274517059326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/126.png", + [ + 0.2080046534538269, + -0.0019291521748527884, + -0.06064848601818085, + 0.6958852410316467, + -0.016224944964051247, + -0.21044793725013733, + -0.048952214419841766, + 0.5425631403923035, + -0.058469757437705994, + 0.05153490975499153, + -0.20217154920101166, + 2.3946533203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/29.png", + [ + 0.21459878981113434, + -0.01639338582754135, + -0.02503020130097866, + 0.29582956433296204, + -0.020689990371465683, + -0.21224215626716614, + -0.03838082775473595, + 0.45149722695350647, + -0.021614309400320053, + 0.040403224527835846, + -0.21177417039871216, + 2.5602951049804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/4.png", + [ + 0.2058112919330597, + -0.008046792820096016, + -0.06726700067520142, + 0.7778037786483765, + -0.02379906363785267, + -0.2100163996219635, + -0.04769288748502731, + 0.5405877828598022, + -0.06342874467372894, + 0.05269019305706024, + -0.20037074387073517, + 2.3779749870300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/55.png", + [ + 0.21578733623027802, + -0.01814703643321991, + -0.0073756626807153225, + 0.08418700844049454, + -0.01944195106625557, + -0.2083754539489746, + -0.056121084839105606, + 0.6256645321846008, + -0.002392875961959362, + 0.05655307695269585, + -0.20915044844150543, + 2.4138264656066895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/9.png", + [ + 0.20770378410816193, + -0.010332761332392693, + -0.060829758644104004, + 0.7073536515235901, + -0.02449321746826172, + -0.20987047255039215, + -0.04798297956585884, + 0.5433884859085083, + -0.05663133040070534, + 0.052872661501169205, + -0.20234936475753784, + 2.415256977081299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/25.png", + [ + 0.2135070562362671, + -0.016593212261795998, + -0.03297416493296623, + 0.3897823393344879, + -0.02233135513961315, + -0.21217569708824158, + -0.037824325263500214, + 0.4409271776676178, + -0.029392870143055916, + 0.040669817477464676, + -0.21078406274318695, + 2.535170555114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/99.png", + [ + 0.20765192806720734, + -0.010180768556892872, + -0.061032142490148544, + 0.7156370878219604, + -0.02358466200530529, + -0.21061019599437714, + -0.04511110484600067, + 0.5168126821517944, + -0.05720432475209236, + 0.04987584799528122, + -0.2029481679201126, + 2.4274487495422363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/208.png", + [ + 0.1863272488117218, + -0.012583992443978786, + -0.10987125337123871, + 1.2902920246124268, + -0.04318246245384216, + -0.20645689964294434, + -0.04958547279238701, + 0.5645904541015625, + -0.10181023180484772, + 0.06453749537467957, + -0.18004855513572693, + 2.1751084327697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/224.png", + [ + 0.18990474939346313, + -0.01962803117930889, + -0.1024637445807457, + 1.1798081398010254, + -0.03525356948375702, + -0.21236063539981842, + -0.02465847134590149, + 0.2716744840145111, + -0.09818993508815765, + 0.0382830873131752, + -0.18931728601455688, + 2.2352681159973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/34.png", + [ + 0.21565856039524078, + -0.01670270971953869, + -0.012661263346672058, + 0.14784248173236847, + -0.01881491206586361, + -0.21195250749588013, + -0.040866054594516754, + 0.47184744477272034, + -0.00923510268330574, + 0.041773851960897446, + -0.21240893006324768, + 2.5436816215515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/72.png", + [ + 0.21433360874652863, + -0.014868590980768204, + -0.028069810941815376, + 0.3303782045841217, + -0.022261491045355797, + -0.20689433813095093, + -0.06039080023765564, + 0.6927158832550049, + -0.022658666595816612, + 0.06262226402759552, + -0.20618663728237152, + 2.4729928970336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/102.png", + [ + 0.20800553262233734, + -0.009651907719671726, + -0.05990350618958473, + 0.7014424800872803, + -0.022047633305191994, + -0.21131685376167297, + -0.04250868037343025, + 0.4839470088481903, + -0.05652867630124092, + 0.04690338298678398, + -0.20384424924850464, + 2.4335179328918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/262.png", + [ + 0.2053123563528061, + -0.013928652741014957, + -0.06782860308885574, + 0.7961335182189941, + -0.030679764226078987, + -0.20857417583465576, + -0.05003460496664047, + 0.5736634135246277, + -0.0620763935148716, + 0.05701493099331856, + -0.19960889220237732, + 2.398404121398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/134.png", + [ + 0.20060434937477112, + 0.006613618228584528, + -0.08162137120962143, + 0.9549877047538757, + -0.01608443260192871, + -0.20857760310173035, + -0.056432031095027924, + 0.6420341730117798, + -0.08029370754957199, + 0.05830560624599457, + -0.19261689484119415, + 2.2950310707092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/70.png", + [ + 0.2149137407541275, + -0.01437649130821228, + -0.023522254079580307, + 0.2739277184009552, + -0.020718585699796677, + -0.20619098842144012, + -0.06327648460865021, + 0.7226009368896484, + -0.01818571612238884, + 0.06501146405935287, + -0.2058899849653244, + 2.4632821083068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/135.png", + [ + 0.20015683770179749, + 0.0053919097408652306, + -0.08280132710933685, + 0.9680719375610352, + -0.018147392198443413, + -0.20813775062561035, + -0.057421598583459854, + 0.6542172431945801, + -0.08096791803836823, + 0.059979118406772614, + -0.19181916117668152, + 2.2868032455444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/229.png", + [ + 0.19319556653499603, + -0.017047930508852005, + -0.09660613536834717, + 1.1070079803466797, + -0.03282411769032478, + -0.21231244504451752, + -0.028176113963127136, + 0.30833128094673157, + -0.09244432300329208, + 0.03975781798362732, + -0.19188866019248962, + 2.2488341331481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/130.png", + [ + 0.2068251520395279, + 0.0031194707844406366, + -0.0645098015666008, + 0.7458912134170532, + -0.013701488263905048, + -0.2093762904405594, + -0.054053112864494324, + 0.6170884966850281, + -0.06311510503292084, + 0.05567529425024986, + -0.19966131448745728, + 2.38153076171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/90.png", + [ + 0.20854291319847107, + -0.011612401343882084, + -0.05764460563659668, + 0.6723548769950867, + -0.026809290051460266, + -0.20782344043254852, + -0.055123258382081985, + 0.635299026966095, + -0.052335552871227264, + 0.06018691137433052, + -0.20146071910858154, + 2.40592098236084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/122.png", + [ + 0.20513957738876343, + 0.0049199010245501995, + -0.06958042085170746, + 0.806624174118042, + -0.011890375055372715, + -0.21050535142421722, + -0.0499400831758976, + 0.5554754734039307, + -0.06873325258493423, + 0.051099780946969986, + -0.19902876019477844, + 2.3635916709899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/238.png", + [ + 0.19559718668460846, + -0.017404211685061455, + -0.09157909452915192, + 1.046940565109253, + -0.034424129873514175, + -0.2113044112920761, + -0.033366523683071136, + 0.36702004075050354, + -0.08662919700145721, + 0.044670335948467255, + -0.19351443648338318, + 2.2678604125976562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/15.png", + [ + 0.21174967288970947, + -0.01262552198022604, + -0.044165242463350296, + 0.5151957869529724, + -0.021871009841561317, + -0.21091067790985107, + -0.04456721618771553, + 0.5114505290985107, + -0.04039345681667328, + 0.048012226819992065, + -0.207391157746315, + 2.4771838188171387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/269.png", + [ + 0.21064697206020355, + -0.014576565474271774, + -0.04861345514655113, + 0.568682849407196, + -0.02572241984307766, + -0.20957735180854797, + -0.04861683398485184, + 0.5534056425094604, + -0.043750446289777756, + 0.05303548648953438, + -0.20547756552696228, + 2.431084156036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/162.png", + [ + 0.16280189156532288, + -0.0019000411266461015, + -0.14296793937683105, + 1.6450062990188599, + -0.035136546939611435, + -0.21054337918758392, + -0.037212930619716644, + 0.41195109486579895, + -0.1385960578918457, + 0.05114458501338959, + -0.1585032045841217, + 1.8879059553146362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/22.png", + [ + 0.213189035654068, + -0.014296125620603561, + -0.03597157821059227, + 0.4247458577156067, + -0.021055422723293304, + -0.2117898315191269, + -0.04061572253704071, + 0.46957680583000183, + -0.03248080238699913, + 0.04345789551734924, + -0.2097720354795456, + 2.5099549293518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/171.png", + [ + 0.17678683996200562, + -0.01323350053280592, + -0.12457600980997086, + 1.4100171327590942, + -0.04118466377258301, + -0.20962567627429962, + -0.03617731109261513, + 0.39914149045944214, + -0.11831369996070862, + 0.05319632589817047, + -0.17355088889598846, + 2.0314974784851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/138.png", + [ + 0.20297202467918396, + 0.002430104184895754, + -0.07579145580530167, + 0.8770778179168701, + -0.01854877732694149, + -0.20839348435401917, + -0.05635596439242363, + 0.6442203521728516, + -0.07352681457996368, + 0.059280235320329666, + -0.19500653445720673, + 2.3274707794189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/109.png", + [ + 0.21059544384479523, + 0.003595472779124975, + -0.05083821341395378, + 0.5883523225784302, + -0.00996986124664545, + -0.20905262231826782, + -0.05608478561043739, + 0.6375659704208374, + -0.0499805323779583, + 0.056850455701351166, + -0.203021839261055, + 2.4160733222961426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/26.png", + [ + 0.21367108821868896, + -0.016050757840275764, + -0.03217035531997681, + 0.38061708211898804, + -0.02175585925579071, + -0.21208003163337708, + -0.03868633881211281, + 0.4529687464237213, + -0.02862238883972168, + 0.04138023033738136, + -0.21075181663036346, + 2.5389156341552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/43.png", + [ + 0.2161589413881302, + -0.014083252288401127, + -0.004987701773643494, + 0.05513127148151398, + -0.014873234555125237, + -0.20969249308109283, + -0.05249514430761337, + 0.5900008678436279, + -0.0014149390626698732, + 0.052712567150592804, + -0.21016013622283936, + 2.4600353240966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/205.png", + [ + 0.1877683401107788, + -0.014623250812292099, + -0.1071312204003334, + 1.2560259103775024, + -0.04353383556008339, + -0.20673851668834686, + -0.04808204621076584, + 0.5471194386482239, + -0.09897343814373016, + 0.06319206953048706, + -0.18209588527679443, + 2.1955509185791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/246.png", + [ + 0.19552366435527802, + -0.026620736345648766, + -0.08949706703424454, + 1.0249626636505127, + -0.043712303042411804, + -0.20961466431617737, + -0.03314850479364395, + 0.36591389775276184, + -0.08250831812620163, + 0.04796796292066574, + -0.1945233941078186, + 2.2911877632141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/244.png", + [ + 0.19557872414588928, + -0.026795240119099617, + -0.08932451158761978, + 1.0259729623794556, + -0.04341384395956993, + -0.20983831584453583, + -0.03210940584540367, + 0.35686925053596497, + -0.08253538608551025, + 0.04688060283660889, + -0.19477681815624237, + 2.2968292236328125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/84.png", + [ + 0.21108786761760712, + -0.012380992993712425, + -0.04729188233613968, + 0.5577567219734192, + -0.025294477120041847, + -0.2070319801568985, + -0.058701321482658386, + 0.681380569934845, + -0.04183300957083702, + 0.06270858645439148, + -0.20313918590545654, + 2.431488513946533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/216.png", + [ + 0.1876649707555771, + -0.016963418573141098, + -0.10696723312139511, + 1.2458597421646118, + -0.04052559658885002, + -0.2094528079032898, + -0.03788262605667114, + 0.4262913465499878, + -0.10043616592884064, + 0.05281723290681839, + -0.18458279967308044, + 2.2002663612365723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/136.png", + [ + 0.20211882889270782, + 0.0032143276184797287, + -0.07800983637571335, + 0.90859055519104, + -0.01923721842467785, + -0.20776639878749847, + -0.05840333178639412, + 0.6654049754142761, + -0.07566898316144943, + 0.06140592694282532, + -0.19352369010448456, + 2.3051581382751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/89.png", + [ + 0.20870812237262726, + -0.011863947845995426, + -0.05699167400598526, + 0.665058434009552, + -0.026978375390172005, + -0.20768429338932037, + -0.05556339770555496, + 0.6395778656005859, + -0.051584601402282715, + 0.060616590082645416, + -0.20152556896209717, + 2.4083409309387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/63.png", + [ + 0.21585723757743835, + -0.014777064323425293, + -0.011627035215497017, + 0.13336102664470673, + -0.017405107617378235, + -0.20772302150726318, + -0.05912791192531586, + 0.6703543663024902, + -0.007114197127521038, + 0.05983883515000343, + -0.20812641084194183, + 2.4264626502990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/88.png", + [ + 0.20962420105934143, + -0.011462642811238766, + -0.05361153185367584, + 0.6269930005073547, + -0.02576877549290657, + -0.20762163400650024, + -0.05636598914861679, + 0.6476969122886658, + -0.048389650881290436, + 0.06090782582759857, + -0.20222900807857513, + 2.4145078659057617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/62.png", + [ + 0.21587641537189484, + -0.015156150795519352, + -0.010749961249530315, + 0.1221553385257721, + -0.017528576776385307, + -0.20770114660263062, + -0.05916822329163551, + 0.6717297434806824, + -0.006166005507111549, + 0.05981989949941635, + -0.2081620991230011, + 2.4246692657470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/65.png", + [ + 0.21556927263736725, + -0.015299862250685692, + -0.015610930509865284, + 0.17978116869926453, + -0.019027065485715866, + -0.20751339197158813, + -0.05936380848288536, + 0.6718828678131104, + -0.010759074240922928, + 0.0604318343102932, + -0.2077982872724533, + 2.433955669403076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/248.png", + [ + 0.19778189063072205, + -0.02738633193075657, + -0.08414396643638611, + 0.9635438919067383, + -0.043837036937475204, + -0.20930100977420807, + -0.03491855040192604, + 0.38520315289497375, + -0.0768669918179512, + 0.048897650092840195, + -0.19659192860126495, + 2.314028739929199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/80.png", + [ + 0.21239259839057922, + -0.012036717496812344, + -0.04113878682255745, + 0.48368918895721436, + -0.02288675121963024, + -0.2076769471168518, + -0.05739663541316986, + 0.6590351462364197, + -0.03624194487929344, + 0.06060770899057388, + -0.2048441469669342, + 2.4475274085998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/146.png", + [ + 0.18452034890651703, + -8.595863619120792e-05, + -0.11357871443033218, + 1.3240219354629517, + -0.03124685026705265, + -0.2083519995212555, + -0.05060604587197304, + 0.5784099102020264, + -0.1091960072517395, + 0.05947546288371086, + -0.177445188164711, + 2.116227149963379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/119.png", + [ + 0.20906418561935425, + 0.00356263667345047, + -0.05680990591645241, + 0.6487385034561157, + -0.009631412103772163, + -0.2109176218509674, + -0.04867119714617729, + 0.5376538634300232, + -0.056100744754076004, + 0.04948694258928299, + -0.20335103571414948, + 2.385749340057373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/180.png", + [ + 0.18307135999202728, + -0.021448055282235146, + -0.11389800161123276, + 1.2967499494552612, + -0.04674291983246803, + -0.2085103839635849, + -0.035866715013980865, + 0.39683759212493896, + -0.10605598241090775, + 0.05487533286213875, + -0.18080021440982819, + 2.1282949447631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/145.png", + [ + 0.18853062391281128, + 0.0013224943540990353, + -0.10678176581859589, + 1.2459094524383545, + -0.026229100301861763, + -0.20944783091545105, + -0.048903316259384155, + 0.5605811476707458, + -0.10351874679327011, + 0.05547747761011124, + -0.1820824295282364, + 2.1769919395446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/204.png", + [ + 0.18710027635097504, + -0.015096807852387428, + -0.10822877287864685, + 1.268956184387207, + -0.04354945197701454, + -0.2071203887462616, + -0.046394847333431244, + 0.5270974636077881, + -0.10022387653589249, + 0.061815232038497925, + -0.18188443779945374, + 2.1928882598876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/207.png", + [ + 0.1869829297065735, + -0.012452731840312481, + -0.10876677930355072, + 1.2765552997589111, + -0.04239998385310173, + -0.2067052125930786, + -0.0492248460650444, + 0.5602735280990601, + -0.1009332686662674, + 0.06376341730356216, + -0.18081647157669067, + 2.1821985244750977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/250.png", + [ + 0.19825902581214905, + -0.025794988498091698, + -0.08352162688970566, + 0.9601352214813232, + -0.04348396137356758, + -0.20869660377502441, + -0.038765545934438705, + 0.43225014209747314, + -0.07583131641149521, + 0.052232563495635986, + -0.19613583385944366, + 2.3166747093200684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/167.png", + [ + 0.17130634188652039, + -0.006706669926643372, + -0.13250303268432617, + 1.5111817121505737, + -0.037846457213163376, + -0.20987646281719208, + -0.038306791335344315, + 0.42401209473609924, + -0.12716005742549896, + 0.05343019217252731, + -0.16710305213928223, + 1.9683891534805298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/243.png", + [ + 0.19592000544071198, + -0.025440771132707596, + -0.08897195011377335, + 1.0219464302062988, + -0.041627708822488785, + -0.2102866768836975, + -0.031536299735307693, + 0.35031163692474365, + -0.08264607936143875, + 0.045608893036842346, + -0.19503165781497955, + 2.297356128692627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/189.png", + [ + 0.18500374257564545, + -0.0167707372456789, + -0.11153586953878403, + 1.298180341720581, + -0.045484136790037155, + -0.20716436207294464, + -0.04429461434483528, + 0.5011163353919983, + -0.1032119169831276, + 0.06123366579413414, + -0.18040406703948975, + 2.1632699966430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/230.png", + [ + 0.19311276078224182, + -0.01708790473639965, + -0.096764475107193, + 1.1087167263031006, + -0.033915672451257706, + -0.21185162663459778, + -0.03027399815618992, + 0.33380186557769775, + -0.09222302585840225, + 0.042128272354602814, + -0.19148893654346466, + 2.244029998779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/79.png", + [ + 0.2127673327922821, + -0.01143442653119564, + -0.03933455049991608, + 0.4619991183280945, + -0.021513812243938446, + -0.20824873447418213, + -0.055834654718637466, + 0.6410051584243774, + -0.03485841304063797, + 0.05873335152864456, + -0.20562873780727386, + 2.4562063217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/176.png", + [ + 0.1816890835762024, + -0.016756977885961533, + -0.11685964465141296, + 1.3251038789749146, + -0.04130144417285919, + -0.20994926989078522, + -0.034108493477106094, + 0.37082967162132263, + -0.11059459298849106, + 0.05087634176015854, + -0.1792437732219696, + 2.098112106323242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/225.png", + [ + 0.1926165372133255, + -0.018000761047005653, + -0.09758449345827103, + 1.1196271181106567, + -0.032286468893289566, + -0.2128543108701706, + -0.024464622139930725, + 0.26705673336982727, + -0.09383146464824677, + 0.03628920391201973, + -0.19190268218517303, + 2.256564140319824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/185.png", + [ + 0.1845906525850296, + -0.018206438049674034, + -0.11199425905942917, + 1.2876532077789307, + -0.04593030735850334, + -0.20755112171173096, + -0.041962314397096634, + 0.46796914935112, + -0.10375256091356277, + 0.05948910862207413, + -0.18067745864391327, + 2.1433253288269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/165.png", + [ + 0.16392354667186737, + -0.004376506898552179, + -0.14162559807300568, + 1.6259524822235107, + -0.03720959648489952, + -0.21029984951019287, + -0.03656931221485138, + 0.40226224064826965, + -0.1367201954126358, + 0.051987648010253906, + -0.15985234081745148, + 1.896755337715149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/116.png", + [ + 0.2105526179075241, + 0.0017352931899949908, + -0.051112402230501175, + 0.5836569666862488, + -0.010502864606678486, + -0.2104669064283371, + -0.05041100084781647, + 0.5563799142837524, + -0.05005175992846489, + 0.05146424099802971, + -0.20443616807460785, + 2.389491558074951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/19.png", + [ + 0.21306005120277405, + -0.014285501092672348, + -0.03673197701573372, + 0.4298391342163086, + -0.021588673815131187, + -0.21125167608261108, + -0.04306459426879883, + 0.49681082367897034, + -0.03297336772084236, + 0.04600602760910988, + -0.20915089547634125, + 2.495211601257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/77.png", + [ + 0.2133311629295349, + -0.011462278664112091, + -0.03614315018057823, + 0.4255886971950531, + -0.021043846383690834, + -0.20760008692741394, + -0.05837171897292137, + 0.6772341728210449, + -0.031541526317596436, + 0.060981281101703644, + -0.20550987124443054, + 2.460254669189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/254.png", + [ + 0.19879914820194244, + -0.026282308623194695, + -0.08207335323095322, + 0.9570959806442261, + -0.04484237730503082, + -0.2077639400959015, + -0.042085640132427216, + 0.4742784798145294, + -0.07359318435192108, + 0.055599283427000046, + -0.19606289267539978, + 2.339416027069092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/247.png", + [ + 0.19641223549842834, + -0.026966525241732597, + -0.0874239057302475, + 1.0004249811172485, + -0.043981634080410004, + -0.20938509702682495, + -0.034225672483444214, + 0.3771984279155731, + -0.08022312074899673, + 0.04877076297998428, + -0.19527816772460938, + 2.2970352172851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/68.png", + [ + 0.21533183753490448, + -0.015185008756816387, + -0.018695147708058357, + 0.21366339921951294, + -0.020124083384871483, + -0.205839604139328, + -0.06459854543209076, + 0.734691321849823, + -0.013233079575002193, + 0.06593456864356995, + -0.20597431063652039, + 2.443451404571533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/143.png", + [ + 0.19606061279773712, + 0.003991167526692152, + -0.0921531394124031, + 1.0688889026641846, + -0.01981152594089508, + -0.20959751307964325, + -0.05122775211930275, + 0.5919846296310425, + -0.09008681774139404, + 0.054780013859272, + -0.189291849732399, + 2.26646089553833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/218.png", + [ + 0.1879401057958603, + -0.01738565042614937, + -0.10641498863697052, + 1.2378361225128174, + -0.041175924241542816, + -0.2092055380344391, + -0.03854186832904816, + 0.43570849299430847, + -0.0996541678905487, + 0.053653255105018616, + -0.18476544320583344, + 2.1989989280700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/183.png", + [ + 0.18474121391773224, + -0.019920310005545616, + -0.11145292222499847, + 1.2741059064865112, + -0.04581649601459503, + -0.20820333063602448, + -0.03873133286833763, + 0.42857256531715393, + -0.10353463888168335, + 0.05659017711877823, + -0.18173062801361084, + 2.1432852745056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/86.png", + [ + 0.21033519506454468, + -0.011948802508413792, + -0.05063821002840996, + 0.596314549446106, + -0.02544485218822956, + -0.2075675129890442, + -0.05671141669154167, + 0.6558763980865479, + -0.04538239538669586, + 0.060998786240816116, + -0.20289771258831024, + 2.4285635948181152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/239.png", + [ + 0.19541600346565247, + -0.01810435950756073, + -0.09182976186275482, + 1.0507577657699585, + -0.03468931466341019, + -0.21145237982273102, + -0.0321316160261631, + 0.35442236065864563, + -0.0869317278265953, + 0.043680910021066666, + -0.19360461831092834, + 2.2709593772888184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/1.png", + [ + 0.20222999155521393, + -0.006501085124909878, + -0.07751552760601044, + 0.8995968103408813, + -0.025443727150559425, + -0.2095678448677063, + -0.04880397766828537, + 0.5549608469009399, + -0.07350876927375793, + 0.054652970284223557, + -0.19636040925979614, + 2.329282760620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/81.png", + [ + 0.21211549639701843, + -0.012664350681006908, + -0.042361848056316376, + 0.49893710017204285, + -0.023983163759112358, + -0.20735789835453033, + -0.058098215609788895, + 0.6684963703155518, + -0.03714457526803017, + 0.061564672738313675, + -0.204396590590477, + 2.442462921142578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/95.png", + [ + 0.20781104266643524, + -0.010020039044320583, + -0.06051504611968994, + 0.7058185935020447, + -0.023727158084511757, + -0.21025507152080536, + -0.046666089445352554, + 0.534016489982605, + -0.056564074009656906, + 0.0513838529586792, + -0.20275132358074188, + 2.422194004058838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/200.png", + [ + 0.18808701634407043, + -0.0157056525349617, + -0.10641662031412125, + 1.2483184337615967, + -0.043082211166620255, + -0.20740866661071777, + -0.04553533345460892, + 0.5185200572013855, + -0.09856514632701874, + 0.060686707496643066, + -0.18316638469696045, + 2.208527088165283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/199.png", + [ + 0.18838198482990265, + -0.01602334715425968, + -0.10584601014852524, + 1.2415436506271362, + -0.04262007027864456, + -0.20774908363819122, + -0.0444042794406414, + 0.503357470035553, + -0.09820212423801422, + 0.05942611023783684, + -0.1837737113237381, + 2.2135090827941895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/103.png", + [ + 0.208299458026886, + -0.009431175887584686, + -0.05890912190079689, + 0.6883954405784607, + -0.0219761673361063, + -0.21103540062904358, + -0.04392039030790329, + 0.4987773001194, + -0.05546422675251961, + 0.048197563737630844, + -0.20383475720882416, + 2.429241180419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/196.png", + [ + 0.18771012127399445, + -0.016036013141274452, + -0.10703104734420776, + 1.2529892921447754, + -0.042971886694431305, + -0.20771096646785736, + -0.044243261218070984, + 0.49769333004951477, + -0.09932884573936462, + 0.05955582112073898, + -0.18312503397464752, + 2.204479217529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/150.png", + [ + 0.1706857979297638, + -0.0037650649901479483, + -0.13341692090034485, + 1.5472115278244019, + -0.03749602288007736, + -0.20921853184700012, + -0.042066000401973724, + 0.4705117642879486, + -0.128094881772995, + 0.05622565746307373, + -0.16546380519866943, + 1.9739409685134888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/83.png", + [ + 0.21153166890144348, + -0.012653840705752373, + -0.04518986865878105, + 0.5333799123764038, + -0.02512563392519951, + -0.2067623734474182, + -0.05971536040306091, + 0.6921361088752747, + -0.03963516652584076, + 0.06353819370269775, + -0.20332202315330505, + 2.430541515350342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/142.png", + [ + 0.1981758177280426, + 0.004632300231605768, + -0.08748014271259308, + 1.0132383108139038, + -0.018212048336863518, + -0.20946551859378815, + -0.052348967641592026, + 0.6007623672485352, + -0.08568870276212692, + 0.05523255094885826, + -0.1911928504705429, + 2.28570556640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/186.png", + [ + 0.1847735345363617, + -0.017207175493240356, + -0.11185052245855331, + 1.2900463342666626, + -0.04482472315430641, + -0.20776769518852234, + -0.04208587482571602, + 0.4703647196292877, + -0.1039104014635086, + 0.05902871862053871, + -0.18073773384094238, + 2.1498894691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/195.png", + [ + 0.18743914365768433, + -0.01626214012503624, + -0.10747095197439194, + 1.2578797340393066, + -0.04351155832409859, + -0.2075474113225937, + -0.044482748955488205, + 0.5010113716125488, + -0.0996052622795105, + 0.060062579810619354, + -0.18280911445617676, + 2.201777935028076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/51.png", + [ + 0.21587476134300232, + -0.017008518800139427, + -0.0075292931869626045, + 0.0856422707438469, + -0.018414761871099472, + -0.20779158174991608, + -0.05857859179377556, + 0.6371948719024658, + -0.0026223130989819765, + 0.05900224670767784, + -0.20847003161907196, + 2.3637142181396484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/233.png", + [ + 0.19354093074798584, + -0.016540704295039177, + -0.09600111097097397, + 1.1013734340667725, + -0.03517025336623192, + -0.21099092066287994, + -0.03455110266804695, + 0.38377588987350464, + -0.0908452644944191, + 0.04644491896033287, + -0.19114890694618225, + 2.2415671348571777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/128.png", + [ + 0.208944633603096, + -0.001180061837658286, + -0.05734669789671898, + 0.6587063670158386, + -0.014694890938699245, + -0.21050025522708893, + -0.04920973256230354, + 0.552947998046875, + -0.05544452741742134, + 0.0513434000313282, + -0.20307058095932007, + 2.413301944732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/168.png", + [ + 0.17315907776355743, + -0.009303987957537174, + -0.12991251051425934, + 1.4776102304458618, + -0.039886049926280975, + -0.20952555537223816, + -0.038158051669597626, + 0.4233202040195465, + -0.12398761510848999, + 0.05440928041934967, + -0.16915848851203918, + 1.9899054765701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/215.png", + [ + 0.18694017827510834, + -0.017945358529686928, + -0.10807046294212341, + 1.259777545928955, + -0.04159102961421013, + -0.20937025547027588, + -0.03717769682407379, + 0.4170066714286804, + -0.1013481467962265, + 0.05282006412744522, + -0.18408283591270447, + 2.198556900024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/93.png", + [ + 0.20777375996112823, + -0.009337173774838448, + -0.06075180321931839, + 0.7100525498390198, + -0.02407921850681305, + -0.20940707623958588, + -0.050167378038167953, + 0.5767751932144165, + -0.05655224993824959, + 0.054857924580574036, + -0.20184238255023956, + 2.4118423461914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+AuI55Kk5tgw+P0+C1+F3481-3760/242.png", + [ + 0.19559112191200256, + -0.023736799135804176, + -0.09015859663486481, + 1.0354183912277222, + -0.03978123143315315, + -0.21075040102005005, + -0.030815862119197845, + 0.341005802154541, + -0.0843176320195198, + 0.044370345771312714, + -0.1946014016866684, + 2.2903895378112793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/76.png", + [ + 0.21664027869701385, + -0.0038480942603200674, + -0.00027852083439938724, + 0.01346508227288723, + -0.003853258676826954, + -0.21658875048160553, + -0.004729259293526411, + 0.0610542856156826, + -0.00019441985932644457, + 0.004733463283628225, + -0.21662284433841705, + 2.5835189819335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/48.png", + [ + 0.215219646692276, + -0.006102704908698797, + 0.024313807487487793, + -0.28354907035827637, + -0.009488110430538654, + -0.21435196697711945, + 0.030184533447027206, + -0.3658875823020935, + 0.023203017190098763, + -0.031046533957123756, + -0.213179811835289, + 2.5379390716552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/35.png", + [ + 0.21508635580539703, + -0.010007891803979874, + 0.024199284613132477, + -0.27963313460350037, + -0.011283491738140583, + -0.21610510349273682, + 0.010916377417743206, + -0.1387632042169571, + 0.023631462827324867, + -0.012096552178263664, + -0.21504215896129608, + 2.5805654525756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/97.png", + [ + 0.2151237577199936, + 0.002758203074336052, + 0.025730427354574203, + -0.2943227291107178, + -1.279204479942564e-05, + -0.21542899310588837, + 0.023200111463665962, + -0.27535414695739746, + 0.025877835229039192, + -0.023035576567053795, + -0.21388687193393707, + 2.513375759124756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/13.png", + [ + 0.2068873792886734, + 0.0008104243315756321, + 0.06438049674034119, + -0.7523044943809509, + -0.0037944514770060778, + -0.2161274403333664, + 0.014914129860699177, + -0.18227672576904297, + 0.06427367776632309, + -0.0153679009526968, + -0.20635071396827698, + 2.4635238647460938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/32.png", + [ + 0.2148749679327011, + -0.012387041002511978, + 0.02496386133134365, + -0.2900870144367218, + -0.012920568697154522, + -0.21625374257564545, + 0.003908184822648764, + -0.054257459938526154, + 0.02469194121658802, + -0.005364348646253347, + -0.21519626677036285, + 2.579594612121582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/38.png", + [ + 0.2154207080602646, + -0.010948624461889267, + 0.020541435107588768, + -0.23583979904651642, + -0.012374659068882465, + -0.21581797301769257, + 0.014743256382644176, + -0.1811249852180481, + 0.019715242087841034, + -0.01583109050989151, + -0.21519429981708527, + 2.5815353393554688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/11.png", + [ + 0.20654402673244476, + -0.006404875312000513, + 0.06516470015048981, + -0.7675407528877258, + -0.010722826234996319, + -0.21603302657604218, + 0.012753392569720745, + -0.15644696354866028, + 0.06459474563598633, + -0.015381989069283009, + -0.2062493860721588, + 2.4842281341552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/59.png", + [ + 0.21343165636062622, + -0.02395814284682274, + 0.028650231659412384, + -0.34064173698425293, + -0.024911824613809586, + -0.215163454413414, + 0.005656340625137091, + -0.07934525609016418, + 0.027824977412819862, + -0.008865696378052235, + -0.21469761431217194, + 2.608945846557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/105.png", + [ + 0.21560800075531006, + 0.0012897648848593235, + 0.021434029564261436, + -0.24654707312583923, + -0.00045824749395251274, + -0.21595779061317444, + 0.017604557797312737, + -0.2128998339176178, + 0.021467911079525948, + -0.0175632294267416, + -0.2148919552564621, + 2.569885730743408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/24.png", + [ + 0.21359673142433167, + -0.007816094905138016, + 0.035542022436857224, + -0.39029890298843384, + -0.011408365331590176, + -0.21533235907554626, + 0.02120678685605526, + -0.2781733274459839, + 0.03455685079097748, + -0.022776903584599495, + -0.21268504858016968, + 2.5003013610839844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/74.png", + [ + 0.2165582925081253, + -0.005797258112579584, + 0.004098028410226107, + -0.03910176455974579, + -0.00580007117241621, + -0.21659696102142334, + 9.392485662829131e-05, + -0.0019678957760334015, + 0.004094046074897051, + -0.00020357333414722234, + -0.21663586795330048, + 2.5823588371276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/98.png", + [ + 0.215052530169487, + 0.001971692778170109, + 0.02638958767056465, + -0.30435770750045776, + -0.0009227180853486061, + -0.21538230776786804, + 0.023611608892679214, + -0.2804199457168579, + 0.026447052136063576, + -0.023547222837805748, + -0.21376149356365204, + 2.5167651176452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/0.png", + [ + 0.20356327295303345, + -0.014632203616201878, + 0.07277215272188187, + -0.8758963346481323, + -0.013696151785552502, + -0.21617987751960754, + -0.00515519455075264, + 0.05781472101807594, + 0.07295411825180054, + 0.00024326748098246753, + -0.2040233612060547, + 2.4889450073242188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/96.png", + [ + 0.2150404304265976, + 0.004318669904023409, + 0.0262079406529665, + -0.2997119724750519, + 0.0014400766231119633, + -0.21537260711193085, + 0.02367405965924263, + -0.2800435721874237, + 0.026522314175963402, + -0.02332131564617157, + -0.21377694606781006, + 2.515627861022949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/100.png", + [ + 0.21516355872154236, + 0.0024841022677719593, + 0.02542361430823803, + -0.29417455196380615, + -6.197553011588752e-05, + -0.2155962735414505, + 0.021590083837509155, + -0.25685441493988037, + 0.025544611737132072, + -0.021446792408823967, + -0.21409203112125397, + 2.5258116722106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/40.png", + [ + 0.21555083990097046, + -0.008376740850508213, + 0.020385269075632095, + -0.2339218705892563, + -0.010104812681674957, + -0.21567034721374512, + 0.018223285675048828, + -0.22278711199760437, + 0.019586263224482536, + -0.019079456105828285, + -0.21494241058826447, + 2.5795512199401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/52.png", + [ + 0.2132505178451538, + -0.021990541368722916, + 0.03144075721502304, + -0.37470579147338867, + -0.02417963370680809, + -0.2148846685886383, + 0.01370480190962553, + -0.1687088906764984, + 0.029790109023451805, + -0.016996830701828003, + -0.21394287049770355, + 2.5829014778137207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/3.png", + [ + 0.20536857843399048, + -0.014554955996572971, + 0.06752623617649078, + -0.8099634647369385, + -0.016277071088552475, + -0.2160424292087555, + 0.0029368028044700623, + -0.044232457876205444, + 0.06713193655014038, + -0.007856277748942375, + -0.20586276054382324, + 2.503204822540283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/47.png", + [ + 0.21547754108905792, + -0.006140141747891903, + 0.021900271996855736, + -0.25293171405792236, + -0.00881939847022295, + -0.21486292779445648, + 0.026533616706728935, + -0.3195047974586487, + 0.020965242758393288, + -0.027278438210487366, + -0.2139257937669754, + 2.531313419342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/104.png", + [ + 0.2154429852962494, + 2.346242945350241e-05, + 0.023069703951478004, + -0.2674751877784729, + -0.0019289006013423204, + -0.21589750051498413, + 0.0182331632822752, + -0.21921074390411377, + 0.022988934069871902, + -0.018334893509745598, + -0.21467004716396332, + 2.5564732551574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/21.png", + [ + 0.2043607234954834, + 0.008455951698124409, + 0.07150589674711227, + -0.8331215977668762, + 0.004029179457575083, + -0.21618112921714783, + 0.014049346558749676, + -0.1357625126838684, + 0.07189132273197174, + -0.011921211145818233, + -0.20405249297618866, + 2.41685152053833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/82.png", + [ + 0.2159350961446762, + 0.0005983651499263942, + 0.017876487225294113, + -0.20832248032093048, + -0.0017823133384808898, + -0.21475575864315033, + 0.028717411682009697, + -0.34904658794403076, + 0.017797477543354034, + -0.028766442090272903, + -0.2140178382396698, + 2.544731616973877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/106.png", + [ + 0.2160319685935974, + 0.0032908779103308916, + 0.016347745433449745, + -0.18529634177684784, + 0.002109588822349906, + -0.2161002904176712, + 0.01562423724681139, + -0.1903696060180664, + 0.01654171571135521, + -0.015418730676174164, + -0.2154913693666458, + 2.5864439010620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/14.png", + [ + 0.2058017998933792, + 0.00016594899352639914, + 0.0677751749753952, + -0.7903542518615723, + -0.004530919250100851, + -0.21615555882453918, + 0.01428756583482027, + -0.17389264702796936, + 0.06762376427650452, + -0.014987871050834656, + -0.2053053379058838, + 2.446226119995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/67.png", + [ + 0.2149718850851059, + -0.01835862174630165, + 0.019948653876781464, + -0.2312340885400772, + -0.01893986389040947, + -0.2157745361328125, + 0.005524929147213697, + -0.06871360540390015, + 0.019397661089897156, + -0.007225255016237497, + -0.21568362414836884, + 2.572573184967041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/78.png", + [ + 0.2166229635477066, + -0.004195450339466333, + 0.0021886832546442747, + -0.024990404024720192, + -0.004252850543707609, + -0.2165549248456955, + 0.005811511073261499, + -0.06798562407493591, + 0.002074946416541934, + -0.0058530839160084724, + -0.21658563613891602, + 2.5876526832580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/31.png", + [ + 0.21469826996326447, + -0.011382759548723698, + 0.0268885288387537, + -0.31336960196495056, + -0.01189537812024355, + -0.21632106602191925, + 0.0034061423502862453, + -0.04951171576976776, + 0.026665711775422096, + -0.004851245786994696, + -0.21497279405593872, + 2.5833568572998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/39.png", + [ + 0.21548783779144287, + -0.009919743984937668, + 0.02035888098180294, + -0.2334960550069809, + -0.011473267339169979, + -0.21575482189655304, + 0.01631312258541584, + -0.19933639466762543, + 0.01952560991048813, + -0.017301807180047035, + -0.2150983363389969, + 2.579228401184082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/92.png", + [ + 0.21526019275188446, + 0.0005591892986558378, + 0.024710994213819504, + -0.28063732385635376, + -0.0023749740794301033, + -0.2151489555835724, + 0.025557301938533783, + -0.30446863174438477, + 0.02460295520722866, + -0.025661323219537735, + -0.2137383669614792, + 2.5218758583068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/53.png", + [ + 0.2126397043466568, + -0.026736747473478317, + 0.03189660236239433, + -0.3805903196334839, + -0.02789643220603466, + -0.2147895246744156, + 0.0059290495701134205, + -0.06683726608753204, + 0.03088747151196003, + -0.009925262071192265, + -0.21423199772834778, + 2.5857996940612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/75.png", + [ + 0.21664464473724365, + -0.003382358467206359, + -0.0012442367151379585, + 0.027637461200356483, + -0.003418487962335348, + -0.21654856204986572, + -0.006551982834935188, + 0.0844905823469162, + -0.001141234184615314, + 0.006570706609636545, + -0.21657197177410126, + 2.581374168395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/87.png", + [ + 0.21514584124088287, + -0.0010907480027526617, + 0.025670422241091728, + -0.2898940443992615, + -0.004467446822673082, + -0.21476992964744568, + 0.028316352516412735, + -0.3393767774105072, + 0.025302216410636902, + -0.028645841404795647, + -0.21327707171440125, + 2.5211315155029297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/107.png", + [ + 0.21623268723487854, + 0.0026530360337346792, + 0.013574887067079544, + -0.15147867798805237, + 0.0018525562481954694, + -0.21629051864147186, + 0.012762041762471199, + -0.15352077782154083, + 0.013707086443901062, + -0.012619946151971817, + -0.21587206423282623, + 2.594409465789795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/69.png", + [ + 0.21499103307724, + -0.016514692455530167, + 0.021307574585080147, + -0.24723844230175018, + -0.01766882836818695, + -0.21566644310951233, + 0.011121612042188644, + -0.1389583945274353, + 0.020360756665468216, + -0.01277273241430521, + -0.21533739566802979, + 2.5655293464660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/45.png", + [ + 0.21550245583057404, + -0.00617304677143693, + 0.021644489839673042, + -0.24789586663246155, + -0.008243778720498085, + -0.21553479135036469, + 0.020607927814126015, + -0.24856886267662048, + 0.02094350941479206, + -0.021319948136806488, + -0.21460364758968353, + 2.5412607192993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/50.png", + [ + 0.21484676003456116, + -0.008183342404663563, + 0.02686638943850994, + -0.3166494071483612, + -0.011825510300695896, + -0.21436211466789246, + 0.02927352301776409, + -0.3604736030101776, + 0.025474052876234055, + -0.030492864549160004, + -0.2130003571510315, + 2.5533576011657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/101.png", + [ + 0.21523801982402802, + 0.0011299175675958395, + 0.024883942678570747, + -0.2881458103656769, + -0.0012757950462400913, + -0.2156674563884735, + 0.020828135311603546, + -0.24783110618591309, + 0.02487689070403576, + -0.02083655819296837, + -0.21423088014125824, + 2.531247138977051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/85.png", + [ + 0.2153289020061493, + 0.0004975551273673773, + 0.024106215685606003, + -0.2733570635318756, + -0.002755243331193924, + -0.21470172703266144, + 0.029042694717645645, + -0.3507341742515564, + 0.023953409865498543, + -0.029168853536248207, + -0.213361918926239, + 2.5278100967407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/71.png", + [ + 0.2152450680732727, + -0.01394696906208992, + 0.020565355196595192, + -0.24017146229743958, + -0.015427638776600361, + -0.21558479964733124, + 0.015266872942447662, + -0.1943822056055069, + 0.019479215145111084, + -0.01663043722510338, + -0.2151554822921753, + 2.560204029083252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/54.png", + [ + 0.2129182070493698, + -0.026504237204790115, + 0.03018704243004322, + -0.3596724569797516, + -0.02695014700293541, + -0.21498796343803406, + 0.0013279037084430456, + -0.006063178181648254, + 0.029789621010422707, + -0.005059567745774984, + -0.21455739438533783, + 2.586197853088379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/33.png", + [ + 0.21504271030426025, + -0.010915861465036869, + 0.024194249883294106, + -0.27992168068885803, + -0.011767550371587276, + -0.21624061465263367, + 0.00702949333935976, + -0.09246882051229477, + 0.023791644722223282, + -0.008290532976388931, + -0.21520482003688812, + 2.578275680541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/49.png", + [ + 0.21504712104797363, + -0.007148431148380041, + 0.025525134056806564, + -0.29925546050071716, + -0.010690567083656788, + -0.21431463956832886, + 0.030047332867980003, + -0.36822783946990967, + 0.02425581030547619, + -0.031081030145287514, + -0.21305756270885468, + 2.5498132705688477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/18.png", + [ + 0.20506836473941803, + 0.0066015953198075294, + 0.06965115666389465, + -0.8050880432128906, + 0.0016546352999284863, + -0.21610520780086517, + 0.015611017122864723, + -0.1766444891691208, + 0.06994374841451645, + -0.014242914505302906, + -0.20457984507083893, + 2.4117956161499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/66.png", + [ + 0.21456694602966309, + -0.019722193479537964, + 0.02280248887836933, + -0.2681923806667328, + -0.020355623215436935, + -0.21565799415111542, + 0.0050167967565357685, + -0.06238720566034317, + 0.02223886176943779, + -0.007110188249498606, + -0.21541303396224976, + 2.582526683807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/16.png", + [ + 0.20540213584899902, + 0.0023666084744036198, + 0.06893662363290787, + -0.7985499501228333, + -0.0017439735820516944, + -0.2162996530532837, + 0.012621917761862278, + -0.14889216423034668, + 0.0689551904797554, + -0.012520120479166508, + -0.20502762496471405, + 2.4289040565490723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/94.png", + [ + 0.2151564657688141, + 0.002916930243372917, + 0.02543777786195278, + -0.290778249502182, + 8.32740988698788e-05, + -0.21534258127212524, + 0.023988822475075722, + -0.28504860401153564, + 0.025604337453842163, + -0.023810964077711105, + -0.21383488178253174, + 2.520106792449951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/28.png", + [ + 0.214207723736763, + -0.015486417338252068, + 0.028689872473478317, + -0.33053284883499146, + -0.016092004254460335, + -0.21604742109775543, + 0.0035284715704619884, + -0.04738006368279457, + 0.02835463546216488, + -0.005619039759039879, + -0.21473781764507294, + 2.562241554260254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/61.png", + [ + 0.21225865185260773, + -0.03350517526268959, + 0.027776960283517838, + -0.3286688029766083, + -0.03368207812309265, + -0.21403919160366058, + -0.0007959420327097178, + 0.005584944039583206, + 0.027562187984585762, + -0.0035382092464715242, + -0.21488532423973083, + 2.6097006797790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/58.png", + [ + 0.2137383073568344, + -0.021965190768241882, + 0.027952926233410835, + -0.3327706456184387, + -0.022692907601594925, + -0.21544156968593597, + 0.004225974902510643, + -0.059642255306243896, + 0.02736544795334339, + -0.007096289191395044, + -0.2148224115371704, + 2.602566719055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/64.png", + [ + 0.2137952595949173, + -0.025038957595825195, + 0.0247492715716362, + -0.2918161153793335, + -0.02515660785138607, + -0.21520891785621643, + -0.0004138470103498548, + 0.007618322968482971, + 0.02462967485189438, + -0.0024651209823787212, + -0.21525610983371735, + 2.594372272491455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/10.png", + [ + 0.20604602992534637, + -0.01032943557947874, + 0.06622862815856934, + -0.7833003401756287, + -0.014454363845288754, + -0.2158966362476349, + 0.01129684317857027, + -0.13677552342414856, + 0.06545227020978928, + -0.01516080740839243, + -0.20599527657032013, + 2.4901938438415527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/41.png", + [ + 0.21566100418567657, + -0.007381699979305267, + 0.01958896405994892, + -0.22323840856552124, + -0.009148183278739452, + -0.21560415625572205, + 0.01946919411420822, + -0.23751652240753174, + 0.01882890611886978, + -0.0202051792293787, + -0.2149072289466858, + 2.5750746726989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/91.png", + [ + 0.21505172550678253, + 0.0006492538959719241, + 0.026461785659193993, + -0.30076128244400024, + -0.002511667786166072, + -0.21513158082962036, + 0.025690391659736633, + -0.30721575021743774, + 0.026350315660238266, + -0.02580471709370613, + -0.21351270377635956, + 2.5215816497802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/23.png", + [ + 0.213724285364151, + 0.0004852477286476642, + 0.035631272941827774, + -0.3812074065208435, + -0.004462522454559803, + -0.21458449959754944, + 0.029689541086554527, + -0.38214272260665894, + 0.03535405173897743, + -0.030019115656614304, + -0.21165263652801514, + 2.478538990020752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/37.png", + [ + 0.2152407169342041, + -0.011519082821905613, + 0.022059861570596695, + -0.25459688901901245, + -0.01312961708754301, + -0.21572302281856537, + 0.01546233519911766, + -0.19055484235286713, + 0.02114095166325569, + -0.01669674925506115, + -0.2149934321641922, + 2.5810232162475586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/36.png", + [ + 0.21523790061473846, + -0.010687323287129402, + 0.02250153385102749, + -0.2595718204975128, + -0.012294420041143894, + -0.21579742431640625, + 0.01510690152645111, + -0.18732242286205292, + 0.0216652974486351, + -0.01628349907696247, + -0.21497292816638947, + 2.5802626609802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/8.png", + [ + 0.20768527686595917, + -0.009680597111582756, + 0.061000071465969086, + -0.7274458408355713, + -0.013238159939646721, + -0.21600039303302765, + 0.010792741551995277, + -0.13118690252304077, + 0.060328055173158646, + -0.014071892015635967, + -0.2076304405927658, + 2.5211539268493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/6.png", + [ + 0.20710358023643494, + -0.010891517624258995, + 0.0627485066652298, + -0.7489168643951416, + -0.013925905339419842, + -0.216061070561409, + 0.00846030842512846, + -0.1059260219335556, + 0.062145549803972244, + -0.012119509279727936, + -0.20721714198589325, + 2.5210819244384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/20.png", + [ + 0.20424135029315948, + 0.007068384904414415, + 0.07199588418006897, + -0.8357263803482056, + 0.0018422389402985573, + -0.21607613563537598, + 0.015987690538167953, + -0.16856464743614197, + 0.07231857627630234, + -0.01445814874023199, + -0.203737273812294, + 2.410341739654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/2.png", + [ + 0.20470407605171204, + -0.015990450978279114, + 0.0691986009478569, + -0.8338570594787598, + -0.017614243552088737, + -0.21594621241092682, + 0.002205675933510065, + -0.03618493303656578, + 0.06880318373441696, + -0.007709213998168707, + -0.20531581342220306, + 2.4986181259155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/5.png", + [ + 0.20633895695209503, + -0.01143753994256258, + 0.06512537598609924, + -0.7776445746421814, + -0.014580029994249344, + -0.21602585911750793, + 0.00825521256774664, + -0.10650277137756348, + 0.06449459493160248, + -0.012243714183568954, + -0.20649075508117676, + 2.5156760215759277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/108.png", + [ + 0.21645140647888184, + 0.0025696177035570145, + 0.009491408243775368, + -0.09918945282697678, + 0.0020157478284090757, + -0.2162991762161255, + 0.012589773163199425, + -0.1452523171901703, + 0.009624269790947437, + -0.012488502077758312, + -0.21610023081302643, + 2.6037678718566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/60.png", + [ + 0.2129189670085907, + -0.0286403801292181, + 0.028162691742181778, + -0.3352757692337036, + -0.029106110334396362, + -0.21470403671264648, + 0.0017057169461622834, + -0.0309468861669302, + 0.027681095525622368, + -0.005459272768348455, + -0.21482980251312256, + 2.608497142791748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/56.png", + [ + 0.21340976655483246, + -0.021793195977807045, + 0.03048327937722206, + -0.3623412549495697, + -0.022656043991446495, + -0.21543797850608826, + 0.0045906659215688705, + -0.054744116961956024, + 0.02984757162630558, + -0.007708901539444923, + -0.2144704908132553, + 2.603058338165283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/30.png", + [ + 0.21449539065361023, + -0.011472751386463642, + 0.02842523530125618, + -0.33093056082725525, + -0.011920584365725517, + -0.2163303941488266, + 0.002638712292537093, + -0.038771551102399826, + 0.02824035845696926, + -0.004176017828285694, + -0.21478579938411713, + 2.5739636421203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/17.png", + [ + 0.20539183914661407, + 0.004308707546442747, + 0.06887321919202805, + -0.797450840473175, + 0.00025322125293314457, + -0.216297447681427, + 0.012776413932442665, + -0.14717452228069305, + 0.06900739669799805, + -0.01203062478452921, + -0.2050393521785736, + 2.421536922454834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/12.png", + [ + 0.20639924705028534, + 0.0009947398211807013, + 0.06592610478401184, + -0.7727519273757935, + -0.004016077145934105, + -0.21605801582336426, + 0.015833433717489243, + -0.19578778743743896, + 0.06581119447946548, + -0.016304507851600647, + -0.20579344034194946, + 2.4716787338256836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/27.png", + [ + 0.21342696249485016, + -0.021372919902205467, + 0.03065986931324005, + -0.35131606459617615, + -0.021817319095134735, + -0.215567484498024, + 0.0016013630665838718, + -0.023955781012773514, + 0.0303452480584383, + -0.0046645523980259895, + -0.2144884616136551, + 2.5527405738830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/42.png", + [ + 0.21569949388504028, + -0.007852750830352306, + 0.018972579389810562, + -0.21603275835514069, + -0.009492989629507065, + -0.2156604826450348, + 0.018664062023162842, + -0.22675102949142456, + 0.01820734702050686, + -0.019411293789744377, + -0.21503393352031708, + 2.5682454109191895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/7.png", + [ + 0.2068766951560974, + -0.011703496798872948, + 0.06334788352251053, + -0.7570652961730957, + -0.014555532485246658, + -0.2160508781671524, + 0.00761903403326869, + -0.09245949238538742, + 0.06275399029254913, + -0.011530022136867046, + -0.2070673555135727, + 2.5164575576782227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/73.png", + [ + 0.21604633331298828, + -0.010601872578263283, + 0.012628470547497272, + -0.1429869383573532, + -0.01108589768409729, + -0.21623846888542175, + 0.008119351230561733, + -0.1072574108839035, + 0.01220577023923397, + -0.008741926401853561, + -0.21615386009216309, + 2.5753302574157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/46.png", + [ + 0.21565811336040497, + -0.005126098170876503, + 0.020327409729361534, + -0.23234449326992035, + -0.0074050514958798885, + -0.21518050134181976, + 0.024298368021845818, + -0.29142892360687256, + 0.0196123868227005, + -0.024879079312086105, + -0.21434617042541504, + 2.529916763305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/57.png", + [ + 0.21384501457214355, + -0.019975129514932632, + 0.02862177975475788, + -0.3404913544654846, + -0.020887266844511032, + -0.21559293568134308, + 0.005595078691840172, + -0.07108084857463837, + 0.02796308696269989, + -0.00828112754970789, + -0.2147030234336853, + 2.6056604385375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/44.png", + [ + 0.2155468910932541, + -0.006077256519347429, + 0.021225109696388245, + -0.2436305731534958, + -0.00800389051437378, + -0.2156434804201126, + 0.019537853077054024, + -0.23578129708766937, + 0.020576102659106255, + -0.020220210775732994, + -0.21474558115005493, + 2.549652099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/29.png", + [ + 0.21459969878196716, + -0.011246718466281891, + 0.027719765901565552, + -0.3203944265842438, + -0.011892844922840595, + -0.21630506217479706, + 0.004310243763029575, + -0.058710675686597824, + 0.027448758482933044, + -0.00579045107588172, + -0.21485096216201782, + 2.568326473236084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/4.png", + [ + 0.20574787259101868, + -0.012543504126369953, + 0.0667709931731224, + -0.7995926141738892, + -0.014444171451032162, + -0.2161574512720108, + 0.003901180112734437, + -0.05384451895952225, + 0.06638576835393906, + -0.008155596442520618, + -0.206092968583107, + 2.507871150970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/55.png", + [ + 0.21310019493103027, + -0.023554090410470963, + 0.03132747486233711, + -0.3720795214176178, + -0.02401515655219555, + -0.2153347283601761, + 0.0014562372816726565, + -0.01129394955933094, + 0.030975444242358208, + -0.004904397763311863, + -0.2143930196762085, + 2.5947699546813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/9.png", + [ + 0.2074778974056244, + -0.009395206347107887, + 0.06174582988023758, + -0.7314015030860901, + -0.013411492109298706, + -0.21591410040855408, + 0.012211846187710762, + -0.147627055644989, + 0.06099958345293999, + -0.01551539171487093, + -0.20733118057250977, + 2.507533073425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/25.png", + [ + 0.2133791446685791, + -0.015115399844944477, + 0.03447836637496948, + -0.3854098916053772, + -0.01716037653386593, + -0.21567976474761963, + 0.011647318489849567, + -0.1546272486448288, + 0.03350752964615822, + -0.014200816862285137, + -0.21359653770923615, + 2.5288429260253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/99.png", + [ + 0.21504241228103638, + 0.0022793610114604235, + 0.0264472384005785, + -0.30563557147979736, + -0.0005114034283906221, + -0.2154785692691803, + 0.022729283198714256, + -0.2705784738063812, + 0.026540353894233704, + -0.022620487958192825, + -0.2138500064611435, + 2.522228240966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/34.png", + [ + 0.21501566469669342, + -0.010877950116991997, + 0.02445049211382866, + -0.2818507254123688, + -0.011924593709409237, + -0.21617166697978973, + 0.008689813315868378, + -0.11222979426383972, + 0.023957468569278717, + -0.009968902915716171, + -0.21511521935462952, + 2.577347755432129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/72.png", + [ + 0.21564289927482605, + -0.012667025439441204, + 0.01689915731549263, + -0.19736546277999878, + -0.013941468670964241, + -0.21561141312122345, + 0.016286203637719154, + -0.2050849050283432, + 0.01586412824690342, + -0.017295995727181435, + -0.21539980173110962, + 2.5632853507995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/102.png", + [ + 0.21521781384944916, + 0.0003706452844198793, + 0.025080937892198563, + -0.29209864139556885, + -0.002050803042948246, + -0.21566566824913025, + 0.020784905180335045, + -0.24819624423980713, + 0.024999700486660004, + -0.02088254503905773, + -0.21421213448047638, + 2.5383973121643066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/70.png", + [ + 0.21510247886180878, + -0.015313765965402126, + 0.02107870578765869, + -0.24504366517066956, + -0.016614647582173347, + -0.2156526893377304, + 0.01287541352212429, + -0.16369424760341644, + 0.020069299265742302, + -0.014398309402167797, + -0.21526220440864563, + 2.5634098052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/90.png", + [ + 0.21499760448932648, + 0.0009527648217044771, + 0.02688896283507347, + -0.30550000071525574, + -0.0022780809085816145, + -0.21511659026145935, + 0.02583727240562439, + -0.30897873640060425, + 0.026809224858880043, + -0.02592000551521778, + -0.21344159543514252, + 2.5222249031066895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/15.png", + [ + 0.20515838265419006, + 0.0018337719375267625, + 0.06967469304800034, + -0.8086456060409546, + -0.002558894921094179, + -0.21625544130802155, + 0.013226350769400597, + -0.1581476628780365, + 0.06965184211730957, + -0.01334622036665678, + -0.20473980903625488, + 2.4361534118652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/22.png", + [ + 0.2119659036397934, + -0.0032174945808947086, + 0.04481068626046181, + -0.48057228326797485, + -0.011128144338726997, + -0.21314354240894318, + 0.03733481839299202, + -0.47273802757263184, + 0.043526023626327515, + -0.038824889808893204, + -0.20867681503295898, + 2.4330620765686035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/26.png", + [ + 0.21273307502269745, + -0.023667966946959496, + 0.033650532364845276, + -0.38253194093704224, + -0.024589447304606438, + -0.21523647010326385, + 0.004064709413796663, + -0.059047602117061615, + 0.03298318013548851, + -0.007809617090970278, + -0.21400706470012665, + 2.5413637161254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/43.png", + [ + 0.2156025767326355, + -0.0077721853740513325, + 0.020075423642992973, + -0.23039589822292328, + -0.009552359580993652, + -0.2156185805797577, + 0.019112205132842064, + -0.2295849323272705, + 0.019292017444968224, + -0.01990268938243389, + -0.2148943990468979, + 2.5589728355407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/84.png", + [ + 0.21539193391799927, + -0.001023288001306355, + 0.023519476875662804, + -0.26995614171028137, + -0.00426004733890295, + -0.21459032595157623, + 0.029677189886569977, + -0.3591269552707672, + 0.023153074085712433, + -0.029963918030261993, + -0.21334008872509003, + 2.530716896057129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/89.png", + [ + 0.2150249481201172, + 0.0001501005026511848, + 0.02668597921729088, + -0.30204638838768005, + -0.0032538429368287325, + -0.21490712463855743, + 0.027426956221461296, + -0.3284396231174469, + 0.026487288996577263, + -0.027618885040283203, + -0.21326863765716553, + 2.521341323852539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/63.png", + [ + 0.21314382553100586, + -0.029664622619748116, + 0.025250956416130066, + -0.29608163237571716, + -0.029528498649597168, + -0.21463355422019958, + -0.0028991082217544317, + 0.039494242519140244, + 0.02541000209748745, + -0.0005893434281460941, + -0.2151787132024765, + 2.6005382537841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/88.png", + [ + 0.2151772379875183, + -0.0008733979775570333, + 0.025414224714040756, + -0.2860633134841919, + -0.004189483355730772, + -0.21480534970760345, + 0.028089428320527077, + -0.33560436964035034, + 0.02508174628019333, + -0.02838669903576374, + -0.2133377492427826, + 2.5192437171936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/62.png", + [ + 0.21230323612689972, + -0.03398072347044945, + 0.026842888444662094, + -0.3161986768245697, + -0.0337541401386261, + -0.21399322152137756, + -0.003931470215320587, + 0.05072690173983574, + 0.02712726593017578, + -0.0003295016649644822, + -0.21496951580047607, + 2.605468273162842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/65.png", + [ + 0.21414212882518768, + -0.021603301167488098, + 0.024987049400806427, + -0.295342355966568, + -0.022065669298171997, + -0.21553045511245728, + 0.0027622380293905735, + -0.03275615721940994, + 0.024579696357250214, + -0.005274578463286161, + -0.21521131694316864, + 2.5917248725891113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/80.png", + [ + 0.21649761497974396, + -0.0028262382838875055, + 0.008287528529763222, + -0.09675538539886475, + -0.00352942175231874, + -0.2158466875553131, + 0.01859145425260067, + -0.2243042290210724, + 0.00801336020231247, + -0.018711263313889503, + -0.2157164067029953, + 2.583238124847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/79.png", + [ + 0.21660317480564117, + -0.003773359814658761, + 0.0040894122794270515, + -0.0485243946313858, + -0.003979946486651897, + -0.21634958684444427, + 0.011176208965480328, + -0.13302883505821228, + 0.0038886459078639746, + -0.011247637681663036, + -0.21634754538536072, + 2.5874218940734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/19.png", + [ + 0.2046864926815033, + 0.007512127980589867, + 0.07067462801933289, + -0.8179519176483154, + 0.002214872045442462, + -0.21603049337863922, + 0.016547583043575287, + -0.18249152600765228, + 0.07103823125362396, + -0.014909598976373672, + -0.20415477454662323, + 2.4090328216552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/77.png", + [ + 0.21661889553070068, + -0.004676044452935457, + -0.0015102174365893006, + 0.022681698203086853, + -0.004678021650761366, + -0.2166239619255066, + -0.00026791440905071795, + 0.005145221948623657, + -0.001504082465544343, + 0.00030045173480175436, + -0.2166692018508911, + 2.584956169128418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/68.png", + [ + 0.21490275859832764, + -0.01810038648545742, + 0.020906314253807068, + -0.24221350252628326, + -0.018859395757317543, + -0.21573613584041595, + 0.007080574985593557, + -0.08866266906261444, + 0.020224273204803467, + -0.00884236115962267, + -0.21554741263389587, + 2.567777156829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/86.png", + [ + 0.21538621187210083, + -3.9630798710277304e-05, + 0.023593852296471596, + -0.26570072770118713, + -0.003294294001534581, + -0.21460239589214325, + 0.029712853953242302, + -0.35705989599227905, + 0.023362774401903152, + -0.029894892126321793, + -0.21332690119743347, + 2.522831916809082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/1.png", + [ + 0.20372742414474487, + -0.016773726791143417, + 0.07184477150440216, + -0.8661646246910095, + -0.016968443989753723, + -0.21599680185317993, + -0.002312400611117482, + 0.021761834621429443, + 0.07179903984069824, + -0.0034521559718996286, + -0.20440371334552765, + 2.4905786514282227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/81.png", + [ + 0.2162712663412094, + 9.892891102936119e-05, + 0.013214288279414177, + -0.15581311285495758, + -0.0014734112191945314, + -0.2151370346546173, + 0.025725170969963074, + -0.311592698097229, + 0.01313226018100977, + -0.025767138227820396, + -0.21473585069179535, + 2.563223361968994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/95.png", + [ + 0.21507778763771057, + 0.0018547902582213283, + 0.026191771030426025, + -0.3001290559768677, + -0.0009457214619033039, + -0.21544592082500458, + 0.023022910580039024, + -0.27377188205718994, + 0.026240326464176178, + -0.02296755649149418, + -0.21385003626346588, + 2.517446994781494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/103.png", + [ + 0.21531087160110474, + 0.0002411801542621106, + 0.024270666763186455, + -0.28277111053466797, + -0.0019375755218788981, + -0.2158016860485077, + 0.019333135336637497, + -0.23097458481788635, + 0.02419440634548664, + -0.019428487867116928, + -0.21444126963615417, + 2.547351837158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/83.png", + [ + 0.21573448181152344, + 0.00133328337687999, + 0.02011847496032715, + -0.23230449855327606, + -0.0015004597371444106, + -0.21453925967216492, + 0.030307600274682045, + -0.3669629693031311, + 0.020106695592403412, + -0.03031541220843792, + -0.21359913051128387, + 2.5345797538757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/51.png", + [ + 0.21411508321762085, + -0.013132046908140182, + 0.03049873746931553, + -0.36312901973724365, + -0.016398586332798004, + -0.2148669809103012, + 0.022608855739235878, + -0.2824801802635193, + 0.02887403592467308, + -0.02465001679956913, + -0.21332266926765442, + 2.5685787200927734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+WDN72QkW5KQ+P3+C0+F95232-95342/93.png", + [ + 0.21519556641578674, + 0.0006651832954958081, + 0.025265056639909744, + -0.2879391014575958, + -0.0022360978182405233, + -0.21524907648563385, + 0.024713119491934776, + -0.2945464849472046, + 0.0251746978610754, + -0.024805162101984024, + -0.21377286314964294, + 2.5208802223205566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/76.png", + [ + 0.1982051134109497, + -0.08751033246517181, + 0.002138589508831501, + -0.02152770571410656, + -0.08748620003461838, + -0.19821153581142426, + -0.0025000260211527348, + 0.01939978078007698, + 0.002966065891087055, + 0.0014234288828447461, + -0.21664966642856598, + 2.6040029525756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/48.png", + [ + 0.20496773719787598, + -0.061575304716825485, + 0.033832062035799026, + -0.3957924544811249, + -0.06220391020178795, + -0.20755185186862946, + -0.0008948423201218247, + 0.0009944364428520203, + 0.032661907374858856, + -0.008866163901984692, + -0.2140151709318161, + 2.5558509826660156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/35.png", + [ + 0.20344586670398712, + -0.0651417076587677, + 0.036252301186323166, + -0.42783012986183167, + -0.066325843334198, + -0.20626752078533173, + 0.0015750122256577015, + -0.030141526833176613, + 0.034037552773952484, + -0.012575973756611347, + -0.2136145681142807, + 2.5911922454833984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/97.png", + [ + 0.20414425432682037, + -0.07116519659757614, + 0.014440723694860935, + -0.16174206137657166, + -0.06725527346134186, + -0.20154625177383423, + -0.04247036576271057, + 0.48582080006599426, + 0.027381543070077896, + 0.03553192317485809, + -0.21198026835918427, + 2.521399974822998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/13.png", + [ + 0.21170473098754883, + -0.02335071563720703, + -0.039796244353055954, + 0.45695510506629944, + -0.022748049348592758, + -0.2154099941253662, + 0.005380114074796438, + -0.07526766508817673, + -0.04014378413558006, + -0.0010786156635731459, + -0.2129206508398056, + 2.543336868286133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/32.png", + [ + 0.2030143439769745, + -0.06678330898284912, + 0.03567996248602867, + -0.42138728499412537, + -0.06780025362968445, + -0.20579279959201813, + 0.0005858000949956477, + -0.018342558294534683, + 0.03370748460292816, + -0.011713582091033459, + -0.21371591091156006, + 2.5949225425720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/38.png", + [ + 0.20366281270980835, + -0.06449367851018906, + 0.03619272634387016, + -0.4264726936817169, + -0.06571856886148453, + -0.20645900070667267, + 0.0019100629724562168, + -0.03342325985431671, + 0.03391779959201813, + -0.012772805988788605, + -0.21362194418907166, + 2.578709602355957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/111.png", + [ + 0.2068241536617279, + -0.06381309032440186, + 0.009977415204048157, + -0.11121544986963272, + -0.06135391443967819, + -0.2045678198337555, + -0.03654584661126137, + 0.41637104749679565, + 0.020183078944683075, + 0.03205917403101921, + -0.21333716809749603, + 2.548275947570801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/11.png", + [ + 0.20135244727134705, + -0.010890629142522812, + -0.0792873203754425, + 0.9700672626495361, + -0.012151546776294708, + -0.21633058786392212, + -0.0011447910219430923, + 0.003849182277917862, + -0.07910389453172684, + 0.005510428920388222, + -0.20164351165294647, + 2.461859703063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/59.png", + [ + 0.20506954193115234, + -0.06863979995250702, + 0.013526096940040588, + -0.15644767880439758, + -0.06835848093032837, + -0.20550665259361267, + -0.006483097095042467, + 0.06480145454406738, + 0.014882688410580158, + 0.0018685268005356193, + -0.21615484356880188, + 2.5523276329040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/105.png", + [ + 0.20611660182476044, + -0.06601467728614807, + 0.010291025973856449, + -0.11329200863838196, + -0.06352057307958603, + -0.20397000014781952, + -0.03618386387825012, + 0.41033342480659485, + 0.02071182243525982, + 0.031403783708810806, + -0.2133839726448059, + 2.5416455268859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/121.png", + [ + 0.21384653449058533, + -0.03378545865416527, + -0.008723268285393715, + 0.1118893250823021, + -0.03445439785718918, + -0.21301677823066711, + -0.019612489268183708, + 0.2221376597881317, + -0.005517883691936731, + 0.020743627101182938, + -0.21560880541801453, + 2.609438419342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/24.png", + [ + 0.2026234120130539, + -0.0683879479765892, + 0.03485306352376938, + -0.40559256076812744, + -0.06956808269023895, + -0.20519472658634186, + 0.0018154518911615014, + -0.032304298132658005, + 0.03243346884846687, + -0.012888051569461823, + -0.2138454169034958, + 2.5659494400024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/74.png", + [ + 0.19743824005126953, + -0.08920635282993317, + -0.002873820485547185, + 0.038650479167699814, + -0.08921904116868973, + -0.19745302200317383, + -0.0004132241301704198, + -0.005257638171315193, + -0.002448751125484705, + 0.0015598766040056944, + -0.2166551947593689, + 2.6095147132873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/98.png", + [ + 0.20448988676071167, + -0.07015320658683777, + 0.01450172159820795, + -0.16087357699871063, + -0.06627514958381653, + -0.20191818475723267, + -0.042243849486112595, + 0.48144081234931946, + 0.02719147503376007, + 0.03543256223201752, + -0.2120213508605957, + 2.515674114227295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/0.png", + [ + 0.2162744551897049, + -0.012965880334377289, + -0.0022674615029245615, + 0.024195829406380653, + -0.013011067174375057, + -0.2162362039089203, + -0.004528798628598452, + 0.0426102839410305, + -0.0019918689504265785, + 0.004656592849642038, + -0.2166154384613037, + 2.66127872467041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/96.png", + [ + 0.2039490044116974, + -0.07181350886821747, + 0.01398280169814825, + -0.15911148488521576, + -0.0680580586194992, + -0.20141977071762085, + -0.041786015033721924, + 0.4808047115802765, + 0.026847686618566513, + 0.03493982553482056, + -0.21214689314365387, + 2.529797077178955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/100.png", + [ + 0.20531870424747467, + -0.06808226555585861, + 0.01252709235996008, + -0.13829602301120758, + -0.06466415524482727, + -0.20262151956558228, + -0.041363801807165146, + 0.4708925187587738, + 0.02471170201897621, + 0.03545735403895378, + -0.21232052147388458, + 2.5128698348999023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/40.png", + [ + 0.2035343050956726, + -0.06416422873735428, + 0.037478528916835785, + -0.4414416253566742, + -0.06540567427873611, + -0.20656126737594604, + 0.0015596809098497033, + -0.02810407429933548, + 0.03526734188199043, + -0.012778409756720066, + -0.21340295672416687, + 2.5656323432922363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/52.png", + [ + 0.2058371901512146, + -0.06220336630940437, + 0.026639873161911964, + -0.3096480071544647, + -0.062162429094314575, + -0.2075226604938507, + -0.004251882899552584, + 0.04062208905816078, + 0.02673528902232647, + -0.0036035755183547735, + -0.21498866379261017, + 2.5668797492980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/3.png", + [ + 0.21627894043922424, + -0.012483109720051289, + -0.003935685846954584, + 0.03996819630265236, + -0.012565001845359802, + -0.2162620723247528, + -0.004553717095404863, + 0.04283260181546211, + -0.003665842581540346, + 0.0047736321575939655, + -0.2165910303592682, + 2.649247646331787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/47.png", + [ + 0.20423872768878937, + -0.0632832944393158, + 0.035066671669483185, + -0.412445068359375, + -0.06393997371196747, + -0.2070220708847046, + -0.0011983070289716125, + 0.004194226115942001, + 0.03385448455810547, + -0.009218529798090458, + -0.2138148546218872, + 2.559260368347168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/104.png", + [ + 0.20631149411201477, + -0.06528748571872711, + 0.010999882593750954, + -0.12231660634279251, + -0.06259306520223618, + -0.2040690928697586, + -0.037226513028144836, + 0.42418739199638367, + 0.02157687395811081, + 0.03226839378476143, + -0.2131691426038742, + 2.5401740074157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/21.png", + [ + 0.2034553438425064, + -0.06759053468704224, + 0.03139019384980202, + -0.36034685373306274, + -0.0685899630188942, + -0.20552177727222443, + 0.0020282422192394733, + -0.035026635974645615, + 0.029141748324036598, + -0.011841295287013054, + -0.2143792062997818, + 2.546851634979248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/82.png", + [ + 0.20325569808483124, + -0.07456690818071365, + 0.008648358285427094, + -0.10086899995803833, + -0.07417763769626617, + -0.203341543674469, + -0.009888914413750172, + 0.10599347949028015, + 0.011519373394548893, + 0.006315752398222685, + -0.21627600491046906, + 2.5917816162109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/106.png", + [ + 0.2061222940683365, + -0.066013865172863, + 0.010181786492466927, + -0.11224003881216049, + -0.06362481415271759, + -0.20410023629665375, + -0.035254426300525665, + 0.3985004425048828, + 0.02033180370926857, + 0.03054768778383732, + -0.21354474127292633, + 2.546631336212158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/14.png", + [ + 0.21325068175792694, + -0.034373294562101364, + -0.017044629901647568, + 0.1795995533466339, + -0.03367491438984871, + -0.21381396055221558, + 0.009873618371784687, + -0.1288396716117859, + -0.01838594861328602, + -0.00706856744363904, + -0.21577739715576172, + 2.5620651245117188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/67.png", + [ + 0.18902142345905304, + -0.10571913421154022, + -0.006500866264104843, + 0.08691301941871643, + -0.10555858165025711, + -0.18911927938461304, + 0.006259532645344734, + -0.08655036985874176, + -0.00872825551778078, + -0.0022935925517231226, + -0.2164866030216217, + 2.6070146560668945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/78.png", + [ + 0.2002311646938324, + -0.0827135518193245, + 0.0037199421785771847, + -0.04075552895665169, + -0.08267217129468918, + -0.20026172697544098, + -0.0029069245792925358, + 0.023628730326890945, + 0.004547852091491222, + 0.0012669750722125173, + -0.2166231870651245, + 2.590066432952881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/31.png", + [ + 0.20269426703453064, + -0.06733008474111557, + 0.03646354004740715, + -0.43141573667526245, + -0.06832901388406754, + -0.20561861991882324, + 0.00015303361578844488, + -0.013171030208468437, + 0.03455539792776108, + -0.011642049066722393, + -0.21358434855937958, + 2.594658851623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/39.png", + [ + 0.20378679037094116, + -0.06395696103572845, + 0.03644641861319542, + -0.42913761734962463, + -0.0652255192399025, + -0.20661310851573944, + 0.00213341461494565, + -0.03590043634176254, + 0.034124258905649185, + -0.012977980077266693, + -0.21357668936252594, + 2.5721631050109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/92.png", + [ + 0.20455148816108704, + -0.07145801186561584, + 0.0005818936042487621, + 0.00013398518785834312, + -0.0704701691865921, + -0.20200306177139282, + -0.03430187702178955, + 0.405788391828537, + 0.011855049058794975, + 0.03219339996576309, + -0.21394145488739014, + 2.584634780883789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/53.png", + [ + 0.20612511038780212, + -0.0621706061065197, + 0.024395640939474106, + -0.28429466485977173, + -0.06211395189166069, + -0.20754049718379974, + -0.004085713066160679, + 0.03793451562523842, + 0.024539535865187645, + -0.0031066930387169123, + -0.21525810658931732, + 2.574232578277588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/75.png", + [ + 0.1975327879190445, + -0.08904319256544113, + 5.929947292315774e-06, + 0.0037889748346060514, + -0.08904051035642624, + -0.19752700626850128, + -0.0016641983529552817, + 0.00880105048418045, + 0.0006893136305734515, + 0.0015147405210882425, + -0.2166682481765747, + 2.606090545654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/87.png", + [ + 0.20609939098358154, + -0.06679762899875641, + -0.003003132762387395, + 0.041811179369688034, + -0.06680917739868164, + -0.20611712336540222, + -0.0003983359201811254, + -0.016924038529396057, + -0.0027340033557265997, + 0.0013048764085397124, + -0.21665345132350922, + 2.6250815391540527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/107.png", + [ + 0.20646730065345764, + -0.06483138352632523, + 0.010772332549095154, + -0.11886508762836456, + -0.062343258410692215, + -0.20444732904434204, + -0.035531751811504364, + 0.40243107080459595, + 0.02079591527581215, + 0.030758390203118324, + -0.21346978843212128, + 2.5482497215270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/112.png", + [ + 0.2073591947555542, + -0.06181209906935692, + 0.01137192640453577, + -0.1276683509349823, + -0.05924101918935776, + -0.20532077550888062, + -0.03580188378691673, + 0.40822312235832214, + 0.02098945528268814, + 0.031153466552495956, + -0.21339352428913116, + 2.5494608879089355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/69.png", + [ + 0.1903289258480072, + -0.10328178852796555, + -0.007460927125066519, + 0.09723425656557083, + -0.10319049656391144, + -0.19047491252422333, + 0.004349803552031517, + -0.06149423122406006, + -0.008632182143628597, + -0.0002676668227650225, + -0.21650244295597076, + 2.621603488922119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/45.png", + [ + 0.20437806844711304, + -0.06260604411363602, + 0.03546808660030365, + -0.4185957610607147, + -0.06340434402227402, + -0.2071898877620697, + -0.00036324906977824867, + -0.004142899066209793, + 0.03402046114206314, + -0.01003620307892561, + -0.2137516736984253, + 2.5670480728149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/50.png", + [ + 0.20544207096099854, + -0.06136135011911392, + 0.031244784593582153, + -0.3648826777935028, + -0.061841268092393875, + -0.20765866339206696, + -0.0011975360102951527, + 0.004639271646738052, + 0.03028380684554577, + -0.007782143075019121, + -0.21440668404102325, + 2.557755947113037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/101.png", + [ + 0.20542262494564056, + -0.06781935691833496, + 0.01224658265709877, + -0.13511665165424347, + -0.06441177427768707, + -0.20263205468654633, + -0.041704561561346054, + 0.47568485140800476, + 0.024506449699401855, + 0.035898227244615555, + -0.21227021515369415, + 2.513601779937744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/85.png", + [ + 0.20602379739284515, + -0.06699179112911224, + 0.003767171176150441, + -0.04214911535382271, + -0.06692111492156982, + -0.20603950321674347, + -0.004144479054957628, + 0.030508529394865036, + 0.004863662179559469, + 0.002777242800220847, + -0.21660222113132477, + 2.621511459350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/71.png", + [ + 0.1930716186761856, + -0.09821897745132446, + -0.0049264030531048775, + 0.06476762890815735, + -0.09821073710918427, + -0.19313254952430725, + 0.001537300762720406, + -0.026523778215050697, + -0.005088001489639282, + 0.0008631222881376743, + -0.21661317348480225, + 2.6250381469726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/115.png", + [ + 0.2099108248949051, + -0.05267823114991188, + 0.01050455030053854, + -0.11765336990356445, + -0.05059176683425903, + -0.2081257700920105, + -0.032741792500019073, + 0.37227436900138855, + 0.01805032417178154, + 0.029266981407999992, + -0.21392878890037537, + 2.5510377883911133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/54.png", + [ + 0.20593209564685822, + -0.06327102333307266, + 0.023165399208664894, + -0.27016139030456543, + -0.0631110817193985, + -0.20722080767154694, + -0.00494161294773221, + 0.04735102877020836, + 0.023597657680511475, + -0.0020508021116256714, + -0.21537604928016663, + 2.5732197761535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/33.png", + [ + 0.20303110778331757, + -0.06639495491981506, + 0.03630394861102104, + -0.4289284944534302, + -0.06754814088344574, + -0.20587271451950073, + 0.0012522756587713957, + -0.026639236137270927, + 0.034110356122255325, + -0.012491147965192795, + -0.21360792219638824, + 2.592078685760498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/49.png", + [ + 0.2052599936723709, + -0.061502855271101, + 0.032150138169527054, + -0.3751280903816223, + -0.06202322617173195, + -0.20760458707809448, + -0.0011628876673057675, + 0.004466842859983444, + 0.031134409829974174, + -0.008101367391645908, + -0.21427299082279205, + 2.5555739402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/118.png", + [ + 0.21245168149471283, + -0.04233510419726372, + 0.00446294667199254, + -0.04749109968543053, + -0.0414021760225296, + -0.2107698768377304, + -0.028457248583436012, + 0.3269045948982239, + 0.009901460260152817, + 0.027049843221902847, + -0.21475139260292053, + 2.582136631011963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/110.png", + [ + 0.20667265355587006, + -0.06441577523946762, + 0.009215251542627811, + -0.1012183427810669, + -0.06199030578136444, + -0.20423246920108795, + -0.037339016795158386, + 0.4254932999610901, + 0.019786695018410683, + 0.03297892585396767, + -0.213234081864357, + 2.547330379486084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/18.png", + [ + 0.20689985156059265, + -0.059258803725242615, + 0.025074677541851997, + -0.29476481676101685, + -0.060044676065444946, + -0.20815913379192352, + 0.003508388763293624, + -0.05435222387313843, + 0.023129703477025032, + -0.01029878668487072, + -0.21519024670124054, + 2.5455102920532227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/66.png", + [ + 0.18905417621135712, + -0.10571812093257904, + -0.005485812202095985, + 0.07489708811044693, + -0.1055346205830574, + -0.18909937143325806, + 0.007195286452770233, + -0.09824469685554504, + -0.008298322558403015, + -0.0036061243154108524, + -0.2164856195449829, + 2.5962843894958496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/16.png", + [ + 0.21039262413978577, + -0.048184216022491455, + 0.019003184512257576, + -0.23747004568576813, + -0.04900508373975754, + -0.21091757714748383, + 0.007757073268294334, + -0.10548292100429535, + 0.016773248091340065, + -0.011830105446279049, + -0.21570025384426117, + 2.5418004989624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/94.png", + [ + 0.2039724737405777, + -0.07231329381465912, + 0.01067284494638443, + -0.1221093088388443, + -0.06923122704029083, + -0.20126749575138092, + -0.04057491198182106, + 0.4755581319332123, + 0.023455454036593437, + 0.034786127507686615, + -0.21257390081882477, + 2.5529046058654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/28.png", + [ + 0.2017926424741745, + -0.06928800046443939, + 0.03777297958731651, + -0.4459432363510132, + -0.07035688310861588, + -0.20493365824222565, + -5.141580550116487e-05, + -0.0098199974745512, + 0.03574260696768761, + -0.01221745926886797, + -0.21335673332214355, + 2.5839409828186035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/61.png", + [ + 0.20248018205165863, + -0.07662838697433472, + 0.008818543516099453, + -0.10147291421890259, + -0.07661308348178864, + -0.2026681751012802, + -0.0019850749522447586, + 0.011556386947631836, + 0.008950521238148212, + -0.0012630806304514408, + -0.21648600697517395, + 2.553976535797119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/58.png", + [ + 0.20539797842502594, + -0.06693778187036514, + 0.01670026034116745, + -0.19213005900382996, + -0.06644565612077713, + -0.20605240762233734, + -0.00867590680718422, + 0.0894666314125061, + 0.018561819568276405, + 0.0031030578538775444, + -0.21585579216480255, + 2.555927276611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/64.png", + [ + 0.19278354942798615, + -0.09889388829469681, + -0.0015467992052435875, + 0.0276512261480093, + -0.09876607358455658, + -0.19266746938228607, + 0.008509271778166294, + -0.11331866681575775, + -0.005259189289063215, + -0.006865945179015398, + -0.21650195121765137, + 2.573028564453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/10.png", + [ + 0.1971045881509781, + -0.004639906343072653, + -0.08986738324165344, + 1.111006498336792, + -0.007796921767294407, + -0.21645322442054749, + -0.005925248377025127, + 0.06261618435382843, + -0.08964866399765015, + 0.008623911067843437, + -0.19707012176513672, + 2.420412540435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/41.png", + [ + 0.2035745084285736, + -0.0642697736620903, + 0.03707706183195114, + -0.4357722997665405, + -0.06535450369119644, + -0.20658202469348907, + 0.0007425812655128539, + -0.017491823062300682, + 0.035129766911268234, + -0.011881057173013687, + -0.2134774774312973, + 2.5630197525024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/91.png", + [ + 0.20498207211494446, + -0.07007965445518494, + -0.004367825575172901, + 0.05975612252950668, + -0.07006081193685532, + -0.20323939621448517, + -0.02707631327211857, + 0.3159009516239166, + 0.004660373087972403, + 0.027027498930692673, + -0.21493181586265564, + 2.6013660430908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/23.png", + [ + 0.20302891731262207, + -0.06792867183685303, + 0.03335929289460182, + -0.38599303364753723, + -0.06903079152107239, + -0.205375075340271, + 0.001930256257764995, + -0.0335855633020401, + 0.03101446107029915, + -0.012436695396900177, + -0.2140825241804123, + 2.5595312118530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/37.png", + [ + 0.20321346819400787, + -0.06575863808393478, + 0.03644142299890518, + -0.4291417896747589, + -0.06700564920902252, + -0.2060454934835434, + 0.0018435155507177114, + -0.03337043896317482, + 0.03409427031874657, + -0.012998327612876892, + -0.21358023583889008, + 2.5849246978759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/36.png", + [ + 0.20323963463306427, + -0.06600268930196762, + 0.03584963455796242, + -0.4227938652038574, + -0.06726289540529251, + -0.2059587985277176, + 0.0021381364203989506, + -0.037029482424259186, + 0.03342534601688385, + -0.013134460896253586, + -0.21367764472961426, + 2.588944435119629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/8.png", + [ + 0.20469781756401062, + -0.006139845121651888, + -0.07077429443597794, + 0.8803902268409729, + -0.007200482301414013, + -0.21654535830020905, + -0.0020398402120918036, + 0.01599534973502159, + -0.07067426294088364, + 0.004279042594134808, + -0.2047797292470932, + 2.530026435852051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/6.png", + [ + 0.2141193151473999, + -0.011739691719412804, + -0.031032226979732513, + 0.3791813552379608, + -0.011343872174620628, + -0.21634796261787415, + 0.0035742351319640875, + -0.0512525774538517, + -0.031179098412394524, + -0.0019074087031185627, + -0.21441112458705902, + 2.613025188446045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/20.png", + [ + 0.2052372843027115, + -0.06302496045827866, + 0.029213057830929756, + -0.336133748292923, + -0.0640777051448822, + -0.2069498598575592, + 0.0037013825494796038, + -0.05403634160757065, + 0.02682528644800186, + -0.012145250104367733, + -0.21466435492038727, + 2.5410561561584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/2.png", + [ + 0.21628974378108978, + -0.012655767612159252, + -0.002541901310905814, + 0.02436906099319458, + -0.012708977796137333, + -0.2162499576807022, + -0.004725978244096041, + 0.04341631755232811, + -0.0022608796134591103, + 0.004866678733378649, + -0.2166081666946411, + 2.6540064811706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/117.png", + [ + 0.21149949729442596, + -0.04670381173491478, + 0.005882971454411745, + -0.0637865960597992, + -0.04540671408176422, + -0.20955467224121094, + -0.031192393973469734, + 0.35787561535835266, + 0.012413118034601212, + 0.029214540496468544, + -0.21433693170547485, + 2.5679383277893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/5.png", + [ + 0.21548517048358917, + -0.013781784102320671, + -0.018002552911639214, + 0.2100287675857544, + -0.013613861985504627, + -0.21623112261295319, + 0.002581003587692976, + -0.03903747349977493, + -0.018129870295524597, + -0.0014357182662934065, + -0.21591004729270935, + 2.6135120391845703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/108.png", + [ + 0.2063084989786148, + -0.06539098173379898, + 0.010426917113363743, + -0.1149028092622757, + -0.06292523443698883, + -0.2042302042245865, + -0.03575387969613075, + 0.40530163049697876, + 0.020618345588445663, + 0.031015224754810333, + -0.21344983577728271, + 2.5461015701293945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/60.png", + [ + 0.20437803864479065, + -0.07109086215496063, + 0.011117372661828995, + -0.12890402972698212, + -0.0709487572312355, + -0.2046792060136795, + -0.004538312088698149, + 0.041444916278123856, + 0.011990918777883053, + 0.0006404421292245388, + -0.21634164452552795, + 2.550149917602539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/56.png", + [ + 0.20534548163414001, + -0.06614299863576889, + 0.02015511505305767, + -0.23247267305850983, + -0.06573743373155594, + -0.20633044838905334, + -0.007364376913756132, + 0.07396060228347778, + 0.021440977230668068, + 0.0008644114714115858, + -0.21560944616794586, + 2.5670166015625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/30.png", + [ + 0.20250551402568817, + -0.06780393421649933, + 0.03663380816578865, + -0.4332287311553955, + -0.06870976090431213, + -0.2054910957813263, + -0.0005186597700230777, + -0.0044610705226659775, + 0.03490528091788292, + -0.011132216081023216, + -0.21355465054512024, + 2.5935792922973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/17.png", + [ + 0.207797572016716, + -0.05583416670560837, + 0.02550693042576313, + -0.30814892053604126, + -0.05684297904372215, + -0.20901159942150116, + 0.005560989025980234, + -0.07994069159030914, + 0.02317184768617153, + -0.012024711817502975, + -0.21509617567062378, + 2.54416561126709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/12.png", + [ + 0.20756345987319946, + -0.017978932708501816, + -0.059515297412872314, + 0.7134566903114319, + -0.01837780885398388, + -0.21589091420173645, + 0.0011245294008404016, + -0.02537655457854271, + -0.05939333885908127, + 0.003970698453485966, + -0.20833761990070343, + 2.5201892852783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/114.png", + [ + 0.2092762440443039, + -0.055102888494729996, + 0.010724971070885658, + -0.12018884718418121, + -0.05287745222449303, + -0.2073943018913269, + -0.033756107091903687, + 0.38406774401664734, + 0.018850188702344894, + 0.029986171051859856, + -0.2137601375579834, + 2.548186779022217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/27.png", + [ + 0.20174147188663483, + -0.06975550949573517, + 0.037181247025728226, + -0.4368130564689636, + -0.07089099287986755, + -0.20474885404109955, + 0.0005189105868339539, + -0.01641724444925785, + 0.03496773913502693, + -0.012648004107177258, + -0.2134600132703781, + 2.579014301300049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/42.png", + [ + 0.2035064548254013, + -0.06380491703748703, + 0.038235392421483994, + -0.45002278685569763, + -0.06490933150053024, + -0.20672303438186646, + 0.0005106047610752285, + -0.014522463083267212, + 0.03632893040776253, + -0.011933770030736923, + -0.21327373385429382, + 2.561306953430176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/7.png", + [ + 0.21048656105995178, + -0.009276596829295158, + -0.050569307059049606, + 0.6297674179077148, + -0.009358634240925312, + -0.2164711058139801, + 0.0007563609979115427, + -0.017935607582330704, + -0.050554193556308746, + 0.0014494357164949179, + -0.2106894999742508, + 2.5974531173706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/73.png", + [ + 0.19628216326236725, + -0.09170998632907867, + -0.0032370025292038918, + 0.0434698611497879, + -0.09170995652675629, + -0.19630755484104156, + 0.0007208567694760859, + -0.017431072890758514, + -0.003237840486690402, + 0.000717085029464215, + -0.21664924919605255, + 2.6188693046569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/120.png", + [ + 0.21364957094192505, + -0.035792555660009384, + -0.004543985705822706, + 0.06160441040992737, + -0.036069441586732864, + -0.2125423103570938, + -0.02174060046672821, + 0.24772685766220093, + -0.0008659877930767834, + 0.022193502634763718, + -0.2155332714319229, + 2.607916831970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/46.png", + [ + 0.20387183129787445, + -0.06417305022478104, + 0.03558070585131645, + -0.4190998375415802, + -0.06500207632780075, + -0.20669423043727875, + -0.00034024487831629813, + -0.006208162754774094, + 0.034042567014694214, + -0.010354019701480865, + -0.2137330025434494, + 2.5638480186462402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/57.png", + [ + 0.20508968830108643, + -0.06742929667234421, + 0.01842285320162773, + -0.21245715022087097, + -0.06685381382703781, + -0.20589129626750946, + -0.009340324439108372, + 0.09665219485759735, + 0.020412711426615715, + 0.0031566519755870104, + -0.21568787097930908, + 2.5619263648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/44.png", + [ + 0.20408087968826294, + -0.06353236734867096, + 0.03553205728530884, + -0.41931357979774475, + -0.06430750340223312, + -0.20691077411174774, + -0.0006078938022255898, + -0.00043085962533950806, + 0.034109149128198624, + -0.009973104111850262, + -0.2137404978275299, + 2.5643396377563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/113.png", + [ + 0.2084292769432068, + -0.05796314775943756, + 0.012058405205607414, + -0.13551029562950134, + -0.05545639246702194, + -0.20659486949443817, + -0.034511499106884, + 0.3941681683063507, + 0.020729700103402138, + 0.030111931264400482, + -0.21356835961341858, + 2.550665855407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/29.png", + [ + 0.20221735537052155, + -0.06841015070676804, + 0.037095677107572556, + -0.4383975565433502, + -0.06933854520320892, + -0.2052796185016632, + -0.000586453068535775, + -0.0036820992827415466, + 0.03532995656132698, + -0.011323746293783188, + -0.21347473561763763, + 2.588998794555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/4.png", + [ + 0.21617825329303741, + -0.011978581547737122, + -0.00844844151288271, + 0.0933954268693924, + -0.011938520707190037, + -0.2163418084383011, + 0.0012570247054100037, + -0.02532130852341652, + -0.008504957892000675, + -0.0007886462262831628, + -0.2165062129497528, + 2.6332015991210938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/55.png", + [ + 0.20540417730808258, + -0.06578458100557327, + 0.020722242072224617, + -0.23990292847156525, + -0.06552997976541519, + -0.20644548535346985, + -0.005829385947436094, + 0.05715406313538551, + 0.021513812243938446, + -0.0007409629761241376, + -0.21560265123844147, + 2.568378448486328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/9.png", + [ + 0.19917479157447815, + -0.0033071229699999094, + -0.08524294197559357, + 1.057944655418396, + -0.00602627731859684, + -0.21651630103588104, + -0.005680662579834461, + 0.05971195921301842, + -0.08509395271539688, + 0.007592685986310244, + -0.19912122189998627, + 2.455955982208252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/25.png", + [ + 0.2023444026708603, + -0.0689607635140419, + 0.03534191474318504, + -0.4122978746891022, + -0.07011641561985016, + -0.20501118898391724, + 0.0014129063347354531, + -0.026760932058095932, + 0.03298979997634888, + -0.012756185606122017, + -0.21376821398735046, + 2.57010555267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/99.png", + [ + 0.20457831025123596, + -0.07009058445692062, + 0.013524611480534077, + -0.1486048400402069, + -0.06644779443740845, + -0.20198366045951843, + -0.04165555164217949, + 0.4732249677181244, + 0.026082482188940048, + 0.03518243879079819, + -0.212202250957489, + 2.511056900024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/34.png", + [ + 0.20327800512313843, + -0.06571803987026215, + 0.03615365922451019, + -0.42694586515426636, + -0.06684871762990952, + -0.20610105991363525, + 0.0012257377384230494, + -0.026293247938156128, + 0.034017615020275116, + -0.012304120697081089, + -0.21363359689712524, + 2.595634937286377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/72.png", + [ + 0.19447393715381622, + -0.09541334956884384, + -0.004906908608973026, + 0.06477274000644684, + -0.09540098905563354, + -0.19453470408916473, + 0.0016714987577870488, + -0.02791987545788288, + -0.005141567438840866, + 0.0006602577050216496, + -0.21661262214183807, + 2.6255083084106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/102.png", + [ + 0.20570597052574158, + -0.06702359020709991, + 0.011865271255373955, + -0.1319310963153839, + -0.06381599605083466, + -0.2030467689037323, + -0.04058848321437836, + 0.46308717131614685, + 0.023674167692661285, + 0.03503917157649994, + -0.21250808238983154, + 2.520260810852051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/70.png", + [ + 0.19132596254348755, + -0.10152894258499146, + -0.005843165330588818, + 0.07702499628067017, + -0.10147726535797119, + -0.19141513109207153, + 0.003241045167669654, + -0.047611646354198456, + -0.006680662278085947, + -0.00012529159721452743, + -0.21657156944274902, + 2.6261677742004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/90.png", + [ + 0.20486409962177277, + -0.07001730054616928, + -0.008727490901947021, + 0.1117430254817009, + -0.07052893191576004, + -0.20398811995983124, + -0.01903708092868328, + 0.2130430042743683, + -0.002064752159640193, + 0.02084025740623474, + -0.2156601846218109, + 2.6136817932128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/122.png", + [ + 0.21386854350566864, + -0.03277605399489403, + -0.011570284143090248, + 0.14640963077545166, + -0.033546969294548035, + -0.21351861953735352, + -0.015241011045873165, + 0.16896967589855194, + -0.009096269495785236, + 0.016835015267133713, + -0.21582801640033722, + 2.609663963317871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/15.png", + [ + 0.21251259744167328, + -0.041744813323020935, + 0.006607675924897194, + -0.09790657460689545, + -0.04197726026177406, + -0.21241559088230133, + 0.008088644593954086, + -0.10788720846176147, + 0.004919423256069422, + -0.009213403798639774, + -0.21642275154590607, + 2.555370330810547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/22.png", + [ + 0.2033131867647171, + -0.0673365443944931, + 0.03282419964671135, + -0.37783974409103394, + -0.06842471659183502, + -0.20557613670825958, + 0.002097801072522998, + -0.03526824340224266, + 0.030490944162011147, + -0.01233415026217699, + -0.2141636312007904, + 2.551755428314209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/109.png", + [ + 0.2063174694776535, + -0.06536564230918884, + 0.010408259928226471, + -0.1154460683465004, + -0.06280345469713211, + -0.20408610999584198, + -0.036775946617126465, + 0.4178025722503662, + 0.020897991955280304, + 0.032001178711652756, + -0.21327702701091766, + 2.545529842376709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/26.png", + [ + 0.20210659503936768, + -0.06914319843053818, + 0.03633230924606323, + -0.42571964859962463, + -0.07041557878255844, + -0.20490603148937225, + 0.0017504029674455523, + -0.031138436868786812, + 0.03380035609006882, + -0.01344009954482317, + -0.21359960734844208, + 2.5720930099487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/43.png", + [ + 0.20381449162960052, + -0.06339824199676514, + 0.03725862130522728, + -0.4390031695365906, + -0.0643470361828804, + -0.20689938962459564, + -5.8924255426973104e-05, + -0.007490308955311775, + 0.03559494391083717, + -0.011009467765688896, + -0.21344716846942902, + 2.5605874061584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/84.png", + [ + 0.20490193367004395, + -0.06984321773052216, + 0.009220226667821407, + -0.10838422179222107, + -0.06933566927909851, + -0.20495064556598663, + -0.011648579500615597, + 0.122745081782341, + 0.012476153671741486, + 0.008065206930041313, + -0.2161647379398346, + 2.6099720001220703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/89.png", + [ + 0.20494571328163147, + -0.069894939661026, + -0.0077358209528028965, + 0.0991252139210701, + -0.07023631781339645, + -0.20462891459465027, + -0.011906358413398266, + 0.1229577362537384, + -0.0034650033339858055, + 0.013769460842013359, + -0.21620890498161316, + 2.621072292327881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/63.png", + [ + 0.19616703689098358, + -0.09199073910713196, + 0.0020229769870638847, + -0.016461310908198357, + -0.09200684726238251, + -0.19605156779289246, + 0.006812743842601776, + -0.09229084849357605, + -0.0010619675740599632, + -0.007026958279311657, + -0.2165580540895462, + 2.5641140937805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/88.png", + [ + 0.2058383822441101, + -0.06743519008159637, + -0.005563545972108841, + 0.07265639305114746, + -0.06755898147821426, + -0.20581574738025665, + -0.004854522179812193, + 0.03619001433253288, + -0.003773859702050686, + 0.006346449255943298, + -0.21654878556728363, + 2.626131057739258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/62.png", + [ + 0.20003214478492737, + -0.08313345164060593, + 0.004885133821517229, + -0.05386756733059883, + -0.0832308679819107, + -0.19999977946281433, + 0.004539881367236376, + -0.06580973416566849, + 0.00276732724159956, + -0.006067696027457714, + -0.21657197177410126, + 2.5570549964904785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/65.png", + [ + 0.19010601937770844, + -0.1039186492562294, + -0.0029163628350943327, + 0.04547658562660217, + -0.10377105325460434, + -0.19005249440670013, + 0.0077139888890087605, + -0.10467354953289032, + -0.006257721688598394, + -0.005371380131691694, + -0.2165176123380661, + 2.584016799926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/80.png", + [ + 0.2014119029045105, + -0.07949066162109375, + 0.007898236624896526, + -0.0920228436589241, + -0.07932902127504349, + -0.20155394077301025, + -0.005551449488848448, + 0.05415090546011925, + 0.009383696131408215, + 0.002268694806843996, + -0.2164594531059265, + 2.592526435852051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/119.png", + [ + 0.21307119727134705, + -0.03933632746338844, + 0.0011035754578188062, + -0.006555401720106602, + -0.03895752504467964, + -0.21171143651008606, + -0.024667467921972275, + 0.28213146328926086, + 0.0055565666407346725, + 0.024058811366558075, + -0.21526308357715607, + 2.597296714782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/79.png", + [ + 0.20075038075447083, + -0.08133391290903091, + 0.0056545315310359, + -0.06377333402633667, + -0.08126205950975418, + -0.20082609355449677, + -0.0036398593802005053, + 0.03203484043478966, + 0.006607240531593561, + 0.0012516662245616317, + -0.21657024323940277, + 2.5914835929870605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/116.png", + [ + 0.21059824526309967, + -0.050498705357313156, + 0.006793438456952572, + -0.07376758754253387, + -0.04891509935259819, + -0.20845730602741241, + -0.03317760303616524, + 0.3801044821739197, + 0.01426825113594532, + 0.030713532119989395, + -0.21401166915893555, + 2.556079864501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/19.png", + [ + 0.20581108331680298, + -0.06177308037877083, + 0.027816835790872574, + -0.3219447731971741, + -0.0627179741859436, + -0.20736895501613617, + 0.0035314802080392838, + -0.05290266126394272, + 0.025615358725190163, + -0.011406193487346172, + -0.21485261619091034, + 2.5382776260375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/77.png", + [ + 0.1991162747144699, + -0.0854070782661438, + 0.0024976858403533697, + -0.025917556136846542, + -0.08538816124200821, + -0.19913017749786377, + -0.001984198810532689, + 0.013445347547531128, + 0.003077560570091009, + 0.0008391087176278234, + -0.21665114164352417, + 2.59975004196167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/68.png", + [ + 0.189528226852417, + -0.1048206314444542, + -0.006291103549301624, + 0.08314063400030136, + -0.10468993335962296, + -0.18962407112121582, + 0.005533969961106777, + -0.07725492119789124, + -0.00818286370486021, + -0.0018009885679930449, + -0.2165125608444214, + 2.6165943145751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/86.png", + [ + 0.20636187493801117, + -0.06601379066705704, + -0.002201729454100132, + 0.03176658973097801, + -0.06601404398679733, + -0.20637330412864685, + 0.00031885382486507297, + -0.02435789629817009, + -0.002194197615608573, + 0.0003671217418741435, + -0.2166632115840912, + 2.622732639312744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/1.png", + [ + 0.21635526418685913, + -0.011663643643260002, + -0.0015040225116536021, + 0.013484708033502102, + -0.011690003797411919, + -0.21632102131843567, + -0.004057625774294138, + 0.03603566810488701, + -0.0012831451604142785, + 0.004132790025323629, + -0.21663141250610352, + 2.6611976623535156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/81.png", + [ + 0.2021484076976776, + -0.07766278088092804, + 0.007239119149744511, + -0.08336279541254044, + -0.07744783163070679, + -0.20223985612392426, + -0.00698326388373971, + 0.07173515856266022, + 0.009259865619242191, + 0.003927555400878191, + -0.2164410501718521, + 2.589367389678955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/95.png", + [ + 0.2034928798675537, + -0.07326392829418182, + 0.013074459508061409, + -0.15059685707092285, + -0.06962087750434875, + -0.20085598528385162, + -0.041924960911273956, + 0.48702624440193176, + 0.026295974850654602, + 0.035173363983631134, + -0.21217741072177887, + 2.5352115631103516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/103.png", + [ + 0.20602825284004211, + -0.06606493145227432, + 0.011647986248135567, + -0.12933963537216187, + -0.06316649168729782, + -0.20371845364570618, + -0.038166552782058716, + 0.43505120277404785, + 0.022588616237044334, + 0.032895527780056, + -0.2129683792591095, + 2.530404567718506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/83.png", + [ + 0.20385588705539703, + -0.07266552001237869, + 0.010506466962397099, + -0.12406213581562042, + -0.07209952920675278, + -0.2039826512336731, + -0.01185861136764288, + 0.12876859307289124, + 0.013868025504052639, + 0.00766096543520689, + -0.21609461307525635, + 2.603015422821045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/51.png", + [ + 0.20585526525974274, + -0.06156816706061363, + 0.027943946421146393, + -0.32564613223075867, + -0.06171455606818199, + -0.20767900347709656, + -0.0029397443868219852, + 0.025239035487174988, + 0.0276191309094429, + -0.005166209302842617, + -0.21484503149986267, + 2.5621509552001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+1qf8dZpLED0+P2+C1+F5731-5855/93.png", + [ + 0.20433612167835236, + -0.07194194942712784, + 0.00435875216498971, + -0.04598463699221611, + -0.07010436803102493, + -0.20143094658851624, + -0.03819483146071434, + 0.45131444931030273, + 0.016733838245272636, + 0.03460957109928131, + -0.21323707699775696, + 2.57161808013916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/76.png", + [ + 0.1666831374168396, + -0.04089764878153801, + -0.1322573721408844, + 1.4865005016326904, + -0.0770735964179039, + -0.19937001168727875, + -0.03548463433980942, + 0.3957172632217407, + -0.11499688774347305, + 0.0743429884314537, + -0.16791880130767822, + 1.9435163736343384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/48.png", + [ + 0.1736980825662613, + -0.036403242498636246, + -0.12430478632450104, + 1.4160642623901367, + -0.0617312528192997, + -0.20607221126556396, + -0.02591133862733841, + 0.29012683033943176, + -0.11386892199516296, + 0.0561867356300354, + -0.17556996643543243, + 2.0568718910217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/137.png", + [ + 0.1708127111196518, + -0.04606494680047035, + -0.1250956803560257, + 1.4766219854354858, + -0.0763666182756424, + -0.20047086477279663, + -0.03045436181128025, + 0.3636679947376251, + -0.10926595330238342, + 0.06809808313846588, + -0.17427419126033783, + 2.1007399559020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/173.png", + [ + 0.16888396441936493, + -0.04577887803316116, + -0.1277904510498047, + 1.5073046684265137, + -0.07470894604921341, + -0.2016545534133911, + -0.026493558660149574, + 0.3185685873031616, + -0.11333436518907547, + 0.06471189856529236, + -0.17296123504638672, + 2.0859475135803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/35.png", + [ + 0.17864544689655304, + -0.027389714494347572, + -0.11951357871294022, + 1.351810336112976, + -0.04542457312345505, + -0.210955411195755, + -0.019553301855921745, + 0.21719393134117126, + -0.1138872355222702, + 0.041176773607730865, + -0.17967210710048676, + 2.0933403968811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/124.png", + [ + 0.16814175248146057, + -0.04761243239045143, + -0.12809878587722778, + 1.5031863451004028, + -0.07765015959739685, + -0.20041410624980927, + -0.027432208880782127, + 0.32706281542778015, + -0.11245748400688171, + 0.06719472259283066, + -0.17258641123771667, + 2.074284553527832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/97.png", + [ + 0.16788411140441895, + -0.045573920011520386, + -0.1291736513376236, + 1.4423179626464844, + -0.07754667848348618, + -0.2000553160905838, + -0.030203910544514656, + 0.3360699415206909, + -0.11291293054819107, + 0.06963318586349487, + -0.17131778597831726, + 1.9389547109603882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/277.png", + [ + 0.20625561475753784, + -0.004830221179872751, + -0.06620564311742783, + 0.7680268883705139, + -0.009854882024228573, + -0.2159336656332016, + -0.01494763046503067, + 0.1737140268087387, + -0.06564602255821228, + 0.017240051180124283, + -0.20576995611190796, + 2.3955445289611816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/155.png", + [ + 0.16384229063987732, + -0.04303700104355812, + -0.13509777188301086, + 1.5205250978469849, + -0.07718982547521591, + -0.20025065541267395, + -0.029821159318089485, + 0.3427089750766754, + -0.11893410235643387, + 0.07067806273698807, + -0.16675487160682678, + 1.9221774339675903, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/192.png", + [ + 0.1711057424545288, + -0.04493855684995651, + -0.12510494887828827, + 1.4675344228744507, + -0.07224730402231216, + -0.20260915160179138, + -0.026033857837319374, + 0.3086433708667755, + -0.11158428341150284, + 0.062273263931274414, + -0.17498254776000977, + 2.0987982749938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/271.png", + [ + 0.20878593623638153, + -0.019285425543785095, + -0.05462971702218056, + 0.6277433037757874, + -0.022687973454594612, + -0.2152160108089447, + -0.010734021663665771, + 0.125458762049675, + -0.053306564688682556, + 0.01606348715722561, + -0.20939978957176208, + 2.406907558441162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/13.png", + [ + 0.18455438315868378, + -0.03267483785748482, + -0.10871951282024384, + 1.0198180675506592, + -0.037919558584690094, + -0.21333058178424835, + -0.00025457932497374713, + -0.0025771893560886383, + -0.10700318962335587, + 0.019243504852056503, + -0.18742437660694122, + 1.7017126083374023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/274.png", + [ + 0.20721718668937683, + -0.028520924970507622, + -0.05652861297130585, + 0.6427862644195557, + -0.03189327195286751, + -0.2141307145357132, + -0.008873865939676762, + 0.10361723601818085, + -0.05469685420393944, + 0.016807228326797485, + -0.208982452750206, + 2.4310784339904785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/32.png", + [ + 0.1793469786643982, + -0.025144340470433235, + -0.1189551055431366, + 1.34506094455719, + -0.04183925688266754, + -0.21180683374404907, + -0.018309440463781357, + 0.2027250975370407, + -0.11415792256593704, + 0.03812507167458534, + -0.1801730841398239, + 2.0949368476867676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/158.png", + [ + 0.1669633388519287, + -0.04375024512410164, + -0.13098493218421936, + 1.4994704723358154, + -0.07733506709337234, + -0.19988781213760376, + -0.03181267902255058, + 0.3704769015312195, + -0.11441338062286377, + 0.07126481831073761, + -0.16964314877986908, + 1.990763783454895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/256.png", + [ + 0.20459260046482086, + 0.0072407713159918785, + -0.07097414135932922, + 0.8133003115653992, + -0.0010924485977739096, + -0.21521255373954773, + -0.025105083361268044, + 0.2792646884918213, + -0.07133417576551437, + 0.02406303957104683, + -0.20317554473876953, + 2.464264392852783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/38.png", + [ + 0.17896689474582672, + -0.029901335015892982, + -0.11842573434114456, + 1.3358584642410278, + -0.04909919202327728, + -0.20997242629528046, + -0.021183518692851067, + 0.23609140515327454, + -0.11183922737836838, + 0.04433262720704079, + -0.18020682036876678, + 2.0928826332092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/148.png", + [ + 0.17665058374404907, + -0.04470536857843399, + -0.11723435670137405, + 1.229936122894287, + -0.07685989141464233, + -0.19857819378376007, + -0.040089212357997894, + 0.3909913897514343, + -0.09917167574167252, + 0.07426989078521729, + -0.17775504291057587, + 1.8357056379318237, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/222.png", + [ + 0.191123828291893, + -0.022366374731063843, + -0.09959577769041061, + 1.1664773225784302, + -0.034537751227617264, + -0.21310974657535553, + -0.018419399857521057, + 0.22167080640792847, + -0.09605581313371658, + 0.03212282061576843, + -0.19154450297355652, + 2.281360626220703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/111.png", + [ + 0.1666165292263031, + -0.046888601034879684, + -0.1303391307592392, + 1.508400559425354, + -0.07791458815336227, + -0.20029592514038086, + -0.027545545250177383, + 0.3252580761909485, + -0.11452574282884598, + 0.06805070489645004, + -0.17088256776332855, + 2.03009033203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/164.png", + [ + 0.16861839592456818, + -0.04621083289384842, + -0.12798547744750977, + 1.4956022500991821, + -0.07584265619516373, + -0.20112265646457672, + -0.027303272858262062, + 0.3260982930660248, + -0.11297616362571716, + 0.06604646146297455, + -0.17269086837768555, + 2.0614542961120605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/11.png", + [ + 0.18730074167251587, + -0.02919558808207512, + -0.10494734346866608, + 0.9629971385002136, + -0.029573427513241768, + -0.2145359218120575, + 0.006902295630425215, + -0.06946331262588501, + -0.10484149307012558, + 0.008357451297342777, + -0.18943680822849274, + 1.6037485599517822, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/125.png", + [ + 0.16790127754211426, + -0.04840358719229698, + -0.12811769545078278, + 1.5035825967788696, + -0.07757529616355896, + -0.20065245032310486, + -0.025856630876660347, + 0.3088758885860443, + -0.11286775022745132, + 0.06590587645769119, + -0.1728154569864273, + 2.077389717102051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/59.png", + [ + 0.16704410314559937, + -0.04136595502495766, + -0.13165493309497833, + 1.496612548828125, + -0.07278867810964584, + -0.2020293027162552, + -0.02887686900794506, + 0.3240630328655243, + -0.11724323034286499, + 0.06649000942707062, + -0.1696496307849884, + 1.980415940284729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/105.png", + [ + 0.1663912832736969, + -0.04506354406476021, + -0.13126732409000397, + 1.5017021894454956, + -0.07682459056377411, + -0.20057997107505798, + -0.028522692620754242, + 0.3310905396938324, + -0.11558467149734497, + 0.06844589114189148, + -0.17000949382781982, + 2.0005288124084473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/121.png", + [ + 0.16802489757537842, + -0.04653047025203705, + -0.1286485344171524, + 1.5089471340179443, + -0.0770854651927948, + -0.20053261518478394, + -0.028149563819169998, + 0.3353033661842346, + -0.11301929503679276, + 0.06759794056415558, + -0.17206119000911713, + 2.0680136680603027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/255.png", + [ + 0.21253147721290588, + 0.004361929837614298, + -0.04194323718547821, + 0.452020525932312, + 0.0040153623558580875, + -0.21662643551826477, + -0.0021819579415023327, + 0.015126049518585205, + -0.041977837681770325, + 0.0013629543827846646, + -0.21256503462791443, + 2.5769691467285156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/175.png", + [ + 0.1698625534772873, + -0.04468979686498642, + -0.12687565386295319, + 1.4978519678115845, + -0.073477603495121, + -0.20201019942760468, + -0.027217961847782135, + 0.32657095789909363, + -0.11267498135566711, + 0.06436300277709961, + -0.17352132499217987, + 2.0954346656799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/198.png", + [ + 0.17160800099372864, + -0.046924326568841934, + -0.12367983162403107, + 1.464517593383789, + -0.07339610904455185, + -0.20231643319129944, + -0.02507924661040306, + 0.30046144127845764, + -0.11005273461341858, + 0.061758123338222504, + -0.1761312633752823, + 2.129056930541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/24.png", + [ + 0.17684775590896606, + -0.026342647150158882, + -0.12238800525665283, + 1.357858657836914, + -0.04044611379504204, + -0.21248649060726166, + -0.012708337977528572, + 0.13890956342220306, + -0.11847729235887527, + 0.03321828693151474, + -0.17834676802158356, + 2.0342254638671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/275.png", + [ + 0.20726902782917023, + -0.023500803858041763, + -0.05861014127731323, + 0.6722983717918396, + -0.02694794163107872, + -0.21479658782482147, + -0.009172162972390652, + 0.10538932681083679, + -0.057107310742139816, + 0.01606338657438755, + -0.2083953320980072, + 2.422248363494873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/214.png", + [ + 0.18342271447181702, + -0.039660949259996414, + -0.1083097830414772, + 1.2737085819244385, + -0.05793525278568268, + -0.2076137363910675, + -0.02208927646279335, + 0.26603463292121887, + -0.09973717480897903, + 0.04765961319208145, + -0.1863570511341095, + 2.2338671684265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/74.png", + [ + 0.1658155620098114, + -0.039251189678907394, + -0.13383732736110687, + 1.5038261413574219, + -0.07597147673368454, + -0.19978418946266174, + -0.035531848669052124, + 0.39562636613845825, + -0.11696760356426239, + 0.07411828637123108, + -0.16665220260620117, + 1.9257534742355347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/193.png", + [ + 0.17073506116867065, + -0.04585408791899681, + -0.1252790093421936, + 1.4712163209915161, + -0.07295190542936325, + -0.20244669914245605, + -0.02532299980521202, + 0.3003743588924408, + -0.11169354617595673, + 0.0621340237557888, + -0.17496231198310852, + 2.100559711456299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/129.png", + [ + 0.16764408349990845, + -0.045630935579538345, + -0.12946496903896332, + 1.5198392868041992, + -0.07678018510341644, + -0.20056724548339844, + -0.02873111702501774, + 0.34198465943336487, + -0.11378998309373856, + 0.06810647249221802, + -0.17135123908519745, + 2.062006950378418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/249.png", + [ + 0.18984271585941315, + -0.0055800434201955795, + -0.10429049283266068, + 1.1252981424331665, + 0.001124960952438414, + -0.21624334156513214, + 0.013617857359349728, + -0.14092326164245605, + -0.10443361103534698, + -0.012472957372665405, + -0.18943585455417633, + 1.7361217737197876, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/172.png", + [ + 0.16985906660556793, + -0.04590514674782753, + -0.12644566595554352, + 1.4906368255615234, + -0.07450083643198013, + -0.20168305933475494, + -0.026860184967517853, + 0.3224911689758301, + -0.11200631409883499, + 0.06453341990709305, + -0.17389053106307983, + 2.094020366668701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/232.png", + [ + 0.19616398215293884, + -0.005234057549387217, + -0.09187052398920059, + 1.0643490552902222, + -0.007425427902489901, + -0.21651874482631683, + -0.003519409103319049, + 0.041923534125089645, + -0.09171940386295319, + 0.0063346559181809425, + -0.19620223343372345, + 2.3184595108032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/153.png", + [ + 0.164238840341568, + -0.04306367039680481, + -0.13460689783096313, + 1.4878243207931519, + -0.07819439470767975, + -0.1995943933725357, + -0.03155328333377838, + 0.35479721426963806, + -0.11772482097148895, + 0.07249477505683899, + -0.1668330579996109, + 1.89055335521698, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/144.png", + [ + 0.18602396547794342, + -0.049520183354616165, + -0.0994521751999855, + 1.0858557224273682, + -0.07250354439020157, + -0.20107509195804596, + -0.035495687276124954, + 0.3174434006214142, + -0.08417968451976776, + 0.06375312060117722, + -0.18920153379440308, + 1.9068766832351685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/188.png", + [ + 0.17168083786964417, + -0.04542664438486099, + -0.1241370365023613, + 1.453974723815918, + -0.0732768103480339, + -0.20205847918987274, + -0.027400247752666473, + 0.32428407669067383, + -0.11001858860254288, + 0.06369210034608841, + -0.17546258866786957, + 2.1034798622131348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/98.png", + [ + 0.16710561513900757, + -0.04425671696662903, + -0.13063287734985352, + 1.4606447219848633, + -0.07659311592578888, + -0.200442373752594, + -0.03007069043815136, + 0.33716362714767456, + -0.11470440030097961, + 0.06936927139759064, + -0.17023132741451263, + 1.943055272102356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/0.png", + [ + 0.18929266929626465, + -0.05784560739994049, + -0.08814799040555954, + 0.9047620892524719, + -0.0642036646604538, + -0.20693349838256836, + -0.002077064011245966, + -0.006906177848577499, + -0.08363056927919388, + 0.027934033423662186, + -0.1979229897260666, + 1.8384073972702026, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/163.png", + [ + 0.16822293400764465, + -0.04454062506556511, + -0.1290932595729828, + 1.505160927772522, + -0.07480278611183167, + -0.20141863822937012, + -0.027981575578451157, + 0.33265161514282227, + -0.11425182968378067, + 0.06629146635532379, + -0.17175520956516266, + 2.0454559326171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/96.png", + [ + 0.1694001853466034, + -0.046117447316646576, + -0.12698286771774292, + 1.4197369813919067, + -0.0770355612039566, + -0.20027858018875122, + -0.03003161959350109, + 0.3316596448421478, + -0.11098192632198334, + 0.06862621009349823, + -0.17297787964344025, + 1.939365029335022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/100.png", + [ + 0.16571228206157684, + -0.04623963683843613, + -0.13171647489070892, + 1.4799726009368896, + -0.0787280797958374, + -0.1997845321893692, + -0.028912441805005074, + 0.3272455036640167, + -0.11527889966964722, + 0.06997095793485641, + -0.16959579288959503, + 1.9594987630844116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/40.png", + [ + 0.17699623107910156, + -0.029733728617429733, + -0.12139246612787247, + 1.3703445196151733, + -0.049571357667446136, + -0.20989324152469635, + -0.02086649276316166, + 0.23160281777381897, + -0.11472971737384796, + 0.04481780156493187, + -0.1782592236995697, + 2.0723443031311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/141.png", + [ + 0.17884720861911774, + -0.04917798563838005, + -0.11199593544006348, + 1.3029993772506714, + -0.07381010800600052, + -0.20159021019935608, + -0.02934868633747101, + 0.3156106173992157, + -0.09753783792257309, + 0.06237630546092987, + -0.18314874172210693, + 2.080434799194336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/52.png", + [ + 0.17091940343379974, + -0.03802841156721115, + -0.12762555480003357, + 1.453374981880188, + -0.06539561599493027, + -0.20485857129096985, + -0.026538057252764702, + 0.2996331453323364, + -0.11600800603628159, + 0.05945330113172531, + -0.1730761080980301, + 2.028013229370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/184.png", + [ + 0.1726720780134201, + -0.04476356506347656, + -0.12299783527851105, + 1.4457634687423706, + -0.07236410677433014, + -0.2023104578256607, + -0.027960853651165962, + 0.3300040662288666, + -0.10906732827425003, + 0.06336084008216858, + -0.17617495357990265, + 2.1180577278137207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/227.png", + [ + 0.19447492063045502, + -0.014822748489677906, + -0.09438057988882065, + 1.1036148071289062, + -0.021911220625042915, + -0.21526537835597992, + -0.011340870521962643, + 0.1398847997188568, + -0.09299089759588242, + 0.019723160192370415, + -0.19470898807048798, + 2.317289352416992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/3.png", + [ + 0.18597888946533203, + -0.02912208065390587, + -0.10729236155748367, + 1.0484075546264648, + -0.03898307681083679, + -0.2129143625497818, + -0.009781874716281891, + 0.05183994397521019, + -0.10411562770605087, + 0.027699636295437813, + -0.18799084424972534, + 1.5888569355010986, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/231.png", + [ + 0.19718460738658905, + -0.007200049236416817, + -0.08952254056930542, + 1.0387204885482788, + -0.010997596196830273, + -0.21628759801387787, + -0.006828172132372856, + 0.08133809268474579, + -0.08913573622703552, + 0.010757804848253727, + -0.197197824716568, + 2.329606533050537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/289.png", + [ + 0.21094465255737305, + -0.015049978159368038, + -0.0471566803753376, + 0.5457561016082764, + -0.015085948631167412, + -0.2161436229944229, + 0.0014983394648879766, + -0.02560078538954258, + -0.047145187854766846, + 0.0018245639512315392, + -0.21147552132606506, + 2.190990447998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/282.png", + [ + 0.21110111474990845, + -0.008449332788586617, + -0.04809185490012169, + 0.5569248199462891, + -0.014022398740053177, + -0.21490716934204102, + -0.0237945057451725, + 0.27477991580963135, + -0.04677168279886246, + 0.02629476971924305, + -0.20992591977119446, + 2.4384045600891113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/47.png", + [ + 0.1730736643075943, + -0.03579898178577423, + -0.1253468543291092, + 1.4267427921295166, + -0.060124218463897705, + -0.20678222179412842, + -0.023960119113326073, + 0.26801058650016785, + -0.11566538363695145, + 0.05392070114612579, + -0.17510560154914856, + 2.0518274307250977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/104.png", + [ + 0.16581209003925323, + -0.04573990777134895, + -0.13176532089710236, + 1.5033434629440308, + -0.07792490720748901, + -0.20014652609825134, + -0.028582684695720673, + 0.3308482766151428, + -0.11568039655685425, + 0.06926124542951584, + -0.16961373388767242, + 1.9916294813156128, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/21.png", + [ + 0.17554248869419098, + -0.032776977866888046, + -0.12271267175674438, + 1.3299992084503174, + -0.04417038336396217, + -0.21202339231967926, + -0.006554282270371914, + 0.06779864430427551, + -0.11908696591854095, + 0.03032575361430645, + -0.17845597863197327, + 1.9961432218551636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/268.png", + [ + 0.21013592183589935, + -0.030063137412071228, + -0.04343962296843529, + 0.5861186385154724, + -0.03548067808151245, + -0.21231839060783386, + -0.024696527048945427, + 0.2821251153945923, + -0.03913968428969383, + 0.031064528971910477, + -0.21083399653434753, + 2.4471373558044434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/82.png", + [ + 0.16622494161128998, + -0.043683744966983795, + -0.1319427639245987, + 1.49054753780365, + -0.07788680493831635, + -0.1996391862630844, + -0.03202707692980766, + 0.35917726159095764, + -0.11511216312646866, + 0.071998730301857, + -0.16885872185230255, + 1.9639514684677124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/106.png", + [ + 0.16769663989543915, + -0.04475028067827225, + -0.1297040730714798, + 1.487128734588623, + -0.07644252479076385, + -0.2005646675825119, + -0.029635371640324593, + 0.344008207321167, + -0.1139397919178009, + 0.06869590282440186, + -0.17101605236530304, + 2.015573501586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/14.png", + [ + 0.18046589195728302, + -0.030064642429351807, + -0.11608649790287018, + 1.1062822341918945, + -0.039987459778785706, + -0.21283632516860962, + -0.007042365148663521, + 0.06359602510929108, + -0.11305291205644608, + 0.02728935331106186, + -0.1828174591064453, + 1.726656436920166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/67.png", + [ + 0.16558000445365906, + -0.04240218549966812, + -0.1331660896539688, + 1.499078392982483, + -0.07494061440229416, + -0.2012067288160324, + -0.0291144959628582, + 0.3249047100543976, + -0.11796209961175919, + 0.06830669194459915, + -0.16842514276504517, + 1.9418593645095825, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/272.png", + [ + 0.2086297869682312, + -0.023573366925120354, + -0.05353320389986038, + 0.6068776845932007, + -0.026736821979284286, + -0.21480384469032288, + -0.009609883651137352, + 0.11358937621116638, + -0.05202547460794449, + 0.015858875587582588, + -0.20973730087280273, + 2.422973155975342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/241.png", + [ + 0.19415241479873657, + -0.0044302367605268955, + -0.09608903527259827, + 1.1246298551559448, + 0.0002773360174614936, + -0.21641801297664642, + 0.010538439266383648, + -0.13065792620182037, + -0.09619070589542389, + -0.009566014632582664, + -0.19391681253910065, + 2.313480854034424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/78.png", + [ + 0.16647736728191376, + -0.041397448629140854, + -0.13236097991466522, + 1.4903173446655273, + -0.07808533310890198, + -0.1988816112279892, + -0.03600947558879852, + 0.40267452597618103, + -0.11461175978183746, + 0.07536744326353073, + -0.1677253097295761, + 1.945823073387146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/191.png", + [ + 0.17183536291122437, + -0.04438280686736107, + -0.12430072575807571, + 1.4568232297897339, + -0.07138356566429138, + -0.20288872718811035, + -0.026238378137350082, + 0.3103189170360565, + -0.11101753264665604, + 0.061759475618600845, + -0.1755242794752121, + 2.10331392288208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/31.png", + [ + 0.17850381135940552, + -0.024942683055996895, + -0.12025866657495499, + 1.360196590423584, + -0.04120253026485443, + -0.21202600002288818, + -0.01718222349882126, + 0.1905493587255478, + -0.1157006323337555, + 0.037023503333330154, + -0.17941716313362122, + 2.085083484649658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/194.png", + [ + 0.17172132432460785, + -0.04557069018483162, + -0.12402819097042084, + 1.4583429098129272, + -0.07217390090227127, + -0.20270979404449463, + -0.025447219610214233, + 0.30161020159721375, + -0.11068248748779297, + 0.061481259763240814, + -0.17583326995372772, + 2.111934185028076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/152.png", + [ + 0.16395004093647003, + -0.04162261262536049, + -0.135409876704216, + 1.4813601970672607, + -0.07852127403020859, + -0.19908471405506134, + -0.033875949680805206, + 0.3750622272491455, + -0.11790965497493744, + 0.07470426708459854, + -0.16572409868240356, + 1.8566867113113403, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/270.png", + [ + 0.20917604863643646, + -0.0171651728451252, + -0.053838908672332764, + 0.6308650970458984, + -0.021184522658586502, + -0.21520118415355682, + -0.013695101253688335, + 0.15980546176433563, + -0.05238785222172737, + 0.018485037609934807, + -0.20943187177181244, + 2.3900318145751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/39.png", + [ + 0.17879028618335724, + -0.030109485611319542, + -0.11863958835601807, + 1.3385041952133179, + -0.04973526671528816, + -0.20976842939853668, + -0.02171420305967331, + 0.24152496457099915, + -0.11184066534042358, + 0.04515000432729721, + -0.18000288307666779, + 2.090487003326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/92.png", + [ + 0.1728811413049698, + -0.045777492225170135, + -0.12232916802167892, + 1.3844873905181885, + -0.07461170852184296, + -0.20117466151714325, + -0.030161943286657333, + 0.32339322566986084, + -0.10720586776733398, + 0.06618965417146683, + -0.17627739906311035, + 1.9250057935714722, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/203.png", + [ + 0.17303679883480072, + -0.046081431210041046, + -0.12199454009532928, + 1.4489691257476807, + -0.07093507051467896, + -0.20334576070308685, + -0.02380364201962948, + 0.2866175174713135, + -0.10942751169204712, + 0.058948274701833725, + -0.17747849225997925, + 2.1504907608032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/53.png", + [ + 0.1702772080898285, + -0.03810257464647293, + -0.128459170460701, + 1.4631539583206177, + -0.06613927334547043, + -0.20455993711948395, + -0.026994967833161354, + 0.3044819235801697, + -0.11652965843677521, + 0.060426197946071625, + -0.17238737642765045, + 2.0210957527160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/245.png", + [ + 0.19448062777519226, + -0.011957702226936817, + -0.09477446228265762, + 1.1072224378585815, + -0.005037977825850248, + -0.21595510840415955, + 0.016908962279558182, + -0.1998496651649475, + -0.09539289772510529, + -0.012973340228199959, + -0.19411280751228333, + 2.2603273391723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/75.png", + [ + 0.16485711932182312, + -0.03867680951952934, + -0.13518182933330536, + 1.5198649168014526, + -0.07636065781116486, + -0.1995462030172348, + -0.036031369119882584, + 0.4019470512866974, + -0.11806386709213257, + 0.07505539804697037, + -0.1654554307460785, + 1.9155384302139282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/151.png", + [ + 0.16663669049739838, + -0.040474917739629745, + -0.1324458122253418, + 1.431128740310669, + -0.0766758844256401, + -0.19952112436294556, + -0.035496897995471954, + 0.38410115242004395, + -0.11532961577177048, + 0.07416874170303345, + -0.16776761412620544, + 1.849092721939087, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/87.png", + [ + 0.167284294962883, + -0.04383396357297897, + -0.1305466890335083, + 1.4806827306747437, + -0.07611396163702011, + -0.2006092220544815, + -0.030174441635608673, + 0.33752864599227905, + -0.11476287245750427, + 0.0691550076007843, + -0.17027907073497772, + 1.9598549604415894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/139.png", + [ + 0.17326654493808746, + -0.047947052866220474, + -0.12094493210315704, + 1.4242191314697266, + -0.07620827853679657, + -0.20065465569496155, + -0.02962956391274929, + 0.34448134899139404, + -0.10544617474079132, + 0.0662321150302887, + -0.17731976509094238, + 2.1048970222473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/107.png", + [ + 0.1674066036939621, + -0.04621904715895653, + -0.12956355512142181, + 1.4895780086517334, + -0.07799076288938522, + -0.19999875128269196, + -0.029425084590911865, + 0.343076229095459, + -0.11331530660390854, + 0.06936998665332794, + -0.1711588203907013, + 2.0214462280273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/112.png", + [ + 0.16761790215969086, + -0.045927226543426514, + -0.1293940395116806, + 1.5014365911483765, + -0.07689284533262253, + -0.2005687803030014, + -0.02841745875775814, + 0.3358433246612549, + -0.11375243961811066, + 0.06790251284837723, + -0.17145705223083496, + 2.040924072265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/267.png", + [ + 0.17786607146263123, + -0.049209196120500565, + -0.11353418976068497, + 1.4913842678070068, + -0.07125736027956009, + -0.20326457917690277, + -0.02353283390402794, + 0.24356809258460999, + -0.10116296261548996, + 0.0566556379199028, + -0.18304121494293213, + 2.2146739959716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/69.png", + [ + 0.16517364978790283, + -0.040857914835214615, + -0.13414986431598663, + 1.5066570043563843, + -0.07484635710716248, + -0.2009681910276413, + -0.030946776270866394, + 0.34574106335639954, + -0.11858996748924255, + 0.06993075460195541, + -0.1673140823841095, + 1.9284225702285767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/157.png", + [ + 0.16629847884178162, + -0.044256266206502914, + -0.13165898621082306, + 1.4989075660705566, + -0.07786492258310318, + -0.19977913796901703, + -0.03119680844247341, + 0.36204180121421814, + -0.11502068489789963, + 0.0712570771574974, + -0.1692352294921875, + 1.97659432888031, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/45.png", + [ + 0.17652705311775208, + -0.036349017173051834, + -0.12026987969875336, + 1.3638848066329956, + -0.05727630481123924, + -0.20788514614105225, + -0.02123888209462166, + 0.23628485202789307, + -0.11182808876037598, + 0.04909597337245941, + -0.17897476255893707, + 2.088860034942627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/259.png", + [ + 0.19763438403606415, + 0.009744357317686081, + -0.08828131854534149, + 1.007596731185913, + -0.0062291622161865234, + -0.21331560611724854, + -0.0374906100332737, + 0.4186578691005707, + -0.08859876543283463, + 0.036734119057655334, + -0.1942904144525528, + 2.3479228019714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/50.png", + [ + 0.17306746542453766, + -0.03741386905312538, + -0.12488292157649994, + 1.4237483739852905, + -0.06338571757078171, + -0.20552395284175873, + -0.026269061490893364, + 0.2953982949256897, + -0.11392013728618622, + 0.057515330612659454, + -0.17510592937469482, + 2.052016258239746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/101.png", + [ + 0.1652180254459381, + -0.04616731032729149, + -0.13236117362976074, + 1.4937801361083984, + -0.07818298041820526, + -0.20015950500965118, + -0.0277755968272686, + 0.31681108474731445, + -0.11635430157184601, + 0.06893940269947052, + -0.16928355395793915, + 1.9659839868545532, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/85.png", + [ + 0.16577862203121185, + -0.04292697831988335, + -0.13275021314620972, + 1.5013052225112915, + -0.07596723735332489, + -0.20069551467895508, + -0.029969755560159683, + 0.3364792764186859, + -0.11702274531126022, + 0.06947288662195206, + -0.1686033457517624, + 1.9562171697616577, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/276.png", + [ + 0.20717400312423706, + -0.013672689907252789, + -0.06196686252951622, + 0.7149640321731567, + -0.017665890976786613, + -0.2156478613615036, + -0.011480760760605335, + 0.13200803101062775, + -0.06094875559210777, + 0.016029633581638336, + -0.20730701088905334, + 2.4073309898376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/156.png", + [ + 0.1645725518465042, + -0.04326141998171806, + -0.13413506746292114, + 1.520627737045288, + -0.07727721333503723, + -0.20015114545822144, + -0.03025970794260502, + 0.3502187132835388, + -0.11786432564258575, + 0.07082279771566391, + -0.16745156049728394, + 1.9442867040634155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/181.png", + [ + 0.17253953218460083, + -0.047241415828466415, + -0.1222548708319664, + 1.4435514211654663, + -0.07429513335227966, + -0.20175468921661377, + -0.026891952380537987, + 0.31938937306404114, + -0.10797332972288132, + 0.06333398073911667, + -0.17685718834400177, + 2.1326208114624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/131.png", + [ + 0.17011477053165436, + -0.047610435634851456, + -0.12546755373477936, + 1.473816990852356, + -0.07771670073270798, + -0.20010323822498322, + -0.02943994104862213, + 0.3498784899711609, + -0.10940280556678772, + 0.06811638921499252, + -0.17418116331100464, + 2.0955352783203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/71.png", + [ + 0.16627851128578186, + -0.04027750715613365, + -0.1329551339149475, + 1.493457555770874, + -0.07490719109773636, + -0.20063476264476776, + -0.03290123865008354, + 0.36619865894317627, + -0.11699681729078293, + 0.07121306657791138, + -0.16789381206035614, + 1.9375466108322144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/160.png", + [ + 0.16709457337856293, + -0.04457937180995941, + -0.1305372565984726, + 1.5083582401275635, + -0.076958566904068, + -0.20029668509960175, + -0.03010833077132702, + 0.355559766292572, + -0.11447566002607346, + 0.06958313286304474, + -0.1702979952096939, + 2.014786720275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/115.png", + [ + 0.1666879802942276, + -0.045624956488609314, + -0.13069570064544678, + 1.525532603263855, + -0.0773395374417305, + -0.20035743713378906, + -0.028694692999124527, + 0.34236666560173035, + -0.11481115967035294, + 0.06872519105672836, + -0.17042046785354614, + 2.0421924591064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/54.png", + [ + 0.16961988806724548, + -0.038695208728313446, + -0.12914980947971344, + 1.4709978103637695, + -0.06693147867918015, + -0.20434337854385376, + -0.026680635288357735, + 0.30038854479789734, + -0.1170349046587944, + 0.06078124791383743, + -0.17191964387893677, + 2.015514373779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/33.png", + [ + 0.1799333244562149, + -0.026446877047419548, + -0.11778142303228378, + 1.332759141921997, + -0.04318118095397949, + -0.21152324974536896, + -0.018471529707312584, + 0.20422868430614471, + -0.1127266064286232, + 0.03881204128265381, + -0.18092603981494904, + 2.105391025543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/252.png", + [ + 0.19679968059062958, + 0.046882513910532, + 0.07758743315935135, + -0.9421370029449463, + -0.02656613476574421, + -0.14747898280620575, + 0.1564994603395462, + -1.5990641117095947, + 0.08667191118001938, + -0.1516571044921875, + -0.12820294499397278, + 1.3470919132232666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/221.png", + [ + 0.18998867273330688, + -0.024599123746156693, + -0.10122784227132797, + 1.1868354082107544, + -0.03736186400055885, + -0.2126300036907196, + -0.018451638519763947, + 0.2230924665927887, + -0.09724342077970505, + 0.033634137362241745, + -0.19068391621112823, + 2.2713637351989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/266.png", + [ + 0.03644069284200668, + -0.015228708274662495, + -0.21304473280906677, + 2.946352005004883, + -0.08279868960380554, + -0.20023050904273987, + 0.00015025089669506997, + -0.019894208759069443, + -0.19688664376735687, + 0.08138631284236908, + -0.03949449583888054, + 0.5877146124839783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/159.png", + [ + 0.1672121286392212, + -0.04316302016377449, + -0.1308623105287552, + 1.504475474357605, + -0.07612790912389755, + -0.20045362412929535, + -0.03115738183259964, + 0.36382535099983215, + -0.11485873907804489, + 0.070022813975811, + -0.16985924541950226, + 2.0006752014160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/177.png", + [ + 0.17107002437114716, + -0.046982571482658386, + -0.12440087646245956, + 1.4685996770858765, + -0.07483266294002533, + -0.2015710026025772, + -0.02677876502275467, + 0.3194928467273712, + -0.10992275923490524, + 0.06410668790340424, + -0.17537164688110352, + 2.115936279296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/49.png", + [ + 0.17326755821704865, + -0.038029126822948456, + -0.12441876530647278, + 1.4178560972213745, + -0.06318385899066925, + -0.20573104918003082, + -0.025108281522989273, + 0.2820729613304138, + -0.11372793465852737, + 0.056359656155109406, + -0.1756059229373932, + 2.057305335998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/118.png", + [ + 0.16737015545368195, + -0.04709124192595482, + -0.12929631769657135, + 1.5150917768478394, + -0.07741942256689072, + -0.20053787529468536, + -0.027178848162293434, + 0.3242509067058563, + -0.11376006156206131, + 0.06719280034303665, + -0.1717313826084137, + 2.0638198852539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/210.png", + [ + 0.1785207837820053, + -0.042124368250370026, + -0.11534195393323898, + 1.3615676164627075, + -0.06400162726640701, + -0.20561453700065613, + -0.02396559715270996, + 0.2871758043766022, + -0.10479511320590973, + 0.05381539463996887, + -0.18185096979141235, + 2.1877546310424805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/179.png", + [ + 0.17202982306480408, + -0.04640427976846695, + -0.12328939139842987, + 1.4562159776687622, + -0.0737648606300354, + -0.20194579660892487, + -0.026917215436697006, + 0.32083266973495483, + -0.10914382338523865, + 0.06334378570318222, + -0.17613369226455688, + 2.1251606941223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/110.png", + [ + 0.1664251983165741, + -0.04704071581363678, + -0.13052862882614136, + 1.5075297355651855, + -0.07817737013101578, + -0.200195774435997, + -0.027529064565896988, + 0.3241053819656372, + -0.11462484300136566, + 0.06824018061161041, + -0.1707405149936676, + 2.024251937866211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/258.png", + [ + 0.19898107647895813, + 0.010688581503927708, + -0.08508926630020142, + 0.9758661985397339, + -0.004578656516969204, + -0.21335436403751373, + -0.03750792518258095, + 0.41540664434432983, + -0.08563564717769623, + 0.03624310716986656, + -0.1957060694694519, + 2.344381332397461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/281.png", + [ + 0.21020753681659698, + -0.004926431458443403, + -0.05231078341603279, + 0.6020019054412842, + -0.010931849479675293, + -0.21510007977485657, + -0.023671625182032585, + 0.2760072946548462, + -0.051392439752817154, + 0.025604328140616417, + -0.20892852544784546, + 2.439620018005371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/18.png", + [ + 0.17358024418354034, + -0.028879309073090553, + -0.12642696499824524, + 1.3132795095443726, + -0.03922464698553085, + -0.2130313664674759, + -0.005192124750465155, + 0.04679953679442406, + -0.12360913306474686, + 0.027046557515859604, + -0.17588962614536285, + 1.8837946653366089, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/66.png", + [ + 0.16454243659973145, + -0.04172057285904884, + -0.13465911149978638, + 1.5194826126098633, + -0.07483208179473877, + -0.20125120878219604, + -0.02908630110323429, + 0.3253767192363739, + -0.11947320401668549, + 0.0685947984457016, + -0.1672387570142746, + 1.934219241142273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/234.png", + [ + 0.19741283357143402, + -0.006811351049691439, + -0.08904873579740524, + 1.0355783700942993, + -0.0076606119982898235, + -0.21653874218463898, + -0.0004197871021460742, + 0.004076678305864334, + -0.08897969871759415, + 0.0035308203659951687, + -0.1975298523902893, + 2.341505527496338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/202.png", + [ + 0.1724643111228943, + -0.04601076617836952, + -0.12282899022102356, + 1.4585886001586914, + -0.0712413638830185, + -0.2032269984483719, + -0.02390284836292267, + 0.28746259212493896, + -0.11013001203536987, + 0.059411175549030304, + -0.17688864469528198, + 2.1429004669189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/273.png", + [ + 0.20786234736442566, + -0.02698574587702751, + -0.05488991364836693, + 0.6208423376083374, + -0.030352158471941948, + -0.21432459354400635, + -0.009571193717420101, + 0.11295068264007568, + -0.053102537989616394, + 0.016871003434062004, + -0.2093881219625473, + 2.4282116889953613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/206.png", + [ + 0.17522336542606354, + -0.046078167855739594, + -0.11883378773927689, + 1.4077023267745972, + -0.06962143629789352, + -0.20381984114646912, + -0.023626776412129402, + 0.28378766775131226, + -0.10675918310880661, + 0.05729024484753609, + -0.17963352799415588, + 2.1697139739990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/16.png", + [ + 0.174234539270401, + -0.02887629345059395, + -0.12552441656589508, + 1.2519770860671997, + -0.04305669665336609, + -0.21206949651241302, + -0.010979398153722286, + 0.11109545826911926, + -0.1213933452963829, + 0.033772557973861694, + -0.17626959085464478, + 1.78767728805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/286.png", + [ + 0.2117731273174286, + -0.0162253025919199, + -0.04285766929388046, + 0.5088410377502441, + -0.01980629377067089, + -0.21514181792736053, + -0.016419457271695137, + 0.17562343180179596, + -0.04132493585348129, + 0.019965657964348793, + -0.21175815165042877, + 2.3182592391967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/279.png", + [ + 0.20756427943706512, + 0.0026154182851314545, + -0.06211381033062935, + 0.717079222202301, + -0.0037465449422597885, + -0.215563103556633, + -0.021596428006887436, + 0.2530226409435272, + -0.06205585598945618, + 0.02176239714026451, + -0.20645426213741302, + 2.4034767150878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/190.png", + [ + 0.17156563699245453, + -0.04569350928068161, + -0.124198317527771, + 1.4555362462997437, + -0.07268014550209045, + -0.2024703174829483, + -0.02590886317193508, + 0.30689162015914917, + -0.1105925515294075, + 0.06217535585165024, + -0.17564567923545837, + 2.1052017211914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/211.png", + [ + 0.18060870468616486, + -0.0427870899438858, + -0.1117928996682167, + 1.3163872957229614, + -0.06356362253427505, + -0.20575308799743652, + -0.02394220046699047, + 0.28595495223999023, + -0.10143004357814789, + 0.05275251716375351, + -0.1840571016073227, + 2.2103376388549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/94.png", + [ + 0.17218628525733948, + -0.045926570892333984, + -0.1232498437166214, + 1.3819332122802734, + -0.07561424374580383, + -0.20069514214992523, + -0.030851934105157852, + 0.3329271376132965, + -0.10762091726064682, + 0.06752856075763702, + -0.1755150407552719, + 1.9228912591934204, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/209.png", + [ + 0.1775522083044052, + -0.04461222514510155, + -0.1159001886844635, + 1.3684558868408203, + -0.0671488419175148, + -0.2045905441045761, + -0.02411717176437378, + 0.2885042130947113, + -0.10447075963020325, + 0.05568081513047218, + -0.18147562444210052, + 2.183608055114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/228.png", + [ + 0.19594089686870575, + -0.01439201645553112, + -0.09136699140071869, + 1.0672870874404907, + -0.020928502082824707, + -0.21538308262825012, + -0.01095530204474926, + 0.1355751007795334, + -0.09009469300508499, + 0.01873207651078701, + -0.19616307318210602, + 2.331192970275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/285.png", + [ + 0.2118239402770996, + -0.014264526776969433, + -0.04330174997448921, + 0.5133134722709656, + -0.019121965393424034, + -0.21461714804172516, + -0.022841516882181168, + 0.254074364900589, + -0.041386816650629044, + 0.0261516310274601, + -0.21107137203216553, + 2.3629684448242188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/28.png", + [ + 0.17944417893886566, + -0.026376090943813324, + -0.11854106187820435, + 1.3304718732833862, + -0.04136613383889198, + -0.21212966740131378, + -0.015418791212141514, + 0.16948257386684418, + -0.11417760699987411, + 0.03540053218603134, + -0.18071572482585907, + 2.0874500274658203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/61.png", + [ + 0.1656292974948883, + -0.039609991014003754, + -0.1339622139930725, + 1.522815227508545, + -0.07210233062505722, + -0.20220595598220825, + -0.0293581560254097, + 0.3308182954788208, + -0.11964981257915497, + 0.06702011823654175, + -0.16775016486644745, + 1.956065058708191, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/132.png", + [ + 0.1700703650712967, + -0.047534238547086716, + -0.12555661797523499, + 1.4765914678573608, + -0.07817606627941132, + -0.1998034566640854, + -0.03024871088564396, + 0.35960355401039124, + -0.10914426296949387, + 0.06904330849647522, + -0.1739782840013504, + 2.0965189933776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/58.png", + [ + 0.1666155755519867, + -0.039995625615119934, + -0.13261781632900238, + 1.5104364156723022, + -0.07159040868282318, + -0.20245575904846191, + -0.028885506093502045, + 0.3257691562175751, + -0.118583083152771, + 0.06602960079908371, + -0.16889651119709015, + 1.97655189037323, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/263.png", + [ + 0.1412448137998581, + 0.011825711466372013, + -0.16388395428657532, + 2.0470950603485107, + -0.008166058920323849, + -0.21534043550491333, + -0.022576751187443733, + 0.28918132185935974, + -0.16410700976848602, + 0.020893700420856476, + -0.13992939889431, + 2.1209959983825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/253.png", + [ + 0.17331911623477936, + 0.023500358685851097, + 0.12789101898670197, + -1.5055701732635498, + -0.0330965593457222, + -0.19811560213565826, + 0.08125709742307663, + -0.8728722929954529, + 0.12574973702430725, + -0.08453302830457687, + -0.15488402545452118, + 1.714076042175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/123.png", + [ + 0.1681865006685257, + -0.04618769884109497, + -0.12856082618236542, + 1.5079896450042725, + -0.07700375467538834, + -0.20048443973064423, + -0.028710728511214256, + 0.34250932931900024, + -0.11283446103334427, + 0.06797485053539276, + -0.17203399538993835, + 2.068838596343994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/64.png", + [ + 0.1647101193666458, + -0.040512360632419586, + -0.13482291996479034, + 1.5255141258239746, + -0.07390986382961273, + -0.20149517059326172, + -0.029747603461146355, + 0.33407050371170044, + -0.11981568485498428, + 0.06860274821519852, + -0.16699029505252838, + 1.9361273050308228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/10.png", + [ + 0.19626636803150177, + -0.026127712801098824, + -0.08800425380468369, + 0.8172689080238342, + -0.029637476429343224, + -0.21462492644786835, + -0.0023769482504576445, + 0.004617050290107727, + -0.08688512444496155, + 0.014190581627190113, + -0.19798357784748077, + 1.6263854503631592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/170.png", + [ + 0.16968335211277008, + -0.04716094583272934, + -0.1262192279100418, + 1.4871033430099487, + -0.07594694197177887, + -0.2011311650276184, + -0.02694832533597946, + 0.3239723742008209, + -0.11129920184612274, + 0.06534520536661148, + -0.17404131591320038, + 2.093388557434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/41.png", + [ + 0.17786888778209686, + -0.031044039875268936, + -0.11977817863225937, + 1.352306842803955, + -0.051660891622304916, + -0.20922055840492249, + -0.02249002829194069, + 0.2491183578968048, + -0.11243529617786407, + 0.04702038690447807, + -0.17915154993534088, + 2.083789825439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/166.png", + [ + 0.16917316615581512, + -0.04675094410777092, + -0.1270538717508316, + 1.491084098815918, + -0.07568091154098511, + -0.20126283168792725, + -0.026712702587246895, + 0.3211780786514282, + -0.11225299537181854, + 0.06523433327674866, + -0.1734694242477417, + 2.0782384872436523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/91.png", + [ + 0.17188160121440887, + -0.0457809641957283, + -0.12372837960720062, + 1.4036979675292969, + -0.07504076510667801, + -0.20106151700019836, + -0.029850363731384277, + 0.32143911719322205, + -0.10850571095943451, + 0.06653016805648804, + -0.17535147070884705, + 1.9283982515335083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/140.png", + [ + 0.17472019791603088, + -0.04877499118447304, + -0.11849785596132278, + 1.3883795738220215, + -0.07537629455327988, + -0.20115427672863007, + -0.028341995552182198, + 0.3199308514595032, + -0.10362988710403442, + 0.06407694518566132, + -0.17917278409004211, + 2.0891847610473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/217.png", + [ + 0.18536429107189178, + -0.03139737620949745, + -0.10771341621875763, + 1.266329050064087, + -0.04800931364297867, + -0.21020789444446564, + -0.021345868706703186, + 0.25714007019996643, + -0.10140552371740341, + 0.04212772101163864, + -0.18678884208202362, + 2.234572410583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/240.png", + [ + 0.19364793598651886, + -0.0033370887394994497, + -0.0971454605460167, + 1.1350014209747314, + 0.00036884768633171916, + -0.21652011573314667, + 0.008173037320375443, + -0.10394516587257385, + -0.09720205515623093, + -0.0074698347598314285, + -0.19350415468215942, + 2.308227062225342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/23.png", + [ + 0.17690594494342804, + -0.030200021341443062, + -0.12140898406505585, + 1.3409665822982788, + -0.04348401352763176, + -0.2120002657175064, + -0.010626626200973988, + 0.11852215230464935, + -0.11730865389108658, + 0.033041536808013916, + -0.1791502833366394, + 2.032400131225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/220.png", + [ + 0.18847335875034332, + -0.026538372039794922, + -0.1035442128777504, + 1.2144966125488281, + -0.040241409093141556, + -0.21206475794315338, + -0.018896082416176796, + 0.22775313258171082, + -0.09902685880661011, + 0.03566718101501465, + -0.18939226865768433, + 2.2601284980773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/201.png", + [ + 0.1735595464706421, + -0.04617023095488548, + -0.12121586501598358, + 1.4389480352401733, + -0.07062507420778275, + -0.2034749835729599, + -0.02362041547894478, + 0.2832574248313904, + -0.1087983176112175, + 0.05843059718608856, + -0.17803561687469482, + 2.1543126106262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/37.png", + [ + 0.17969505488872528, + -0.028576023876667023, + -0.11764773726463318, + 1.326449990272522, + -0.047166094183921814, + -0.21044081449508667, + -0.020926473662257195, + 0.23236709833145142, + -0.11150308698415756, + 0.042964737862348557, + -0.18074564635753632, + 2.0983824729919434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/178.png", + [ + 0.17130082845687866, + -0.04657981917262077, + -0.12423460930585861, + 1.4673888683319092, + -0.07402831315994263, + -0.20192205905914307, + -0.026366373524069786, + 0.3144773840904236, + -0.11010780185461044, + 0.06329057365655899, + -0.1755518913269043, + 2.1187801361083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/36.png", + [ + 0.180314302444458, + -0.029048169031739235, + -0.11657977104187012, + 1.3170500993728638, + -0.04691365361213684, + -0.2105785459280014, + -0.020091664046049118, + 0.22325700521469116, + -0.11060628294944763, + 0.04196152463555336, + -0.1815306395292282, + 2.1102747917175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/213.png", + [ + 0.18222463130950928, + -0.03760143369436264, + -0.11103244125843048, + 1.3068803548812866, + -0.05715401470661163, + -0.2076788693666458, + -0.023469235748052597, + 0.2809044420719147, + -0.10234984755516052, + 0.04902569204568863, + -0.1845775842666626, + 2.214458465576172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/212.png", + [ + 0.18163453042507172, + -0.040486373007297516, + -0.11098489165306091, + 1.3062000274658203, + -0.06028566509485245, + -0.20682014524936676, + -0.023215411230921745, + 0.277567058801651, + -0.10159936547279358, + 0.05034054070711136, + -0.18463826179504395, + 2.2164807319641113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/182.png", + [ + 0.17183828353881836, + -0.045500632375478745, + -0.12389186769723892, + 1.46164870262146, + -0.073160819709301, + -0.2021217942237854, + -0.02724277973175049, + 0.3224411904811859, + -0.10984987020492554, + 0.06343790143728256, + -0.17566026747226715, + 2.118039608001709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/235.png", + [ + 0.19795946776866913, + -0.006173992063850164, + -0.08787387609481812, + 1.0223678350448608, + -0.005913260858505964, + -0.21658562123775482, + 0.0018960349261760712, + -0.02392864227294922, + -0.08789180219173431, + 0.0006658973288722336, + -0.19804668426513672, + 2.353208065032959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/8.png", + [ + 0.19540748000144958, + -0.027239695191383362, + -0.08956451714038849, + 0.8202094435691833, + -0.035082489252090454, + -0.2135002464056015, + -0.011608385480940342, + 0.07753877341747284, + -0.08679299056529999, + 0.024970676749944687, + -0.19695515930652618, + 1.5575218200683594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/6.png", + [ + 0.19124877452850342, + -0.02280140481889248, + -0.0992567166686058, + 0.9011656641960144, + -0.030918609350919724, + -0.21420660614967346, + -0.010366394184529781, + 0.06275422871112823, + -0.097035251557827, + 0.023313479498028755, + -0.19232404232025146, + 1.474044919013977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/257.png", + [ + 0.2023044377565384, + 0.010323045775294304, + -0.07690410315990448, + 0.8834328651428223, + -0.002355636563152075, + -0.21383249759674072, + -0.03490006923675537, + 0.38691726326942444, + -0.07755809277296066, + 0.03342152386903763, + -0.19953855872154236, + 2.39517879486084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/197.png", + [ + 0.17201347649097443, + -0.046617377549409866, + -0.12323181331157684, + 1.4568331241607666, + -0.07313860952854156, + -0.2023516446352005, + -0.02554311417043209, + 0.3053201138973236, + -0.10959015041589737, + 0.06187509745359421, + -0.17637845873832703, + 2.1281962394714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/219.png", + [ + 0.18770292401313782, + -0.029059434309601784, + -0.10426434129476547, + 1.2245932817459106, + -0.04349958151578903, + -0.21137498319149017, + -0.0193984042853117, + 0.2340620458126068, + -0.09911250323057175, + 0.03773673251271248, + -0.18894587457180023, + 2.2575888633728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/169.png", + [ + 0.1699029952287674, + -0.04726603254675865, + -0.1258840262889862, + 1.4817333221435547, + -0.07592235505580902, + -0.20114047825336456, + -0.026948003098368645, + 0.32350826263427734, + -0.11098045110702515, + 0.06524048000574112, + -0.17428399622440338, + 2.0943918228149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/154.png", + [ + 0.1653902679681778, + -0.043144676834344864, + -0.13316339254379272, + 1.4828194379806519, + -0.07669948786497116, + -0.20036029815673828, + -0.030345190316438675, + 0.34434449672698975, + -0.11709458380937576, + 0.0703006312251091, + -0.16820989549160004, + 1.922235369682312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/20.png", + [ + 0.17576315999031067, + -0.03136088699102402, + -0.12276683747768402, + 1.3134561777114868, + -0.04094019904732704, + -0.2127288281917572, + -0.004271634388715029, + 0.03837792947888374, + -0.11991290748119354, + 0.02666161209344864, + -0.17848795652389526, + 1.9746335744857788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/237.png", + [ + 0.19710339605808258, + -0.002493447158485651, + -0.08995513617992401, + 1.0489625930786133, + -0.0017522390699014068, + -0.21665671467781067, + 0.002166077494621277, + -0.03231476619839668, + -0.08997263014316559, + -0.0012429626658558846, + -0.19710727035999298, + 2.3450469970703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/2.png", + [ + 0.19720040261745453, + -0.04454745352268219, + -0.07794497162103653, + 0.8062393665313721, + -0.053865790367126465, + -0.20920567214488983, + -0.016714056953787804, + 0.10930700600147247, + -0.07182179391384125, + 0.03458913415670395, + -0.2014773190021515, + 1.7651880979537964, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/117.png", + [ + 0.16717490553855896, + -0.04661666974425316, + -0.12972019612789154, + 1.5191493034362793, + -0.07725854218006134, + -0.20055711269378662, + -0.027492905035614967, + 0.32747095823287964, + -0.11415586620569229, + 0.06746574491262436, + -0.17136134207248688, + 2.0576114654541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/149.png", + [ + 0.17458583414554596, + -0.043481022119522095, + -0.12073556333780289, + 1.2758617401123047, + -0.07733019441366196, + -0.19833366572856903, + -0.04039411619305611, + 0.40978890657424927, + -0.10240954905748367, + 0.07563759386539459, + -0.17532578110694885, + 1.8536251783370972, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/161.png", + [ + 0.1674155741930008, + -0.045084912329912186, + -0.12995103001594543, + 1.507423758506775, + -0.07566497474908829, + -0.20113568007946014, + -0.027697443962097168, + 0.32841014862060547, + -0.11486832052469254, + 0.06678089499473572, + -0.17115336656570435, + 2.0314106941223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/5.png", + [ + 0.18657347559928894, + -0.02752813883125782, + -0.10667911916971207, + 0.9856736063957214, + -0.03293159604072571, + -0.21414470672607422, + -0.002335574943572283, + -0.003815067932009697, + -0.10513678193092346, + 0.01822488382458687, + -0.18857890367507935, + 1.4712374210357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/187.png", + [ + 0.17105485498905182, + -0.0452251099050045, + -0.12507125735282898, + 1.4654881954193115, + -0.07364533096551895, + -0.20188045501708984, + -0.027722790837287903, + 0.32812386751174927, + -0.11074519902467728, + 0.06439623981714249, + -0.1747470200061798, + 2.09537410736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/108.png", + [ + 0.16772539913654327, + -0.045600105077028275, + -0.12937045097351074, + 1.4906045198440552, + -0.0770421251654625, + -0.2003917694091797, + -0.029249591752886772, + 0.3421413004398346, + -0.11349273473024368, + 0.06864150613546371, + -0.1713348776102066, + 2.027390480041504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/60.png", + [ + 0.1665765792131424, + -0.04113473743200302, + -0.13231809437274933, + 1.504412055015564, + -0.07362465560436249, + -0.2015581578016281, + -0.030026867985725403, + 0.33866575360298157, + -0.11738637089729309, + 0.06804510205984116, + -0.16893254220485687, + 1.972556471824646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/260.png", + [ + 0.19719108939170837, + 0.009123362600803375, + -0.08933272212743759, + 1.0227587223052979, + -0.007353959139436483, + -0.21318864822387695, + -0.03800547495484352, + 0.4348568916320801, + -0.08949576318264008, + 0.037619952112436295, + -0.19370891153812408, + 2.407534599304199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/56.png", + [ + 0.16785527765750885, + -0.038846902549266815, + -0.13139033317565918, + 1.4970202445983887, + -0.06908777356147766, + -0.20343133807182312, + -0.028115222230553627, + 0.31771743297576904, + -0.11831898242235184, + 0.06367499381303787, + -0.16998237371444702, + 1.99178946018219, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/147.png", + [ + 0.18006247282028198, + -0.045670341700315475, + -0.111533023416996, + 1.1659539937973022, + -0.07448291778564453, + -0.19980812072753906, + -0.03843052685260773, + 0.3571637272834778, + -0.09475068002939224, + 0.07027680426836014, + -0.18174536526203156, + 1.8318254947662354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/261.png", + [ + 0.18265731632709503, + 0.010985846631228924, + -0.11603236943483353, + 1.3479036092758179, + -0.010295048356056213, + -0.21334603428840637, + -0.036405812948942184, + 0.43089133501052856, + -0.11609569936990738, + 0.036203350871801376, + -0.1793293058872223, + 2.3342742919921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/30.png", + [ + 0.1786603480577469, + -0.025839757174253464, + -0.11983606219291687, + 1.3534042835235596, + -0.04199352115392685, + -0.2118920385837555, + -0.016917599365115166, + 0.1878770887851715, + -0.11517344415187836, + 0.037174828350543976, + -0.1797247976064682, + 2.0848302841186523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/17.png", + [ + 0.17285989224910736, + -0.02833513729274273, + -0.1275322586297989, + 1.3000749349594116, + -0.040916405618190765, + -0.21261747181415558, + -0.008219564333558083, + 0.07984094321727753, + -0.12406934797763824, + 0.030640384182333946, + -0.17497389018535614, + 1.8302905559539795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/12.png", + [ + 0.18736007809638977, + -0.0302264541387558, + -0.10454881191253662, + 0.9696953296661377, + -0.03242560476064682, + -0.21420058608055115, + 0.0038188917096704245, + -0.041952796280384064, + -0.10388778895139694, + 0.012343627400696278, + -0.18974417448043823, + 1.6580191850662231, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/114.png", + [ + 0.1666199266910553, + -0.04682968929409981, + -0.13035593926906586, + 1.5187777280807495, + -0.07847167551517487, + -0.19994868338108063, + -0.02847134880721569, + 0.33887943625450134, + -0.11413977295160294, + 0.06910427659749985, + -0.17071790993213654, + 2.041224479675293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/27.png", + [ + 0.1785801351070404, + -0.026843460276722908, + -0.11973494291305542, + 1.3397231101989746, + -0.04068952053785324, + -0.21241839230060577, + -0.01306464709341526, + 0.14233405888080597, + -0.11576437950134277, + 0.03325282782316208, + -0.18011315166950226, + 2.0753235816955566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/42.png", + [ + 0.17844535410404205, + -0.032502323389053345, + -0.11852741986513138, + 1.3384908437728882, + -0.05315433070063591, + -0.2088164985179901, + -0.022763686254620552, + 0.2528080940246582, + -0.11081410944461823, + 0.04782433435320854, + -0.17994709312915802, + 2.090808868408203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/223.png", + [ + 0.19119535386562347, + -0.021519580855965614, + -0.09964505583047867, + 1.1669315099716187, + -0.03225474804639816, + -0.21368134021759033, + -0.01574213244020939, + 0.19203008711338043, + -0.09670501947402954, + 0.02872440032660961, + -0.19175750017166138, + 2.2856335639953613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/174.png", + [ + 0.17014166712760925, + -0.045514870434999466, + -0.12620657682418823, + 1.4888923168182373, + -0.07403604686260223, + -0.20183266699314117, + -0.02702098898589611, + 0.3245745003223419, + -0.11188552528619766, + 0.06434178352355957, + -0.17403922975063324, + 2.0997838973999023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/7.png", + [ + 0.19196081161499023, + -0.03139323368668556, + -0.09546413272619247, + 0.8659535646438599, + -0.04036673158407211, + -0.21258307993412018, + -0.011262452229857445, + 0.07148899137973785, + -0.09202967584133148, + 0.027762938290834427, + -0.1941845715045929, + 1.5132641792297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/73.png", + [ + 0.16680899262428284, + -0.04160302132368088, + -0.13187815248966217, + 1.480883240699768, + -0.07730165123939514, + -0.19938907027244568, + -0.03487628698348999, + 0.3885665535926819, + -0.11466087400913239, + 0.07389917969703674, + -0.16834396123886108, + 1.942604422569275, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/120.png", + [ + 0.1661863774061203, + -0.045208267867565155, + -0.13147695362567902, + 1.5432249307632446, + -0.0773966908454895, + -0.20029763877391815, + -0.028956925496459007, + 0.34667468070983887, + -0.11549774557352066, + 0.0691734328866005, + -0.16977396607398987, + 2.0437278747558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/46.png", + [ + 0.1741817742586136, + -0.0364496186375618, + -0.1236124113202095, + 1.4046849012374878, + -0.05921275168657303, + -0.20722705125808716, + -0.022331353276968002, + 0.24904000759124756, + -0.11446596682071686, + 0.0517326183617115, + -0.17654792964458466, + 2.064976692199707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/127.png", + [ + 0.16834205389022827, + -0.045938123017549515, + -0.12844660878181458, + 1.5070791244506836, + -0.0760299563407898, + -0.2009890377521515, + -0.027762342244386673, + 0.3295079171657562, + -0.11326204240322113, + 0.06664075702428818, + -0.17227481305599213, + 2.070901393890381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/283.png", + [ + 0.21162520349025726, + -0.01038758922368288, + -0.04532953351736069, + 0.5285763144493103, + -0.015847520902752876, + -0.21466730535030365, + -0.02479308657348156, + 0.2827567756175995, + -0.04372098669409752, + 0.027530690655112267, + -0.21042442321777344, + 2.4241228103637695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/236.png", + [ + 0.1967509537935257, + -0.004487479105591774, + -0.0906466543674469, + 1.056831955909729, + -0.003773005912080407, + -0.21662695705890656, + 0.0025347473565489054, + -0.03440488129854202, + -0.09067919850349426, + -0.0007232201169244945, + -0.1967858076095581, + 2.3436594009399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/226.png", + [ + 0.19352373480796814, + -0.01612132415175438, + -0.09610705077648163, + 1.123154878616333, + -0.024472957476973534, + -0.21488094329833984, + -0.013234542682766914, + 0.16284681856632233, + -0.09432675689458847, + 0.02267557568848133, + -0.1937425434589386, + 2.305973529815674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/133.png", + [ + 0.16991426050662994, + -0.04670500382781029, + -0.1260780692100525, + 1.4840755462646484, + -0.07777051627635956, + -0.1998828649520874, + -0.030764982104301453, + 0.36694812774658203, + -0.1096758171916008, + 0.06937852501869202, + -0.17351001501083374, + 2.092581272125244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/57.png", + [ + 0.16707226634025574, + -0.03963347524404526, + -0.13215121626853943, + 1.5052192211151123, + -0.07054587453603745, + -0.20289960503578186, + -0.02833603322505951, + 0.3194239139556885, + -0.11856657266616821, + 0.06487556546926498, + -0.16935470700263977, + 1.9838536977767944, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/44.png", + [ + 0.1768321841955185, + -0.035304103046655655, + -0.12013281881809235, + 1.3601726293563843, + -0.05594910308718681, + -0.2082548439502716, + -0.021154513582587242, + 0.23701545596122742, + -0.11201772093772888, + 0.048284947872161865, + -0.17907674610614777, + 2.0871615409851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/113.png", + [ + 0.1676924228668213, + -0.04555118456482887, + -0.12943042814731598, + 1.5055257081985474, + -0.07665318995714188, + -0.20061908662319183, + -0.02870824933052063, + 0.3402329683303833, + -0.11380437761545181, + 0.06800709664821625, + -0.1713811308145523, + 2.044337272644043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/126.png", + [ + 0.16859769821166992, + -0.04790257290005684, + -0.12738938629627228, + 1.4943898916244507, + -0.07665377855300903, + -0.20100513100624084, + -0.02586546167731285, + 0.30802851915359497, + -0.1124584749341011, + 0.0651932954788208, + -0.1733517348766327, + 2.0826425552368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/29.png", + [ + 0.17886888980865479, + -0.025722963735461235, + -0.11954978108406067, + 1.3458949327468872, + -0.04179888218641281, + -0.21192879974842072, + -0.01693923957645893, + 0.1869868040084839, + -0.11492029577493668, + 0.037046100944280624, + -0.17991334199905396, + 2.083409309387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/4.png", + [ + 0.17991019785404205, + -0.032921019941568375, + -0.1161741092801094, + 1.0905781984329224, + -0.0368800163269043, + -0.21348609030246735, + 0.0033836239017546177, + -0.05368256941437721, + -0.11497863382101059, + 0.016964398324489594, + -0.18286612629890442, + 1.476055383682251, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/55.png", + [ + 0.16833753883838654, + -0.03962016850709915, + -0.130539670586586, + 1.4860279560089111, + -0.06879796087741852, + -0.20369437336921692, + -0.026895076036453247, + 0.304013729095459, + -0.11780156195163727, + 0.062343779951334, + -0.17083308100700378, + 2.0033164024353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/9.png", + [ + 0.1984443962574005, + -0.026933273300528526, + -0.08271825313568115, + 0.7679480910301208, + -0.033200912177562714, + -0.2138817459344864, + -0.010009869933128357, + 0.06438620388507843, + -0.08040778338909149, + 0.02184254117310047, + -0.20001347362995148, + 1.599087119102478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/25.png", + [ + 0.1783057451248169, + -0.02685522846877575, + -0.12014056742191315, + 1.3373726606369019, + -0.04105110466480255, + -0.21232381463050842, + -0.013464581221342087, + 0.14554806053638458, + -0.1160593181848526, + 0.0338420569896698, + -0.17981335520744324, + 2.0570826530456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/99.png", + [ + 0.165194571018219, + -0.04521704837679863, + -0.13271798193454742, + 1.4883698225021362, + -0.07834102213382721, + -0.19986283779144287, + -0.029418041929602623, + 0.3315967917442322, + -0.11628125607967377, + 0.07041416317224503, + -0.16872583329677582, + 1.9417098760604858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/208.png", + [ + 0.17637324333190918, + -0.04534899815917015, + -0.11740456521511078, + 1.388864517211914, + -0.06799327582120895, + -0.2044193595647812, + -0.023184627294540405, + 0.2780607044696808, + -0.10591165721416473, + 0.05571427941322327, + -0.18062815070152283, + 2.1776671409606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/224.png", + [ + 0.19238074123859406, + -0.02002139575779438, + -0.09765598922967911, + 1.1423900127410889, + -0.03000210039317608, + -0.21404702961444855, + -0.015219810418784618, + 0.18593068420886993, + -0.09506535530090332, + 0.027035389095544815, + -0.19282002747058868, + 2.295621395111084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/34.png", + [ + 0.18001176416873932, + -0.027402764186263084, + -0.1174425557255745, + 1.3286685943603516, + -0.04463418573141098, + -0.2111615687608719, + -0.019143547862768173, + 0.2115713357925415, + -0.11203327775001526, + 0.040097061544656754, + -0.18107640743255615, + 2.1076178550720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/72.png", + [ + 0.1688799262046814, + -0.0426977202296257, + -0.12885797023773193, + 1.4450364112854004, + -0.07665976136922836, + -0.19973911345005035, + -0.03428495302796364, + 0.38103175163269043, + -0.11203011870384216, + 0.0723123848438263, + -0.17078660428524017, + 1.9660874605178833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/102.png", + [ + 0.16643965244293213, + -0.04634176939725876, + -0.13075998425483704, + 1.4804227352142334, + -0.07832726091146469, + -0.19995304942131042, + -0.028835924342274666, + 0.33042997121810913, + -0.11450143158435822, + 0.06941982358694077, + -0.17034731805324554, + 1.9846519231796265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/262.png", + [ + 0.16282568871974945, + 0.009389408864080906, + -0.1426447629928589, + 1.7072105407714844, + -0.009865079075098038, + -0.21495330333709717, + -0.02540978416800499, + 0.3113609850406647, + -0.14261266589164734, + 0.025589369237422943, + -0.16110464930534363, + 2.2418770790100098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/134.png", + [ + 0.16945978999137878, + -0.04614244028925896, + -0.1268942505121231, + 1.4959553480148315, + -0.07754922658205032, + -0.1999552696943283, + -0.03085285983979702, + 0.36827367544174194, + -0.11053232848644257, + 0.06954607367515564, + -0.17289836704730988, + 2.0878148078918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/70.png", + [ + 0.1660211980342865, + -0.03912150114774704, + -0.1336202174425125, + 1.5003349781036377, + -0.07221567630767822, + -0.2019827514886856, + -0.03059016540646553, + 0.3411106765270233, + -0.11903675645589828, + 0.0679733082652092, + -0.16780278086662292, + 1.9327822923660278, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/135.png", + [ + 0.16999201476573944, + -0.04695914685726166, + -0.1258786916732788, + 1.484069585800171, + -0.07788854092359543, + -0.19985812902450562, + -0.030626805499196053, + 0.36600974202156067, + -0.10947137326002121, + 0.06927815824747086, + -0.1736791580915451, + 2.096745491027832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/229.png", + [ + 0.19638194143772125, + -0.011770060285925865, + -0.09079369157552719, + 1.0602307319641113, + -0.017711933702230453, + -0.21570144593715668, + -0.010347466915845871, + 0.1268198937177658, + -0.08982381224632263, + 0.016800248995423317, + -0.19646203517913818, + 2.332658290863037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/130.png", + [ + 0.16874881088733673, + -0.045054685324430466, + -0.128225639462471, + 1.5057978630065918, + -0.07623966783285141, + -0.20061078667640686, + -0.02984502725303173, + 0.3547196090221405, + -0.11251334846019745, + 0.06836145371198654, + -0.17209114134311676, + 2.070621967315674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/90.png", + [ + 0.17089247703552246, + -0.04483186826109886, + -0.12543423473834991, + 1.4258363246917725, + -0.0751957818865776, + -0.20088337361812592, + -0.030648868530988693, + 0.33379578590393066, + -0.10995110124349594, + 0.0677042230963707, + -0.17399650812149048, + 1.9369550943374634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/288.png", + [ + 0.2109769731760025, + -0.01645434834063053, + -0.046538837254047394, + 0.5438197255134583, + -0.017513928934931755, + -0.21594412624835968, + -0.003047248348593712, + 0.01976214349269867, + -0.046150531619787216, + 0.006728878244757652, + -0.21159571409225464, + 2.2210326194763184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/122.png", + [ + 0.16763843595981598, + -0.0463496670126915, + -0.12921668589115143, + 1.5154057741165161, + -0.0771654024720192, + -0.20049579441547394, + -0.028192749246954918, + 0.33571216464042664, + -0.11353743821382523, + 0.06783095002174377, + -0.17162781953811646, + 2.063375473022461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/238.png", + [ + 0.19495131075382233, + -0.001369061996228993, + -0.09455162286758423, + 1.1023259162902832, + -0.000541076937224716, + -0.21666453778743744, + 0.0020215786062180996, + -0.03195931017398834, + -0.09455998986959457, + -0.0015827867900952697, + -0.19494563341140747, + 2.3228321075439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/15.png", + [ + 0.17526981234550476, + -0.0298909991979599, + -0.12383422255516052, + 1.2071908712387085, + -0.04394352436065674, + -0.2118837535381317, + -0.011051514185965061, + 0.10962022840976715, + -0.11957154422998428, + 0.03405432775616646, + -0.1774565875530243, + 1.7423152923583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/269.png", + [ + 0.20862098038196564, + -0.015603777952492237, + -0.056406594812870026, + 0.6783202886581421, + -0.020971985533833504, + -0.21489481627941132, + -0.01811889372766018, + 0.20902550220489502, + -0.05463843047618866, + 0.022905034944415092, + -0.2084175944328308, + 2.3598480224609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/162.png", + [ + 0.1680736541748047, + -0.04550206661224365, + -0.12895232439041138, + 1.4997787475585938, + -0.07543329149484634, + -0.20127759873867035, + -0.027295373380184174, + 0.3250691890716553, + -0.11405683308839798, + 0.06606649607419968, + -0.1719713658094406, + 2.0453438758850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/22.png", + [ + 0.17628447711467743, + -0.03141322359442711, + -0.12200364470481873, + 1.3365398645401, + -0.044311340898275375, + -0.21188370883464813, + -0.009470629505813122, + 0.10483238101005554, + -0.11793296039104462, + 0.0326557382941246, + -0.17881084978580475, + 2.0171165466308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/278.png", + [ + 0.20647072792053223, + 0.001695135491900146, + -0.06568758189678192, + 0.7614936232566833, + -0.004102264065295458, + -0.2158474624156952, + -0.018464498221874237, + 0.2161668837070465, + -0.06558126956224442, + 0.01883859746158123, + -0.2056504189968109, + 2.3943071365356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/171.png", + [ + 0.16983060538768768, + -0.045606572180986404, + -0.12659183144569397, + 1.4917771816253662, + -0.07436718046665192, + -0.20169992744922638, + -0.027102714404463768, + 0.32487910985946655, + -0.11213818192481995, + 0.06469215452671051, + -0.1737464964389801, + 2.091459274291992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/138.png", + [ + 0.17174023389816284, + -0.04713872820138931, + -0.12341444939374924, + 1.4555872678756714, + -0.07635988295078278, + -0.20059514045715332, + -0.029642105102539062, + 0.3509313464164734, + -0.10780703276395798, + 0.06698824465274811, + -0.1756078451871872, + 2.1054930686950684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/109.png", + [ + 0.16684944927692413, + -0.04704698920249939, + -0.1299835741519928, + 1.4984163045883179, + -0.07829832285642624, + -0.20007045567035675, + -0.028090624138712883, + 0.33043432235717773, + -0.1139233335852623, + 0.06860240548849106, + -0.171064555644989, + 2.025439739227295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/26.png", + [ + 0.17809529602527618, + -0.027590226382017136, + -0.12028606981039047, + 1.3413805961608887, + -0.040971770882606506, + -0.21243049204349518, + -0.011937160044908524, + 0.1267753690481186, + -0.11640994995832443, + 0.03255704417824745, + -0.17982397973537445, + 2.0656075477600098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/43.png", + [ + 0.17623239755630493, + -0.03346264362335205, + -0.12153306603431702, + 1.373836874961853, + -0.054315175861120224, + -0.20867154002189636, + -0.021306080743670464, + 0.2380170226097107, + -0.11375366896390915, + 0.047794755548238754, + -0.17811137437820435, + 2.0743918418884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/205.png", + [ + 0.1750047504901886, + -0.04565298184752464, + -0.11931902170181274, + 1.4150335788726807, + -0.06927678734064102, + -0.20394302904605865, + -0.02357679419219494, + 0.282168447971344, + -0.10734036564826965, + 0.05719216167926788, + -0.1793181449174881, + 2.1684083938598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/246.png", + [ + 0.19518017768859863, + -0.013981950469315052, + -0.09304353594779968, + 1.081363320350647, + -0.007050269283354282, + -0.21583981812000275, + 0.01764538697898388, + -0.20489493012428284, + -0.09382371604442596, + -0.012867441400885582, + -0.19488313794136047, + 2.2099595069885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/244.png", + [ + 0.1933973878622055, + -0.008403072133660316, + -0.0973382517695427, + 1.1418839693069458, + -0.001151795731857419, + -0.2160528004169464, + 0.016363075003027916, + -0.19546155631542206, + -0.09769348800182343, + -0.014087768271565437, + -0.19288703799247742, + 2.2783102989196777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/84.png", + [ + 0.16540253162384033, + -0.04350946098566055, + -0.13302937150001526, + 1.5046945810317993, + -0.07677595317363739, + -0.20039542019367218, + -0.029917003586888313, + 0.3364229202270508, + -0.11702710390090942, + 0.06997499614953995, + -0.16839253902435303, + 1.9589835405349731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/216.png", + [ + 0.1838294118642807, + -0.03366495668888092, + -0.10964173823595047, + 1.288360595703125, + -0.05123727768659592, + -0.20941784977912903, + -0.021605610847473145, + 0.2607262432575226, + -0.10261275619268417, + 0.04425756260752678, + -0.18563345074653625, + 2.2235517501831055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/136.png", + [ + 0.1705084890127182, + -0.0451480969786644, + -0.12584275007247925, + 1.4840425252914429, + -0.0763913244009018, + -0.20027567446231842, + -0.0316530279815197, + 0.37842875719070435, + -0.10972286760807037, + 0.06927624344825745, + -0.17352113127708435, + 2.093905448913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/89.png", + [ + 0.1697024554014206, + -0.042213425040245056, + -0.1279335469007492, + 1.454736351966858, + -0.07428590953350067, + -0.20097525417804718, + -0.03222492337226868, + 0.3545796275138855, + -0.11238579452037811, + 0.06910042464733124, + -0.17187918722629547, + 1.9389065504074097, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/63.png", + [ + 0.1652122437953949, + -0.04089314490556717, + -0.1340916007757187, + 1.519690752029419, + -0.07392550259828568, + -0.20150674879550934, + -0.029630135744810104, + 0.3330991268157959, + -0.11911267787218094, + 0.06834233552217484, + -0.1675989180803299, + 1.9454344511032104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/88.png", + [ + 0.1684337854385376, + -0.04361193999648094, + -0.12913541495800018, + 1.4657416343688965, + -0.07625929266214371, + -0.20029939711093903, + -0.031820815056562424, + 0.35284897685050964, + -0.11297113448381424, + 0.07018577307462692, + -0.1710537075996399, + 1.9527751207351685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/62.png", + [ + 0.1651727855205536, + -0.041822563856840134, + -0.13385333120822906, + 1.5196053981781006, + -0.07456190884113312, + -0.20135000348091125, + -0.029096214100718498, + 0.3284672200679779, + -0.11877022683620453, + 0.06824178993701935, + -0.16788266599178314, + 1.954205870628357, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/65.png", + [ + 0.16537873446941376, + -0.04340502247214317, + -0.13309311866760254, + 1.502529501914978, + -0.07611334323883057, + -0.20076793432235718, + -0.02910136617720127, + 0.32599905133247375, + -0.1174926832318306, + 0.06896473467350006, + -0.16848509013652802, + 1.9474884271621704, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/248.png", + [ + 0.2065708339214325, + -0.013035213574767113, + -0.06408169120550156, + 0.7535271048545837, + -0.009067864157259464, + -0.21598488092422485, + 0.014703921973705292, + -0.1589832305908203, + -0.06476228684186935, + -0.011336435563862324, + -0.20645877718925476, + 2.0591063499450684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/80.png", + [ + 0.1662868857383728, + -0.040629178285598755, + -0.13283762335777283, + 1.498850703239441, + -0.0770576074719429, + -0.1993769258260727, + -0.03548051416873932, + 0.3967721462249756, + -0.11557982861995697, + 0.07447154074907303, + -0.16746100783348083, + 1.9473165273666382, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/146.png", + [ + 0.18145473301410675, + -0.04778178408741951, + -0.10834656655788422, + 1.1357862949371338, + -0.07425973564386368, + -0.2003403753042221, + -0.036015529185533524, + 0.32045653462409973, + -0.0922364816069603, + 0.06729433685541153, + -0.1841515749692917, + 1.8223826885223389, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/119.png", + [ + 0.16699184477329254, + -0.04601829871535301, + -0.1301688402891159, + 1.5266733169555664, + -0.07686668634414673, + -0.20068413019180298, + -0.027663828805088997, + 0.3296665847301483, + -0.11468707770109177, + 0.0674988254904747, + -0.17099317908287048, + 2.055954933166504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/287.png", + [ + 0.21093258261680603, + -0.014677410013973713, + -0.047327689826488495, + 0.5580601692199707, + -0.0171655360609293, + -0.2157808095216751, + -0.009585672058165073, + 0.09494027495384216, + -0.046483125537633896, + 0.013081069104373455, + -0.211225226521492, + 2.2633466720581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/180.png", + [ + 0.1721181720495224, + -0.046342551708221436, + -0.123189277946949, + 1.4542129039764404, + -0.07358208298683167, + -0.2020270824432373, + -0.026807229965925217, + 0.31923726201057434, + -0.10912793129682541, + 0.06312938779592514, + -0.17622050642967224, + 2.1265201568603516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/145.png", + [ + 0.1839325726032257, + -0.0496772900223732, + -0.10319337248802185, + 1.0898523330688477, + -0.0746043473482132, + -0.20009745657444, + -0.03664836660027504, + 0.3179582953453064, + -0.0868959128856659, + 0.06664140522480011, + -0.18696501851081848, + 1.8310072422027588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/204.png", + [ + 0.17390961945056915, + -0.04636367782950401, + -0.12063891440629959, + 1.431785225868225, + -0.07080130279064178, + -0.20338080823421478, + -0.02390228398144245, + 0.2869521677494049, + -0.10812268406152725, + 0.05860505625605583, + -0.1783895343542099, + 2.1590089797973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/207.png", + [ + 0.17599917948246002, + -0.04470282420516014, + -0.11821100860834122, + 1.399176001548767, + -0.06778352707624435, + -0.20444054901599884, + -0.023608429357409477, + 0.28311270475387573, + -0.1066657081246376, + 0.05615712329745293, + -0.18004634976387024, + 2.172426700592041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/167.png", + [ + 0.16880084574222565, + -0.0465008020401001, + -0.127639502286911, + 1.5009700059890747, + -0.07534448802471161, + -0.20144972205162048, + -0.02625080570578575, + 0.31622764468193054, + -0.11303704231977463, + 0.06483495980501175, + -0.17310963571071625, + 2.0787248611450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/243.png", + [ + 0.19322296977043152, + -0.006804568227380514, + -0.09780837595462799, + 1.1475210189819336, + -0.0004490767896641046, + -0.21621131896972656, + 0.014154747128486633, + -0.1707613170146942, + -0.0980437621474266, + -0.01241999864578247, + -0.19282390177249908, + 2.2918453216552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/189.png", + [ + 0.1716201901435852, + -0.04589754715561867, + -0.1240476593375206, + 1.453003168106079, + -0.07325275242328644, + -0.20218224823474884, + -0.02653804048895836, + 0.3143462538719177, + -0.11012919992208481, + 0.0629575178027153, + -0.1756581962108612, + 2.105367660522461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/230.png", + [ + 0.19614316523075104, + -0.009474288672208786, + -0.09157506376504898, + 1.065584659576416, + -0.014028106816112995, + -0.21608321368694305, + -0.007690765894949436, + 0.09428039193153381, + -0.09098882973194122, + 0.012890830636024475, + -0.19622117280960083, + 2.3257226943969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/79.png", + [ + 0.16588781774044037, + -0.04125741496682167, + -0.13314257562160492, + 1.5020428895950317, + -0.07799471914768219, + -0.19900700449943542, + -0.03550973907113075, + 0.3979979455471039, + -0.11552467197179794, + 0.07511287182569504, + -0.16721244156360626, + 1.9438170194625854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/176.png", + [ + 0.17030362784862518, + -0.045228440314531326, + -0.12609106302261353, + 1.4885509014129639, + -0.07391466945409775, + -0.20182067155838013, + -0.027439717203378677, + 0.3277371823787689, + -0.11171924322843552, + 0.064580999314785, + -0.17405745387077332, + 2.1014437675476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/225.png", + [ + 0.19328677654266357, + -0.017982741817831993, + -0.09625351428985596, + 1.125065803527832, + -0.027090728282928467, + -0.2144964188337326, + -0.014327225275337696, + 0.17546720802783966, + -0.09409680962562561, + 0.0248152744024992, + -0.19359207153320312, + 2.3033089637756348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/284.png", + [ + 0.21200092136859894, + -0.011949007399380207, + -0.04313613846898079, + 0.5061658024787903, + -0.017292674630880356, + -0.21446329355239868, + -0.02558038756251335, + 0.2878049314022064, + -0.04128521680831909, + 0.02847128175199032, + -0.21079093217849731, + 2.3948607444763184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/185.png", + [ + 0.17165423929691315, + -0.044636476784944534, + -0.12446004152297974, + 1.4601982831954956, + -0.07269874215126038, + -0.20222076773643494, + -0.027740828692913055, + 0.32705625891685486, + -0.11044278740882874, + 0.06373574584722519, + -0.17518001794815063, + 2.1036338806152344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/165.png", + [ + 0.1689368188381195, + -0.046036165207624435, + -0.12762805819511414, + 1.495384931564331, + -0.07515940815210342, + -0.20144334435462952, + -0.026824122294783592, + 0.3212011754512787, + -0.11295711994171143, + 0.06518543511629105, + -0.17303016781806946, + 2.069350242614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/116.png", + [ + 0.16716748476028442, + -0.04589163884520531, + -0.12998799979686737, + 1.519831895828247, + -0.07711322605609894, + -0.20048834383487701, + -0.02838789112865925, + 0.3380550146102905, + -0.11426494270563126, + 0.06816362589597702, + -0.17101210355758667, + 2.0512804985046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/19.png", + [ + 0.17357240617275238, + -0.028646105900406837, + -0.1264907717704773, + 1.3365845680236816, + -0.03759562224149704, + -0.21336300671100616, + -0.003269352251663804, + 0.02573702484369278, + -0.12412526458501816, + 0.024566641077399254, + -0.1758899986743927, + 1.9209414720535278, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/77.png", + [ + 0.16572102904319763, + -0.04009164124727249, + -0.1337052583694458, + 1.5052069425582886, + -0.07709679752588272, + -0.1993054300546646, + -0.03579574450850487, + 0.400142103433609, + -0.11636373400688171, + 0.07495272904634476, + -0.16670171916484833, + 1.9325777292251587, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/280.png", + [ + 0.20926454663276672, + -0.00282775005325675, + -0.0561092272400856, + 0.6453081965446472, + -0.008975387550890446, + -0.21530328691005707, + -0.02262384630739689, + 0.26687219738960266, + -0.055458854883909225, + 0.024174360558390617, + -0.2080572247505188, + 2.4278078079223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/254.png", + [ + 0.20525820553302765, + 0.005328367464244366, + 0.06919953227043152, + -0.8636228442192078, + -0.008783179335296154, + -0.212304025888443, + 0.04239990562200546, + -0.4869641959667206, + 0.06884635984897614, + -0.04297097399830818, + -0.20090188086032867, + 2.349734306335449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/247.png", + [ + 0.200215682387352, + -0.015161068178713322, + -0.08143534511327744, + 0.9476062655448914, + -0.008475078269839287, + -0.2156459391117096, + 0.019310764968395233, + -0.21804989874362946, + -0.08239991217851639, + -0.014658602885901928, + -0.19985812902450562, + 2.1668882369995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/68.png", + [ + 0.1650148183107376, + -0.04082290828227997, + -0.1343558430671692, + 1.5102455615997314, + -0.07445267587900162, + -0.20121198892593384, + -0.030305609107017517, + 0.3386121094226837, + -0.11905797570943832, + 0.0692468136548996, + -0.16726616024971008, + 1.929392695426941, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/143.png", + [ + 0.18422739207744598, + -0.048966407775878906, + -0.10300707817077637, + 1.156721591949463, + -0.0723506510257721, + -0.20144954323768616, + -0.03363565728068352, + 0.3191356062889099, + -0.08816773444414139, + 0.06299415975809097, + -0.18763285875320435, + 1.9742053747177124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/218.png", + [ + 0.18634329736232758, + -0.03103075549006462, + -0.10611867159605026, + 1.2462559938430786, + -0.046591341495513916, + -0.21063782274723053, + -0.020220134407281876, + 0.24355486035346985, + -0.10026627033948898, + 0.040208201855421066, + -0.1878240406513214, + 2.247018337249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/183.png", + [ + 0.17204657196998596, + -0.04545659199357033, + -0.12361864000558853, + 1.4559348821640015, + -0.0733625590801239, + -0.20196783542633057, + -0.027835659682750702, + 0.3290752172470093, + -0.1093883290886879, + 0.06395769119262695, + -0.17575979232788086, + 2.1168417930603027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/86.png", + [ + 0.16655734181404114, + -0.04348292201757431, + -0.13158941268920898, + 1.489296793937683, + -0.0758020356297493, + -0.20081467926502228, + -0.029587313532829285, + 0.33119943737983704, + -0.11601978540420532, + 0.06877930462360382, + -0.16957801580429077, + 1.9597269296646118, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/239.png", + [ + 0.19457054138183594, + -0.002746822778135538, + -0.09530292451381683, + 1.1119184494018555, + -0.0005158984567970037, + -0.216611847281456, + 0.005189931485801935, + -0.06908343732357025, + -0.09534109383821487, + -0.004433566238731146, + -0.1945207267999649, + 2.3192801475524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/1.png", + [ + 0.19072578847408295, + -0.05354441702365875, + -0.08777561783790588, + 0.896691620349884, + -0.062249165028333664, + -0.20735478401184082, + -0.008770409971475601, + 0.046266261488199234, + -0.08183278143405914, + 0.03293741121888161, + -0.1979050636291504, + 1.8016252517700195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/81.png", + [ + 0.1649278700351715, + -0.04143964871764183, + -0.13427375257015228, + 1.516834020614624, + -0.07770871371030807, + -0.19939729571342468, + -0.03391116112470627, + 0.3802150785923004, + -0.11708135902881622, + 0.07396868616342545, + -0.1666387915611267, + 1.9399877786636353, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/95.png", + [ + 0.17110924422740936, + -0.04532187432050705, + -0.12496178597211838, + 1.3988926410675049, + -0.07504603266716003, + -0.20106141269207, + -0.029837846755981445, + 0.3266005516052246, + -0.10971605777740479, + 0.06684408336877823, + -0.1744767725467682, + 1.933331847190857, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/200.png", + [ + 0.1725500375032425, + -0.04731982573866844, + -0.12220966070890427, + 1.4503346681594849, + -0.07309593260288239, + -0.20245784521102905, + -0.024813411757349968, + 0.2977878451347351, + -0.10877201706171036, + 0.0609881617128849, + -0.17719192802906036, + 2.1453075408935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/199.png", + [ + 0.17171186208724976, + -0.046839699149131775, + -0.12356769293546677, + 1.4657225608825684, + -0.07335453480482101, + -0.20231066644191742, + -0.025246670469641685, + 0.30344995856285095, + -0.10991836339235306, + 0.06184113025665283, + -0.17618604004383087, + 2.1322388648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/103.png", + [ + 0.16608448326587677, + -0.04676518216729164, + -0.13106049597263336, + 1.4897781610488892, + -0.07870456576347351, + -0.1998642235994339, + -0.028421394526958466, + 0.3269893229007721, + -0.11475813388824463, + 0.06939166784286499, + -0.17018596827983856, + 1.9894415140151978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/196.png", + [ + 0.17343035340309143, + -0.046867139637470245, + -0.12113328278064728, + 1.4284480810165405, + -0.07283993065357208, + -0.20240429043769836, + -0.02597588673233986, + 0.30969762802124023, + -0.10753673315048218, + 0.06151318922638893, + -0.17776352167129517, + 2.139556407928467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/150.png", + [ + 0.17083777487277985, + -0.04294116050004959, + -0.1261681616306305, + 1.3472280502319336, + -0.07777108997106552, + -0.1986951380968094, + -0.037680190056562424, + 0.39634016156196594, + -0.10823126882314682, + 0.07499464601278305, + -0.17207466065883636, + 1.8612643480300903, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/83.png", + [ + 0.16559137403964996, + -0.04338889196515083, + -0.13283370435237885, + 1.5014015436172485, + -0.07705058157444, + -0.20017670094966888, + -0.030665922909975052, + 0.3447313606739044, + -0.11657873541116714, + 0.07067245244979858, + -0.16841229796409607, + 1.9602094888687134, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/142.png", + [ + 0.18363577127456665, + -0.04918135702610016, + -0.1039566695690155, + 1.1963059902191162, + -0.07212945073843002, + -0.2018042951822281, + -0.031941574066877365, + 0.32273438572883606, + -0.08957196772098541, + 0.061677515506744385, + -0.18740501999855042, + 2.0541601181030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/186.png", + [ + 0.17178969085216522, + -0.04473362863063812, + -0.1242380440235138, + 1.4553251266479492, + -0.07288292795419693, + -0.20211827754974365, + -0.02800309658050537, + 0.33030393719673157, + -0.11011025309562683, + 0.06399214267730713, + -0.17529581487178802, + 2.1019959449768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/195.png", + [ + 0.17200471460819244, + -0.047131042927503586, + -0.12304852157831192, + 1.449253797531128, + -0.07368731498718262, + -0.20214831829071045, + -0.02557612769305706, + 0.30487287044525146, + -0.10923578590154648, + 0.0621500127017498, + -0.17650160193443298, + 2.1234922409057617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/51.png", + [ + 0.17220577597618103, + -0.038131386041641235, + -0.12585334479808807, + 1.433457612991333, + -0.06474727392196655, + -0.2050745189189911, + -0.026459980756044388, + 0.29781657457351685, + -0.11445899307727814, + 0.058637332171201706, + -0.17438089847564697, + 2.043612003326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/233.png", + [ + 0.19650211930274963, + -0.004699476528912783, + -0.09117420017719269, + 1.0568442344665527, + -0.006670513655990362, + -0.21654805541038513, + -0.003214804455637932, + 0.036484915763139725, + -0.09105122089385986, + 0.005722380243241787, + -0.1965319961309433, + 2.3232288360595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/128.png", + [ + 0.16753928363323212, + -0.045078154653310776, + -0.12979382276535034, + 1.5229978561401367, + -0.0760907456278801, + -0.20086900889873505, + -0.02845577895641327, + 0.3384229838848114, + -0.11440575122833252, + 0.06758321821689606, + -0.17114824056625366, + 2.0587077140808105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/168.png", + [ + 0.16982606053352356, + -0.04684159904718399, + -0.12614622712135315, + 1.4832686185836792, + -0.07533985376358032, + -0.20140014588832855, + -0.026641810312867165, + 0.32016804814338684, + -0.1114940196275711, + 0.06474367529153824, + -0.17414143681526184, + 2.090707302093506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/215.png", + [ + 0.18527016043663025, + -0.03627432510256767, + -0.10633455216884613, + 1.248715877532959, + -0.0537102110683918, + -0.20871560275554657, + -0.022381076589226723, + 0.2684434652328491, + -0.09868169575929642, + 0.04549585282802582, + -0.18745651841163635, + 2.242675304412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/93.png", + [ + 0.17252691090106964, + -0.04661340266466141, + -0.12251347303390503, + 1.3806846141815186, + -0.07528354972600937, + -0.20101745426654816, + -0.02953413315117359, + 0.31725823879241943, + -0.10730679333209991, + 0.06608378887176514, + -0.1762557178735733, + 1.9224721193313599, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+RfHY644z7aI+P0+C1+F2537-2828/242.png", + [ + 0.1934039443731308, + -0.005294022615998983, + -0.09754374623298645, + 1.1431797742843628, + 0.000352939561707899, + -0.21631693840026855, + 0.012440023943781853, + -0.15205606818199158, + -0.09768667072057724, + -0.011262863874435425, + -0.19307604432106018, + 2.30169677734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/76.png", + [ + 0.16232191026210785, + -0.04398048296570778, + -0.1366206854581833, + 1.6511459350585938, + -0.010430638678371906, + -0.2093205600976944, + 0.05499093234539032, + -0.6753949522972107, + -0.14314571022987366, + -0.034619610756635666, + -0.15892980992794037, + 1.9812339544296265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/48.png", + [ + 0.18341343104839325, + -0.05219177529215813, + -0.10287576168775558, + 1.1659787893295288, + -0.01529124565422535, + -0.2025245875120163, + 0.07548422366380692, + -0.8630174994468689, + -0.11433976143598557, + -0.05663663521409035, + -0.1751188188791275, + 2.0510096549987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/137.png", + [ + 0.164768248796463, + -0.040860965847969055, + -0.13464657962322235, + 1.6226967573165894, + -0.012328020296990871, + -0.21073241531848907, + 0.0488646924495697, + -0.5965043902397156, + -0.1401689648628235, + -0.029497794806957245, + -0.1625744104385376, + 2.018113613128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/35.png", + [ + 0.1659114956855774, + -0.026719704270362854, + -0.13677473366260529, + 1.5916842222213745, + 0.002730456180870533, + -0.21199066936969757, + 0.044725678861141205, + -0.5279678702354431, + -0.13933347165584564, + -0.03597080335021019, + -0.16198821365833282, + 1.945865273475647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/124.png", + [ + 0.16524040699005127, + -0.03634790703654289, + -0.1353600025177002, + 1.6343238353729248, + -0.0022877014707773924, + -0.20993292331695557, + 0.05358009785413742, + -0.659321129322052, + -0.14013659954071045, + -0.039432093501091, + -0.16048280894756317, + 1.9964507818222046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/97.png", + [ + 0.15973156690597534, + -0.03416813164949417, + -0.1423596292734146, + 1.7017465829849243, + 0.0024395380169153214, + -0.2100405991077423, + 0.053149666637182236, + -0.6492114663124084, + -0.14638227224349976, + -0.040784526616334915, + -0.15445630252361298, + 1.902300238609314, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/13.png", + [ + 0.15013527870178223, + 0.00663920259103179, + -0.15608720481395721, + 1.816788911819458, + 0.024123772978782654, + -0.2148677110671997, + 0.014064443297684193, + -0.17881983518600464, + -0.15435457229614258, + -0.027123533189296722, + -0.14962244033813477, + 1.8002411127090454, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/32.png", + [ + 0.15982644259929657, + -0.01682843640446663, + -0.14532795548439026, + 1.6723436117172241, + 0.008631674572825432, + -0.21377678215503693, + 0.03424735367298126, + -0.3995848596096039, + -0.14604419469833374, + -0.031051425263285637, + -0.1570184826850891, + 1.8655797243118286, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/38.png", + [ + 0.1746768057346344, + -0.034563496708869934, + -0.12345554679632187, + 1.4326672554016113, + -0.005380519200116396, + -0.21044425666332245, + 0.05130459740757942, + -0.6044641137123108, + -0.12808965146541595, + -0.038294605910778046, + -0.1705123484134674, + 2.04288387298584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/111.png", + [ + 0.1611473262310028, + -0.039308298379182816, + -0.13940691947937012, + 1.711069941520691, + -0.005434399005025625, + -0.21003694832324982, + 0.05294182151556015, + -0.6615203022956848, + -0.14474080502986908, + -0.03587793931365013, + -0.15719658136367798, + 1.9889451265335083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/11.png", + [ + 0.14783862233161926, + 0.010202495381236076, + -0.1580744981765747, + 1.8622175455093384, + 0.02772761695086956, + -0.2145531177520752, + 0.012084394693374634, + -0.16108760237693787, + -0.15595774352550507, + -0.028473887592554092, + -0.14769668877124786, + 1.7985641956329346, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/125.png", + [ + 0.1647791713476181, + -0.036054085940122604, + -0.13599933683872223, + 1.6400375366210938, + -0.0016167376888915896, + -0.20991118252277374, + 0.05368960648775101, + -0.6590415835380554, + -0.140687957406044, + -0.039815712720155716, + -0.15990467369556427, + 1.9875563383102417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/59.png", + [ + 0.1672806441783905, + -0.05795546993613243, + -0.12492493540048599, + 1.4885458946228027, + -0.017084039747714996, + -0.2037680596113205, + 0.07165617495775223, + -0.8613502979278564, + -0.1366499662399292, + -0.045471277087926865, + -0.16188588738441467, + 1.9744774103164673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/105.png", + [ + 0.16381366550922394, + -0.02918311394751072, + -0.13878515362739563, + 1.6929056644439697, + 0.004190879873931408, + -0.21094892919063568, + 0.049304038286209106, + -0.61814284324646, + -0.14175830781459808, + -0.03995995596051216, + -0.15892034769058228, + 1.9979346990585327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/121.png", + [ + 0.1630135029554367, + -0.038611020892858505, + -0.13741792738437653, + 1.673293948173523, + -0.005746223032474518, + -0.21020300686359406, + 0.052245303988456726, + -0.6485419869422913, + -0.14262352883815765, + -0.03566202148795128, + -0.15916858613491058, + 1.9954184293746948, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/24.png", + [ + 0.14149552583694458, + 0.005814728327095509, + -0.16399116814136505, + 1.8276679515838623, + 0.025467650964856148, + -0.2146928906440735, + 0.014361610636115074, + -0.17070862650871277, + -0.16210585832595825, + -0.02865390107035637, + -0.14088483154773712, + 1.6329609155654907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/74.png", + [ + 0.16659575700759888, + -0.042540084570646286, + -0.13184872269630432, + 1.605026125907898, + -0.0002769625571090728, + -0.20630918443202972, + 0.06621430069208145, + -0.8141993284225464, + -0.13854120671749115, + -0.050742007791996, + -0.15868040919303894, + 1.9854072332382202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/129.png", + [ + 0.16301341354846954, + -0.03636312112212181, + -0.13802984356880188, + 1.664400577545166, + -0.0011625232873484492, + -0.2098570317029953, + 0.05391261726617813, + -0.6623932123184204, + -0.1427346020936966, + -0.03982015699148178, + -0.1580793559551239, + 1.9646228551864624, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/98.png", + [ + 0.15803232789039612, + -0.03328564763069153, + -0.14444977045059204, + 1.7309415340423584, + 0.0033531750086694956, + -0.2102847844362259, + 0.052124518901109695, + -0.6393962502479553, + -0.14819727838039398, + -0.04025263711810112, + -0.1528567671775818, + 1.8897985219955444, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/0.png", + [ + 0.13867108523845673, + 0.018345912918448448, + -0.1654740422964096, + 2.0204174518585205, + 0.02945994958281517, + -0.21466070413589478, + 0.0008889385499060154, + -0.023060835897922516, + -0.1638607233762741, + -0.023067429661750793, + -0.13987654447555542, + 1.7579811811447144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/96.png", + [ + 0.16032496094703674, + -0.032045621424913406, + -0.14218607544898987, + 1.6924397945404053, + 0.003014692571014166, + -0.2105984389781952, + 0.05086355656385422, + -0.617730438709259, + -0.14572136104106903, + -0.039613988250494, + -0.15538311004638672, + 1.9065574407577515, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/100.png", + [ + 0.15577812492847443, + -0.028300853446125984, + -0.14791935682296753, + 1.7833625078201294, + 0.005106670316308737, + -0.21169954538345337, + 0.04588165506720543, + -0.5676790475845337, + -0.15051576495170593, + -0.03647281602025032, + -0.15153425931930542, + 1.8847392797470093, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/40.png", + [ + 0.17570532858371735, + -0.04165252670645714, + -0.1197521984577179, + 1.3854572772979736, + -0.011537337675690651, + -0.2090522050857544, + 0.05578502640128136, + -0.6534982919692993, + -0.12626327574253082, + -0.03886060044169426, + -0.17174206674098969, + 2.0537543296813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/52.png", + [ + 0.17939522862434387, + -0.058499570935964584, + -0.10650375485420227, + 1.2265610694885254, + -0.020421911031007767, + -0.20172584056854248, + 0.07640371471643448, + -0.8873204588890076, + -0.11978394538164139, + -0.053220126777887344, + -0.1725320816040039, + 2.0506062507629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/3.png", + [ + 0.14055602252483368, + 0.011810635216534138, + -0.1644761562347412, + 2.001154899597168, + 0.025261787697672844, + -0.21510931849479675, + 0.006141429767012596, + -0.0862962156534195, + -0.1629531979560852, + -0.023159967735409737, + -0.1409175992012024, + 1.7643953561782837, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/47.png", + [ + 0.1839689463376999, + -0.054129403084516525, + -0.10086292773485184, + 1.1406115293502808, + -0.01628982461988926, + -0.20135562121868134, + 0.07834827899932861, + -0.8944549560546875, + -0.1133047342300415, + -0.05893910676240921, + -0.17503173649311066, + 2.0493016242980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/104.png", + [ + 0.16380907595157623, + -0.02462349832057953, + -0.13967159390449524, + 1.6975929737091064, + 0.007548222783952951, + -0.2115679383277893, + 0.04615117982029915, + -0.5804584622383118, + -0.14162451028823853, + -0.039756644517183304, + -0.1590905487537384, + 1.9946619272232056, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/21.png", + [ + 0.143859401345253, + 0.005544309038668871, + -0.16193093359470367, + 1.8037410974502563, + 0.022191287949681282, + -0.21518130600452423, + 0.012347200885415077, + -0.14946575462818146, + -0.16049893200397491, + -0.024782396852970123, + -0.1434357464313507, + 1.6652512550354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/82.png", + [ + 0.16297468543052673, + -0.03426659479737282, + -0.13861078023910522, + 1.6411609649658203, + -0.0015754281776025891, + -0.210761159658432, + 0.05025086551904678, + -0.6108944416046143, + -0.14277487993240356, + -0.036789022386074066, + -0.1587759405374527, + 1.94611394405365, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/106.png", + [ + 0.1632610559463501, + -0.032143399119377136, + -0.13878227770328522, + 1.6940984725952148, + 0.0017965184524655342, + -0.21060554683208466, + 0.05089179798960686, + -0.6368248462677002, + -0.1424446851015091, + -0.03949689492583275, + -0.1584215760231018, + 1.995120882987976, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/14.png", + [ + 0.14728370308876038, + 0.007673596031963825, + -0.15873409807682037, + 1.8342820405960083, + 0.024531912058591843, + -0.2149255871772766, + 0.012372256256639957, + -0.15702252089977264, + -0.15701457858085632, + -0.026381874457001686, + -0.14696362614631653, + 1.7595531940460205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/67.png", + [ + 0.17369717359542847, + -0.06152135878801346, + -0.11398381739854813, + 1.3608115911483765, + -0.021429410204291344, + -0.20169572532176971, + 0.07620701938867569, + -0.917209804058075, + -0.12774181365966797, + -0.049818187952041626, + -0.16777388751506805, + 2.0642690658569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/78.png", + [ + 0.15961170196533203, + -0.041350699961185455, + -0.14057780802249908, + 1.6882612705230713, + -0.008119754493236542, + -0.21004490554332733, + 0.05256517231464386, + -0.6413280963897705, + -0.14630812406539917, + -0.03345366194844246, + -0.15627756714820862, + 1.9413789510726929, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/31.png", + [ + 0.15509195625782013, + -0.013280780054628849, + -0.15072493255138397, + 1.7281033992767334, + 0.013305647298693657, + -0.21380515396595, + 0.032530106604099274, + -0.3785878121852875, + -0.15072272717952728, + -0.03254026547074318, + -0.15222248435020447, + 1.804963231086731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/39.png", + [ + 0.17348046600818634, + -0.03589866682887077, + -0.12475458532571793, + 1.4501398801803589, + -0.005743750836700201, + -0.21014393866062164, + 0.05248270183801651, + -0.61783367395401, + -0.12968973815441132, + -0.038713179528713226, + -0.1692032814025879, + 2.0314178466796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/92.png", + [ + 0.16483686864376068, + -0.03144054114818573, + -0.13707000017166138, + 1.6174581050872803, + 0.0027201378252357244, + -0.2104378044605255, + 0.05154050514101982, + -0.6190083622932434, + -0.14060333371162415, + -0.0409306138753891, + -0.15969745814800262, + 1.9445620775222778, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/53.png", + [ + 0.17680701613426208, + -0.05819062143564224, + -0.11090999841690063, + 1.2841442823410034, + -0.02024855464696884, + -0.2026258260011673, + 0.0740315169095993, + -0.8649150729179382, + -0.12360086292028427, + -0.0500451922416687, + -0.17078115046024323, + 2.036984920501709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/75.png", + [ + 0.16374711692333221, + -0.0428248830139637, + -0.13528047502040863, + 1.6414709091186523, + -0.006075876299291849, + -0.20849783718585968, + 0.058648429811000824, + -0.7224337458610535, + -0.14176693558692932, + -0.040528804063797, + -0.15876854956150055, + 1.9837144613265991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/87.png", + [ + 0.16157399117946625, + -0.0330650769174099, + -0.14052914083003998, + 1.6573961973190308, + 0.0011295574950054288, + -0.2106190025806427, + 0.05085522681474686, + -0.6117649078369141, + -0.14436225593090057, + -0.03865528106689453, + -0.15688595175743103, + 1.9132171869277954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/139.png", + [ + 0.1642475724220276, + -0.04164217412471771, + -0.13504280149936676, + 1.6240670680999756, + -0.014191580936312675, + -0.21086770296096802, + 0.04776305705308914, + -0.5792897939682007, + -0.14060308039188385, + -0.02736128307878971, + -0.16257314383983612, + 2.014706611633301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/107.png", + [ + 0.16145022213459015, + -0.032481420785188675, + -0.14080722630023956, + 1.7227420806884766, + 0.0011007144348695874, + -0.2108474224805832, + 0.04990037903189659, + -0.6248134970664978, + -0.14450088143348694, + -0.03789745271205902, + -0.1569432020187378, + 1.9813259840011597, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/112.png", + [ + 0.16010040044784546, + -0.039009660482406616, + -0.14069116115570068, + 1.7283419370651245, + -0.005576535128057003, + -0.21027866005897522, + 0.05195844545960426, + -0.6493540406227112, + -0.14589262008666992, + -0.03477103263139725, + -0.15637841820716858, + 1.98064386844635, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/69.png", + [ + 0.16760724782943726, + -0.05722269415855408, + -0.12482495605945587, + 1.5052635669708252, + -0.009004004299640656, + -0.2011205404996872, + 0.08010837435722351, + -0.9715272784233093, + -0.13702057301998138, + -0.05678015947341919, + -0.1579533815383911, + 1.9638272523880005, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/45.png", + [ + 0.18637578189373016, + -0.051773931831121445, + -0.09762898832559586, + 1.108681082725525, + -0.018796168267726898, + -0.20348572731018066, + 0.07202885299921036, + -0.8248128294944763, + -0.10889748483896255, + -0.05348750576376915, + -0.17952246963977814, + 2.1133971214294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/50.png", + [ + 0.18336103856563568, + -0.05399248003959656, + -0.10203642398118973, + 1.1607385873794556, + -0.016467440873384476, + -0.20179006457328796, + 0.0771847739815712, + -0.8863505125045776, + -0.11426042020320892, + -0.05756282061338425, + -0.17486843466758728, + 2.054640769958496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/101.png", + [ + 0.15627463161945343, + -0.026977108791470528, + -0.14764271676540375, + 1.784919023513794, + 0.0071703349240124226, + -0.21156045794487, + 0.04624563455581665, + -0.5759117603302002, + -0.14991572499275208, + -0.03824013099074364, + -0.15169332921504974, + 1.8946861028671265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/85.png", + [ + 0.1616067737340927, + -0.033915214240550995, + -0.14028865098953247, + 1.6564228534698486, + -0.0007579024531878531, + -0.21080408990383148, + 0.05008946731686592, + -0.6045424938201904, + -0.14432799816131592, + -0.036868516355752945, + -0.15734685957431793, + 1.9220587015151978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/131.png", + [ + 0.16019098460674286, + -0.0363459549844265, + -0.14130008220672607, + 1.706107497215271, + -0.0046309735625982285, + -0.2110045999288559, + 0.04902562126517296, + -0.6029947400093079, + -0.14582623541355133, + -0.033225420862436295, + -0.1567758470773697, + 1.9531487226486206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/71.png", + [ + 0.1708945631980896, + -0.04624266177415848, + -0.12491821497678757, + 1.5074903964996338, + -0.004562951624393463, + -0.2051117867231369, + 0.0696866437792778, + -0.8532228469848633, + -0.1331244558095932, + -0.05233226343989372, + -0.16274859011173248, + 2.0169119834899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/115.png", + [ + 0.16055472195148468, + -0.03983059898018837, + -0.13994140923023224, + 1.7208948135375977, + -0.00801365077495575, + -0.21050220727920532, + 0.050719793885946274, + -0.6329306960105896, + -0.14527855813503265, + -0.032407402992248535, + -0.15745411813259125, + 1.9943586587905884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/54.png", + [ + 0.1739618331193924, + -0.05793755501508713, + -0.11544875055551529, + 1.3412038087844849, + -0.021900326013565063, + -0.2040819525718689, + 0.06941772997379303, + -0.8157186508178711, + -0.12730102241039276, + -0.044064559042453766, + -0.16970756649971008, + 2.033877372741699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/33.png", + [ + 0.1604125201702118, + -0.021218808367848396, + -0.1441023051738739, + 1.666953444480896, + 0.007669349666684866, + -0.2128353863954544, + 0.0398770309984684, + -0.4676344692707062, + -0.14545410871505737, + -0.034623101353645325, + -0.15681912004947662, + 1.8732410669326782, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/49.png", + [ + 0.18293726444244385, + -0.05492240935564041, + -0.10230047255754471, + 1.1606650352478027, + -0.01905890181660652, + -0.20251651108264923, + 0.07464394718408585, + -0.8533617854118347, + -0.11453650891780853, + -0.05402304232120514, + -0.1758146584033966, + 2.057466983795166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/118.png", + [ + 0.16346582770347595, + -0.041911493986845016, + -0.13590526580810547, + 1.6649304628372192, + -0.008735621348023415, + -0.20962047576904297, + 0.0541372150182724, + -0.6726881861686707, + -0.14195245504379272, + -0.03536348044872284, + -0.15983369946479797, + 2.013871669769287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/110.png", + [ + 0.16136425733566284, + -0.03781087324023247, + -0.13957010209560394, + 1.7110892534255981, + -0.003190109971910715, + -0.21001601219177246, + 0.05320708453655243, + -0.6657246351242065, + -0.1445658951997757, + -0.037570055574178696, + -0.1569620668888092, + 1.9845248460769653, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/18.png", + [ + 0.1391332447528839, + 0.008037765510380268, + -0.16590730845928192, + 1.8757777214050293, + 0.024209393188357353, + -0.21509100496768951, + 0.009881907142698765, + -0.1254141926765442, + -0.16432812809944153, + -0.024882549419999123, + -0.13901442289352417, + 1.6397253274917603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/66.png", + [ + 0.17380237579345703, + -0.063816599547863, + -0.11255252361297607, + 1.34418523311615, + -0.026210838928818703, + -0.20194312930107117, + 0.07402606308460236, + -0.8917769193649292, + -0.12670287489891052, + -0.045763593167066574, + -0.16970552504062653, + 2.084991931915283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/16.png", + [ + 0.1454722136259079, + 0.011048203334212303, + -0.16019882261753082, + 1.8267383575439453, + 0.02672470174729824, + -0.2148122936487198, + 0.009453325532376766, + -0.12173290550708771, + -0.15833985805511475, + -0.026105787605047226, + -0.1455845832824707, + 1.7235054969787598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/94.png", + [ + 0.16217274963855743, + -0.03288083150982857, + -0.1398811787366867, + 1.6548967361450195, + 0.0027096818666905165, + -0.21018840372562408, + 0.052548933774232864, + -0.6344920992851257, + -0.14366818964481354, + -0.04108021408319473, + -0.1569068431854248, + 1.9152108430862427, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/28.png", + [ + 0.14977285265922546, + -0.005258623976260424, + -0.15648747980594635, + 1.7702668905258179, + 0.01841074414551258, + -0.21445868909358978, + 0.024827461689710617, + -0.28794538974761963, + -0.15548965334892273, + -0.030458254739642143, + -0.14779429137706757, + 1.7346749305725098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/61.png", + [ + 0.16771866381168365, + -0.0626281127333641, + -0.12204942852258682, + 1.4582359790802002, + -0.021681299433112144, + -0.20245499908924103, + 0.07409306615591049, + -0.8887763023376465, + -0.13545575737953186, + -0.045139577239751816, + -0.1629786640405655, + 1.9940105676651, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/132.png", + [ + 0.16181614995002747, + -0.037479039281606674, + -0.1391357183456421, + 1.6838093996047974, + -0.0049507999792695045, + -0.21053963899612427, + 0.050955310463905334, + -0.6272662281990051, + -0.14401011168956757, + -0.03487515449523926, + -0.15809078514575958, + 1.9722830057144165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/58.png", + [ + 0.16780321300029755, + -0.05670836940407753, + -0.12479638308286667, + 1.4788254499435425, + -0.016793733462691307, + -0.2042824625968933, + 0.07024630904197693, + -0.8401228189468384, + -0.13604390621185303, + -0.04472954943776131, + -0.16260141134262085, + 1.9765065908432007, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/123.png", + [ + 0.16606874763965607, + -0.03659198060631752, + -0.13427616655826569, + 1.625949740409851, + -0.003645571181550622, + -0.2101232409477234, + 0.052752550691366196, + -0.6506600379943848, + -0.1391250193119049, + -0.03817261755466461, + -0.16166314482688904, + 2.0154356956481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/64.png", + [ + 0.16733697056770325, + -0.065614715218544, + -0.1209997609257698, + 1.4550727605819702, + -0.025177830830216408, + -0.20184950530529022, + 0.07463746517896652, + -0.8985967040061951, + -0.13532298803329468, + -0.043581921607255936, + -0.16351206600666046, + 2.020812511444092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/10.png", + [ + 0.1499740481376648, + 0.011474010534584522, + -0.15596163272857666, + 1.8488762378692627, + 0.027811439707875252, + -0.21460288763046265, + 0.010955500416457653, + -0.14738257229328156, + -0.1538902372121811, + -0.027601560577750206, + -0.15001280605793, + 1.8356207609176636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/41.png", + [ + 0.17877203226089478, + -0.043236006051301956, + -0.11453865468502045, + 1.321898341178894, + -0.011517338454723358, + -0.20775341987609863, + 0.06044641137123108, + -0.7037796378135681, + -0.12188440561294556, + -0.04378429800271988, + -0.17370958626270294, + 2.072284698486328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/91.png", + [ + 0.1653979867696762, + -0.032624490559101105, + -0.13611407577991486, + 1.603576898574829, + 0.0009873948292806745, + -0.21042950451374054, + 0.05163660645484924, + -0.6187865138053894, + -0.13996578752994537, + -0.040036946535110474, + -0.16048212349414825, + 1.9519647359848022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/23.png", + [ + 0.14393600821495056, + 0.005015297792851925, + -0.16188007593154907, + 1.8008503913879395, + 0.023462316021323204, + -0.21493186056613922, + 0.014202641323208809, + -0.16929611563682556, + -0.1602492779493332, + -0.026963716372847557, + -0.14332136511802673, + 1.6592974662780762, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/37.png", + [ + 0.17064915597438812, + -0.029037900269031525, + -0.1303209662437439, + 1.5163544416427612, + 0.0006395814125426114, + -0.2113080471754074, + 0.04792080447077751, + -0.5679395198822021, + -0.1335153430700302, + -0.038126278668642044, + -0.166336789727211, + 1.9985796213150024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/36.png", + [ + 0.1666935533285141, + -0.030921632423996925, + -0.13492588698863983, + 1.5716508626937866, + -0.0012715421617031097, + -0.21153251826763153, + 0.046907030045986176, + -0.5546966195106506, + -0.13841794431209564, + -0.0352950282394886, + -0.1629190742969513, + 1.9598685503005981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/8.png", + [ + 0.14920803904533386, + 0.010693993419408798, + -0.15674978494644165, + 1.8816227912902832, + 0.02743070386350155, + -0.21462509036064148, + 0.011468476615846157, + -0.14965707063674927, + -0.15470103919506073, + -0.027741802856326103, + -0.14915050566196442, + 1.8414459228515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/6.png", + [ + 0.1415582150220871, + 0.009377958253026009, + -0.163771852850914, + 1.9801243543624878, + 0.02557262033224106, + -0.21493712067604065, + 0.009796208702027798, + -0.13153763115406036, + -0.16203458607196808, + -0.025728940963745117, + -0.1415298879146576, + 1.7636703252792358, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/20.png", + [ + 0.14665353298187256, + 0.0060270740650594234, + -0.1593872755765915, + 1.7806098461151123, + 0.02246733009815216, + -0.2151416689157486, + 0.012537003494799137, + -0.15386682748794556, + -0.15791089832782745, + -0.025012632831931114, + -0.14624091982841492, + 1.7023149728775024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/2.png", + [ + 0.14288988709449768, + 0.012518806383013725, + -0.16239964962005615, + 1.9785656929016113, + 0.025860045105218887, + -0.21503721177577972, + 0.006176918279379606, + -0.0843946635723114, + -0.1608155071735382, + -0.023455822840332985, + -0.14330418407917023, + 1.793827772140503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/117.png", + [ + 0.1617981344461441, + -0.041144195944070816, + -0.13811741769313812, + 1.6947991847991943, + -0.008163134567439556, + -0.20993979275226593, + 0.05297684296965599, + -0.6592842936515808, + -0.1438840925693512, + -0.03435604274272919, + -0.15831907093524933, + 1.999045968055725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/5.png", + [ + 0.1401953250169754, + 0.010814925655722618, + -0.1648520529270172, + 1.9981789588928223, + 0.02668135054409504, + -0.21485371887683868, + 0.008595424704253674, + -0.11598774790763855, + -0.16303764283657074, + -0.025861423462629318, + -0.140348881483078, + 1.7518603801727295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/108.png", + [ + 0.1627504527568817, + -0.03588155657052994, + -0.1384655237197876, + 1.6934313774108887, + -0.0008255848661065102, + -0.20997872948646545, + 0.05344291403889656, + -0.6684713959693909, + -0.14303672313690186, + -0.03961489722132683, + -0.15785768628120422, + 1.9920302629470825, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/60.png", + [ + 0.1675216108560562, + -0.05877615511417389, + -0.12421659380197525, + 1.4832165241241455, + -0.017943965271115303, + -0.20353469252586365, + 0.07210779190063477, + -0.8669530153274536, + -0.13624395430088043, + -0.04546298831701279, + -0.16223005950450897, + 1.9806278944015503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/56.png", + [ + 0.16965153813362122, + -0.057403068989515305, + -0.1219472885131836, + 1.4300799369812012, + -0.01880788989365101, + -0.2042057067155838, + 0.06995847821235657, + -0.8287338018417358, + -0.1334635466337204, + -0.044190648943185806, + -0.16487134993076324, + 1.9874337911605835, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/30.png", + [ + 0.15097694098949432, + -0.0115121528506279, + -0.1549881398677826, + 1.7692773342132568, + 0.0163804292678833, + -0.213697150349617, + 0.031829409301280975, + -0.3711302876472473, + -0.1545494645833969, + -0.033895429223775864, + -0.14803194999694824, + 1.7508721351623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/17.png", + [ + 0.14306695759296417, + 0.008974415250122547, + -0.1624782830476761, + 1.8442115783691406, + 0.02499626763164997, + -0.21498920023441315, + 0.010135120712220669, + -0.13077855110168457, + -0.16079466044902802, + -0.025436071678996086, + -0.14298942685127258, + 1.6889172792434692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/12.png", + [ + 0.152118980884552, + 0.004899610765278339, + -0.15421967208385468, + 1.8039255142211914, + 0.02243073470890522, + -0.21496698260307312, + 0.015295624732971191, + -0.19392099976539612, + -0.1526583433151245, + -0.02670370042324066, + -0.15142731368541718, + 1.8331444263458252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/114.png", + [ + 0.16064989566802979, + -0.040586430579423904, + -0.13961465656757355, + 1.715678334236145, + -0.008985655382275581, + -0.21043522655963898, + 0.05083470791578293, + -0.63402259349823, + -0.14511638879776, + -0.03190065175294876, + -0.15770694613456726, + 1.9966000318527222, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/27.png", + [ + 0.1502193808555603, + -0.0010589748853817582, + -0.15614387392997742, + 1.755718469619751, + 0.021516114473342896, + -0.21446244418621063, + 0.02215423434972763, + -0.25840243697166443, + -0.15465795993804932, + -0.030864736065268517, + -0.14858052134513855, + 1.7345497608184814, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/42.png", + [ + 0.1824137270450592, + -0.0458296574652195, + -0.10757680237293243, + 1.235850214958191, + -0.014705900102853775, + -0.20674791932106018, + 0.06314212828874588, + -0.7306861877441406, + -0.11600372195243835, + -0.04585668072104454, + -0.1771671622991562, + 2.1036643981933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/7.png", + [ + 0.14870838820934296, + 0.009999506175518036, + -0.15726959705352783, + 1.8943639993667603, + 0.02562740258872509, + -0.21489398181438446, + 0.010568957775831223, + -0.13979369401931763, + -0.15548938512802124, + -0.025854911655187607, + -0.14866898953914642, + 1.8418262004852295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/73.png", + [ + 0.16743987798690796, + -0.048917584121227264, + -0.12852570414543152, + 1.5615938901901245, + -0.004083553794771433, + -0.2041824609041214, + 0.0723930150270462, + -0.882891058921814, + -0.13745948672294617, + -0.05352097004652023, + -0.15870819985866547, + 1.9812973737716675, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/120.png", + [ + 0.16247062385082245, + -0.03840747848153114, + -0.13811609148979187, + 1.6873712539672852, + -0.00528100086376071, + -0.21021535992622375, + 0.05224471166729927, + -0.6510953307151794, + -0.14325955510139465, + -0.035808712244033813, + -0.15856334567070007, + 1.9949852228164673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/46.png", + [ + 0.18366242945194244, + -0.054390862584114075, + -0.10128000378608704, + 1.144945740699768, + -0.01915132999420166, + -0.20269779860973358, + 0.07412644475698471, + -0.8456373810768127, + -0.11335445940494537, + -0.05388078838586807, + -0.17662253975868225, + 2.066196918487549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/127.png", + [ + 0.16443166136741638, + -0.03642232343554497, + -0.13632144033908844, + 1.642580509185791, + -0.0007868458051234484, + -0.20956526696681976, + 0.05504247918725014, + -0.6749482750892639, + -0.14110103249549866, + -0.041276007890701294, + -0.15916872024536133, + 1.9761377573013306, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/133.png", + [ + 0.16101327538490295, + -0.038782235234975815, + -0.13970880210399628, + 1.6924301385879517, + -0.007345542311668396, + -0.2106935828924179, + 0.0500214658677578, + -0.6163450479507446, + -0.14480556547641754, + -0.03243520110845566, + -0.15788349509239197, + 1.9714099168777466, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/57.png", + [ + 0.16905507445335388, + -0.056283943355083466, + -0.12328984588384628, + 1.4535088539123535, + -0.01764257624745369, + -0.20456862449645996, + 0.06919759511947632, + -0.823154091835022, + -0.13437636196613312, + -0.04395094886422157, + -0.1641925573348999, + 1.9852501153945923, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/44.png", + [ + 0.18352775275707245, + -0.048128753900527954, + -0.10463783144950867, + 1.1919257640838623, + -0.017397291958332062, + -0.20617572963237762, + 0.0643179789185524, + -0.7381159663200378, + -0.11385423690080643, + -0.04607702046632767, + -0.17849934101104736, + 2.101637840270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/113.png", + [ + 0.16222426295280457, + -0.04179701581597328, + -0.13741976022720337, + 1.6870194673538208, + -0.009634297341108322, + -0.2099975347518921, + 0.05249865725636482, + -0.6541436910629272, + -0.14331209659576416, + -0.03319546580314636, + -0.15908360481262207, + 2.0117101669311523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/126.png", + [ + 0.16460788249969482, + -0.036174263805150986, + -0.1361747533082962, + 1.6388846635818481, + -0.0015493120299652219, + -0.20986376702785492, + 0.053876642137765884, + -0.6604415774345398, + -0.14088910818099976, + -0.03995642438530922, + -0.15969231724739075, + 1.981706976890564, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/29.png", + [ + 0.14805494248867035, + -0.008281774818897247, + -0.15798430144786835, + 1.7975208759307861, + 0.01827714405953884, + -0.21403321623802185, + 0.02834836207330227, + -0.32932937145233154, + -0.15714187920093536, + -0.032697033137083054, + -0.14555145800113678, + 1.7171169519424438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/4.png", + [ + 0.14347580075263977, + 0.01220488641411066, + -0.16190624237060547, + 1.9634480476379395, + 0.02603173814713955, + -0.21499572694301605, + 0.006861538160592318, + -0.09506142139434814, + -0.16026520729064941, + -0.023995263502001762, + -0.14383040368556976, + 1.7932209968566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/55.png", + [ + 0.17336538434028625, + -0.05729634687304497, + -0.11665961146354675, + 1.3619567155838013, + -0.0203049685806036, + -0.20403581857681274, + 0.07003561407327652, + -0.8260462284088135, + -0.1283746212720871, + -0.045104414224624634, + -0.1686221808195114, + 2.023153305053711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/9.png", + [ + 0.14429301023483276, + 0.011974412947893143, + -0.16119563579559326, + 1.9256497621536255, + 0.02947463095188141, + -0.21440568566322327, + 0.01045686099678278, + -0.140243798494339, + -0.1589297652244568, + -0.02889140322804451, + -0.14441092312335968, + 1.778359055519104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/25.png", + [ + 0.15042506158351898, + 0.0007625268190167844, + -0.1559474617242813, + 1.7363972663879395, + 0.020857591181993484, + -0.21482375264167786, + 0.019068574532866478, + -0.22225195169448853, + -0.15454822778701782, + -0.02825010195374489, + -0.149213507771492, + 1.7246476411819458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/99.png", + [ + 0.16126036643981934, + -0.028280725702643394, + -0.14192672073841095, + 1.7030278444290161, + 0.004947252571582794, + -0.211295485496521, + 0.04772453382611275, + -0.5872628688812256, + -0.14463233947753906, + -0.03875960782170296, + -0.15661121904850006, + 1.937942624092102, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/34.png", + [ + 0.16077010333538055, + -0.020783087238669395, + -0.14376690983772278, + 1.6707708835601807, + 0.009012548252940178, + -0.21260520815849304, + 0.04081286862492561, + -0.4823758006095886, + -0.1449815183877945, + -0.03626265004277229, + -0.15688617527484894, + 1.8827167749404907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/72.png", + [ + 0.17090213298797607, + -0.04491308331489563, + -0.12539207935333252, + 1.518414855003357, + -0.001906145946122706, + -0.20478825271129608, + 0.07075334340333939, + -0.8661016821861267, + -0.13317927718162537, + -0.05470360070466995, + -0.16192185878753662, + 2.0126590728759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/102.png", + [ + 0.15920285880565643, + -0.025314753875136375, + -0.14478090405464172, + 1.754197359085083, + 0.008042793720960617, + -0.21161630749702454, + 0.04584478959441185, + -0.5726374983787537, + -0.14675714075565338, + -0.0390588641166687, + -0.1545465588569641, + 1.9353188276290894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/134.png", + [ + 0.16063542664051056, + -0.0404585525393486, + -0.13966839015483856, + 1.6931785345077515, + -0.009470908902585506, + -0.21058782935142517, + 0.050109509378671646, + -0.6183884739875793, + -0.14510154724121094, + -0.031044593080878258, + -0.15789131820201874, + 1.9737812280654907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/70.png", + [ + 0.17310340702533722, + -0.054295483976602554, + -0.11846984922885895, + 1.4275177717208862, + -0.007706383243203163, + -0.20089343190193176, + 0.08081047981977463, + -0.9855058789253235, + -0.13009119033813477, + -0.060346681624650955, + -0.16242676973342896, + 2.012561321258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/135.png", + [ + 0.16290134191513062, + -0.040919676423072815, + -0.13688182830810547, + 1.6566722393035889, + -0.01056599710136652, + -0.21047918498516083, + 0.050346530973911285, + -0.6195981502532959, + -0.14247600734233856, + -0.031176811084151268, + -0.1602388322353363, + 1.9978820085525513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/130.png", + [ + 0.15850940346717834, + -0.03416968137025833, + -0.14371882379055023, + 1.7352370023727417, + -0.00029127910966053605, + -0.21087051928043365, + 0.04981398954987526, + -0.6135519742965698, + -0.1477246731519699, + -0.03624847158789635, + -0.15430928766727448, + 1.9234377145767212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/90.png", + [ + 0.16352549195289612, + -0.03144371137022972, + -0.13863113522529602, + 1.631717324256897, + 0.0024962688330560923, + -0.21063962578773499, + 0.05072090029716492, + -0.6090549230575562, + -0.14213047921657562, + -0.039876487106084824, + -0.1586086004972458, + 1.9294041395187378, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/122.png", + [ + 0.16384725272655487, + -0.036327335983514786, + -0.13704852759838104, + 1.665686845779419, + -0.002695620758458972, + -0.21020197868347168, + 0.052495326846838, + -0.6509836912155151, + -0.14175580441951752, + -0.03799145668745041, + -0.15940462052822113, + 1.9961169958114624, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/15.png", + [ + 0.14358311891555786, + 0.010304335504770279, + -0.1619432270526886, + 1.8611743450164795, + 0.026811914518475533, + -0.21477167308330536, + 0.010106372646987438, + -0.13273975253105164, + -0.16004031896591187, + -0.026736455038189888, + -0.14359717071056366, + 1.7119839191436768, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/22.png", + [ + 0.14331547915935516, + 0.005268764216452837, + -0.16242170333862305, + 1.807173728942871, + 0.02353188581764698, + -0.2149510532617569, + 0.013790992088615894, + -0.16551828384399414, + -0.16079434752464294, + -0.02676156349480152, + -0.1427476406097412, + 1.6545722484588623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/138.png", + [ + 0.16677625477313995, + -0.03866751119494438, + -0.1328096240758896, + 1.5968011617660522, + -0.011735188774764538, + -0.21124175190925598, + 0.0467665009200573, + -0.5698893666267395, + -0.13782545924186707, + -0.028803542256355286, + -0.16468878090381622, + 2.038001537322998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/109.png", + [ + 0.1630459576845169, + -0.03650243952870369, + -0.13795462250709534, + 1.687911033630371, + -0.0025513069704174995, + -0.21017828583717346, + 0.0525972880423069, + -0.6569614410400391, + -0.1426793485879898, + -0.0379546582698822, + -0.15858732163906097, + 2.0017409324645996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/26.png", + [ + 0.14427325129508972, + 0.0011669936357066035, + -0.16165322065353394, + 1.8127541542053223, + 0.021661078557372093, + -0.2148546576499939, + 0.017781149595975876, + -0.20978687703609467, + -0.1601996123790741, + -0.02800017222762108, + -0.1431780755519867, + 1.6668318510055542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/43.png", + [ + 0.18115289509296417, + -0.047062672674655914, + -0.10916329175233841, + 1.2489391565322876, + -0.01709658093750477, + -0.20721709728240967, + 0.06096459552645683, + -0.7024703621864319, + -0.11764024198055267, + -0.042356569319963455, + -0.17695927619934082, + 2.0952701568603516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/84.png", + [ + 0.16315680742263794, + -0.032407909631729126, + -0.13884337246418, + 1.6413191556930542, + 0.0015387915773317218, + -0.21059037744998932, + 0.05096288397908211, + -0.6178813576698303, + -0.14256712794303894, + -0.03936128690838814, + -0.15834517776966095, + 1.9367080926895142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/136.png", + [ + 0.16023312509059906, + -0.040022481232881546, + -0.1402549296617508, + 1.6950088739395142, + -0.010738871991634369, + -0.21102935075759888, + 0.04794979467988014, + -0.5893802046775818, + -0.14545762538909912, + -0.028508026152849197, + -0.15804196894168854, + 1.9695533514022827, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/89.png", + [ + 0.16299186646938324, + -0.0316772498190403, + -0.1392052173614502, + 1.63901948928833, + 0.002335477387532592, + -0.2106536328792572, + 0.05067044124007225, + -0.6079869270324707, + -0.14274482429027557, + -0.03961692377924919, + -0.15812116861343384, + 1.9254661798477173, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/63.png", + [ + 0.1639384627342224, + -0.06692485511302948, + -0.12487249821424484, + 1.5017411708831787, + -0.025842567905783653, + -0.2018977701663971, + 0.07427886128425598, + -0.8923744559288025, + -0.13929909467697144, + -0.04130679741501808, + -0.1607401818037033, + 1.982991337776184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/88.png", + [ + 0.163075789809227, + -0.03356645628809929, + -0.1386631727218628, + 1.6316769123077393, + 0.0001222385180881247, + -0.21055930852890015, + 0.05111423879861832, + -0.6142197251319885, + -0.14266803860664368, + -0.03854832798242569, + -0.15845425426959991, + 1.9281264543533325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/62.png", + [ + 0.165873721241951, + -0.06695447117090225, + -0.12227385491132736, + 1.4672441482543945, + -0.026055101305246353, + -0.20158879458904266, + 0.07503987848758698, + -0.8998605012893677, + -0.13694866001605988, + -0.04274282231926918, + -0.16237613558769226, + 1.9970124959945679, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/65.png", + [ + 0.16873960196971893, + -0.06351681798696518, + -0.12016842514276505, + 1.4433778524398804, + -0.02532077208161354, + -0.20289750397205353, + 0.07168928533792496, + -0.8659034967422485, + -0.13354286551475525, + -0.04178646206855774, + -0.16543303430080414, + 2.0441646575927734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/80.png", + [ + 0.16123801469802856, + -0.03440126031637192, + -0.1405942738056183, + 1.6791050434112549, + -0.0004665034939534962, + -0.210588276386261, + 0.05099271610379219, + -0.6245260238647461, + -0.14474108815193176, + -0.0376434251666069, + -0.15678291022777557, + 1.9381636381149292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/119.png", + [ + 0.16315534710884094, + -0.03895905613899231, + -0.1371510922908783, + 1.6787735223770142, + -0.005829596891999245, + -0.21007724106311798, + 0.052739519625902176, + -0.656516969203949, + -0.14245785772800446, + -0.03602266684174538, + -0.15923573076725006, + 2.006221294403076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/79.png", + [ + 0.16185444593429565, + -0.037809133529663086, + -0.13900180160999298, + 1.6658990383148193, + -0.004113271366804838, + -0.21020592749118805, + 0.05238746851682663, + -0.64089435338974, + -0.14399345219135284, + -0.03649432212114334, + -0.15774011611938477, + 1.9544919729232788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/116.png", + [ + 0.16177508234977722, + -0.041287049651145935, + -0.1381017565727234, + 1.6962465047836304, + -0.00929496344178915, + -0.21015195548534393, + 0.051938947290182114, + -0.6465176343917847, + -0.14384129643440247, + -0.03285469114780426, + -0.15867622196674347, + 2.005598545074463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/19.png", + [ + 0.1425972878932953, + 0.0073624481447041035, + -0.16297146677970886, + 1.8311644792556763, + 0.023006483912467957, + -0.21519818902015686, + 0.010408429428935051, + -0.12977363169193268, + -0.1615072786808014, + -0.02415425330400467, + -0.1424073576927185, + 1.667215347290039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/77.png", + [ + 0.16234619915485382, + -0.044306058436632156, + -0.13648654520511627, + 1.6420972347259521, + -0.012859362177550793, + -0.20975081622600555, + 0.05279320850968361, + -0.6462841033935547, + -0.14292041957378387, + -0.03145567700266838, + -0.15978795289993286, + 1.9843415021896362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/68.png", + [ + 0.17217640578746796, + -0.05956843122839928, + -0.11728078871965408, + 1.403852939605713, + -0.015387586317956448, + -0.20097887516021729, + 0.07948970794677734, + -0.9599409699440002, + -0.13063845038414001, + -0.05483606085181236, + -0.16393442451953888, + 2.0211849212646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/86.png", + [ + 0.1629023551940918, + -0.03331737965345383, + -0.13892681896686554, + 1.6388957500457764, + 0.00015132533735595644, + -0.210659921169281, + 0.050697825849056244, + -0.6104826927185059, + -0.14286595582962036, + -0.03821314871311188, + -0.15835706889629364, + 1.932052493095398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/1.png", + [ + 0.1373768299818039, + 0.014275860972702503, + -0.16694818437099457, + 2.037890911102295, + 0.026523403823375702, + -0.21501760184764862, + 0.0034390322398394346, + -0.0534820631146431, + -0.16544486582279205, + -0.022616755217313766, + -0.13807378709316254, + 1.73555588722229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/81.png", + [ + 0.1607721745967865, + -0.03334169089794159, + -0.14138078689575195, + 1.6806379556655884, + -0.0011896020732820034, + -0.21118475496768951, + 0.04845072329044342, + -0.5913786888122559, + -0.1452541947364807, + -0.035174138844013214, + -0.15688177943229675, + 1.9318851232528687, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/95.png", + [ + 0.162751704454422, + -0.03173330798745155, + -0.13947317004203796, + 1.6539887189865112, + 0.003566981991752982, + -0.2103089988231659, + 0.05201239138841629, + -0.6298269033432007, + -0.14299315214157104, + -0.04136435315012932, + -0.15744788944721222, + 1.9231735467910767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/103.png", + [ + 0.16322314739227295, + -0.022112958133220673, + -0.1407732516527176, + 1.7075791358947754, + 0.010247504338622093, + -0.21167424321174622, + 0.04513196647167206, + -0.568354606628418, + -0.14213049411773682, + -0.040656156837940216, + -0.15841050446033478, + 1.9828823804855347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/83.png", + [ + 0.16378195583820343, + -0.03382495045661926, + -0.13776515424251556, + 1.6297454833984375, + -0.0011958616087213159, + -0.2107466608285904, + 0.05032212287187576, + -0.6100897192955017, + -0.14185181260108948, + -0.037277594208717346, + -0.1594877541065216, + 1.9528783559799194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/51.png", + [ + 0.18094336986541748, + -0.05400236323475838, + -0.10625974833965302, + 1.2178740501403809, + -0.015439649112522602, + -0.20215262472629547, + 0.07644493132829666, + -0.883834719657898, + -0.11819055676460266, + -0.05626680701971054, + -0.17266422510147095, + 2.0407299995422363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/128.png", + [ + 0.16269296407699585, + -0.03596899285912514, + -0.1385103464126587, + 1.6702797412872314, + 4.0211467421613634e-05, + -0.20970720052719116, + 0.054504938423633575, + -0.6691070199012756, + -0.1431044638156891, + -0.040951453149318695, + -0.157454714179039, + 1.957563042640686, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+v5GmF7zLPCo+P0+C2+F1874-2015/93.png", + [ + 0.16191890835762024, + -0.033358488231897354, + -0.14006203413009644, + 1.6552318334579468, + 0.0015112397959455848, + -0.21037353575229645, + 0.05185159668326378, + -0.6248284578323364, + -0.14397180080413818, + -0.03972510248422623, + -0.15697748959064484, + 1.9146066904067993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/76.png", + [ + 0.1501534879207611, + -0.05914861336350441, + -0.14457961916923523, + 1.6284675598144531, + -0.05792364478111267, + -0.20732709765434265, + 0.024662336334586143, + -0.28847500681877136, + -0.145074725151062, + 0.021559711545705795, + -0.15948791801929474, + 1.8429268598556519, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/48.png", + [ + 0.1837480217218399, + -0.07006379961967468, + -0.09097042679786682, + 1.0708050727844238, + -0.061800528317689896, + -0.20502324402332306, + 0.033076487481594086, + -0.37319308519363403, + -0.09677420556545258, + -0.00210323603823781, + -0.193851038813591, + 2.3112330436706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/137.png", + [ + 0.17518356442451477, + -0.06269565224647522, + -0.1110309436917305, + 1.263661503791809, + -0.047004930675029755, + -0.20713889598846436, + 0.042800817638635635, + -0.500276505947113, + -0.11852911114692688, + -0.010518062859773636, + -0.18107490241527557, + 2.1146907806396484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/35.png", + [ + 0.19426316022872925, + -0.02823733352124691, + -0.09171895682811737, + 1.0799896717071533, + 0.008283902890980244, + -0.20137585699558258, + 0.07954270392656326, + -0.9430812001228333, + -0.09560905396938324, + -0.07482190430164337, + -0.17946721613407135, + 2.1516332626342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/124.png", + [ + 0.18126854300498962, + -0.0625687688589096, + -0.10086999833583832, + 1.1740658283233643, + -0.04831569269299507, + -0.20707739889621735, + 0.04162251204252243, + -0.49977627396583557, + -0.10842140763998032, + -0.012328394688665867, + -0.18719162046909332, + 2.2410383224487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/97.png", + [ + 0.16842752695083618, + -0.05696379393339157, + -0.12383532524108887, + 1.3679264783859253, + -0.049840331077575684, + -0.20895272493362427, + 0.028330011293292046, + -0.3239608108997345, + -0.1268700212240219, + 0.006463328842073679, + -0.17552810907363892, + 1.9907909631729126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/13.png", + [ + 0.18535809218883514, + -0.035334665328264236, + -0.10649758577346802, + 1.252853274345398, + -0.00807429663836956, + -0.2093178927898407, + 0.05539602041244507, + -0.6620522141456604, + -0.11191549897193909, + -0.043420903384685516, + -0.18038135766983032, + 2.165377616882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/32.png", + [ + 0.19331814348697662, + -0.02259957417845726, + -0.09521157294511795, + 1.1270133256912231, + 0.013656905852258205, + -0.202523335814476, + 0.0758003294467926, + -0.9041097164154053, + -0.09689929336309433, + -0.07363057136535645, + -0.17926783859729767, + 2.1568799018859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/38.png", + [ + 0.19421003758907318, + -0.041340820491313934, + -0.08672533184289932, + 1.0142079591751099, + -0.006067892070859671, + -0.20047679543495178, + 0.08197639882564545, + -0.9731376767158508, + -0.09588288515806198, + -0.07104846835136414, + -0.18084931373596191, + 2.169893264770508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/148.png", + [ + 0.18448416888713837, + -0.055650126188993454, + -0.09907852858304977, + 1.1442115306854248, + -0.042239777743816376, + -0.20896080136299133, + 0.03871801123023033, + -0.46185994148254395, + -0.10549546778202057, + -0.013650898821651936, + -0.18876509368419647, + 2.2338523864746094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/111.png", + [ + 0.1744987964630127, + -0.06999555975198746, + -0.10769720375537872, + 1.2023729085922241, + -0.060557663440704346, + -0.20504949986934662, + 0.035147763788700104, + -0.4054926931858063, + -0.11327329277992249, + 0.0017936977092176676, + -0.18469931185245514, + 2.132601737976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/11.png", + [ + 0.18231342732906342, + -0.045656777918338776, + -0.1078200563788414, + 1.272908329963684, + -0.018298903480172157, + -0.20818178355693817, + 0.05721358582377434, + -0.684990644454956, + -0.11564970761537552, + -0.0390346460044384, + -0.17902326583862305, + 2.1542601585388184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/125.png", + [ + 0.17951443791389465, + -0.06211269646883011, + -0.10423282533884048, + 1.2191252708435059, + -0.04772469401359558, + -0.20727455615997314, + 0.0413220152258873, + -0.4975587725639343, + -0.11155636608600616, + -0.011276897974312305, + -0.18540741503238678, + 2.2260613441467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/59.png", + [ + 0.19109715521335602, + -0.05710671469569206, + -0.08466756343841553, + 1.0033228397369385, + -0.040911365300416946, + -0.20739677548408508, + 0.04754715412855148, + -0.5790399312973022, + -0.0935736745595932, + -0.025947939604520798, + -0.19369709491729736, + 2.356748104095459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/105.png", + [ + 0.15837515890598297, + -0.06348177790641785, + -0.13354872167110443, + 1.4956125020980835, + -0.0584050752222538, + -0.2066350132226944, + 0.02896055392920971, + -0.3358193039894104, + -0.13584566116333008, + 0.014830023981630802, + -0.1681484878063202, + 1.9221302270889282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/121.png", + [ + 0.17255134880542755, + -0.06454697251319885, + -0.11405090987682343, + 1.311472773551941, + -0.05307205393910408, + -0.20683276653289795, + 0.0367622971534729, + -0.43662479519844055, + -0.11982187628746033, + -0.0013405680656433105, + -0.18052372336387634, + 2.128939151763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/24.png", + [ + 0.19383975863456726, + -0.00374962599016726, + -0.09674695879220963, + 1.1516534090042114, + 0.028802990913391113, + -0.20447613298892975, + 0.06563382595777512, + -0.7919697165489197, + -0.0924360454082489, + -0.07157759368419647, + -0.18242838978767395, + 2.216578960418701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/74.png", + [ + 0.1477494090795517, + -0.05470415949821472, + -0.1487462818622589, + 1.6999794244766235, + -0.05581476166844368, + -0.20829015970230103, + 0.02116180770099163, + -0.25014862418174744, + -0.1483331173658371, + 0.02388647198677063, + -0.15612372756004333, + 1.8216893672943115, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/129.png", + [ + 0.16920709609985352, + -0.0616360604763031, + -0.12049005925655365, + 1.4110826253890991, + -0.04795445501804352, + -0.20768997073173523, + 0.03889913111925125, + -0.46539321541786194, + -0.12655919790267944, + -0.0037105099763721228, + -0.17583201825618744, + 2.094013214111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/144.png", + [ + 0.17336049675941467, + -0.05808005481958389, + -0.11627870798110962, + 1.331620693206787, + -0.04821660742163658, + -0.2087453007698059, + 0.03237980976700783, + -0.37733495235443115, + -0.12070289254188538, + -3.145585287711583e-05, + -0.1799408346414566, + 2.0981407165527344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/98.png", + [ + 0.1699942797422409, + -0.05491924285888672, + -0.12261205166578293, + 1.358500599861145, + -0.048918187618255615, + -0.20947256684303284, + 0.026002852246165276, + -0.2992522418498993, + -0.12512733042240143, + 0.007281067315489054, + -0.17674283683300018, + 2.0146398544311523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/0.png", + [ + 0.179578959941864, + -0.045525819063186646, + -0.11236852407455444, + 1.3100560903549194, + -0.020247220993041992, + -0.20925992727279663, + 0.052423540502786636, + -0.6222715377807617, + -0.11953800171613693, + -0.0329480916261673, + -0.1776878833770752, + 2.112464427947998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/96.png", + [ + 0.16368840634822845, + -0.05731170251965523, + -0.12988217175006866, + 1.438461184501648, + -0.05033647641539574, + -0.20878463983535767, + 0.028689907863736153, + -0.3288688063621521, + -0.13274125754833221, + 0.008499404415488243, + -0.17104212939739227, + 1.943231225013733, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/100.png", + [ + 0.17289549112319946, + -0.05856233462691307, + -0.1167282983660698, + 1.2959532737731934, + -0.05204034596681595, + -0.20852236449718475, + 0.027534157037734985, + -0.31658831238746643, + -0.1197783425450325, + 0.0060646263882517815, + -0.18045571446418762, + 2.065976142883301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/40.png", + [ + 0.19241192936897278, + -0.05262992903590202, + -0.08459097146987915, + 0.9875099062919617, + -0.019097214564681053, + -0.2000458985567093, + 0.08102366328239441, + -0.9640636444091797, + -0.0977795347571373, + -0.06449517607688904, + -0.1822839230298996, + 2.1796345710754395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/141.png", + [ + 0.1676967442035675, + -0.06005512550473213, + -0.12336564064025879, + 1.4223737716674805, + -0.04730363190174103, + -0.20817844569683075, + 0.03704046085476875, + -0.43392613530158997, + -0.12879465520381927, + -0.001734960125759244, + -0.17423208057880402, + 2.039250373840332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/52.png", + [ + 0.18098480999469757, + -0.05371998995542526, + -0.10633228719234467, + 1.2601699829101562, + -0.04250270873308182, + -0.20978465676307678, + 0.03364250063896179, + -0.40825018286705017, + -0.11129201948642731, + -0.007242986466735601, + -0.18576738238334656, + 2.225724220275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/3.png", + [ + 0.17815664410591125, + -0.052717454731464386, + -0.11148529499769211, + 1.2978280782699585, + -0.028833311051130295, + -0.20825636386871338, + 0.0524006262421608, + -0.6192388534545898, + -0.11990305036306381, + -0.028249872848391533, + -0.17825010418891907, + 2.119969367980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/47.png", + [ + 0.18331271409988403, + -0.06825713813304901, + -0.09319496899843216, + 1.094700574874878, + -0.05820402875542641, + -0.20556935667991638, + 0.03607530519366264, + -0.40468284487724304, + -0.09978292137384415, + -0.005486291367560625, + -0.19225285947322845, + 2.283433437347412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/104.png", + [ + 0.15837398171424866, + -0.059346236288547516, + -0.13543854653835297, + 1.5197674036026, + -0.05460371822118759, + -0.20790347456932068, + 0.027248375117778778, + -0.31714552640914917, + -0.13741908967494965, + 0.014214925467967987, + -0.16691860556602478, + 1.9103933572769165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/21.png", + [ + 0.19126735627651215, + 0.00673700449988246, + -0.10158398002386093, + 1.2097599506378174, + 0.038684237748384476, + -0.2047933042049408, + 0.05925479158759117, + -0.7174893617630005, + -0.09417124092578888, + -0.07044298201799393, + -0.18198204040527344, + 2.2104554176330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/82.png", + [ + 0.14288568496704102, + -0.05073010176420212, + -0.15478381514549255, + 1.741011381149292, + -0.05077650398015976, + -0.20951059460639954, + 0.021793346852064133, + -0.25940167903900146, + -0.15476860105991364, + 0.02190116047859192, + -0.15004970133304596, + 1.7256748676300049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/106.png", + [ + 0.16343946754932404, + -0.06435205787420273, + -0.12686309218406677, + 1.414008617401123, + -0.05883129686117172, + -0.20651383697986603, + 0.02896219491958618, + -0.3351708948612213, + -0.1295156627893448, + 0.012599322013556957, + -0.17324791848659515, + 1.9711376428604126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/14.png", + [ + 0.18596066534519196, + -0.02787177450954914, + -0.10765538364648819, + 1.2664128541946411, + 7.734134851489216e-05, + -0.20972628891468048, + 0.05443132668733597, + -0.6487632989883423, + -0.1112048327922821, + -0.04675403982400894, + -0.1799873262643814, + 2.1627025604248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/67.png", + [ + 0.16122251749038696, + -0.052072808146476746, + -0.13506890833377838, + 1.590048909187317, + -0.03621085360646248, + -0.21025030314922333, + 0.03783489018678665, + -0.45808833837509155, + -0.14015692472457886, + -0.005579219665378332, + -0.16514478623867035, + 1.9731858968734741, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/78.png", + [ + 0.15024501085281372, + -0.06008509546518326, + -0.14409758150577545, + 1.6150364875793457, + -0.05739767476916313, + -0.20723804831504822, + 0.026566753163933754, + -0.3095872700214386, + -0.14518898725509644, + 0.019750090315937996, + -0.15961825847625732, + 1.8345485925674438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/31.png", + [ + 0.19415250420570374, + -0.022285185754299164, + -0.09357386082410812, + 1.106988549232483, + 0.01236372347921133, + -0.20324967801570892, + 0.07405812293291092, + -0.8863525986671448, + -0.09539306163787842, + -0.07169962674379349, + -0.18085137009620667, + 2.175229549407959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/39.png", + [ + 0.19393108785152435, + -0.0480404794216156, + -0.08384954184293747, + 0.9780822396278381, + -0.014296512119472027, + -0.20019793510437012, + 0.08163511008024216, + -0.9690542817115784, + -0.09557323902845383, + -0.06753364950418472, + -0.1823536604642868, + 2.182852268218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/92.png", + [ + 0.15874172747135162, + -0.058996982872486115, + -0.13516032695770264, + 1.4918969869613647, + -0.05385660380125046, + -0.20805683732032776, + 0.02756308577954769, + -0.31583553552627563, + -0.13728958368301392, + 0.013401960954070091, + -0.16709235310554504, + 1.89303457736969, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/53.png", + [ + 0.1805819720029831, + -0.051174286752939224, + -0.10825542360544205, + 1.281802773475647, + -0.0388907715678215, + -0.21033617854118347, + 0.03455560281872749, + -0.42170998454093933, + -0.11324995011091232, + -0.009368802420794964, + -0.1844845861196518, + 2.212136745452881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/75.png", + [ + 0.14947707951068878, + -0.05638103187084198, + -0.14637510478496552, + 1.6597137451171875, + -0.05612741410732269, + -0.20803166925907135, + 0.02281314693391323, + -0.2682443857192993, + -0.14647255837917328, + 0.02217894047498703, + -0.15811952948570251, + 1.8356959819793701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/151.png", + [ + 0.18084117770195007, + -0.0540277473628521, + -0.10642073303461075, + 1.249364972114563, + -0.03908848017454147, + -0.20935820043087006, + 0.03986390680074692, + -0.4797002375125885, + -0.1127672791481018, + -0.014072760939598083, + -0.1844814121723175, + 2.2021045684814453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/87.png", + [ + 0.1518660932779312, + -0.057494405657052994, + -0.14345373213291168, + 1.5982251167297363, + -0.05715784430503845, + -0.20775708556175232, + 0.02275669388473034, + -0.2663111388683319, + -0.14358818531036377, + 0.021892433986067772, + -0.1607826203107834, + 1.8416279554367065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/139.png", + [ + 0.17501294612884521, + -0.06358349323272705, + -0.11079487204551697, + 1.2702174186706543, + -0.04754440486431122, + -0.20684783160686493, + 0.04360509291291237, + -0.5098533034324646, + -0.11856599152088165, + -0.010909350588917732, + -0.1810275912284851, + 2.1192545890808105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/107.png", + [ + 0.16783352196216583, + -0.06751426309347153, + -0.1192544624209404, + 1.321892261505127, + -0.06185143440961838, + -0.2055763304233551, + 0.02933717891573906, + -0.33497166633605957, + -0.12228737026453018, + 0.011317876167595387, + -0.17850936949253082, + 2.0275917053222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/112.png", + [ + 0.16967646777629852, + -0.06853978335857391, + -0.11601762473583221, + 1.305739402770996, + -0.05856082960963249, + -0.20552130043506622, + 0.03577036038041115, + -0.41592004895210266, + -0.12136071175336838, + 0.0033446450252085924, + -0.17946666479110718, + 2.073965549468994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/69.png", + [ + 0.1511368602514267, + -0.048783425241708755, + -0.1473964899778366, + 1.7287112474441528, + -0.03938279300928116, + -0.21101918816566467, + 0.02945828251540661, + -0.3563387393951416, + -0.15018169581890106, + 0.006242782808840275, + -0.1560588777065277, + 1.8561903238296509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/45.png", + [ + 0.18411163985729218, + -0.06425963342189789, + -0.09445371478796005, + 1.1068847179412842, + -0.04334967955946922, + -0.20504555106163025, + 0.0550001785159111, + -0.6480752825737, + -0.10569583624601364, + -0.027837298810482025, + -0.18708652257919312, + 2.216670513153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/50.png", + [ + 0.18327635526657104, + -0.06049815192818642, + -0.09847664088010788, + 1.167521357536316, + -0.05021727457642555, + -0.20796522498130798, + 0.034301288425922394, + -0.4053933620452881, + -0.10409563034772873, + -0.00619078753516078, + -0.18993069231510162, + 2.2707161903381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/101.png", + [ + 0.17133313417434692, + -0.059547264128923416, + -0.11851993203163147, + 1.318157434463501, + -0.053103458136320114, + -0.20821288228034973, + 0.027844473719596863, + -0.3209726810455322, + -0.12154370546340942, + 0.0070296102203428745, + -0.17923617362976074, + 2.050631046295166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/85.png", + [ + 0.14618341624736786, + -0.054371949285268784, + -0.1504061073064804, + 1.6900006532669067, + -0.05461818724870682, + -0.20849013328552246, + 0.022284621372818947, + -0.2638406753540039, + -0.15031683444976807, + 0.022878842428326607, + -0.15436740219593048, + 1.777862787246704, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/131.png", + [ + 0.16472013294696808, + -0.06085136905312538, + -0.12693415582180023, + 1.4753309488296509, + -0.048261575400829315, + -0.2079543024301529, + 0.03706370294094086, + -0.4442935585975647, + -0.132234588265419, + 9.646735998103395e-05, + -0.1716446727514267, + 2.03145170211792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/71.png", + [ + 0.14437071979045868, + -0.048527251929044724, + -0.1541106402873993, + 1.7935651540756226, + -0.043608177453279495, + -0.21070405840873718, + 0.025495611131191254, + -0.3042312562465668, + -0.15557412803173065, + 0.014028707519173622, + -0.15015918016433716, + 1.772716999053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/115.png", + [ + 0.14897696673870087, + -0.06944292783737183, + -0.14117871224880219, + 1.6167429685592651, + -0.062299951910972595, + -0.20457209646701813, + 0.03488364443182945, + -0.4107263684272766, + -0.14447306096553802, + 0.016608159989118576, + -0.1606225073337555, + 1.8655582666397095, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/54.png", + [ + 0.1804548054933548, + -0.04926745593547821, + -0.10934655368328094, + 1.2925353050231934, + -0.03552395850419998, + -0.21064089238643646, + 0.036281634122133255, + -0.4422304332256317, + -0.11455131322145462, + -0.012289268895983696, + -0.18350712954998016, + 2.2000975608825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/33.png", + [ + 0.19517774879932404, + -0.025987165048718452, + -0.09043346345424652, + 1.0687596797943115, + 0.009049966931343079, + -0.2020968645811081, + 0.07760707288980484, + -0.9208464026451111, + -0.09365704655647278, + -0.07368464022874832, + -0.18096084892749786, + 2.173224449157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/49.png", + [ + 0.1833856850862503, + -0.0666484385728836, + -0.09421024471521378, + 1.1119049787521362, + -0.058024462312459946, + -0.2061530202627182, + 0.032893676310777664, + -0.3801860809326172, + -0.09975343942642212, + -0.002610967494547367, + -0.19232870638370514, + 2.2975215911865234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/118.png", + [ + 0.15312547981739044, + -0.06878424435853958, + -0.13700075447559357, + 1.5754139423370361, + -0.06222756579518318, + -0.20485757291316986, + 0.03330162167549133, + -0.39543822407722473, + -0.14010071754455566, + 0.01581125147640705, + -0.16452866792678833, + 1.925254464149475, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/110.png", + [ + 0.17570728063583374, + -0.07104676961898804, + -0.10501045733690262, + 1.1633390188217163, + -0.06360812485218048, + -0.2046377807855606, + 0.032020047307014465, + -0.36777928471565247, + -0.10967609286308289, + 0.004861494991928339, + -0.18680314719676971, + 2.1525840759277344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/18.png", + [ + 0.1911170482635498, + -0.007778060156852007, + -0.10179227590560913, + 1.205332636833191, + 0.019728202372789383, + -0.20915865898132324, + 0.05302213504910469, + -0.6409822106361389, + -0.10016469657421112, + -0.05603615567088127, + -0.18377943336963654, + 2.222626209259033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/66.png", + [ + 0.16734233498573303, + -0.05608142539858818, + -0.12569530308246613, + 1.4802120923995972, + -0.040043462067842484, + -0.20915062725543976, + 0.040005460381507874, + -0.48491376638412476, + -0.1316850632429123, + -0.007667407859116793, + -0.17189574241638184, + 2.0565237998962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/16.png", + [ + 0.18842235207557678, + -0.01636098138988018, + -0.10572240501642227, + 1.2512296438217163, + 0.0124911367893219, + -0.2092965841293335, + 0.05465167760848999, + -0.6541216969490051, + -0.1062491312623024, + -0.05362045764923096, + -0.18106314539909363, + 2.1870689392089844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/94.png", + [ + 0.15893501043319702, + -0.05505465716123581, + -0.1365889310836792, + 1.5128673315048218, + -0.048791948705911636, + -0.2092992514371872, + 0.027587508782744408, + -0.31647899746894836, + -0.13894927501678467, + 0.01052185334265232, + -0.16592252254486084, + 1.8827241659164429, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/28.png", + [ + 0.19561615586280823, + -0.01845000684261322, + -0.09133351594209671, + 1.0840365886688232, + 0.0157464612275362, + -0.20278425514698029, + 0.07468926161527634, + -0.8962001204490662, + -0.09183824807405472, + -0.07406776398420334, + -0.18173496425151825, + 2.197927951812744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/61.png", + [ + 0.18846316635608673, + -0.05809266120195389, + -0.0897483378648758, + 1.0728341341018677, + -0.03992130607366562, + -0.20697803795337677, + 0.050142526626586914, + -0.6133041381835938, + -0.09917565435171127, + -0.02707815356552601, + -0.1907324194908142, + 2.3268179893493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/132.png", + [ + 0.1626223474740982, + -0.06087956205010414, + -0.12959766387939453, + 1.498341679573059, + -0.04949025809764862, + -0.20792582631111145, + 0.03557327762246132, + -0.42764735221862793, + -0.13435989618301392, + 0.002902100095525384, + -0.16996140778064728, + 2.001992702484131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/58.png", + [ + 0.18917535245418549, + -0.05519329383969307, + -0.09007929265499115, + 1.0648751258850098, + -0.04006931185722351, + -0.20843392610549927, + 0.04356194660067558, + -0.5281659364700317, + -0.09774982184171677, + -0.021375054493546486, + -0.1921873390674591, + 2.335801601409912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/123.png", + [ + 0.1801966428756714, + -0.062351178377866745, + -0.1029047742486, + 1.1923996210098267, + -0.048919662833213806, + -0.20726996660232544, + 0.03992398828268051, + -0.4769372045993805, + -0.10992694646120071, + -0.009969332255423069, + -0.18645262718200684, + 2.223198413848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/64.png", + [ + 0.1791115403175354, + -0.06012600287795067, + -0.10607456415891647, + 1.2558549642562866, + -0.04346484690904617, + -0.20760026574134827, + 0.04428127780556679, + -0.5356243252754211, + -0.1139199510216713, + -0.015326086431741714, + -0.18367157876491547, + 2.212258815765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/10.png", + [ + 0.17996372282505035, + -0.049662742763757706, + -0.10997527837753296, + 1.3039309978485107, + -0.02157244272530079, + -0.20753313601016998, + 0.05841682851314545, + -0.6989720463752747, + -0.11872480064630508, + -0.0375700443983078, + -0.17731556296348572, + 2.1403770446777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/41.png", + [ + 0.19089506566524506, + -0.0563991405069828, + -0.08559267967939377, + 0.9999334812164307, + -0.023420987650752068, + -0.20014096796512604, + 0.079642653465271, + -0.9500145316123962, + -0.09979192167520523, + -0.06091494858264923, + -0.1824248880147934, + 2.1777963638305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/91.png", + [ + 0.15934309363365173, + -0.05982871726155281, + -0.13408279418945312, + 1.4791373014450073, + -0.05528109148144722, + -0.20775596797466278, + 0.027006560936570168, + -0.3094756603240967, + -0.13602088391780853, + 0.014348405413329601, + -0.16804862022399902, + 1.903582215309143, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/140.png", + [ + 0.17015495896339417, + -0.06079592928290367, + -0.11957860738039017, + 1.3781487941741943, + -0.04608585312962532, + -0.20788203179836273, + 0.04011290892958641, + -0.4709348678588867, + -0.12598128616809845, + -0.006066831294447184, + -0.17618116736412048, + 2.0651516914367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/23.png", + [ + 0.19206537306308746, + 0.0020780880004167557, + -0.10027196258306503, + 1.195852279663086, + 0.03526182100176811, + -0.2041967809200287, + 0.0633101761341095, + -0.7651582956314087, + -0.09389031678438187, + -0.07243795692920685, + -0.18134291470050812, + 2.206209182739258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/37.png", + [ + 0.19576981663703918, + -0.035175781697034836, + -0.08593450486660004, + 1.0045233964920044, + -0.00021632523566950113, + -0.20069779455661774, + 0.08165930211544037, + -0.9649220108985901, + -0.09285487234592438, + -0.07369500398635864, + -0.18136954307556152, + 2.1704211235046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/36.png", + [ + 0.19507375359535217, + -0.03076120838522911, + -0.0891507938504219, + 1.0452641248703003, + 0.004896938800811768, + -0.2012442946434021, + 0.08015388250350952, + -0.9474020004272461, + -0.09418139606714249, + -0.07417798042297363, + -0.1804865151643753, + 2.161126136779785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/8.png", + [ + 0.1798320710659027, + -0.05821404606103897, + -0.1059219092130661, + 1.2574635744094849, + -0.03009396605193615, + -0.20547233521938324, + 0.06183343753218651, + -0.7407658100128174, + -0.11705843359231949, + -0.03660798817873001, + -0.17861992120742798, + 2.156722068786621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/6.png", + [ + 0.18223951756954193, + -0.06034232676029205, + -0.10047613084316254, + 1.1902750730514526, + -0.03166476637125015, + -0.2041921615600586, + 0.06519815325737, + -0.783663272857666, + -0.11284498125314713, + -0.040152959525585175, + -0.18055924773216248, + 2.175393581390381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/20.png", + [ + 0.1915712058544159, + 0.005351193714886904, + -0.10109269618988037, + 1.201812744140625, + 0.03709100931882858, + -0.20503586530685425, + 0.05943439155817032, + -0.720745325088501, + -0.09419461339712143, + -0.06985381990671158, + -0.18219691514968872, + 2.210202693939209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/2.png", + [ + 0.17867054045200348, + -0.04879745841026306, + -0.1124434694647789, + 1.303148627281189, + -0.02647695131599903, + -0.20943646132946014, + 0.0488184429705143, + -0.5737139582633972, + -0.11968164891004562, + -0.026515603065490723, + -0.17866481840610504, + 2.1152658462524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/117.png", + [ + 0.14774839580059052, + -0.07058722525835037, + -0.14190047979354858, + 1.633565068244934, + -0.06472116708755493, + -0.20395690202713013, + 0.03406824916601181, + -0.40367427468299866, + -0.14467021822929382, + 0.019155146554112434, + -0.1601608544588089, + 1.870829701423645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/149.png", + [ + 0.1834663450717926, + -0.05499981343746185, + -0.10130654275417328, + 1.1771347522735596, + -0.041791174560785294, + -0.2092020958662033, + 0.037892941385507584, + -0.4539940357208252, + -0.10743135213851929, + -0.012545814737677574, + -0.18774718046188354, + 2.230344772338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/5.png", + [ + 0.18275344371795654, + -0.0622984878718853, + -0.09832584112882614, + 1.1560661792755127, + -0.033942122012376785, + -0.20359666645526886, + 0.065910704433918, + -0.7901943922042847, + -0.11134183406829834, + -0.040189385414123535, + -0.1814819574356079, + 2.1775951385498047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/108.png", + [ + 0.17185404896736145, + -0.06974300742149353, + -0.11202676594257355, + 1.2323576211929321, + -0.06537602841854095, + -0.20477846264839172, + 0.027196474373340607, + -0.30829721689224243, + -0.1146300807595253, + 0.012230509892106056, + -0.18346184492111206, + 2.085695743560791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/60.png", + [ + 0.18972210586071014, + -0.05650728568434715, + -0.08809280395507812, + 1.048431634902954, + -0.03920753300189972, + -0.20747168362140656, + 0.048643309623003006, + -0.5941925048828125, + -0.09703703224658966, + -0.026651985943317413, + -0.1918889731168747, + 2.3390331268310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/56.png", + [ + 0.18413564562797546, + -0.05202435702085495, + -0.10166329890489578, + 1.2012403011322021, + -0.03665719926357269, + -0.20960453152656555, + 0.04086671769618988, + -0.4942508637905121, + -0.10815828293561935, + -0.01753009855747223, + -0.18692879378795624, + 2.2527341842651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/147.png", + [ + 0.18357352912425995, + -0.05647687241435051, + -0.10029467195272446, + 1.1516854763031006, + -0.043339066207408905, + -0.2088194638490677, + 0.03826291486620903, + -0.45414185523986816, + -0.10663200169801712, + -0.012356684543192387, + -0.18821482360363007, + 2.2188363075256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/30.png", + [ + 0.19470824301242828, + -0.021131986752152443, + -0.09268240630626678, + 1.0977940559387207, + 0.013513786718249321, + -0.20295442640781403, + 0.0746643990278244, + -0.8943276405334473, + -0.09409552067518234, + -0.07287546992301941, + -0.1810610294342041, + 2.1818790435791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/17.png", + [ + 0.19084377586841583, + -0.013585667125880718, + -0.10169550031423569, + 1.2031550407409668, + 0.013312431052327156, + -0.209672212600708, + 0.05299282446503639, + -0.6350327134132385, + -0.10173162817955017, + -0.052923429757356644, + -0.18384145200252533, + 2.2199010848999023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/12.png", + [ + 0.1840909868478775, + -0.040415190160274506, + -0.10688786208629608, + 1.2588263750076294, + -0.014039846137166023, + -0.20913468301296234, + 0.054895006120204926, + -0.6579579710960388, + -0.11340760439634323, + -0.03971385583281517, + -0.180303692817688, + 2.167588710784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/114.png", + [ + 0.15521405637264252, + -0.07222951948642731, + -0.13281337916851044, + 1.5117101669311523, + -0.0638514906167984, + -0.20385587215423584, + 0.03624456003308296, + -0.42280134558677673, + -0.13703826069831848, + 0.013174910098314285, + -0.16731655597686768, + 1.936545968055725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/27.png", + [ + 0.19462141394615173, + -0.013738459907472134, + -0.09424253553152084, + 1.1188349723815918, + 0.020456930622458458, + -0.2033734768629074, + 0.07189317792654037, + -0.8613318204879761, + -0.09301567077636719, + -0.07347359508275986, + -0.18137697875499725, + 2.194140911102295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/42.png", + [ + 0.1880027949810028, + -0.05801784247159958, + -0.09075664728879929, + 1.0630711317062378, + -0.026059439405798912, + -0.2016342580318451, + 0.07491613179445267, + -0.8981455564498901, + -0.10451671481132507, + -0.05408744141459465, + -0.18193046748638153, + 2.1752166748046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/7.png", + [ + 0.18040841817855835, + -0.05848134681582451, + -0.10478845983743668, + 1.2437719106674194, + -0.030289074406027794, + -0.20526880025863647, + 0.06241137161850929, + -0.7493433952331543, + -0.1161174327135086, + -0.03731675073504448, + -0.179086834192276, + 2.161052703857422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/73.png", + [ + 0.145170658826828, + -0.051319267600774765, + -0.15244576334953308, + 1.7538691759109497, + -0.04973011463880539, + -0.20960985124111176, + 0.023206094279885292, + -0.27527916431427, + -0.152971550822258, + 0.019440675154328346, + -0.1522158533334732, + 1.7834163904190063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/120.png", + [ + 0.16639845073223114, + -0.06388285756111145, + -0.12320076674222946, + 1.416486144065857, + -0.053431060165166855, + -0.20701581239700317, + 0.035177674144506454, + -0.4181322455406189, + -0.1280803382396698, + 0.003365585347637534, + -0.17473407089710236, + 2.0539379119873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/46.png", + [ + 0.18506482243537903, + -0.0675213634967804, + -0.0902206301689148, + 1.056457281112671, + -0.053391437977552414, + -0.20530392229557037, + 0.04413098096847534, + -0.5060560703277588, + -0.09923835843801498, + -0.01546135637909174, + -0.19199112057685852, + 2.2656984329223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/127.png", + [ + 0.17667599022388458, + -0.06245924532413483, + -0.1087765097618103, + 1.2754912376403809, + -0.04829078167676926, + -0.20728808641433716, + 0.040589991956949234, + -0.48657622933387756, + -0.1157647892832756, + -0.008853710256516933, + -0.18294267356395721, + 2.186610221862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/133.png", + [ + 0.1638161987066269, + -0.05800740793347359, + -0.12941129505634308, + 1.4885401725769043, + -0.046371906995773315, + -0.20876125991344452, + 0.034875087440013885, + -0.4166868031024933, + -0.1340215802192688, + 0.0013289162889122963, + -0.1702478975057602, + 1.991428017616272, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/57.png", + [ + 0.1871849149465561, + -0.05187593773007393, + -0.09601345658302307, + 1.1347649097442627, + -0.036825988441705704, + -0.20947352051734924, + 0.04138342663645744, + -0.5011633038520813, + -0.10273044556379318, + -0.019432656466960907, + -0.18978072702884674, + 2.299363613128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/44.png", + [ + 0.1845373958349228, + -0.06459281593561172, + -0.0933896154165268, + 1.0941615104675293, + -0.03821250796318054, + -0.20313525199890137, + 0.06499053537845612, + -0.7776821255683899, + -0.1069282591342926, + -0.03888102248311043, + -0.18439768254756927, + 2.19337797164917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/113.png", + [ + 0.16276198625564575, + -0.0701257660984993, + -0.12465474009513855, + 1.412510871887207, + -0.06065067648887634, + -0.20486414432525635, + 0.03605661913752556, + -0.4206836223602295, + -0.12952964007854462, + 0.007807777728885412, + -0.17351946234703064, + 2.007795810699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/126.png", + [ + 0.17948995530605316, + -0.06245703995227814, + -0.10406903922557831, + 1.2200337648391724, + -0.04855405539274216, + -0.20722045004367828, + 0.040621206164360046, + -0.4880388677120209, + -0.11123735457658768, + -0.010329428128898144, + -0.18565410375595093, + 2.2230587005615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/29.png", + [ + 0.19459007680416107, + -0.01949119381606579, + -0.09328822046518326, + 1.1066086292266846, + 0.015651684254407883, + -0.2026788592338562, + 0.07499462366104126, + -0.900007963180542, + -0.09400863200426102, + -0.07408955693244934, + -0.18061286211013794, + 2.1816353797912598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/4.png", + [ + 0.18189238011837006, + -0.05717625468969345, + -0.1029268130660057, + 1.2041903734207153, + -0.031023340299725533, + -0.2059919834136963, + 0.05960490182042122, + -0.7096469402313232, + -0.11358083039522171, + -0.035299673676490784, + -0.18111106753349304, + 2.162415027618408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/55.png", + [ + 0.18278257548809052, + -0.050740089267492294, + -0.1047084778547287, + 1.2359834909439087, + -0.036391641944646835, + -0.2101345807313919, + 0.038301482796669006, + -0.46484604477882385, + -0.11051729321479797, + -0.01472406554967165, + -0.18578758835792542, + 2.227783203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/9.png", + [ + 0.1809321492910385, + -0.05596482753753662, + -0.10525865107774734, + 1.2479552030563354, + -0.02861599065363407, + -0.2061096429824829, + 0.06039729714393616, + -0.7193511724472046, + -0.1157262846827507, + -0.03653280809521675, + -0.17950119078159332, + 2.1624317169189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/25.png", + [ + 0.19471733272075653, + -0.006178209092468023, + -0.09484134614467621, + 1.1273516416549683, + 0.026577208191156387, + -0.2040511816740036, + 0.06785769015550613, + -0.8148479461669922, + -0.09125076234340668, + -0.07261434197425842, + -0.18261529505252838, + 2.213346481323242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/99.png", + [ + 0.17266514897346497, + -0.05571848526597023, + -0.11844867467880249, + 1.3122401237487793, + -0.04973747581243515, + -0.20928668975830078, + 0.025945477187633514, + -0.29905739426612854, + -0.1210818737745285, + 0.006514180451631546, + -0.17956791818141937, + 2.051928997039795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/34.png", + [ + 0.195041224360466, + -0.027476830407977104, + -0.09028752148151398, + 1.0665030479431152, + 0.008227297104895115, + -0.20154881477355957, + 0.0791093185544014, + -0.9379925727844238, + -0.09401661157608032, + -0.07463911175727844, + -0.18038229644298553, + 2.1635584831237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/72.png", + [ + 0.1430675983428955, + -0.048812754452228546, + -0.15523166954517365, + 1.7956739664077759, + -0.046024322509765625, + -0.21039490401744843, + 0.02374107390642166, + -0.281913161277771, + -0.15608112514019012, + 0.01729714497923851, + -0.14928960800170898, + 1.7556408643722534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/102.png", + [ + 0.16593779623508453, + -0.05972415953874588, + -0.12587915360927582, + 1.407609462738037, + -0.053255707025527954, + -0.2080821543931961, + 0.028522562235593796, + -0.3303639888763428, + -0.12874925136566162, + 0.009095719084143639, + -0.17403675615787506, + 1.9938961267471313, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/134.png", + [ + 0.16749821603298187, + -0.06051305681467056, + -0.12341151386499405, + 1.4122222661972046, + -0.04735144227743149, + -0.20804132521152496, + 0.03774309903383255, + -0.44510746002197266, + -0.12903517484664917, + -0.002206947188824415, + -0.17404869198799133, + 2.0261149406433105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/70.png", + [ + 0.14616788923740387, + -0.04918249696493149, + -0.1521969884634018, + 1.7773675918579102, + -0.041805170476436615, + -0.21075725555419922, + 0.02795715071260929, + -0.3358898162841797, + -0.15438643097877502, + 0.010505069978535175, + -0.1516653299331665, + 1.798245906829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/135.png", + [ + 0.1708037555217743, + -0.05929561331868172, + -0.11940684914588928, + 1.360655426979065, + -0.04610929638147354, + -0.20836172997951508, + 0.037512894719839096, + -0.438738614320755, + -0.1250915378332138, + -0.004160977900028229, + -0.17686909437179565, + 2.0530953407287598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/130.png", + [ + 0.1647186428308487, + -0.06029025465250015, + -0.1272035837173462, + 1.4837151765823364, + -0.04713862016797066, + -0.20811574161052704, + 0.037599097937345505, + -0.449605256319046, + -0.13264092803001404, + -0.0009095260757021606, + -0.17132849991321564, + 2.034912109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/90.png", + [ + 0.1586783230304718, + -0.06044460088014603, + -0.1345939338207245, + 1.4840189218521118, + -0.05645819753408432, + -0.20748913288116455, + 0.026620106771588326, + -0.3050062358379364, + -0.13631418347358704, + 0.015575878322124481, + -0.16770130395889282, + 1.901474118232727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/122.png", + [ + 0.17741811275482178, + -0.06257069855928421, + -0.10749702155590057, + 1.239977240562439, + -0.04975277557969093, + -0.2073288857936859, + 0.03856541961431503, + -0.4599480926990509, + -0.1139972060918808, + -0.0068947989493608475, + -0.18413308262825012, + 2.183450222015381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/15.png", + [ + 0.18753491342067719, + -0.02243790775537491, + -0.1061842292547226, + 1.253770112991333, + 0.005900671239942312, + -0.2095717191696167, + 0.054706182330846786, + -0.6520656943321228, + -0.10836849361658096, + -0.050240661948919296, + -0.1807762235403061, + 2.17665958404541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/22.png", + [ + 0.1916741132736206, + 0.005418956279754639, + -0.10089381039142609, + 1.20273756980896, + 0.0378197580575943, + -0.2044820487499237, + 0.060865867882966995, + -0.735962986946106, + -0.09369414299726486, + -0.07145363837480545, + -0.18183420598506927, + 2.211793899536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/138.png", + [ + 0.1770583540201187, + -0.06538311392068863, + -0.1064109057188034, + 1.2142226696014404, + -0.04899170622229576, + -0.20617449283599854, + 0.04516398161649704, + -0.5279134511947632, + -0.11488273739814758, + -0.012846030294895172, + -0.18326163291931152, + 2.14202880859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/109.png", + [ + 0.17387373745441437, + -0.0702303871512413, + -0.10855186730623245, + 1.1950759887695312, + -0.06461877375841141, + -0.2047741413116455, + 0.028980251401662827, + -0.329550564289093, + -0.11198315769433975, + 0.00911774579435587, + -0.1852688044309616, + 2.122530460357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/26.png", + [ + 0.19535662233829498, + -0.010015973821282387, + -0.09318459779024124, + 1.1068205833435059, + 0.023066451773047447, + -0.20366863906383514, + 0.07024899125099182, + -0.8420282006263733, + -0.0908384770154953, + -0.07325750589370728, + -0.18256399035453796, + 2.2103796005249023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/43.png", + [ + 0.18576784431934357, + -0.06084369122982025, + -0.09346786886453629, + 1.0941146612167358, + -0.030320947989821434, + -0.2023032158613205, + 0.07142791152000427, + -0.8578608632087708, + -0.10732584446668625, + -0.048159655183553696, + -0.18196071684360504, + 2.1704540252685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/84.png", + [ + 0.14401233196258545, + -0.05206688120961189, + -0.1532885581254959, + 1.7247909307479858, + -0.05241060629487038, + -0.2091083824634552, + 0.0217879731208086, + -0.25899481773376465, + -0.1531713753938675, + 0.0225970596075058, + -0.15157769620418549, + 1.7461321353912354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/136.png", + [ + 0.17424389719963074, + -0.06052684038877487, + -0.1136813834309578, + 1.2923909425735474, + -0.046343158930540085, + -0.20791077613830566, + 0.039664991199970245, + -0.46287801861763, + -0.12016350775957108, + -0.007582930848002434, + -0.18014194071292877, + 2.095334053039551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/89.png", + [ + 0.15587101876735687, + -0.05794239044189453, + -0.13890571892261505, + 1.5365986824035645, + -0.05586327612400055, + -0.2079620361328125, + 0.024062011390924454, + -0.27766212821006775, + -0.13975483179092407, + 0.01850312575697899, + -0.16454215347766876, + 1.8737374544143677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/63.png", + [ + 0.18350885808467865, + -0.05785730481147766, + -0.09962393343448639, + 1.1859798431396484, + -0.04086257517337799, + -0.20787487924098969, + 0.045455314218997955, + -0.5538567900657654, + -0.10771558433771133, + -0.01970956102013588, + -0.18696731328964233, + 2.266068935394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/88.png", + [ + 0.1524338722229004, + -0.056891392916440964, + -0.14309147000312805, + 1.5884220600128174, + -0.05570323020219803, + -0.20808152854442596, + 0.023390553891658783, + -0.2719210684299469, + -0.14355818927288055, + 0.02033068798482418, + -0.16101428866386414, + 1.840912103652954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/62.png", + [ + 0.18529745936393738, + -0.056501004844903946, + -0.09705866873264313, + 1.161250352859497, + -0.0383775532245636, + -0.20784029364585876, + 0.04772292077541351, + -0.5847316384315491, + -0.10554578900337219, + -0.023620959371328354, + -0.1877499371767044, + 2.289799213409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/65.png", + [ + 0.17345212399959564, + -0.05858020856976509, + -0.1158905178308487, + 1.3666905164718628, + -0.04201909154653549, + -0.2082902044057846, + 0.042396776378154755, + -0.51220703125, + -0.12286842614412308, + -0.01146510150283575, + -0.17810052633285522, + 2.135891914367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/80.png", + [ + 0.14629077911376953, + -0.05639611557126045, + -0.14955393970012665, + 1.6784343719482422, + -0.05497346818447113, + -0.2081233114004135, + 0.024708377197384834, + -0.2888351082801819, + -0.15008270740509033, + 0.0212617889046669, + -0.15482574701309204, + 1.7774269580841064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/146.png", + [ + 0.18089263141155243, + -0.05749362334609032, + -0.1044999212026596, + 1.1962172985076904, + -0.04547375813126564, + -0.2087453007698059, + 0.03613070398569107, + -0.42616671323776245, + -0.11026279628276825, + -0.00823250412940979, + -0.18633902072906494, + 2.186847686767578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/119.png", + [ + 0.15879155695438385, + -0.06648033857345581, + -0.13158077001571655, + 1.5134750604629517, + -0.05764126777648926, + -0.20599515736103058, + 0.03451629355549812, + -0.410627156496048, + -0.1356857270002365, + 0.00970850046724081, + -0.16865059733390808, + 1.9785841703414917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/145.png", + [ + 0.1774146556854248, + -0.056665580719709396, + -0.11072912812232971, + 1.2661219835281372, + -0.046217575669288635, + -0.20910659432411194, + 0.032958537340164185, + -0.3870145380496979, + -0.11548100411891937, + -0.0033677031751722097, + -0.18330490589141846, + 2.1426539421081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/79.png", + [ + 0.14893902838230133, + -0.06121724098920822, + -0.14497417211532593, + 1.6244192123413086, + -0.05797547101974487, + -0.20691372454166412, + 0.02781100943684578, + -0.32378193736076355, + -0.14630074799060822, + 0.019673742353916168, + -0.15860934555530548, + 1.8203645944595337, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/116.png", + [ + 0.14516648650169373, + -0.0683644711971283, + -0.14560522139072418, + 1.6754050254821777, + -0.06230863183736801, + -0.2047184258699417, + 0.03399837762117386, + -0.4022834002971649, + -0.1482977271080017, + 0.019093317911028862, + -0.1568155586719513, + 1.8289990425109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/19.png", + [ + 0.19081653654575348, + -0.0005360143259167671, + -0.10264817625284195, + 1.2185136079788208, + 0.029765283688902855, + -0.2070736289024353, + 0.05641310289502144, + -0.6844965219497681, + -0.09823931753635406, + -0.06378184258937836, + -0.18228769302368164, + 2.2075586318969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/77.png", + [ + 0.15032774209976196, + -0.06102467700839043, + -0.14361561834812164, + 1.6116925477981567, + -0.059096284210681915, + -0.2068287432193756, + 0.026026736944913864, + -0.30309394001960754, + -0.1444198489189148, + 0.021112805232405663, + -0.160140722990036, + 1.8454904556274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/68.png", + [ + 0.1559908539056778, + -0.04997728392481804, + -0.14183445274829865, + 1.6667290925979614, + -0.03753102570772171, + -0.21083055436611176, + 0.033012013882398605, + -0.4001706540584564, + -0.1456233561038971, + 0.0008012874168343842, + -0.16044028103351593, + 1.9136987924575806, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/143.png", + [ + 0.17030730843544006, + -0.05790649726986885, + -0.12078966945409775, + 1.3857182264328003, + -0.04727853089570999, + -0.2087935209274292, + 0.033435143530368805, + -0.3898032307624817, + -0.12533177435398102, + 7.61873452574946e-05, + -0.17674794793128967, + 2.059734344482422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/86.png", + [ + 0.15014812350273132, + -0.05642986297607422, + -0.14566779136657715, + 1.6307636499404907, + -0.05651881918311119, + -0.20798006653785706, + 0.022311672568321228, + -0.26242581009864807, + -0.1456332802772522, + 0.022535696625709534, + -0.15884262323379517, + 1.8232539892196655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/1.png", + [ + 0.17811889946460724, + -0.04851823300123215, + -0.11343514174222946, + 1.3174641132354736, + -0.024436740204691887, + -0.20914404094219208, + 0.051083408296108246, + -0.6030245423316956, + -0.12093137204647064, + -0.029200172051787376, + -0.17740024626255035, + 2.102754592895508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/81.png", + [ + 0.1431492269039154, + -0.05261833593249321, + -0.15390746295452118, + 1.7290542125701904, + -0.05208220332860947, + -0.20905716717243195, + 0.023031456395983696, + -0.2711278796195984, + -0.15408970415592194, + 0.021778756752610207, + -0.15076451003551483, + 1.7326266765594482, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/95.png", + [ + 0.16207389533519745, + -0.05541958287358284, + -0.1326974630355835, + 1.468867540359497, + -0.04913071542978287, + -0.2092469483613968, + 0.0273823793977499, + -0.31377893686294556, + -0.13515222072601318, + 0.009606809355318546, + -0.16908425092697144, + 1.9181255102157593, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/103.png", + [ + 0.16024944186210632, + -0.05954086035490036, + -0.133127361536026, + 1.4932169914245605, + -0.05381842702627182, + -0.20797668397426605, + 0.028234152123332024, + -0.3284834921360016, + -0.13554182648658752, + 0.012185079045593739, + -0.16860555112361908, + 1.932801365852356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/150.png", + [ + 0.18287654221057892, + -0.054745979607105255, + -0.10250337421894073, + 1.1980364322662354, + -0.0408884659409523, + -0.20921590924263, + 0.038790810853242874, + -0.46631550788879395, + -0.10877591371536255, + -0.013396690599620342, + -0.18691234290599823, + 2.2259178161621094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/83.png", + [ + 0.1455143839120865, + -0.05100926011800766, + -0.1522219330072403, + 1.7110508680343628, + -0.05093926936388016, + -0.2095005065202713, + 0.02150854282081127, + -0.25509610772132874, + -0.15224535763263702, + 0.021341999992728233, + -0.15268845856189728, + 1.7541550397872925, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/142.png", + [ + 0.1677340567111969, + -0.05980487912893295, + -0.12343645840883255, + 1.4216508865356445, + -0.04809118062257767, + -0.20825767517089844, + 0.0355510450899601, + -0.41528385877609253, + -0.12845396995544434, + -0.00012422593135852367, + -0.1744920015335083, + 2.0384678840637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/51.png", + [ + 0.1814272403717041, + -0.05659855902194977, + -0.10406079143285751, + 1.235361933708191, + -0.04576508328318596, + -0.2090533822774887, + 0.03391369804739952, + -0.407092422246933, + -0.10925934463739395, + -0.006417540367692709, + -0.18700027465820312, + 2.2399039268493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/128.png", + [ + 0.1721174120903015, + -0.061640750616788864, + -0.1162923276424408, + 1.3647831678390503, + -0.04764920100569725, + -0.20763982832431793, + 0.039536722004413605, + -0.4747127890586853, + -0.1226908341050148, + -0.005832349415868521, + -0.17849603295326233, + 2.1327271461486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+x9klsDwglJM+P0+C1+F3802-3955/93.png", + [ + 0.1584443897008896, + -0.05712965130805969, + -0.1363065093755722, + 1.5068155527114868, + -0.05163965001702309, + -0.20863713324069977, + 0.027418754994869232, + -0.31471332907676697, + -0.13847963511943817, + 0.01243557222187519, + -0.1661825329065323, + 1.8834794759750366, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/76.png", + [ + 0.18573012948036194, + 0.01524695660918951, + 0.11054296046495438, + -1.2253658771514893, + 0.004694752395153046, + -0.21552015841007233, + 0.021838296204805374, + -0.24644328653812408, + 0.11149070411920547, + -0.016324279829859734, + -0.18507088720798492, + 2.101304531097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/48.png", + [ + 0.18944108486175537, + 0.023263966664671898, + 0.10256100445985794, + -1.1323586702346802, + 0.006029900163412094, + -0.21336187422275543, + 0.03725912794470787, + -0.4192456603050232, + 0.10499338805675507, + -0.029721878468990326, + -0.18719211220741272, + 2.1262054443359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/137.png", + [ + 0.1783537119626999, + 0.024383697658777237, + 0.1205955296754837, + -1.2993100881576538, + 0.005916862282902002, + -0.21383097767829895, + 0.03448466211557388, + -0.3797360360622406, + 0.12289360165596008, + -0.025092560797929764, + -0.176678866147995, + 1.953344702720642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/173.png", + [ + 0.17903004586696625, + 0.018283583223819733, + 0.12067250162363052, + -1.363340973854065, + -0.0022880304604768753, + -0.2136891782283783, + 0.035771444439888, + -0.41402238607406616, + 0.12202830612659454, + -0.0308308657258749, + -0.17637018859386444, + 2.0411829948425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/35.png", + [ + 0.19298343360424042, + 0.0036275137681514025, + 0.09844861924648285, + -1.108978033065796, + -0.010018576867878437, + -0.214682474732399, + 0.027549218386411667, + -0.3204917013645172, + 0.09800468385219574, + -0.029089048504829407, + -0.19104136526584625, + 2.2091426849365234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/124.png", + [ + 0.1793106645345688, + 0.001279823132790625, + 0.12163034081459045, + -1.321675181388855, + 0.005745913367718458, + -0.2165098935365677, + -0.0061926101334393024, + 0.060349736362695694, + 0.12150127440690994, + 0.008350209333002567, + -0.17920829355716705, + 1.9992090463638306, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/97.png", + [ + 0.18618068099021912, + 0.053926628082990646, + 0.09683269262313843, + -1.0940793752670288, + 0.031135236844420433, + -0.20712314546108246, + 0.0554841086268425, + -0.6416074633598328, + 0.10637316107749939, + -0.03376103937625885, + -0.1857224702835083, + 2.1541433334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/155.png", + [ + 0.1691051423549652, + -0.02679886296391487, + 0.13278992474079132, + -1.4266446828842163, + -0.026484621688723564, + -0.21483421325683594, + -0.009628945030272007, + 0.09663669764995575, + 0.1328529417514801, + -0.00871623121201992, + -0.170944482088089, + 1.8938475847244263, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/192.png", + [ + 0.16558600962162018, + -0.007769647520035505, + 0.13953065872192383, + -1.5526028871536255, + -0.011127670295536518, + -0.2163856029510498, + 0.001156349666416645, + -0.02000153250992298, + 0.1393030732870102, + -0.00804951786994934, + -0.16576413810253143, + 1.897504448890686, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/13.png", + [ + 0.17748084664344788, + -0.07285574823617935, + 0.10069993883371353, + -1.1481432914733887, + -0.057041581720113754, + -0.20371335744857788, + -0.04685106500983238, + 0.5190030336380005, + 0.11042959988117218, + 0.011866102926433086, + -0.18604406714439392, + 2.179055690765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/32.png", + [ + 0.19341841340065002, + -0.00791919231414795, + 0.0973370224237442, + -1.0953669548034668, + -0.017140718176960945, + -0.21536146104335785, + 0.016538837924599648, + -0.1993771493434906, + 0.09614264219999313, + -0.022463830187916756, + -0.19287267327308655, + 2.232698440551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/158.png", + [ + 0.17328764498233795, + -0.022657275199890137, + 0.128085657954216, + -1.368155837059021, + -0.020865604281425476, + -0.21544116735458374, + -0.009880561381578445, + 0.09927600622177124, + 0.12838968634605408, + -0.004432474263012409, + -0.174483060836792, + 1.9232264757156372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/38.png", + [ + 0.1930086612701416, + 0.013436968438327312, + 0.0975448414683342, + -1.0887540578842163, + -0.001617236528545618, + -0.21418613195419312, + 0.03270447626709938, + -0.37372368574142456, + 0.09845270216464996, + -0.029860440641641617, + -0.19069166481494904, + 2.183563709259033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/148.png", + [ + 0.16320843994617462, + -0.003645270597189665, + 0.14246968924999237, + -1.556296706199646, + -0.012655841186642647, + -0.2161186784505844, + 0.008968428708612919, + -0.09837990999221802, + 0.141953244805336, + -0.015076971612870693, + -0.163002610206604, + 1.8371658325195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/222.png", + [ + 0.17471514642238617, + 0.011124193668365479, + 0.12766660749912262, + -1.4193719625473022, + 0.005289602093398571, + -0.21629878878593445, + 0.011608175002038479, + -0.1388259083032608, + 0.1280411332845688, + -0.006243548355996609, + -0.17468364536762238, + 1.9946049451828003, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/111.png", + [ + 0.18208926916122437, + 0.025647487491369247, + 0.11460188031196594, + -1.2649052143096924, + 0.0071163238026201725, + -0.21346545219421387, + 0.03646577149629593, + -0.4157554507255554, + 0.1172209158539772, + -0.02688123658299446, + -0.18023470044136047, + 2.036442279815674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/164.png", + [ + 0.18016162514686584, + -0.002182102994993329, + 0.1203533262014389, + -1.31611168384552, + -0.007365329656749964, + -0.21643294394016266, + 0.007101345341652632, + -0.08391842991113663, + 0.12014756351709366, + -0.009995779022574425, + -0.1800348311662674, + 2.0296835899353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/11.png", + [ + 0.17633068561553955, + -0.07350694388151169, + 0.10223555564880371, + -1.1643544435501099, + -0.05442756041884422, + -0.20313295722007751, + -0.052177879959344864, + 0.5882076621055603, + 0.1135474294424057, + 0.016781525686383247, + -0.18377500772476196, + 2.1482224464416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/125.png", + [ + 0.17884235084056854, + 0.000649319845251739, + 0.12232288718223572, + -1.326319932937622, + 0.004636718425899744, + -0.21655184030532837, + -0.005629609804600477, + 0.05405130609869957, + 0.1222366988658905, + 0.007264299783855677, + -0.17875489592552185, + 1.9903024435043335, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/59.png", + [ + 0.18598592281341553, + 0.005983327049762011, + 0.11100144684314728, + -1.259756088256836, + -0.0032603542786091566, + -0.2159738391637802, + 0.01710447669029236, + -0.2005508542060852, + 0.11111476272344589, + -0.016352152451872826, + -0.18529438972473145, + 2.1550745964050293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/105.png", + [ + 0.18870805203914642, + 0.03807089105248451, + 0.09943730384111404, + -1.0968509912490845, + 0.025424063205718994, + -0.21260878443717957, + 0.03315136209130287, + -0.37187814712524414, + 0.10339627414941788, + -0.017204729840159416, + -0.18963412940502167, + 2.150416374206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/121.png", + [ + 0.17702393233776093, + 0.0021444319281727076, + 0.12492327392101288, + -1.366415023803711, + 0.0035580366384238005, + -0.2166413813829422, + -0.001323091797530651, + 0.008499819785356522, + 0.12489099055528641, + 0.003132348647341132, + -0.1770319640636444, + 1.987653136253357, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/175.png", + [ + 0.18036840856075287, + 0.0173813309520483, + 0.11879825592041016, + -1.3340590000152588, + -0.002900660503655672, + -0.21369865536689758, + 0.03567017614841461, + -0.4111156165599823, + 0.12002799659967422, + -0.03128362074494362, + -0.17765840888023376, + 2.0477538108825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/198.png", + [ + 0.16052035987377167, + -0.01286227535456419, + 0.14496780931949615, + -1.5556495189666748, + -0.01291284617036581, + -0.21623429656028748, + -0.004887224640697241, + 0.047663938254117966, + 0.1449633091688156, + -0.005018805619329214, + -0.16096068918704987, + 1.783241868019104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/24.png", + [ + 0.18565860390663147, + -0.05333438888192177, + 0.09815409034490585, + -1.1090277433395386, + -0.03786248713731766, + -0.20915885269641876, + -0.04203455522656441, + 0.4711841642856598, + 0.10509620606899261, + 0.01886570081114769, + -0.18853850662708282, + 2.1933693885803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/214.png", + [ + 0.17632727324962616, + 0.013208606280386448, + 0.12522825598716736, + -1.379607081413269, + 0.0017404971877112985, + -0.21571436524391174, + 0.020302044227719307, + -0.23487991094589233, + 0.1259108930826187, + -0.015515641309320927, + -0.1756519377231598, + 1.9891027212142944, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/74.png", + [ + 0.18274909257888794, + 0.01142891589552164, + 0.11584488302469254, + -1.2918922901153564, + 0.0036322157829999924, + -0.2160826474428177, + 0.015588142909109592, + -0.17863772809505463, + 0.11635060608386993, + -0.011205490678548813, + -0.18244141340255737, + 2.086622714996338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/193.png", + [ + 0.16112935543060303, + -0.010516364127397537, + 0.14448054134845734, + -1.6108225584030151, + -0.01371841598302126, + -0.21623948216438293, + -0.0004402917402330786, + -0.00013745203614234924, + 0.14421173930168152, + -0.00882013887166977, + -0.16147157549858093, + 1.8449784517288208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/129.png", + [ + 0.1803230345249176, + 0.006033643148839474, + 0.11997954547405243, + -1.2912505865097046, + 0.0070950030349195, + -0.2165583372116089, + 0.0002270659024361521, + -0.007144080474972725, + 0.11992147564888, + 0.0037397558335214853, + -0.1804237961769104, + 2.002838134765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/172.png", + [ + 0.1780960112810135, + 0.017314346507191658, + 0.12218806147575378, + -1.3843992948532104, + -0.003478576894849539, + -0.21374192833900452, + 0.035357967019081116, + -0.41062843799591064, + 0.12335968017578125, + -0.031024184077978134, + -0.17540746927261353, + 2.031991481781006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/232.png", + [ + 0.17212659120559692, + 0.03021937981247902, + 0.1280902922153473, + -1.4214805364608765, + 0.03296801447868347, + -0.21406206488609314, + 0.006199929863214493, + -0.07246546447277069, + 0.12741054594516754, + 0.014564278535544872, + -0.1746491640806198, + 1.9905966520309448, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/153.png", + [ + 0.16427859663963318, + -0.02407602034509182, + 0.139214888215065, + -1.5061355829238892, + -0.02750234119594097, + -0.21487058699131012, + -0.004706262145191431, + 0.042674798518419266, + 0.13857872784137726, + -0.014102238230407238, + -0.16596674919128418, + 1.8456937074661255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/144.png", + [ + 0.17276105284690857, + 0.013478728011250496, + 0.13007627427577972, + -1.419494867324829, + -0.0014334801817312837, + -0.21531251072883606, + 0.024214930832386017, + -0.27319473028182983, + 0.1307648867368698, + -0.020167840644717216, + -0.171585813164711, + 1.9216762781143188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/188.png", + [ + 0.17738017439842224, + 0.0024108593352138996, + 0.12441202253103256, + -1.3837488889694214, + -0.006428757216781378, + -0.2161671221256256, + 0.013354675844311714, + -0.15626154839992523, + 0.12426922470331192, + -0.014624091796576977, + -0.1768931746482849, + 2.0307812690734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/98.png", + [ + 0.18878071010112762, + 0.0538538321852684, + 0.09170334041118622, + -1.0430406332015991, + 0.0290973000228405, + -0.20586547255516052, + 0.06099707633256912, + -0.7094265818595886, + 0.10228922218084335, + -0.04082966595888138, + -0.186595156788826, + 2.174320697784424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/0.png", + [ + 0.17359799146652222, + -0.07980550825595856, + 0.10218961536884308, + -1.190503478050232, + -0.06657499074935913, + -0.20140239596366882, + -0.04418978467583656, + 0.5156223773956299, + 0.11126279085874557, + 0.004005929920822382, + -0.18588288128376007, + 2.212963104248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/163.png", + [ + 0.17757412791252136, + -0.006514139007776976, + 0.12398745864629745, + -1.3499181270599365, + -0.010076021775603294, + -0.21641859412193298, + 0.0030604691710323095, + -0.03968879580497742, + 0.12374892830848694, + -0.008273974992334843, + -0.17766721546649933, + 1.9969772100448608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/96.png", + [ + 0.1866540014743805, + 0.04934527352452278, + 0.09835255146026611, + -1.1029448509216309, + 0.028724616393446922, + -0.20880168676376343, + 0.05024588853120804, + -0.5752051472663879, + 0.10622183233499527, + -0.03024560958147049, + -0.18641357123851776, + 2.1463828086853027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/100.png", + [ + 0.186757892370224, + 0.052116770297288895, + 0.09671201556921005, + -1.1030603647232056, + 0.0270837489515543, + -0.20669619739055634, + 0.059085048735141754, + -0.6877436637878418, + 0.10646992176771164, + -0.03883831948041916, + -0.18467168509960175, + 2.157447338104248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/40.png", + [ + 0.1931067854166031, + 0.017801450565457344, + 0.09664767980575562, + -1.069960117340088, + 0.0016581109957769513, + -0.21365003287792206, + 0.03603902831673622, + -0.40745875239372253, + 0.09825942665338516, + -0.03137943893671036, + -0.190547376871109, + 2.167527198791504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/141.png", + [ + 0.17132964730262756, + 0.0197175033390522, + 0.13116885721683502, + -1.4245984554290771, + -0.0008068582974374294, + -0.2141084223985672, + 0.03323900327086449, + -0.3697400987148285, + 0.13264010846614838, + -0.02677130326628685, + -0.16922704875469208, + 1.8807491064071655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/52.png", + [ + 0.18677276372909546, + 0.023508721962571144, + 0.1072901040315628, + -1.1952403783798218, + 0.008940582163631916, + -0.2142050564289093, + 0.03137129917740822, + -0.35290971398353577, + 0.10947096347808838, + -0.022614868357777596, + -0.18561403453350067, + 2.127777099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/184.png", + [ + 0.17655740678310394, + 0.0025112403091043234, + 0.1255749613046646, + -1.3946479558944702, + -0.013208379969000816, + -0.21505889296531677, + 0.022871609777212143, + -0.26551878452301025, + 0.12490362673997879, + -0.02629193104803562, + -0.17508773505687714, + 1.999022126197815, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/227.png", + [ + 0.17579424381256104, + 0.011424664407968521, + 0.1261497288942337, + -1.3957085609436035, + 0.01077466830611229, + -0.21635811030864716, + 0.004579431377351284, + -0.055798232555389404, + 0.1262069195508957, + 0.002557677449658513, + -0.1761055588722229, + 2.002549171447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/3.png", + [ + 0.17434176802635193, + -0.07799310237169266, + 0.10232258588075638, + -1.187036156654358, + -0.064942866563797, + -0.20210616290569305, + -0.04339834675192833, + 0.49248602986335754, + 0.11106421798467636, + 0.004250716418027878, + -0.1859961301088333, + 2.205453395843506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/231.png", + [ + 0.17165011167526245, + 0.027542008087038994, + 0.12932737171649933, + -1.4331272840499878, + 0.031038060784339905, + -0.21439360082149506, + 0.004462655633687973, + -0.05163826793432236, + 0.12853313982486725, + 0.014990474097430706, + -0.1737884134054184, + 1.980122447013855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/47.png", + [ + 0.19066689908504486, + 0.02095409296452999, + 0.10077179223299026, + -1.1110117435455322, + 0.0038913844618946314, + -0.21345289051532745, + 0.03702180087566376, + -0.41955041885375977, + 0.10285370796918869, + -0.03076821006834507, + -0.1882081776857376, + 2.128265857696533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/104.png", + [ + 0.18505513668060303, + 0.04277423396706581, + 0.10427296906709671, + -1.1596331596374512, + 0.025194765999913216, + -0.21109071373939514, + 0.04187875613570213, + -0.47226831316947937, + 0.10985314100980759, + -0.02364257164299488, + -0.1852598637342453, + 2.115006446838379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/21.png", + [ + 0.18209755420684814, + -0.06176585704088211, + 0.09986663609743118, + -1.1390843391418457, + -0.04421477019786835, + -0.20678141713142395, + -0.04726933687925339, + 0.5309773087501526, + 0.10878153890371323, + 0.019347216933965683, + -0.1863871067762375, + 2.186471462249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/82.png", + [ + 0.18856993317604065, + 0.021498989313840866, + 0.10453261435031891, + -1.1451239585876465, + 0.008538329042494297, + -0.21459141373634338, + 0.028731947764754295, + -0.32436129450798035, + 0.10637843608856201, + -0.02088591456413269, + -0.1876041144132614, + 2.112887382507324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/106.png", + [ + 0.18903976678848267, + 0.03449917212128639, + 0.1001083180308342, + -1.1010783910751343, + 0.02279343456029892, + -0.2133074700832367, + 0.030467664822936058, + -0.33910250663757324, + 0.10340370237827301, + -0.016050735488533974, + -0.18973124027252197, + 2.1454997062683105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/14.png", + [ + 0.17798425257205963, + -0.07441835850477219, + 0.09864787012338638, + -1.1250301599502563, + -0.058054421097040176, + -0.20305514335632324, + -0.048437491059303284, + 0.5384231209754944, + 0.10908336192369461, + 0.013357201591134071, + -0.18673591315746307, + 2.1879453659057617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/67.png", + [ + 0.18060457706451416, + 0.00012542455806396902, + 0.11970741301774979, + -1.3390192985534668, + -0.004858917091041803, + -0.21648825705051422, + 0.007557556498795748, + -0.08721570670604706, + 0.11960882693529129, + -0.008983875624835491, + -0.18044641613960266, + 2.0674872398376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/241.png", + [ + 0.16865038871765137, + 0.03285609558224678, + 0.13200534880161285, + -1.465807318687439, + 0.02237340249121189, + -0.21409587562084198, + 0.02470407821238041, + -0.2798299491405487, + 0.13418035209178925, + -0.005597996991127729, + -0.17003585398197174, + 1.9371508359909058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/78.png", + [ + 0.18546466529369354, + 0.0178199652582407, + 0.11060380190610886, + -1.2220138311386108, + 0.005950508173555136, + -0.21518096327781677, + 0.0246909037232399, + -0.27888429164886475, + 0.11187200248241425, + -0.018096910789608955, + -0.18467554450035095, + 2.090404987335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/191.png", + [ + 0.17166590690612793, + -0.004444542806595564, + 0.13213235139846802, + -1.4680423736572266, + -0.010445683263242245, + -0.21633115410804749, + 0.006294253282248974, + -0.0763746052980423, + 0.1317937821149826, + -0.011356758885085583, + -0.17160803079605103, + 1.9659477472305298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/31.png", + [ + 0.19242310523986816, + -0.013698937371373177, + 0.09865891933441162, + -1.110602617263794, + -0.021241363137960434, + -0.2153223752975464, + 0.011531054973602295, + -0.1429656594991684, + 0.09731417149305344, + -0.01991230435669422, + -0.1925651729106903, + 2.2305469512939453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/194.png", + [ + 0.1583855003118515, + -0.019347358494997025, + 0.14658653736114502, + -1.6252663135528564, + -0.019336333498358727, + -0.2156771719455719, + -0.0075736092403531075, + 0.07811251282691956, + 0.14658796787261963, + -0.007545398082584143, + -0.15938293933868408, + 1.8069980144500732, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/152.png", + [ + 0.16139797866344452, + -0.019935041666030884, + 0.14318233728408813, + -1.5529077053070068, + -0.025479799136519432, + -0.21516771614551544, + -0.001236112555488944, + 0.00910000130534172, + 0.14230026304721832, + -0.015916725620627403, + -0.16261975467205048, + 1.8138518333435059, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/39.png", + [ + 0.19264471530914307, + 0.014854046516120434, + 0.09805747866630554, + -1.0901387929916382, + -0.0010072487639263272, + -0.2139265090227127, + 0.03438509255647659, + -0.39206433296203613, + 0.09917105734348297, + -0.03102751262485981, + -0.19013230502605438, + 2.1715922355651855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/92.png", + [ + 0.1829732209444046, + 0.03719367831945419, + 0.1099332794547081, + -1.1977853775024414, + 0.024342479184269905, + -0.21297995746135712, + 0.03154173120856285, + -0.3480975329875946, + 0.1134730875492096, + -0.014285216107964516, + -0.18403176963329315, + 2.0544772148132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/203.png", + [ + 0.18284375965595245, + 0.004309498704969883, + 0.11617866158485413, + -1.2371726036071777, + -0.0045631565153598785, + -0.21609285473823547, + 0.015197254717350006, + -0.17410573363304138, + 0.11616897583007812, + -0.015271122567355633, + -0.18226206302642822, + 2.0137887001037598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/53.png", + [ + 0.18601350486278534, + 0.0171675868332386, + 0.10978227853775024, + -1.22649347782135, + 0.0040469691157341, + -0.21497762203216553, + 0.026760749518871307, + -0.30584827065467834, + 0.11104278266429901, + -0.020923418924212456, + -0.18487729132175446, + 2.1228160858154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/75.png", + [ + 0.18347860872745514, + 0.012359987013041973, + 0.1145893782377243, + -1.2746143341064453, + 0.002730092266574502, + -0.2158307135105133, + 0.01890883408486843, + -0.2144325226545334, + 0.11522171646356583, + -0.014568048529326916, + -0.1829197257757187, + 2.085019588470459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/151.png", + [ + 0.1577865183353424, + -0.016432296484708786, + 0.14758484065532684, + -1.6007412672042847, + -0.021910112351179123, + -0.21556325256824493, + -0.0005764742963947356, + 0.002973884344100952, + 0.14687155187129974, + -0.014503962360322475, + -0.15863880515098572, + 1.772904634475708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/87.png", + [ + 0.1892603635787964, + 0.035249561071395874, + 0.099427729845047, + -1.0762145519256592, + 0.024241626262664795, + -0.21328771114349365, + 0.029471835121512413, + -0.3282378315925598, + 0.1026681438088417, + -0.014618976041674614, + -0.19024570286273956, + 2.12021541595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/139.png", + [ + 0.17415620386600494, + 0.0219553392380476, + 0.12702547013759613, + -1.3722692728042603, + 0.0015809991164132953, + -0.21385659277439117, + 0.03479580953717232, + -0.38399526476860046, + 0.1288992017507553, + -0.027040913701057434, + -0.17205138504505157, + 1.9041308164596558, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/107.png", + [ + 0.1867043375968933, + 0.03443584591150284, + 0.10442009568214417, + -1.1474101543426514, + 0.02221684530377388, + -0.21334460377693176, + 0.030633192509412766, + -0.33994659781455994, + 0.10768378525972366, + -0.01568925753235817, + -0.1873658150434494, + 2.1140732765197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/112.png", + [ + 0.18188847601413727, + 0.022070525214076042, + 0.11566055566072464, + -1.2749197483062744, + 0.0046823900192976, + -0.2140217423439026, + 0.03347639739513397, + -0.37957513332366943, + 0.11765436828136444, + -0.02560245804488659, + -0.18013843894004822, + 2.0338048934936523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/69.png", + [ + 0.1799124926328659, + 0.003042861120775342, + 0.12070678919553757, + -1.3493969440460205, + -0.0025608406867831945, + -0.2164609432220459, + 0.009273611009120941, + -0.10769498348236084, + 0.12071797251701355, + -0.00912681594491005, + -0.17969907820224762, + 2.058903694152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/157.png", + [ + 0.172126904129982, + -0.024844316765666008, + 0.1292400062084198, + -1.381554126739502, + -0.023619750514626503, + -0.21515563130378723, + -0.00990250799804926, + 0.09934644401073456, + 0.1294693946838379, + -0.006221901625394821, + -0.17362849414348602, + 1.9157551527023315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/45.png", + [ + 0.19183054566383362, + 0.02167215384542942, + 0.09838321059942245, + -1.0839067697525024, + 0.0035988169256597757, + -0.21294064819812775, + 0.03989013284444809, + -0.44964396953582764, + 0.10067764669656754, + -0.03368222713470459, + -0.1888846606016159, + 2.134550094604492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/50.png", + [ + 0.18707610666751862, + 0.026980120688676834, + 0.10593628883361816, + -1.1787595748901367, + 0.009533318690955639, + -0.21319839358329773, + 0.03746272996068001, + -0.42276379466056824, + 0.10890152305364609, + -0.027684176340699196, + -0.1852618157863617, + 2.1269326210021973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/101.png", + [ + 0.18756426870822906, + 0.04903300851583481, + 0.09676417708396912, + -1.0960637331008911, + 0.027058443054556847, + -0.2083149254322052, + 0.05310963839292526, + -0.6124436855316162, + 0.10504943877458572, + -0.033890366554260254, + -0.18645095825195312, + 2.163400650024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/85.png", + [ + 0.18865710496902466, + 0.032018665224313736, + 0.10164251178503036, + -1.107103943824768, + 0.019563302397727966, + -0.21355684101581573, + 0.030961953103542328, + -0.3472370505332947, + 0.10475529730319977, + -0.017781170085072517, + -0.18883340060710907, + 2.1151833534240723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/156.png", + [ + 0.1713341325521469, + -0.02686930261552334, + 0.1298866719007492, + -1.392138957977295, + -0.025844482704997063, + -0.21487818658351898, + -0.010359685868024826, + 0.10460412502288818, + 0.13009445369243622, + -0.007300743833184242, + -0.17311853170394897, + 1.9135199785232544, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/181.png", + [ + 0.17932701110839844, + 0.005226658657193184, + 0.12150062620639801, + -1.349535584449768, + -0.013743825256824493, + -0.21421660482883453, + 0.029500063508749008, + -0.3418838083744049, + 0.1208338737487793, + -0.032122086733579636, + -0.17696112394332886, + 2.0200066566467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/131.png", + [ + 0.17796039581298828, + 0.014011865481734276, + 0.12280742824077606, + -1.3232532739639282, + 0.010843113996088505, + -0.21621771156787872, + 0.00895686261355877, + -0.1017933040857315, + 0.12312766164541245, + -0.001210810150951147, + -0.17828631401062012, + 1.9759165048599243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/71.png", + [ + 0.1808778941631317, + 0.006789193954318762, + 0.11910073459148407, + -1.3310710191726685, + 0.0017928173765540123, + -0.21645373106002808, + 0.009615936316549778, + -0.11073651909828186, + 0.1192806214094162, + -0.0070418245159089565, + -0.18074965476989746, + 2.072164535522461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/160.png", + [ + 0.17611485719680786, + -0.01561166625469923, + 0.1252506524324417, + -1.3440394401550293, + -0.015149877406656742, + -0.2160710245370865, + -0.00562959024682641, + 0.05392007902264595, + 0.1253073513507843, + -0.004181741736829281, + -0.17671582102775574, + 1.9579282999038696, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/115.png", + [ + 0.18068130314350128, + 0.015227001160383224, + 0.11861829459667206, + -1.3078663349151611, + 0.005647503305226564, + -0.21575775742530823, + 0.019094400107860565, + -0.214530348777771, + 0.11945822834968567, + -0.01283077523112297, + -0.1803136020898819, + 2.0362954139709473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/54.png", + [ + 0.1864328235387802, + 0.014904676005244255, + 0.10940085351467133, + -1.2239594459533691, + 0.0023853096645325422, + -0.21518494188785553, + 0.025251740589737892, + -0.2918812930583954, + 0.1103857159614563, + -0.02052292972803116, + -0.18531513214111328, + 2.1308178901672363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/33.png", + [ + 0.1931367665529251, + -0.004038502927869558, + 0.09813142567873001, + -1.1050796508789062, + -0.01480785757303238, + -0.21521401405334473, + 0.020287074148654938, + -0.2413170039653778, + 0.09709177911281586, + -0.024789683520793915, + -0.1921107918024063, + 2.2216849327087402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/221.png", + [ + 0.17531628906726837, + 0.009660080075263977, + 0.12695975601673126, + -1.4079097509384155, + 0.0036259694024920464, + -0.2163412868976593, + 0.011453886516392231, + -0.13645803928375244, + 0.12727507948875427, + -0.0071429722011089325, + -0.17520824074745178, + 1.9973751306533813, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/159.png", + [ + 0.17306838929653168, + -0.01899576000869274, + 0.12897437810897827, + -1.3805862665176392, + -0.018182354047894478, + -0.21578413248062134, + -0.007382810581475496, + 0.07221321761608124, + 0.1290915608406067, + -0.004925940651446581, + -0.1739511489868164, + 1.9219008684158325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/177.png", + [ + 0.1792471557855606, + 0.015133034437894821, + 0.12078636139631271, + -1.3552066087722778, + -0.006617802195250988, + -0.21346446871757507, + 0.03656528517603874, + -0.4207828938961029, + 0.12155063450336456, + -0.03393827751278877, + -0.1761292964220047, + 2.0276055335998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/49.png", + [ + 0.18878982961177826, + 0.023270107805728912, + 0.10375357419252396, + -1.1479817628860474, + 0.0058156815357506275, + -0.2133655846118927, + 0.037271954119205475, + -0.41944465041160583, + 0.10617193579673767, + -0.029690450057387352, + -0.186531201004982, + 2.125849723815918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/118.png", + [ + 0.1751059740781784, + 0.009264128282666206, + 0.12727907299995422, + -1.402058482170105, + 0.003717661602422595, + -0.21638154983520508, + 0.010634909383952618, + -0.11777500808238983, + 0.12756162881851196, + -0.006410793401300907, + -0.17502807080745697, + 1.9782212972640991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/210.png", + [ + 0.17679880559444427, + 0.009911950677633286, + 0.12486725300550461, + -1.371959924697876, + -0.0020384984090924263, + -0.215738907456398, + 0.020011629909276962, + -0.22728796303272247, + 0.12524347007274628, + -0.017503542825579643, + -0.17594203352928162, + 1.9843755960464478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/179.png", + [ + 0.1800193041563034, + 0.010690503753721714, + 0.12011100351810455, + -1.3386635780334473, + -0.008905868977308273, + -0.21405334770679474, + 0.03239975497126579, + -0.37392163276672363, + 0.12025648355484009, + -0.03185547888278961, + -0.177402064204216, + 2.0317764282226562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/110.png", + [ + 0.18275660276412964, + 0.027664609253406525, + 0.11306008696556091, + -1.2468525171279907, + 0.008897949010133743, + -0.2131703495979309, + 0.037777386605739594, + -0.43162330985069275, + 0.11605488508939743, + -0.027220837771892548, + -0.18093694746494293, + 2.0437283515930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/18.png", + [ + 0.17765194177627563, + -0.06997736543416977, + 0.10242481529712677, + -1.172498106956482, + -0.049759186804294586, + -0.2040824443101883, + -0.053125157952308655, + 0.6039695739746094, + 0.11362965404987335, + 0.020035631954669952, + -0.1833978295326233, + 2.156026840209961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/66.png", + [ + 0.1800757497549057, + -0.0018726737471297383, + 0.12048695981502533, + -1.3529531955718994, + -0.006825140677392483, + -0.21645916998386383, + 0.006836299318820238, + -0.07788646221160889, + 0.12030808627605438, + -0.00947684608399868, + -0.17995569109916687, + 2.0686235427856445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/234.png", + [ + 0.16947264969348907, + 0.03313431516289711, + 0.13087792694568634, + -1.4634596109390259, + 0.0317724272608757, + -0.21393662691116333, + 0.013020426034927368, + -0.15377479791641235, + 0.1312151998281479, + 0.009007529355585575, + -0.1721898317337036, + 1.9712928533554077, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/202.png", + [ + 0.18220844864845276, + 0.002142552984878421, + 0.11723218113183975, + -1.2450873851776123, + -0.005400167778134346, + -0.21625521779060364, + 0.01234553661197424, + -0.14421826601028442, + 0.11712735891342163, + -0.013303516432642937, + -0.18180236220359802, + 2.002774715423584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/206.png", + [ + 0.18285299837589264, + 0.009191841818392277, + 0.1158800721168518, + -1.2512311935424805, + -0.0006633182638324797, + -0.2159101516008377, + 0.01817311719059944, + -0.20349432528018951, + 0.1162421703338623, + -0.01569114811718464, + -0.18217970430850983, + 2.0301942825317383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/16.png", + [ + 0.175798699259758, + -0.07556147873401642, + 0.10165224224328995, + -1.1627415418624878, + -0.054066020995378494, + -0.202023446559906, + -0.0566682405769825, + 0.6431522965431213, + 0.11454073339700699, + 0.020612798631191254, + -0.18276605010032654, + 2.150014877319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/190.png", + [ + 0.17648613452911377, + -0.002127672079950571, + 0.12568219006061554, + -1.3950371742248535, + -0.009022832848131657, + -0.2162991762161255, + 0.009008366614580154, + -0.10723809897899628, + 0.12537594139575958, + -0.012571202591061592, + -0.17626892030239105, + 2.02089786529541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/211.png", + [ + 0.1759606897830963, + 0.010445650666952133, + 0.1260024756193161, + -1.3859772682189941, + -0.0008116659009829164, + -0.21583612263202667, + 0.019026370719075203, + -0.2178494781255722, + 0.12643207609653473, + -0.01592325232923031, + -0.17524060606956482, + 1.9789952039718628, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/94.png", + [ + 0.18479593098163605, + 0.04340555518865585, + 0.10447162389755249, + -1.1499284505844116, + 0.027054475620388985, + -0.21124184131622314, + 0.039910465478897095, + -0.4458324611186981, + 0.10984724760055542, + -0.020993994548916817, + -0.18558213114738464, + 2.096665859222412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/209.png", + [ + 0.17865373194217682, + 0.009570545516908169, + 0.1222258135676384, + -1.3382810354232788, + -0.002098230179399252, + -0.21574310958385468, + 0.0199600737541914, + -0.22562269866466522, + 0.12258196622133255, + -0.01764119230210781, + -0.1777929812669754, + 2.000710964202881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/228.png", + [ + 0.17498549818992615, + 0.01498499047011137, + 0.12689924240112305, + -1.4025709629058838, + 0.016247382387518883, + -0.21604228019714355, + 0.0031074618455022573, + -0.03848567232489586, + 0.12674380838871002, + 0.007005989085882902, + -0.17559844255447388, + 1.9935752153396606, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/28.png", + [ + 0.18986892700195312, + -0.03512876480817795, + 0.098303884267807, + -1.1063661575317383, + -0.03078843653202057, + -0.21380622684955597, + -0.016937073320150375, + 0.1843479722738266, + 0.09974846243858337, + 0.0008732039714232087, + -0.19234700500965118, + 2.226166248321533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/61.png", + [ + 0.1833287924528122, + 0.0007359071751125157, + 0.11548984795808792, + -1.3118491172790527, + -0.006738919764757156, + -0.21623291075229645, + 0.012075221166014671, + -0.14183104038238525, + 0.1152954027056694, + -0.0138087822124362, + -0.18293216824531555, + 2.125124454498291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/132.png", + [ + 0.1780634969472885, + 0.018220124766230583, + 0.12210368365049362, + -1.3190017938613892, + 0.010644355788826942, + -0.2157696932554245, + 0.016674188897013664, + -0.18749405443668365, + 0.12299584597349167, + -0.007704407908022404, + -0.1782149076461792, + 1.9763103723526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/58.png", + [ + 0.18785224854946136, + 0.007648699451237917, + 0.10770757496356964, + -1.2177058458328247, + -0.0018488503992557526, + -0.21587082743644714, + 0.0185543280094862, + -0.21655958890914917, + 0.10796298831701279, + -0.017005257308483124, + -0.18709012866020203, + 2.1696324348449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/123.png", + [ + 0.17864465713500977, + 0.001159158069640398, + 0.12260767072439194, + -1.3358789682388306, + 0.005477406550198793, + -0.21652407944202423, + -0.005933752283453941, + 0.058153185993433, + 0.12249075621366501, + 0.007991730235517025, + -0.1785498410463333, + 1.997616171836853, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/64.png", + [ + 0.18134929239749908, + -0.0026398024056106806, + 0.11854687333106995, + -1.3388673067092896, + -0.00798823032528162, + -0.21640078723430634, + 0.007401331793516874, + -0.08477454632520676, + 0.11830687522888184, + -0.010565178468823433, + -0.18121741712093353, + 2.093642234802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/10.png", + [ + 0.17539294064044952, + -0.07498522847890854, + 0.10277365893125534, + -1.169569492340088, + -0.05432208627462387, + -0.20242004096508026, + -0.0549829937517643, + 0.6261025071144104, + 0.11504051089286804, + 0.018741236999630928, + -0.18265360593795776, + 2.1327857971191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/170.png", + [ + 0.17998982965946198, + 0.01572945900261402, + 0.11959991604089737, + -1.3536468744277954, + -0.003910161554813385, + -0.21395105123519897, + 0.034022800624370575, + -0.3974737226963043, + 0.12056644260883331, + -0.030420787632465363, + -0.17744353413581848, + 2.053900718688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/41.png", + [ + 0.1924942582845688, + 0.01801418699324131, + 0.09782303869724274, + -1.0797866582870483, + 0.0010171534959226847, + -0.21343697607517242, + 0.037303049117326736, + -0.42054060101509094, + 0.09946266561746597, + -0.032680898904800415, + -0.18970248103141785, + 2.154184341430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/166.png", + [ + 0.1783849000930786, + 0.0029396938625723124, + 0.1229555681347847, + -1.3623144626617432, + -0.007523823995143175, + -0.21594619750976562, + 0.016078593209385872, + -0.18543696403503418, + 0.1227603480219841, + -0.017506780102849007, + -0.17768312990665436, + 2.024101734161377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/91.png", + [ + 0.1835435926914215, + 0.03726223483681679, + 0.10895486921072006, + -1.1847145557403564, + 0.026355596259236336, + -0.21316836774349213, + 0.028504732996225357, + -0.3133484721183777, + 0.11209380626678467, + -0.01089324988424778, + -0.18510593473911285, + 2.063154697418213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/140.png", + [ + 0.1717468500137329, + 0.02140093594789505, + 0.13035686314105988, + -1.4124696254730225, + 0.0005527053726837039, + -0.21392695605754852, + 0.03439260274171829, + -0.3816857933998108, + 0.13210076093673706, + -0.026928728446364403, + -0.1696234792470932, + 1.882656216621399, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/217.png", + [ + 0.1759190708398819, + 0.01222927588969469, + 0.1259000450372696, + -1.3894134759902954, + 0.0024699904024600983, + -0.2159506231546402, + 0.017525022849440575, + -0.20308707654476166, + 0.1264684796333313, + -0.01279343944042921, + -0.17547065019607544, + 1.9917231798171997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/240.png", + [ + 0.17154952883720398, + 0.03228871524333954, + 0.12835924327373505, + -1.4284417629241943, + 0.02297232672572136, + -0.21420279145240784, + 0.023180576041340828, + -0.26374760270118713, + 0.13034924864768982, + -0.004744014237076044, + -0.1730157732963562, + 1.9746023416519165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/23.png", + [ + 0.1845771074295044, + -0.054764751344919205, + 0.09939821064472198, + -1.1271840333938599, + -0.03835757449269295, + -0.20871317386627197, + -0.04376533627510071, + 0.4913904368877411, + 0.10680767148733139, + 0.019685765728354454, + -0.18748995661735535, + 2.188812255859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/220.png", + [ + 0.1767634004354477, + 0.009721407666802406, + 0.12493235617876053, + -1.3811233043670654, + 0.00345593155361712, + -0.21631765365600586, + 0.011942703276872635, + -0.14081966876983643, + 0.12526236474514008, + -0.007750215008854866, + -0.17662720382213593, + 2.0084400177001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/201.png", + [ + 0.17758554220199585, + -0.000661951897200197, + 0.12414036691188812, + -1.321140170097351, + -0.006730118300765753, + -0.2164042741060257, + 0.00847365241497755, + -0.10153773427009583, + 0.12395957857370377, + -0.01080088410526514, + -0.17738451063632965, + 1.9550539255142212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/37.png", + [ + 0.19332800805568695, + 0.010733958333730698, + 0.0972469225525856, + -1.0900672674179077, + -0.003610858228057623, + -0.2144371122121811, + 0.03084765374660492, + -0.3549315929412842, + 0.09777086973190308, + -0.02914443053305149, + -0.19115270674228668, + 2.1976656913757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/178.png", + [ + 0.17892560362815857, + 0.013168693520128727, + 0.12149117141962051, + -1.3595231771469116, + -0.008907665498554707, + -0.2134343832731247, + 0.03625335171818733, + -0.41790351271629333, + 0.12187770754098892, + -0.03493189439177513, + -0.17570851743221283, + 2.0183467864990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/36.png", + [ + 0.19302847981452942, + 0.0073561761528253555, + 0.09815181791782379, + -1.10371994972229, + -0.006676339544355869, + -0.21459245681762695, + 0.029212942346930504, + -0.3371720612049103, + 0.09820041060447693, + -0.029049206525087357, + -0.19094689190387726, + 2.202235698699951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/213.png", + [ + 0.17625685036182404, + 0.010931896977126598, + 0.1255464106798172, + -1.381905198097229, + -0.0006866466137580574, + -0.21577134728431702, + 0.01975219137966633, + -0.2287679761648178, + 0.12601958215236664, + -0.01646554470062256, + -0.1754874438047409, + 1.9850529432296753, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/212.png", + [ + 0.1752089262008667, + 0.01161951944231987, + 0.12694373726844788, + -1.3971049785614014, + 0.0002577989362180233, + -0.21580447256565094, + 0.019397377967834473, + -0.22411546111106873, + 0.12747415900230408, + -0.015534204430878162, + -0.1745191067457199, + 1.97476327419281, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/182.png", + [ + 0.1784306764602661, + 0.004236589185893536, + 0.12285128235816956, + -1.3644808530807495, + -0.01413530670106411, + -0.21440227329730988, + 0.027924062684178352, + -0.3227797746658325, + 0.12210888415575027, + -0.031009862199425697, + -0.17628303170204163, + 2.010044574737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/235.png", + [ + 0.1723656952381134, + 0.0343376062810421, + 0.12672367691993713, + -1.4161025285720825, + 0.030056292191147804, + -0.21389922499656677, + 0.01707741618156433, + -0.20020157098770142, + 0.12780681252479553, + 0.0039934683591127396, + -0.17492102086544037, + 2.001556396484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/8.png", + [ + 0.17573362588882446, + -0.07633595168590546, + 0.10118501633405685, + -1.1505484580993652, + -0.056108541786670685, + -0.20195206999778748, + -0.05490979179739952, + 0.630602240562439, + 0.11365482956171036, + 0.01833234541118145, + -0.1835603415966034, + 2.141894817352295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/6.png", + [ + 0.17559814453125, + -0.07703081518411636, + 0.10089319944381714, + -1.154895305633545, + -0.06080780178308487, + -0.2022184133529663, + -0.048559390008449554, + 0.5495204329490662, + 0.11142528802156448, + 0.011038878932595253, + -0.18550051748752594, + 2.177107810974121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/197.png", + [ + 0.15528491139411926, + -0.019545894116163254, + 0.14984139800071716, + -1.6198679208755493, + -0.017774516716599464, + -0.21572549641132355, + -0.009719832800328732, + 0.09781411290168762, + 0.15006183087825775, + -0.005326027050614357, + -0.1562081128358841, + 1.7379499673843384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/219.png", + [ + 0.17619775235652924, + 0.01013991329818964, + 0.12569577991962433, + -1.386657476425171, + 0.003899712348356843, + -0.2163078635931015, + 0.011983077973127365, + -0.1395154893398285, + 0.12604379653930664, + -0.007482251618057489, + -0.17608200013637543, + 1.9998613595962524, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/169.png", + [ + 0.17993883788585663, + 0.01285817101597786, + 0.12001904845237732, + -1.3530910015106201, + -0.004402375314384699, + -0.2145993411540985, + 0.02959124930202961, + -0.3462492525577545, + 0.1206255704164505, + -0.027012784034013748, + -0.17795416712760925, + 2.053476333618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/154.png", + [ + 0.16675794124603271, + -0.027117114514112473, + 0.13566261529922485, + -1.4616682529449463, + -0.02828258089721203, + -0.2146664261817932, + -0.008143649436533451, + 0.07965798676013947, + 0.1354244202375412, + -0.011440517380833626, + -0.16875198483467102, + 1.8712271451950073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/20.png", + [ + 0.18014714121818542, + -0.0666830912232399, + 0.1002410277724266, + -1.1458330154418945, + -0.047834690660238266, + -0.20519687235355377, + -0.05053698271512985, + 0.5696867108345032, + 0.11048412322998047, + 0.019887402653694153, + -0.1853257566690445, + 2.1769700050354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/237.png", + [ + 0.17244777083396912, + 0.032939374446868896, + 0.1269828826189041, + -1.4191691875457764, + 0.02605125494301319, + -0.21415479481220245, + 0.02017313987016678, + -0.2334592044353485, + 0.12857289612293243, + -0.0007880451739765704, + -0.17440265417099, + 1.9987624883651733, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/2.png", + [ + 0.17263159155845642, + -0.07882992923259735, + 0.10455654561519623, + -1.2153109312057495, + -0.06474632769823074, + -0.20176924765110016, + -0.04522142559289932, + 0.5187654495239258, + 0.1138162612915039, + 0.00478594982996583, + -0.18431182205677032, + 2.1907081604003906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/117.png", + [ + 0.17827601730823517, + 0.012972349300980568, + 0.12246333807706833, + -1.3443130254745483, + 0.0060368990525603294, + -0.21613065898418427, + 0.01410616748034954, + -0.15568387508392334, + 0.12300043553113937, + -0.008194278925657272, + -0.17818990349769592, + 2.0101656913757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/149.png", + [ + 0.16156785190105438, + -0.007062844466418028, + 0.14420068264007568, + -1.5729050636291504, + -0.01518925093114376, + -0.21604572236537933, + 0.006436847150325775, + -0.07130812108516693, + 0.14357230067253113, + -0.014908472076058388, + -0.16159400343894958, + 1.8202989101409912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/161.png", + [ + 0.17672592401504517, + -0.011673555709421635, + 0.12481813877820969, + -1.345345377922058, + -0.0122274374589324, + -0.21630966663360596, + -0.002917828969657421, + 0.025089547038078308, + 0.1247650757431984, + -0.00466390373185277, + -0.17708702385425568, + 1.9703034162521362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/5.png", + [ + 0.17613308131694794, + -0.07567942887544632, + 0.10098347067832947, + -1.1612147092819214, + -0.062183529138565063, + -0.20292507112026215, + -0.043617818504571915, + 0.4906710684299469, + 0.10981004685163498, + 0.006475294474512339, + -0.18667542934417725, + 2.1975975036621094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/187.png", + [ + 0.17713183164596558, + 0.003005604026839137, + 0.1247524619102478, + -1.3886704444885254, + -0.007634605746716261, + -0.21594497561454773, + 0.016042783856391907, + -0.1865094006061554, + 0.12455490231513977, + -0.01751069538295269, + -0.17642943561077118, + 2.024289608001709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/108.png", + [ + 0.18425171077251434, + 0.033835653215646744, + 0.10887764394283295, + -1.1976758241653442, + 0.019500795751810074, + -0.21321675181388855, + 0.033260032534599304, + -0.3736974895000458, + 0.11233393102884293, + -0.018484016880393028, + -0.18435651063919067, + 2.0812087059020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/60.png", + [ + 0.18547821044921875, + 0.002726947655901313, + 0.11197450011968613, + -1.272320032119751, + -0.005763413850218058, + -0.2160910964012146, + 0.014809238724410534, + -0.173774853348732, + 0.11185932904481888, + -0.015655485913157463, + -0.18490618467330933, + 2.1505908966064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/56.png", + [ + 0.18763531744480133, + 0.011047118343412876, + 0.10779071599245071, + -1.213378667831421, + 0.00024578406009823084, + -0.21558843553066254, + 0.021667107939720154, + -0.25236058235168457, + 0.1083550676703453, + -0.01864095777273178, + -0.18670722842216492, + 2.1578383445739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/147.png", + [ + 0.1648378223180771, + 0.002759527415037155, + 0.14060145616531372, + -1.5394355058670044, + -0.008195320144295692, + -0.21607623994350433, + 0.013848839327692986, + -0.15173426270484924, + 0.14038953185081482, + -0.01585366390645504, + -0.16427820920944214, + 1.8535059690475464, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/30.png", + [ + 0.19074596464633942, + -0.022232338786125183, + 0.10034734755754471, + -1.1287134885787964, + -0.024963995441794395, + -0.21523159742355347, + -0.00023239676374942064, + -0.01018294133245945, + 0.09970290213823318, + -0.011356853879988194, + -0.19203710556030273, + 2.221090316772461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/17.png", + [ + 0.17716994881629944, + -0.07440156489610672, + 0.10011547803878784, + -1.1452274322509766, + -0.05238386243581772, + -0.20221073925495148, + -0.05757300555706024, + 0.6548870801925659, + 0.11320174485445023, + 0.022871948778629303, + -0.18333066999912262, + 2.1544723510742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/12.png", + [ + 0.17661000788211823, + -0.07312706112861633, + 0.10202563554048538, + -1.1628239154815674, + -0.05648724362254143, + -0.20357012748718262, + -0.04812782257795334, + 0.5353511571884155, + 0.11209812015295029, + 0.012630495242774487, + -0.18499290943145752, + 2.1650609970092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/114.png", + [ + 0.1807895004749298, + 0.016996119171380997, + 0.11821243911981583, + -1.302234411239624, + 0.005270682275295258, + -0.21539577841758728, + 0.022907983511686325, + -0.2581140995025635, + 0.1193116307258606, + -0.016238462179899216, + -0.18013589084148407, + 2.0342817306518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/27.png", + [ + 0.1896597146987915, + -0.040599364787340164, + 0.09658563137054443, + -1.0873771905899048, + -0.033051617443561554, + -0.21273063123226166, + -0.024518843740224838, + 0.273050457239151, + 0.09942174702882767, + 0.0067286416888237, + -0.19240045547485352, + 2.2290964126586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/42.png", + [ + 0.19264578819274902, + 0.01981855370104313, + 0.09717364609241486, + -1.0703134536743164, + 0.002400981495156884, + -0.21317395567893982, + 0.0387168750166893, + -0.4351758062839508, + 0.09914499521255493, + -0.03334645554423332, + -0.18975293636322021, + 2.1470794677734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/223.png", + [ + 0.17626507580280304, + 0.01234699971973896, + 0.12540359795093536, + -1.3952701091766357, + 0.006948233116418123, + -0.2162562906742096, + 0.011525864712893963, + -0.1382327377796173, + 0.12581826746463776, + -0.005354914348572493, + -0.17632068693637848, + 2.014247417449951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/174.png", + [ + 0.18032655119895935, + 0.018956981599330902, + 0.11862065643072128, + -1.337540864944458, + -0.0010763673344627023, + -0.21369604766368866, + 0.035787444561719894, + -0.4134187698364258, + 0.1201210543513298, + -0.030373219400644302, + -0.17775346338748932, + 2.0529580116271973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/7.png", + [ + 0.1757148802280426, + -0.07592639327049255, + 0.10152517259120941, + -1.1581557989120483, + -0.057610590010881424, + -0.20238907635211945, + -0.05164860188961029, + 0.59088134765625, + 0.1129300519824028, + 0.014891009777784348, + -0.18431752920150757, + 2.1599173545837402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/73.png", + [ + 0.18137691915035248, + 0.009839056059718132, + 0.11812494695186615, + -1.3199752569198608, + 0.002662228886038065, + -0.21621057391166687, + 0.013921201229095459, + -0.16040512919425964, + 0.1185041069984436, + -0.010201972909271717, + -0.18110933899879456, + 2.0749378204345703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/120.png", + [ + 0.1761678010225296, + 0.004208207130432129, + 0.12607574462890625, + -1.3839921951293945, + 0.0034335427917540073, + -0.21663376688957214, + 0.002433140529319644, + -0.031066356226801872, + 0.12609919905662537, + 1.9593513570725918e-05, + -0.1762012541294098, + 1.9845339059829712, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/46.png", + [ + 0.19134140014648438, + 0.021054726094007492, + 0.09946385771036148, + -1.095348834991455, + 0.003998253960162401, + -0.21337173879146576, + 0.03747544810175896, + -0.42274972796440125, + 0.10158924013376236, + -0.03125849366188049, + -0.1888132095336914, + 2.1315712928771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/127.png", + [ + 0.17974631488323212, + 0.002165541984140873, + 0.12097299098968506, + -1.308039903640747, + 0.0046921479515731335, + -0.21660171449184418, + -0.003094378160312772, + 0.02579372376203537, + 0.12090136110782623, + 0.005186700262129307, + -0.17973272502422333, + 1.9986268281936646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/236.png", + [ + 0.17351175844669342, + 0.034104738384485245, + 0.12521351873874664, + -1.3987812995910645, + 0.028018802404403687, + -0.21397286653518677, + 0.019453946501016617, + -0.2264011800289154, + 0.12671425938606262, + 0.000613103446085006, + -0.17575837671756744, + 2.013047218322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/226.png", + [ + 0.17663027346134186, + 0.011198055930435658, + 0.12499698996543884, + -1.3840694427490234, + 0.010015667416155338, + -0.2163798063993454, + 0.005231831222772598, + -0.06335413455963135, + 0.12509728968143463, + 0.0015129976673051715, + -0.17690753936767578, + 2.014796257019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/133.png", + [ + 0.17677073180675507, + 0.0206481721252203, + 0.12358662486076355, + -1.3372595310211182, + 0.010021008551120758, + -0.21535755693912506, + 0.021647315472364426, + -0.24399763345718384, + 0.1248982697725296, + -0.011944866739213467, + -0.17665116488933563, + 1.9605077505111694, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/57.png", + [ + 0.18621675670146942, + 0.009335183538496494, + 0.11038145422935486, + -1.248218297958374, + -0.0010167196160182357, + -0.2157507687807083, + 0.01996171846985817, + -0.23318590223789215, + 0.11077083647251129, + -0.017673658207058907, + -0.18537895381450653, + 2.1521191596984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/44.png", + [ + 0.19222404062747955, + 0.022946923971176147, + 0.09732034057378769, + -1.071440577507019, + 0.00427173962816596, + -0.21258369088172913, + 0.041687171906232834, + -0.46904346346855164, + 0.09989775717258453, + -0.035064321011304855, + -0.18904715776443481, + 2.1379427909851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/113.png", + [ + 0.18050441145896912, + 0.01958565227687359, + 0.11824739724397659, + -1.3030726909637451, + 0.0046164896339178085, + -0.21473971009254456, + 0.028520889580249786, + -0.3216973543167114, + 0.11976949870586395, + -0.021240415051579475, + -0.17930980026721954, + 2.0255661010742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/126.png", + [ + 0.17905475199222565, + 0.001323516946285963, + 0.12200630456209183, + -1.320595145225525, + 0.004241438582539558, + -0.21659846603870392, + -0.0038750276435166597, + 0.03398537263274193, + 0.12193974107503891, + 0.00559052312746644, + -0.17901769280433655, + 1.9919177293777466, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/29.png", + [ + 0.19015389680862427, + -0.028603697195649147, + 0.09985596686601639, + -1.123132348060608, + -0.026939861476421356, + -0.21475057303905487, + -0.010214111767709255, + 0.10470612347126007, + 0.10031764209270477, + -0.003451501950621605, + -0.19202174246311188, + 2.220244884490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/4.png", + [ + 0.17517080903053284, + -0.0775144100189209, + 0.10126499831676483, + -1.1692538261413574, + -0.0647340640425682, + -0.20228706300258636, + -0.04286421835422516, + 0.4817632734775543, + 0.10987531393766403, + 0.004399527329951525, + -0.18669748306274414, + 2.2061638832092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/55.png", + [ + 0.18741357326507568, + 0.012959934771060944, + 0.10796333104372025, + -1.2112739086151123, + 0.0005057459929957986, + -0.2152317613363266, + 0.024958522990345955, + -0.29002752900123596, + 0.10873722285032272, + -0.02133597619831562, + -0.18619582056999207, + 2.145726203918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/9.png", + [ + 0.17519430816173553, + -0.0754816085100174, + 0.10274911671876907, + -1.1680195331573486, + -0.05408158525824547, + -0.2021290510892868, + -0.056275345385074615, + 0.6473129987716675, + 0.11545576900243759, + 0.019855966791510582, + -0.18227341771125793, + 2.1272716522216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/25.png", + [ + 0.1860267072916031, + -0.050904422998428345, + 0.09874565154314041, + -1.1129391193389893, + -0.03732246533036232, + -0.21003280580043793, + -0.037962429225444794, + 0.4262528419494629, + 0.10463744401931763, + 0.015583710744976997, + -0.1890926957130432, + 2.195244789123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/99.png", + [ + 0.1889035999774933, + 0.053712960332632065, + 0.09153272211551666, + -1.0445294380187988, + 0.027908260002732277, + -0.20543913543224335, + 0.06295861303806305, + -0.7335023880004883, + 0.10239361226558685, + -0.04309960454702377, + -0.18602652847766876, + 2.1741647720336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/208.png", + [ + 0.1803300380706787, + 0.009705101139843464, + 0.1197279766201973, + -1.306120753288269, + -0.001184553373605013, + -0.2158121019601822, + 0.019277771934866905, + -0.21627011895179749, + 0.12011483311653137, + -0.016698703169822693, + -0.179559126496315, + 2.0157604217529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/224.png", + [ + 0.17667336761951447, + 0.011961552314460278, + 0.12486526370048523, + -1.3889878988265991, + 0.0075740511529147625, + -0.21631096303462982, + 0.010005037300288677, + -0.11988960206508636, + 0.1252080202102661, + -0.0037931909319013357, + -0.17679497599601746, + 2.0194239616394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/34.png", + [ + 0.19324585795402527, + 0.0010144236730411649, + 0.09799440205097198, + -1.103133201599121, + -0.011531627736985683, + -0.2149224430322647, + 0.024965327233076096, + -0.2924008369445801, + 0.09731882810592651, + -0.027481209486722946, + -0.19162914156913757, + 2.2142205238342285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/72.png", + [ + 0.1838521659374237, + 0.00880963634699583, + 0.11431827396154404, + -1.2741998434066772, + 0.002220551483333111, + -0.2162671685218811, + 0.01309486385434866, + -0.1498013436794281, + 0.11463572084903717, + -0.0099396463483572, + -0.18359670042991638, + 2.0977325439453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/102.png", + [ + 0.18699829280376434, + 0.04772300273180008, + 0.09849895536899567, + -1.1108070611953735, + 0.026893891394138336, + -0.2090497463941574, + 0.05022762343287468, + -0.5766989588737488, + 0.10609546303749084, + -0.031122520565986633, + -0.18634118139743805, + 2.153789520263672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/134.png", + [ + 0.17493084073066711, + 0.02147105522453785, + 0.12604005634784698, + -1.3618650436401367, + 0.008291509933769703, + -0.2150530070066452, + 0.025126731023192406, + -0.28228312730789185, + 0.12758663296699524, + -0.015462713316082954, + -0.17444325983524323, + 1.9369505643844604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/70.png", + [ + 0.1804162561893463, + 0.005280838347971439, + 0.11987487226724625, + -1.3397657871246338, + -0.00013082647637929767, + -0.21645590662956238, + 0.009732413105666637, + -0.11273641884326935, + 0.11999105662107468, + -0.0081761684268713, + -0.18023094534873962, + 2.066798686981201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/135.png", + [ + 0.17705146968364716, + 0.023616351187229156, + 0.122649647295475, + -1.3207807540893555, + 0.008773371577262878, + -0.21459218859672546, + 0.028655169531702995, + -0.31866928935050964, + 0.12459412217140198, + -0.018448811024427414, + -0.1763060986995697, + 1.9530614614486694, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/229.png", + [ + 0.1739283800125122, + 0.020228099077939987, + 0.1276230365037918, + -1.4090877771377563, + 0.022241244092583656, + -0.21549582481384277, + 0.0038448157720267773, + -0.046030014753341675, + 0.12728764116764069, + 0.010013965889811516, + -0.1750584840774536, + 1.9872044324874878, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/130.png", + [ + 0.18020886182785034, + 0.011118732392787933, + 0.11978746205568314, + -1.287729024887085, + 0.010899639688432217, + -0.2163689285516739, + 0.003685998497530818, + -0.04263436794281006, + 0.11980760842561722, + 0.00296015664935112, + -0.1805139034986496, + 2.0001463890075684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/90.png", + [ + 0.18453611433506012, + 0.03963615372776985, + 0.1064109355211258, + -1.1549854278564453, + 0.02961868792772293, + -0.21281878650188446, + 0.027906905859708786, + -0.3037499785423279, + 0.1096222773194313, + -0.009221570566296577, + -0.18667031824588776, + 2.078907012939453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/122.png", + [ + 0.17699775099754333, + 0.0012919122818857431, + 0.12497207522392273, + -1.3654435873031616, + 0.0043211136944592, + -0.21659676730632782, + -0.0038808940444141626, + 0.03605685755610466, + 0.12490402907133102, + 0.0056625367142260075, + -0.17695993185043335, + 1.9843686819076538, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/238.png", + [ + 0.1738852709531784, + 0.034352052956819534, + 0.12462639063596725, + -1.392281413078308, + 0.026227734982967377, + -0.21391497552394867, + 0.022369278594851494, + -0.25685763359069824, + 0.12658557295799255, + -0.002866143360733986, + -0.17582879960536957, + 2.0147128105163574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/15.png", + [ + 0.17681759595870972, + -0.0753135085105896, + 0.10005652904510498, + -1.1430729627609253, + -0.05626020208001137, + -0.20243237912654877, + -0.05295107513666153, + 0.5945568680763245, + 0.11188486963510513, + 0.017230814322829247, + -0.18475057184696198, + 2.170260429382324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/162.png", + [ + 0.17976538836956024, + -0.00849374383687973, + 0.12066545337438583, + -1.3057793378829956, + -0.010862059891223907, + -0.21640010178089142, + 0.0009495297563262284, + -0.01775887981057167, + 0.12047534435987473, + -0.006836832035332918, + -0.17996342480182648, + 2.011598587036133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/22.png", + [ + 0.18281827867031097, + -0.05772298201918602, + 0.10096250474452972, + -1.1484923362731934, + -0.04083962365984917, + -0.20798681676387787, + -0.04496113210916519, + 0.5047494769096375, + 0.10889212042093277, + 0.01890597864985466, + -0.18636780977249146, + 2.1839847564697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/171.png", + [ + 0.1788843274116516, + 0.015382189303636551, + 0.12129170447587967, + -1.3750083446502686, + -0.0044416398741304874, + -0.21399345993995667, + 0.033689260482788086, + -0.3929901719093323, + 0.12218249589204788, + -0.030299881473183632, + -0.17635546624660492, + 2.043026924133301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/138.png", + [ + 0.17524079978466034, + 0.022961340844631195, + 0.12534484267234802, + -1.3529053926467896, + 0.0033237698953598738, + -0.2138792872428894, + 0.034532684832811356, + -0.3813369572162628, + 0.12738724052906036, + -0.026006357744336128, + -0.17333219945430756, + 1.9193178415298462, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/109.png", + [ + 0.18112751841545105, + 0.030069610103964806, + 0.11505013704299927, + -1.2689467668533325, + 0.012525849044322968, + -0.21329115331172943, + 0.03602607920765877, + -0.4105696976184845, + 0.1182532012462616, + -0.023464737460017204, + -0.1800374537706375, + 2.034794807434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/26.png", + [ + 0.18857277929782867, + -0.04375392198562622, + 0.0973333790898323, + -1.096125602722168, + -0.0332595631480217, + -0.21187861263751984, + -0.030808264389634132, + 0.34564605355262756, + 0.10140016674995422, + 0.011871879920363426, + -0.19111503660678864, + 2.215883731842041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/43.png", + [ + 0.1920202225446701, + 0.021207118406891823, + 0.09811415523290634, + -1.0810199975967407, + 0.0031883660703897476, + -0.21296554803848267, + 0.03979196399450302, + -0.4483121931552887, + 0.10032927244901657, + -0.03382047265768051, + -0.189045250415802, + 2.137284755706787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/205.png", + [ + 0.1831531524658203, + 0.0073059601709246635, + 0.11553977429866791, + -1.2428268194198608, + -0.0018612605053931475, + -0.21602897346019745, + 0.016610685735940933, + -0.1875942349433899, + 0.11575557291507721, + -0.015033368021249771, + -0.18254461884498596, + 2.030820369720459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/244.png", + [ + 0.16859866678714752, + 0.02645295113325119, + 0.13350138068199158, + -1.454572081565857, + 0.013565286062657833, + -0.2147502303123474, + 0.025420622900128365, + -0.2843990623950958, + 0.13541921973228455, + -0.011422192677855492, + -0.16875740885734558, + 1.8930131196975708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/84.png", + [ + 0.18886829912662506, + 0.029678497463464737, + 0.10196001082658768, + -1.114072561264038, + 0.017521396279335022, + -0.2138984501361847, + 0.029805287718772888, + -0.3349883258342743, + 0.10473614186048508, + -0.0177353136241436, + -0.1888483464717865, + 2.123152256011963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/216.png", + [ + 0.17637379467487335, + 0.011051429435610771, + 0.12537164986133575, + -1.382989525794983, + -0.00013721338473260403, + -0.21582068502902985, + 0.019217489287257195, + -0.22311635315418243, + 0.12585772573947906, + -0.0157224852591753, + -0.17567166686058044, + 1.9906679391860962, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/136.png", + [ + 0.17839448153972626, + 0.023832136765122414, + 0.12064547836780548, + -1.2995132207870483, + 0.0068361409939825535, + -0.21416011452674866, + 0.03219650685787201, + -0.3558920621871948, + 0.12278669327497482, + -0.022701920941472054, + -0.17707611620426178, + 1.9612904787063599, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/89.png", + [ + 0.18669924139976501, + 0.03859225660562515, + 0.10296566784381866, + -1.115923523902893, + 0.028410688042640686, + -0.21293234825134277, + 0.028293775394558907, + -0.310538649559021, + 0.10622675716876984, + -0.010878528468310833, + -0.1885349452495575, + 2.0977087020874023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/63.png", + [ + 0.18141943216323853, + -0.001987270312383771, + 0.11845225095748901, + -1.3412818908691406, + -0.007596342358738184, + -0.21639344096183777, + 0.008003998547792435, + -0.0933707058429718, + 0.11822512745857239, + -0.010854454711079597, + -0.18125367164611816, + 2.0987353324890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/88.png", + [ + 0.18820014595985413, + 0.036250293254852295, + 0.10106689482927322, + -1.0946087837219238, + 0.02531866542994976, + -0.21318386495113373, + 0.029317228123545647, + -0.324852854013443, + 0.10434350371360779, + -0.01365470327436924, + -0.18940401077270508, + 2.109227180480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/62.png", + [ + 0.1820424646139145, + -0.0017967516323551536, + 0.11749560385942459, + -1.3335682153701782, + -0.007496602833271027, + -0.21638555824756622, + 0.00830591656267643, + -0.09721203148365021, + 0.11726998537778854, + -0.011043504811823368, + -0.1818617433309555, + 2.1099038124084473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/65.png", + [ + 0.18145869672298431, + -0.0011416844790801406, + 0.11840322613716125, + -1.3338719606399536, + -0.006448394153267145, + -0.21643832325935364, + 0.007795507088303566, + -0.088651642203331, + 0.11823301762342453, + -0.010052275843918324, + -0.1812947690486908, + 2.0886597633361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/80.png", + [ + 0.18831463158130646, + 0.018345465883612633, + 0.10558855533599854, + -1.1617826223373413, + 0.006272835657000542, + -0.2149972766637802, + 0.026167212054133415, + -0.29671940207481384, + 0.10698668658733368, + -0.01968540996313095, + -0.18738791346549988, + 2.114470958709717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/146.png", + [ + 0.1706179827451706, + 0.005471422802656889, + 0.13344459235668182, + -1.459710717201233, + -0.007425575517117977, + -0.2157692313194275, + 0.018340956419706345, + -0.20752209424972534, + 0.13335011899471283, + -0.019015613943338394, + -0.16971753537654877, + 1.9099739789962769, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/119.png", + [ + 0.17566457390785217, + 0.005701338406652212, + 0.12671759724617004, + -1.3938604593276978, + 0.0023707766085863113, + -0.21656540036201477, + 0.00645728362724185, + -0.07422062754631042, + 0.12682364881038666, + -0.00384861440397799, + -0.17563840746879578, + 1.9810210466384888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/180.png", + [ + 0.179741770029068, + 0.008417303673923016, + 0.1207059994339943, + -1.3422330617904663, + -0.010698278434574604, + -0.21419765055179596, + 0.03086751699447632, + -0.3564508557319641, + 0.12052523344755173, + -0.03156589716672897, + -0.17727141082286835, + 2.0264124870300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/145.png", + [ + 0.1737348884344101, + 0.009146545082330704, + 0.12915268540382385, + -1.4096028804779053, + -0.004258941393345594, + -0.21561263501644135, + 0.020998692139983177, + -0.23752817511558533, + 0.12940610945224762, + -0.019375871866941452, + -0.1727035790681839, + 1.937097430229187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/204.png", + [ + 0.18258756399154663, + 0.00567929120734334, + 0.11652221530675888, + -1.247032642364502, + -0.003557263407856226, + -0.2160460501909256, + 0.016104230657219887, + -0.1831153929233551, + 0.11660629510879517, + -0.015483733266592026, + -0.18196462094783783, + 2.0180296897888184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/207.png", + [ + 0.1831347793340683, + 0.010224230587482452, + 0.11534734815359116, + -1.2516577243804932, + -0.00010526079859118909, + -0.21581365168094635, + 0.019296549260616302, + -0.21594183146953583, + 0.11579954624176025, + -0.01636560447514057, + -0.1824021190404892, + 2.0395255088806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/167.png", + [ + 0.17642086744308472, + 0.007143218535929918, + 0.1255887746810913, + -1.4014753103256226, + -0.005559995770454407, + -0.21567076444625854, + 0.020077291876077652, + -0.23467759788036346, + 0.12566882371902466, + -0.019570019096136093, + -0.17542022466659546, + 2.0124077796936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/243.png", + [ + 0.1679619699716568, + 0.028763480484485626, + 0.13382576406002045, + -1.4666898250579834, + 0.016788432374596596, + -0.21456634998321533, + 0.02504643052816391, + -0.2817944288253784, + 0.1358485072851181, + -0.00904638972133398, + -0.168556347489357, + 1.8999708890914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/189.png", + [ + 0.17790746688842773, + 0.00014380142965819687, + 0.1236802488565445, + -1.3727158308029175, + -0.007175461854785681, + -0.21629752218723297, + 0.0105730090290308, + -0.12612371146678925, + 0.12347200512886047, + -0.012777132913470268, + -0.17759309709072113, + 2.0363688468933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/230.png", + [ + 0.17184887826442719, + 0.02352197654545307, + 0.12985599040985107, + -1.4372737407684326, + 0.02674696408212185, + -0.21498818695545197, + 0.003546324325725436, + -0.04178217798471451, + 0.12923027575016022, + 0.01321715023368597, + -0.1734149307012558, + 1.9732729196548462, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/79.png", + [ + 0.18620267510414124, + 0.018237603828310966, + 0.10928789526224136, + -1.206282138824463, + 0.006337787490338087, + -0.21512249112129211, + 0.02510072849690914, + -0.28528842329978943, + 0.1106177568435669, + -0.018373997882008553, + -0.1854022592306137, + 2.0963845252990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/176.png", + [ + 0.17968150973320007, + 0.017900554463267326, + 0.11975815892219543, + -1.3448246717453003, + -0.0028501604683697224, + -0.21360938251018524, + 0.036205027252435684, + -0.41648656129837036, + 0.12105505168437958, + -0.031599011272192, + -0.17690414190292358, + 2.037043571472168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/225.png", + [ + 0.17728258669376373, + 0.011238197796046734, + 0.12406643480062485, + -1.3762125968933105, + 0.008666385896503925, + -0.21638095378875732, + 0.007216556463390589, + -0.08660687506198883, + 0.12427257746458054, + -0.0009422517032362521, + -0.17749178409576416, + 2.0234718322753906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/185.png", + [ + 0.1765589714050293, + 0.0019140900112688541, + 0.1255832314491272, + -1.3969393968582153, + -0.013050183653831482, + -0.21519723534584045, + 0.021627359092235565, + -0.25271663069725037, + 0.12491800636053085, + -0.02518702670931816, + -0.17523983120918274, + 2.004019260406494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/165.png", + [ + 0.17861664295196533, + -0.00024877017131075263, + 0.12265370786190033, + -1.3510936498641968, + -0.007374642416834831, + -0.2163039594888687, + 0.010300740599632263, + -0.12007343769073486, + 0.12243206799030304, + -0.012666045688092709, + -0.1783195286989212, + 2.022721767425537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/116.png", + [ + 0.1798659861087799, + 0.012625809758901596, + 0.12015287578105927, + -1.3240002393722534, + 0.00516474386677146, + -0.2160947471857071, + 0.014976001344621181, + -0.1680639684200287, + 0.12070398032665253, + -0.009567867033183575, + -0.1796855479478836, + 2.0298590660095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/19.png", + [ + 0.17946504056453705, + -0.06946488469839096, + 0.09957318007946014, + -1.1402547359466553, + -0.04991254210472107, + -0.20420661568641663, + -0.052500396966934204, + 0.5939081907272339, + 0.11067486554384232, + 0.020547106862068176, + -0.18513989448547363, + 2.1757192611694336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/77.png", + [ + 0.18638233840465546, + 0.01586919091641903, + 0.10935118049383163, + -1.2084777355194092, + 0.004661145154386759, + -0.21536673605442047, + 0.023309677839279175, + -0.2628898024559021, + 0.1103983074426651, + -0.01769847422838211, + -0.18559867143630981, + 2.1013741493225098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/68.png", + [ + 0.18091119825839996, + 0.001706829876638949, + 0.11923139542341232, + -1.3331944942474365, + -0.0034408417996019125, + -0.21648749709129333, + 0.008319906890392303, + -0.09618665277957916, + 0.11919394880533218, + -0.008840077556669712, + -0.18072783946990967, + 2.0703539848327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/143.png", + [ + 0.16871440410614014, + 0.015202595852315426, + 0.13510078191757202, + -1.4746299982070923, + -0.0015110556269064546, + -0.215092733502388, + 0.02609092928469181, + -0.29315125942230225, + 0.13594505190849304, + -0.02125796489417553, + -0.16737662255764008, + 1.8740695714950562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/218.png", + [ + 0.17578420042991638, + 0.009534073993563652, + 0.12632067501544952, + -1.3922492265701294, + 0.0018509128130972385, + -0.2162303626537323, + 0.013744345866143703, + -0.15965087711811066, + 0.12666645646095276, + -0.010071459226310253, + -0.17550519108772278, + 1.9905270338058472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/183.png", + [ + 0.17744413018226624, + 0.0038219515699893236, + 0.12428543716669083, + -1.3796601295471191, + -0.01312915701419115, + -0.21478575468063354, + 0.025349652394652367, + -0.29237616062164307, + 0.12364912778139114, + -0.028290851041674614, + -0.17566564679145813, + 2.0034937858581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/86.png", + [ + 0.18838216364383698, + 0.03501936420798302, + 0.10116170346736908, + -1.097457766532898, + 0.022992394864559174, + -0.21321062743663788, + 0.030991414561867714, + -0.3467239737510681, + 0.10455331951379776, + -0.016209932044148445, + -0.18908658623695374, + 2.1108546257019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/239.png", + [ + 0.1726234257221222, + 0.03321581333875656, + 0.12667186558246613, + -1.4122669696807861, + 0.02438507415354252, + -0.21407634019851685, + 0.0229039303958416, + -0.2602936923503876, + 0.12866398692131042, + -0.003991477657109499, + -0.17429153621196747, + 1.9912878274917603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/1.png", + [ + 0.17235533893108368, + -0.08053886145353317, + 0.10370644181966782, + -1.2072277069091797, + -0.0662035122513771, + -0.20108766853809357, + -0.04613833129405975, + 0.5347636938095093, + 0.11339588463306427, + 0.005014239810407162, + -0.18456467986106873, + 2.1957831382751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/81.png", + [ + 0.18878723680973053, + 0.0186848733574152, + 0.10468119382858276, + -1.148058533668518, + 0.006359485909342766, + -0.2149055004119873, + 0.026890147477388382, + -0.30441147089004517, + 0.10614534467458725, + -0.020356783643364906, + -0.18779420852661133, + 2.113283634185791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/95.png", + [ + 0.18487167358398438, + 0.046331748366355896, + 0.10307148844003677, + -1.1460613012313843, + 0.027601908892393112, + -0.21015402674674988, + 0.044959019869565964, + -0.5096274018287659, + 0.1095832884311676, + -0.02522989735007286, + -0.18521027266979218, + 2.116635322570801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/200.png", + [ + 0.17325931787490845, + -0.00484613049775362, + 0.1300216019153595, + -1.3839925527572632, + -0.008433534763753414, + -0.21648724377155304, + 0.0031691885087639093, + -0.04321141541004181, + 0.12983828783035278, + -0.007594950031489134, + -0.17329809069633484, + 1.9092358350753784, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/199.png", + [ + 0.16779057681560516, + -0.011405982077121735, + 0.13661667704582214, + -1.4587526321411133, + -0.013314349576830864, + -0.2162584513425827, + -0.0017027059802785516, + 0.011266607791185379, + 0.13644391298294067, + -0.007076343987137079, + -0.16816918551921844, + 1.8536721467971802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/103.png", + [ + 0.18643946945667267, + 0.044284261763095856, + 0.1011292114853859, + -1.1313248872756958, + 0.02515588328242302, + -0.21029849350452423, + 0.04571244865655899, + -0.5197259783744812, + 0.10749603062868118, + -0.027592571452260017, + -0.18609444797039032, + 2.1342477798461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/196.png", + [ + 0.15493421256542206, + -0.024349631741642952, + 0.14950039982795715, + -1.6317837238311768, + -0.02249109372496605, + -0.21518418192863464, + -0.011739205569028854, + 0.12081839144229889, + 0.14979125559329987, + -0.007124148774892092, + -0.1563960164785385, + 1.748938798904419, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/150.png", + [ + 0.16274459660053253, + -0.010720137506723404, + 0.14264348149299622, + -1.5522271394729614, + -0.017304643988609314, + -0.21595393121242523, + 0.003513525240123272, + -0.038089439272880554, + 0.14199520647525787, + -0.014031187631189823, + -0.16305944323539734, + 1.8288344144821167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/83.png", + [ + 0.18775904178619385, + 0.02548697404563427, + 0.10509445518255234, + -1.1505075693130493, + 0.01265388261526823, + -0.21430237591266632, + 0.02936442196369171, + -0.3308589458465576, + 0.1073979064822197, + -0.01930813491344452, + -0.18719181418418884, + 2.1084532737731934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/142.png", + [ + 0.17143851518630981, + 0.018183551728725433, + 0.13124817609786987, + -1.4282268285751343, + -0.0005752163124270737, + -0.21452049911022186, + 0.03047172538936138, + -0.34035566449165344, + 0.132500559091568, + -0.02445843815803528, + -0.16968582570552826, + 1.8913482427597046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/186.png", + [ + 0.17615462839603424, + 0.003255860647186637, + 0.12612231075763702, + -1.4037836790084839, + -0.00988332275301218, + -0.21558073163032532, + 0.01936924457550049, + -0.22496148943901062, + 0.12577661871910095, + -0.021499931812286377, + -0.17511679232120514, + 2.005795478820801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/195.png", + [ + 0.15546482801437378, + -0.02382045052945614, + 0.14903409779071808, + -1.6410592794418335, + -0.01996537111699581, + -0.21532444655895233, + -0.013588916510343552, + 0.141073539853096, + 0.1495993286371231, + -0.003982575610280037, + -0.15669099986553192, + 1.764277458190918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/51.png", + [ + 0.1869908571243286, + 0.022890111431479454, + 0.10704370588064194, + -1.1912696361541748, + 0.0073131597600877285, + -0.21402332186698914, + 0.03299141302704811, + -0.3699440658092499, + 0.10921919345855713, + -0.02485877275466919, + -0.18547534942626953, + 2.126837730407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/233.png", + [ + 0.1698281466960907, + 0.03190440684556961, + 0.13072261214256287, + -1.4577949047088623, + 0.03223260119557381, + -0.2140132635831833, + 0.010357526130974293, + -0.12195649743080139, + 0.13064205646514893, + 0.01132818404585123, + -0.1724882870912552, + 1.9719127416610718, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/128.png", + [ + 0.18074436485767365, + 0.0037969443947076797, + 0.11943598836660385, + -1.2887852191925049, + 0.005102111957967281, + -0.21661294996738434, + -0.0008348450646735728, + 0.0027283169329166412, + 0.11938734352588654, + 0.0035088066942989826, + -0.180782288312912, + 2.008300304412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/168.png", + [ + 0.17729739844799042, + 0.010212408378720284, + 0.12413394451141357, + -1.3934447765350342, + -0.005012618377804756, + -0.21518509089946747, + 0.024862516671419144, + -0.29049012064933777, + 0.12445240467786789, + -0.023215895518660545, + -0.1758423149585724, + 2.024843692779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/215.png", + [ + 0.17610853910446167, + 0.013196338899433613, + 0.1255369633436203, + -1.3842710256576538, + 0.0010897761676460505, + -0.21563825011253357, + 0.02113892324268818, + -0.24464921653270721, + 0.12622395157814026, + -0.01654987595975399, + -0.17533257603645325, + 1.9866825342178345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/93.png", + [ + 0.1840897649526596, + 0.04036720097064972, + 0.10690807551145554, + -1.1689172983169556, + 0.025700004771351814, + -0.21213772892951965, + 0.03584666922688484, + -0.39794132113456726, + 0.11134790629148483, + -0.01777534931898117, + -0.18502317368984222, + 2.0762691497802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+t5bcnvOMizI+P1+C1+F65074-65320/242.png", + [ + 0.1658714860677719, + 0.030944427475333214, + 0.13593006134033203, + -1.5000643730163574, + 0.019023722037672997, + -0.21431730687618256, + 0.02557515725493431, + -0.28855934739112854, + 0.13810373842716217, + -0.007644154131412506, + -0.16678376495838165, + 1.8919168710708618, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/76.png", + [ + 0.1387101411819458, + -0.010821453295648098, + -0.16610325872898102, + 1.9140450954437256, + -0.02093259058892727, + -0.215633824467659, + -0.0034321481361985207, + 0.023136205971240997, + -0.16513395309448242, + 0.018244151026010513, + -0.13908927142620087, + 1.6480196714401245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/48.png", + [ + 0.14988848567008972, + 0.0038015968166291714, + -0.15641894936561584, + 1.8377312421798706, + -0.004577335901558399, + -0.21641141176223755, + -0.009645882062613964, + 0.09166643023490906, + -0.15639817714691162, + 0.009977119974792004, + -0.14962606132030487, + 1.8076708316802979, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/35.png", + [ + 0.1483132243156433, + -0.0014825904509052634, + -0.15795214474201202, + 1.8366729021072388, + -0.012215104885399342, + -0.21612392365932465, + -0.0094410739839077, + 0.09397070109844208, + -0.15748611092567444, + 0.015366997569799423, + -0.14801983535289764, + 1.778518557548523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/97.png", + [ + 0.13723941147327423, + -0.013443938456475735, + -0.16713018715381622, + 1.888466477394104, + -0.018422124907374382, + -0.2158784717321396, + 0.0022378696594387293, + -0.041568510234355927, + -0.16665494441986084, + 0.012792309746146202, + -0.1378781497478485, + 1.6193737983703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/13.png", + [ + 0.13152794539928436, + 0.0038630524650216103, + -0.17214347422122955, + 1.9758350849151611, + -0.007755039259791374, + -0.21626737713813782, + -0.010778546333312988, + 0.10115058720111847, + -0.1720120906829834, + 0.012704115360975266, + -0.13114245235919952, + 1.551425576210022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/32.png", + [ + 0.13826656341552734, + -0.0020034234039485455, + -0.1668119579553604, + 1.9418147802352905, + -0.014718377962708473, + -0.21596063673496246, + -0.009606021456420422, + 0.09457580745220184, + -0.16617344319820404, + 0.017461175099015236, + -0.13794703781604767, + 1.6652511358261108, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/38.png", + [ + 0.14657677710056305, + 0.002076492877677083, + -0.1595582216978073, + 1.864646077156067, + -0.0075868964195251465, + -0.21632058918476105, + -0.009784836322069168, + 0.09495432674884796, + -0.15939128398895264, + 0.012206235900521278, + -0.14626456797122955, + 1.7681595087051392, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/11.png", + [ + 0.1336159110069275, + 0.0048712193965911865, + -0.17050208151340485, + 1.9397103786468506, + -0.0039703818038105965, + -0.21643875539302826, + -0.009295057505369186, + 0.08992704749107361, + -0.1705254465341568, + 0.008856255561113358, + -0.1333811730146408, + 1.5624381303787231, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/59.png", + [ + 0.15368816256523132, + 0.007342057768255472, + -0.15255796909332275, + 1.761820673942566, + 0.0031099352054297924, + -0.2165296971797943, + -0.0072878096252679825, + 0.06439393758773804, + -0.15270286798477173, + 0.0029796070884913206, + -0.15369077026844025, + 1.8391941785812378, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/24.png", + [ + 0.14016887545585632, + -0.004737162496894598, + -0.16516093909740448, + 1.9272468090057373, + -0.014493996277451515, + -0.21610316634178162, + -0.006102480925619602, + 0.05363643541932106, + -0.1645919233560562, + 0.014995847828686237, + -0.14011609554290771, + 1.687118411064148, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/74.png", + [ + 0.13470059633255005, + -0.012100878171622753, + -0.1692844182252884, + 1.949873924255371, + -0.021191708743572235, + -0.21563094854354858, + -0.0014485216233879328, + 0.00045889243483543396, + -0.16838809847831726, + 0.017457248643040657, + -0.13523529469966888, + 1.6053670644760132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/98.png", + [ + 0.1393687129020691, + -0.01441140566021204, + -0.16527724266052246, + 1.8663456439971924, + -0.01861933246254921, + -0.2158505916595459, + 0.0031205639243125916, + -0.04954547435045242, + -0.16485624015331268, + 0.012195441871881485, + -0.14007708430290222, + 1.643561840057373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/0.png", + [ + 0.13998204469680786, + 0.002135768299922347, + -0.16537339985370636, + 1.9196906089782715, + 0.0013937794137746096, + -0.21666410565376282, + -0.0016184000996872783, + -0.006825976073741913, + -0.1653813123703003, + -1.8215447198599577e-05, + -0.139988973736763, + 1.673728585243225, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/96.png", + [ + 0.13896311819553375, + -0.009876195341348648, + -0.16595061123371124, + 1.8733093738555908, + -0.013118940405547619, + -0.2162688970565796, + 0.0018852922366932034, + -0.037069305777549744, + -0.16572579741477966, + 0.008838645182549953, + -0.1393008530139923, + 1.627832055091858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/40.png", + [ + 0.15041013062000275, + 0.0002953902876470238, + -0.15596342086791992, + 1.8245503902435303, + -0.01050705648958683, + -0.2161628156900406, + -0.010542345233261585, + 0.10824649035930634, + -0.1556093990802765, + 0.014881264418363571, + -0.15004053711891174, + 1.8126765489578247, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/52.png", + [ + 0.14872007071971893, + 0.007982462644577026, + -0.1573738008737564, + 1.8355306386947632, + 0.00034603013773448765, + -0.21641245484352112, + -0.01065007597208023, + 0.10796932876110077, + -0.15757571160793304, + 0.0070586237125098705, + -0.14855287969112396, + 1.7911732196807861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/3.png", + [ + 0.1372472047805786, + 0.0024763508699834347, + -0.16764533519744873, + 1.9304065704345703, + 0.0021332670003175735, + -0.21665924787521362, + -0.001453900127671659, + -0.0023833196610212326, + -0.16765007376670837, + -0.0007296116673387587, + -0.13726183772087097, + 1.632253646850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/47.png", + [ + 0.14946939051151276, + 0.0011030667228624225, + -0.15686166286468506, + 1.8417350053787231, + -0.007168437819927931, + -0.21639490127563477, + -0.008352327160537243, + 0.077137291431427, + -0.15670166909694672, + 0.010951307602226734, + -0.1492399126291275, + 1.8047186136245728, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/21.png", + [ + 0.1417553871870041, + -0.0051319715566933155, + -0.16378940641880035, + 1.9045742750167847, + -0.014419183135032654, + -0.2161189615726471, + -0.0057078199461102486, + 0.04945013299584389, + -0.1632341891527176, + 0.014634032733738422, + -0.14173336327075958, + 1.6976875066757202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/82.png", + [ + 0.14176824688911438, + -0.011245847679674625, + -0.1634722799062729, + 1.887450933456421, + -0.01946653425693512, + -0.215788796544075, + -0.002037096070125699, + 0.006975766271352768, + -0.16269822418689728, + 0.01601956970989704, + -0.14219900965690613, + 1.68808114528656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/14.png", + [ + 0.1322556734085083, + -0.0018556098220869899, + -0.17161843180656433, + 1.9702612161636353, + -0.013750220648944378, + -0.21608006954193115, + -0.008260093629360199, + 0.07630415260791779, + -0.17107677459716797, + 0.015932811424136162, + -0.13201051950454712, + 1.5632123947143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/67.png", + [ + 0.13656729459762573, + -0.007560591213405132, + -0.1680479198694229, + 1.9148002862930298, + -0.011048649437725544, + -0.2163914293050766, + 0.0007567063439637423, + -0.025229856371879578, + -0.1678546816110611, + 0.008092138916254044, + -0.13677433133125305, + 1.6057647466659546, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/78.png", + [ + 0.13927434384822845, + -0.011432313360273838, + -0.16558942198753357, + 1.9048285484313965, + -0.021382814273238182, + -0.21559466421604156, + -0.0031000282615423203, + 0.01917880028486252, + -0.16460050642490387, + 0.01833404414355755, + -0.13970836997032166, + 1.6534976959228516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/31.png", + [ + 0.145187646150589, + -0.003096083179116249, + -0.16080687940120697, + 1.8720041513442993, + -0.012968756258487701, + -0.21615445613861084, + -0.00754738412797451, + 0.06885667145252228, + -0.1603129655122757, + 0.01468216348439455, + -0.1450244039297104, + 1.7438093423843384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/39.png", + [ + 0.14651140570640564, + 0.004121951758861542, + -0.15957854688167572, + 1.8695247173309326, + -0.00518038822337985, + -0.2163655161857605, + -0.01034496445208788, + 0.10432270169258118, + -0.15954770147800446, + 0.010810375213623047, + -0.14620384573936462, + 1.770203948020935, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/92.png", + [ + 0.1332380622625351, + -0.005651290528476238, + -0.170773446559906, + 1.9293091297149658, + -0.007825901731848717, + -0.2165306657552719, + 0.0010597051586955786, + -0.024982836097478867, + -0.17068761587142944, + 0.005516396835446358, + -0.13335365056991577, + 1.5649222135543823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/53.png", + [ + 0.1538345366716385, + 0.007589959539473057, + -0.1523982286453247, + 1.77372407913208, + -0.0021909575443714857, + -0.216274231672287, + -0.012982810847461224, + 0.13400070369243622, + -0.1525713950395584, + 0.010758541524410248, + -0.15347351133823395, + 1.842947006225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/75.png", + [ + 0.13660651445388794, + -0.012062663212418556, + -0.1677529364824295, + 1.9359968900680542, + -0.022150050848722458, + -0.21552452445030212, + -0.0025396926794201136, + 0.014128085225820541, + -0.16672112047672272, + 0.01875011809170246, + -0.1371145397424698, + 1.6307435035705566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/87.png", + [ + 0.13439799845218658, + -0.005352335516363382, + -0.16987179219722748, + 1.9335912466049194, + -0.007745648734271526, + -0.21653501689434052, + 0.0006944552878849208, + -0.027127893641591072, + -0.1697794795036316, + 0.0056417956948280334, + -0.13450273871421814, + 1.5872337818145752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/69.png", + [ + 0.13464957475662231, + -0.011019264347851276, + -0.16939881443977356, + 1.9372328519821167, + -0.015551116317510605, + -0.21610918641090393, + 0.001696665189228952, + -0.03743403032422066, + -0.16904301941394806, + 0.011103680357336998, + -0.13508903980255127, + 1.5955204963684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/45.png", + [ + 0.14991657435894012, + 0.0037094741128385067, + -0.15639422833919525, + 1.840128779411316, + -0.0047988733276724815, + -0.21640270948410034, + -0.009732908569276333, + 0.09541447460651398, + -0.15636460483074188, + 0.010197966359555721, + -0.14964626729488373, + 1.814223051071167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/50.png", + [ + 0.15270085632801056, + 0.0003995145671069622, + -0.15372110903263092, + 1.796136736869812, + -0.006471469532698393, + -0.2164650857448578, + -0.006991102360188961, + 0.06638804078102112, + -0.15358532965183258, + 0.009518183767795563, + -0.15254126489162445, + 1.8349603414535522, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/85.png", + [ + 0.1399110108613968, + -0.00838539469987154, + -0.16523462533950806, + 1.8898732662200928, + -0.014421530067920685, + -0.2161906212568283, + -0.0012399785919114947, + -0.0028302595019340515, + -0.16481754183769226, + 0.011798440478742123, + -0.1401566118001938, + 1.6574451923370361, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/71.png", + [ + 0.13325002789497375, + -0.01217441912740469, + -0.17042331397533417, + 1.958927035331726, + -0.02085619606077671, + -0.21566665172576904, + -0.0009005361935123801, + -0.0052339546382427216, + -0.1695799082517624, + 0.016958044841885567, + -0.13380201160907745, + 1.58756422996521, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/54.png", + [ + 0.15475977957248688, + 0.009195161983370781, + -0.1513695865869522, + 1.7607980966567993, + -0.0010762980673462152, + -0.21620391309261322, + -0.014234019443392754, + 0.14684103429317474, + -0.15164479613304138, + 0.010918552055954933, + -0.15437790751457214, + 1.8526232242584229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/33.png", + [ + 0.13729864358901978, + -0.00047271206858567894, + -0.16762086749076843, + 1.9520726203918457, + -0.013813731260597706, + -0.21596865355968475, + -0.010705801658332348, + 0.10771307349205017, + -0.16705136001110077, + 0.017470259219408035, + -0.13688144087791443, + 1.652733564376831, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/49.png", + [ + 0.15409229695796967, + 0.0005001534009352326, + -0.15232598781585693, + 1.786261796951294, + -0.0074686324223876, + -0.2163880616426468, + -0.008265732787549496, + 0.0818672776222229, + -0.15214361250400543, + 0.011128909885883331, + -0.15387125313282013, + 1.850742220878601, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/18.png", + [ + 0.13834702968597412, + -0.0065744658932089806, + -0.16662763059139252, + 1.9325717687606812, + -0.017644204199314117, + -0.21586795151233673, + -0.006132274866104126, + 0.05302051827311516, + -0.16582122445106506, + 0.017484253272414207, + -0.13836732506752014, + 1.652852177619934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/66.png", + [ + 0.1384228765964508, + -0.0015893318923190236, + -0.16668672859668732, + 1.8949090242385864, + -0.005987262353301048, + -0.21657240390777588, + -0.0029070626478642225, + 0.01691821962594986, + -0.166586771607399, + 0.006463153753429651, + -0.13840147852897644, + 1.6216634511947632, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/16.png", + [ + 0.13626602292060852, + -0.00680772727355361, + -0.16832442581653595, + 1.940936803817749, + -0.01841682940721512, + -0.21580202877521515, + -0.006181319709867239, + 0.054625529795885086, + -0.16745232045650482, + 0.018194593489170074, + -0.136295884847641, + 1.6148887872695923, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/94.png", + [ + 0.13015522062778473, + -0.006522112060338259, + -0.1731039583683014, + 1.9612287282943726, + -0.009275371208786964, + -0.2164727747440338, + 0.001182075822725892, + -0.028516490012407303, + -0.17297828197479248, + 0.006700138561427593, + -0.13031315803527832, + 1.5321775674819946, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/28.png", + [ + 0.1431281715631485, + -0.002266526222229004, + -0.16265636682510376, + 1.8911888599395752, + -0.012235376052558422, + -0.2161898910999298, + -0.007753936108201742, + 0.07004369795322418, + -0.1622113436460495, + 0.014307019300758839, + -0.14293594658374786, + 1.719074010848999, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/61.png", + [ + 0.1518198698759079, + 0.011525753885507584, + -0.15416154265403748, + 1.7700259685516357, + 0.004422121215611696, + -0.21630695462226868, + -0.011817051097750664, + 0.11642713844776154, + -0.15452854335308075, + 0.005133697763085365, + -0.15179745852947235, + 1.804465889930725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/58.png", + [ + 0.15557770431041718, + 0.006036557722836733, + -0.15068849921226501, + 1.7441080808639526, + 0.0019550512079149485, + -0.21656350791454315, + -0.006657017394900322, + 0.06039911136031151, + -0.15079669654369354, + 0.0034202432725578547, + -0.15555240213871002, + 1.8644264936447144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/64.png", + [ + 0.13816876709461212, + 7.338688737945631e-05, + -0.1669049859046936, + 1.900651216506958, + -0.0023472437169402838, + -0.21665233373641968, + -0.0020383766386657953, + 0.006643649190664291, + -0.1668885052204132, + 0.003107917495071888, + -0.13815374672412872, + 1.628884196281433, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/10.png", + [ + 0.13101358711719513, + 0.00596478208899498, + -0.17247535288333893, + 1.9588462114334106, + -0.0033935760147869587, + -0.21641427278518677, + -0.010062124580144882, + 0.1013653427362442, + -0.17254510521888733, + 0.008785448037087917, + -0.1307627558708191, + 1.5361994504928589, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/41.png", + [ + 0.14625005424022675, + 0.000900645274668932, + -0.15986870229244232, + 1.8768665790557861, + -0.008590406738221645, + -0.2163139134645462, + -0.009077257476747036, + 0.09046182036399841, + -0.15964029729366302, + 0.012465174309909344, + -0.14597085118293762, + 1.7719426155090332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/91.png", + [ + 0.13397815823554993, + -0.0028979715425521135, + -0.17026259005069733, + 1.9243371486663818, + -0.003614699700847268, + -0.216642826795578, + 0.0008430149755440652, + -0.02427874319255352, + -0.1702488660812378, + 0.0023191573563963175, + -0.13400684297084808, + 1.5681310892105103, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/23.png", + [ + 0.14301975071430206, + -0.00656141759827733, + -0.16263516247272491, + 1.893073558807373, + -0.01654195785522461, + -0.2159634828567505, + -0.005833915434777737, + 0.05022862181067467, + -0.16192470490932465, + 0.01626710593700409, + -0.14305125176906586, + 1.7158960103988647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/37.png", + [ + 0.14758670330047607, + -5.95999626966659e-05, + -0.1586381196975708, + 1.849731206893921, + -0.010203287936747074, + -0.21622955799102783, + -0.009411245584487915, + 0.09257280826568604, + -0.1583096832036972, + 0.013880744576454163, + -0.14728635549545288, + 1.7760430574417114, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/36.png", + [ + 0.14818082749843597, + -0.0010837846202775836, + -0.158079594373703, + 1.8433912992477417, + -0.012583139352500439, + -0.21606291830539703, + -0.010313884355127811, + 0.1039571464061737, + -0.15758170187473297, + 0.01623382419347763, + -0.1478254348039627, + 1.7800463438034058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/8.png", + [ + 0.13347472250461578, + 0.00418638763949275, + -0.1706307977437973, + 1.9307276010513306, + -9.58682649070397e-05, + -0.21660757064819336, + -0.005389409139752388, + 0.05037257447838783, + -0.17068210244178772, + 0.0033954514656215906, + -0.1334315538406372, + 1.569888710975647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/6.png", + [ + 0.13757330179214478, + 0.0022734501399099827, + -0.16738075017929077, + 1.9076073169708252, + 0.0018930839141830802, + -0.21666191518306732, + -0.0013868503738194704, + -0.0010794997215270996, + -0.16738545894622803, + -0.0005818511126562953, + -0.1375851035118103, + 1.623788833618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/20.png", + [ + 0.1414267122745514, + -0.005316321272403002, + -0.16406741738319397, + 1.908178448677063, + -0.014886738732457161, + -0.21608397364616394, + -0.005830594804137945, + 0.0502559132874012, + -0.1634770929813385, + 0.015078049153089523, + -0.14140644669532776, + 1.6931517124176025, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/2.png", + [ + 0.13536342978477478, + -0.00012641469947993755, + -0.16918812692165375, + 1.9566022157669067, + -0.002921889303252101, + -0.21664398908615112, + -0.002175861969590187, + 0.006924591958522797, + -0.16916294395923615, + 0.003640855895355344, + -0.13534599542617798, + 1.619226098060608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/5.png", + [ + 0.1306772083044052, + -0.006587687414139509, + -0.17270775139331818, + 1.9791032075881958, + -0.0002685486397240311, + -0.2165246456861496, + 0.008055826649069786, + -0.10496504604816437, + -0.1728331297636032, + -0.004644441418349743, + -0.13059492409229279, + 1.5567197799682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/60.png", + [ + 0.14960429072380066, + 0.011844323948025703, + -0.1562887281179428, + 1.8006738424301147, + 0.007914996705949306, + -0.21635033190250397, + -0.008819612674415112, + 0.08066116273403168, + -0.15653692185878754, + 0.000380419020075351, + -0.14981302618980408, + 1.790403962135315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/56.png", + [ + 0.15655046701431274, + 0.004107587970793247, + -0.1497430056333542, + 1.7367502450942993, + -0.0018070443766191602, + -0.2165256142616272, + -0.007828690111637115, + 0.07744912803173065, + -0.14978843927383423, + 0.006905181333422661, + -0.15640854835510254, + 1.8707796335220337, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/30.png", + [ + 0.14748942852020264, + -0.004151296801865101, + -0.15867428481578827, + 1.846742033958435, + -0.0150175541639328, + -0.21599385142326355, + -0.008308062329888344, + 0.07763069868087769, + -0.15801656246185303, + 0.016652854159474373, + -0.14731374382972717, + 1.7686198949813843, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/17.png", + [ + 0.13637451827526093, + -0.0069299801252782345, + -0.1682315468788147, + 1.9458492994308472, + -0.01774570345878601, + -0.21587686240673065, + -0.005492664873600006, + 0.04591389372944832, + -0.16743646562099457, + 0.017235275357961655, + -0.1364399641752243, + 1.6241494417190552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/12.png", + [ + 0.13368748128414154, + 0.005646211095154285, + -0.1704220473766327, + 1.9516496658325195, + -0.004796240478754044, + -0.2163456231355667, + -0.010930104181170464, + 0.10486911237239838, + -0.17044806480407715, + 0.010516243055462837, + -0.13335949182510376, + 1.5716816186904907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/27.png", + [ + 0.14338771998882294, + -0.00376979005523026, + -0.16239966452121735, + 1.8927377462387085, + -0.01443882193416357, + -0.21605467796325684, + -0.007733197882771492, + 0.07092496752738953, + -0.16180044412612915, + 0.015939591452479362, + -0.14322863519191742, + 1.7261326313018799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/42.png", + [ + 0.1482585370540619, + -0.00022129944409243762, + -0.15801027417182922, + 1.8562207221984863, + -0.010039218701422215, + -0.21624985337257385, + -0.009116774424910545, + 0.0911245048046112, + -0.15769118070602417, + 0.013559222221374512, + -0.14797814190387726, + 1.7970465421676636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/7.png", + [ + 0.1290883868932724, + 0.0016711977077648044, + -0.17401517927646637, + 1.9745421409606934, + 0.0013771841768175364, + -0.21666766703128815, + -0.0010591944446787238, + 0.00018296018242835999, + -0.1740177571773529, + -0.0004750030639115721, + -0.12909485399723053, + 1.5261701345443726, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/73.png", + [ + 0.1366371214389801, + -0.013230375945568085, + -0.16763994097709656, + 1.9246479272842407, + -0.021181240677833557, + -0.2156367301940918, + -0.00024569706874899566, + -0.011449476704001427, + -0.1668219119310379, + 0.016542745754122734, + -0.13727594912052155, + 1.622052550315857, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/46.png", + [ + 0.14833690226078033, + 0.004539519548416138, + -0.15787163376808167, + 1.8583645820617676, + -0.0028910133987665176, + -0.21647077798843384, + -0.008940919302403927, + 0.08556284010410309, + -0.15791040658950806, + 0.008227438665926456, + -0.14813677966594696, + 1.7959402799606323, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/57.png", + [ + 0.156386137008667, + 0.003673129016533494, + -0.14992588758468628, + 1.738098382949829, + -0.0032981140539050102, + -0.21647301316261292, + -0.008743737824261189, + 0.08793097734451294, + -0.14993460476398468, + 0.008592941798269749, + -0.15618471801280975, + 1.8699790239334106, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/44.png", + [ + 0.1521034985780716, + 0.0008871069294400513, + -0.1543101817369461, + 1.8097540140151978, + -0.007915622554719448, + -0.21634094417095184, + -0.009046141058206558, + 0.08772444725036621, + -0.15410956740379333, + 0.011987611651420593, + -0.15183685719966888, + 1.835249900817871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/29.png", + [ + 0.14620999991893768, + -0.003755927551537752, + -0.15986375510692596, + 1.8586217164993286, + -0.014306108467280865, + -0.21605347096920013, + -0.008008161559700966, + 0.07401852309703827, + -0.1592666506767273, + 0.015958959236741066, + -0.14603883028030396, + 1.7533068656921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/4.png", + [ + 0.1388266235589981, + 0.003819030709564686, + -0.16631439328193665, + 1.9101608991622925, + 0.002740449272096157, + -0.2166406214237213, + -0.0026871380396187305, + 0.011050645262002945, + -0.16633565723896027, + -0.00038181577110663056, + -0.13885314762592316, + 1.6486752033233643, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/55.png", + [ + 0.15656065940856934, + 0.006632305681705475, + -0.14964178204536438, + 1.7343274354934692, + -0.0037257864605635405, + -0.21622273325920105, + -0.013481306843459606, + 0.1400381475687027, + -0.14974234998226166, + 0.01231420412659645, + -0.15612010657787323, + 1.868637204170227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/9.png", + [ + 0.13225619494915009, + 0.005562674719840288, + -0.17153789103031158, + 1.9458268880844116, + -0.004156129434704781, + -0.21639350056648254, + -0.010221651755273342, + 0.10623273253440857, + -0.17157773673534393, + 0.009529544971883297, + -0.1319778710603714, + 1.553645133972168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/25.png", + [ + 0.1467617154121399, + -0.005141266621649265, + -0.159318745136261, + 1.8576616048812866, + -0.015596522018313408, + -0.2159859538078308, + -0.007397315464913845, + 0.06998558342456818, + -0.15863683819770813, + 0.016478445380926132, + -0.1466653048992157, + 1.7604749202728271, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/99.png", + [ + 0.14566190540790558, + -0.014282133430242538, + -0.15977022051811218, + 1.805427074432373, + -0.018559347838163376, + -0.21586522459983826, + 0.002376075368374586, + -0.04397714138031006, + -0.15933001041412354, + 0.012087834998965263, + -0.14634111523628235, + 1.7146377563476562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/34.png", + [ + 0.1462843418121338, + -0.0029069771990180016, + -0.15981341898441315, + 1.8588380813598633, + -0.01559753343462944, + -0.21586447954177856, + -0.01035058218985796, + 0.10482870042324066, + -0.1590770184993744, + 0.018492352217435837, + -0.1459466516971588, + 1.7536087036132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/72.png", + [ + 0.13426946103572845, + -0.012861858122050762, + -0.16957056522369385, + 1.9494075775146484, + -0.019780924543738365, + -0.21576866507530212, + 0.0007030231063254178, + -0.023218151181936264, + -0.16890327632427216, + 0.015044991858303547, + -0.13488224148750305, + 1.5997364521026611, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/70.png", + [ + 0.13386110961437225, + -0.009433124214410782, + -0.17011792957782745, + 1.954532265663147, + -0.018501853570342064, + -0.21586772799491882, + -0.0025886250659823418, + 0.01099339872598648, + -0.16937170922756195, + 0.016125623136758804, + -0.1341681033372879, + 1.59161376953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/90.png", + [ + 0.13466857373714447, + -0.006113267969340086, + -0.16963165998458862, + 1.9160785675048828, + -0.004845501389354467, + -0.21658426523208618, + 0.003958582878112793, + -0.06040586531162262, + -0.16967259347438812, + 0.0013331216759979725, + -0.13474911451339722, + 1.5763370990753174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/15.png", + [ + 0.13351482152938843, + -0.004648861940950155, + -0.1705874502658844, + 1.9613999128341675, + -0.01667029596865177, + -0.21591360867023468, + -0.007163358386605978, + 0.06456921994686127, + -0.16983459889888763, + 0.01753854565322399, + -0.13340353965759277, + 1.5816500186920166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/22.png", + [ + 0.14165320992469788, + -0.0057557071559131145, + -0.16385705769062042, + 1.9075709581375122, + -0.014824415557086468, + -0.21610376238822937, + -0.005224650725722313, + 0.0446094311773777, + -0.16328656673431396, + 0.014626417309045792, + -0.14167378842830658, + 1.698379397392273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/26.png", + [ + 0.14721687138080597, + -0.003627486526966095, + -0.15894000232219696, + 1.8524861335754395, + -0.013955294154584408, + -0.21607692539691925, + -0.00799445528537035, + 0.07628782093524933, + -0.15836772322654724, + 0.015668533742427826, + -0.14704440534114838, + 1.765710711479187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/43.png", + [ + 0.14789333939552307, + -0.0007584575214423239, + -0.15835048258304596, + 1.8574763536453247, + -0.011233318597078323, + -0.21617652475833893, + -0.009456063620746136, + 0.09372957050800323, + -0.15795335173606873, + 0.0146638797596097, + -0.147592693567276, + 1.7892152070999146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/84.png", + [ + 0.142541766166687, + -0.00856983195990324, + -0.16296102106571198, + 1.8713880777359009, + -0.015979858115315437, + -0.21606875956058502, + -0.0026148846372962, + 0.013104014098644257, + -0.1624019294977188, + 0.013738684356212616, + -0.14277520775794983, + 1.6905455589294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/89.png", + [ + 0.13156691193580627, + -0.008106212131679058, + -0.1719660758972168, + 1.9499889612197876, + -0.00558922253549099, + -0.21652135252952576, + 0.0059303040616214275, + -0.0845695286989212, + -0.17206627130508423, + 0.0008350068237632513, + -0.13168291747570038, + 1.5491920709609985, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/63.png", + [ + 0.1359243392944336, + 0.002803087467327714, + -0.16871458292007446, + 1.9251375198364258, + 0.0014352542348206043, + -0.21665611863136292, + -0.0024432982318103313, + 0.010769210755825043, + -0.16873174905776978, + 0.0004151647153776139, + -0.13593128323554993, + 1.6145669221878052, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/88.png", + [ + 0.137644425034523, + -0.0075876470655202866, + -0.1671655923128128, + 1.8943339586257935, + -0.005421544425189495, + -0.2165403515100479, + 0.005364659242331982, + -0.07911399006843567, + -0.167249858379364, + 0.0007748039206489921, + -0.13774897158145905, + 1.6141610145568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/62.png", + [ + 0.1415969431400299, + 0.009607044979929924, + -0.1637250930070877, + 1.8763587474822998, + 0.0009052663808688521, + -0.21634505689144135, + -0.011911758221685886, + 0.11565621197223663, + -0.16400422155857086, + 0.007100294344127178, + -0.14142170548439026, + 1.6877520084381104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/65.png", + [ + 0.13222052156925201, + -0.0002225191128673032, + -0.17165540158748627, + 1.948647379875183, + -0.00470682792365551, + -0.21659770607948303, + -0.0033447376918047667, + 0.022226952016353607, + -0.17159101366996765, + 0.005769921001046896, + -0.1321784108877182, + 1.5540945529937744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/80.png", + [ + 0.13997280597686768, + -0.005546651780605316, + -0.16530196368694305, + 1.911462426185608, + -0.014289403334259987, + -0.21614859998226166, + -0.004847053438425064, + 0.038895729929208755, + -0.16477656364440918, + 0.014032664708793163, + -0.13999880850315094, + 1.66329824924469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/79.png", + [ + 0.1364438831806183, + -0.008344280533492565, + -0.16811108589172363, + 1.941656231880188, + -0.01747167482972145, + -0.21594130992889404, + -0.0034621639642864466, + 0.023059308528900146, + -0.1674087941646576, + 0.015735914930701256, + -0.13665492832660675, + 1.6246654987335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/19.png", + [ + 0.14050911366939545, + -0.00511214742437005, + -0.16486038267612457, + 1.9167561531066895, + -0.015237732790410519, + -0.21604669094085693, + -0.006287612486630678, + 0.05605407431721687, + -0.1642342358827591, + 0.015671266242861748, + -0.14046142995357513, + 1.680354356765747, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/77.png", + [ + 0.14217153191566467, + -0.013291392475366592, + -0.1629677265882492, + 1.874922752380371, + -0.02465117909014225, + -0.2152315080165863, + -0.003951518330723047, + 0.030335601419210434, + -0.16163991391658783, + 0.021133719012141228, + -0.14273680746555328, + 1.6890957355499268, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/68.png", + [ + 0.13226035237312317, + -0.011890003457665443, + -0.17121250927448273, + 1.9541428089141846, + -0.014635911211371422, + -0.2161480039358139, + 0.0037044596392661333, + -0.058701060712337494, + -0.17099963128566742, + 0.009303801693022251, + -0.1327420324087143, + 1.5656598806381226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/86.png", + [ + 0.1377945840358734, + -0.005069492384791374, + -0.16713719069957733, + 1.9073536396026611, + -0.008088614791631699, + -0.21652358770370483, + -0.00010113127063959837, + -0.016687016934156418, + -0.16701829433441162, + 0.006303663365542889, + -0.13788776099681854, + 1.628861665725708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/1.png", + [ + 0.12722396850585938, + -0.0026038538198918104, + -0.17537152767181396, + 2.0416738986968994, + -0.00225244602188468, + -0.2166571468114853, + 0.0015828016912564635, + -0.03426426276564598, + -0.17537638545036316, + 0.0008937116363085806, + -0.12724076211452484, + 1.5374913215637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/81.png", + [ + 0.14251025021076202, + -0.0055725667625665665, + -0.16311857104301453, + 1.8856837749481201, + -0.015101375058293343, + -0.21606959402561188, + -0.005811959505081177, + 0.049372103065252304, + -0.1625136137008667, + 0.015191342681646347, + -0.14250068366527557, + 1.692318320274353, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/95.png", + [ + 0.13401375710964203, + -0.004140335600823164, + -0.1702089160680771, + 1.9304648637771606, + -0.007665760815143585, + -0.21653762459754944, + -0.0007683438016101718, + -0.008627310395240784, + -0.1700865924358368, + 0.006497066002339125, + -0.13407549262046814, + 1.5755654573440552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/83.png", + [ + 0.14071832597255707, + -0.006252847611904144, + -0.16464248299598694, + 1.8950165510177612, + -0.012561501003801823, + -0.2162955105304718, + -0.0025216510985046625, + 0.010978862643241882, + -0.16428160667419434, + 0.011182662099599838, + -0.14083462953567505, + 1.670828104019165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/51.png", + [ + 0.15458424389362335, + 0.000640668033156544, + -0.15182620286941528, + 1.772110939025879, + -0.0064718895591795444, + -0.21644797921180725, + -0.007502811495214701, + 0.07356180250644684, + -0.1516895592212677, + 0.009887725114822388, + -0.15440337359905243, + 1.8545480966567993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+DrjdXDaPHgk+P0+C2+F1009-1110/93.png", + [ + 0.13599033653736115, + -0.005300008691847324, + -0.168601393699646, + 1.904506802558899, + -0.00737292505800724, + -0.21654747426509857, + 0.0008603526512160897, + -0.023045577108860016, + -0.16852347552776337, + 0.005197129212319851, + -0.13609085977077484, + 1.5927482843399048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/76.png", + [ + 0.173021137714386, + 0.006408134009689093, + -0.13027094304561615, + 1.4646265506744385, + -0.008881127461791039, + -0.21533185243606567, + -0.02238793857395649, + 0.24391832947731018, + -0.1301257461309433, + 0.02321702428162098, + -0.17168620228767395, + 1.989165186882019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/48.png", + [ + 0.2004011869430542, + 0.005120628979057074, + -0.08222553879022598, + 0.9363784790039062, + -0.0037161828950047493, + -0.2154737263917923, + -0.022475842386484146, + 0.24605423212051392, + -0.08230097591876984, + 0.022198032587766647, + -0.19920265674591064, + 2.3149962425231934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/137.png", + [ + 0.19042617082595825, + 0.027070021256804466, + -0.0997646227478981, + 1.1030359268188477, + 0.003480213228613138, + -0.21067368984222412, + -0.050521086901426315, + 0.551336407661438, + -0.1033133864402771, + 0.04279843345284462, + -0.18558700382709503, + 2.1147713661193848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/173.png", + [ + 0.18783783912658691, + 0.012193912640213966, + -0.10731332749128342, + 1.2329949140548706, + -0.007244777865707874, + -0.21338175237178802, + -0.036927394568920135, + 0.41856545209884644, + -0.10776064544916153, + 0.03560095280408859, + -0.18457546830177307, + 2.170541763305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/35.png", + [ + 0.20128165185451508, + 0.011266692541539669, + -0.07941443473100662, + 0.9154438972473145, + 0.0033895098604261875, + -0.21552956104278564, + -0.021986672654747963, + 0.24407964944839478, + -0.08013802766799927, + 0.019182393327355385, + -0.2003941833972931, + 2.356660842895508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/124.png", + [ + 0.18346887826919556, + 0.05077718198299408, + -0.10348308831453323, + 1.1498003005981445, + 0.021848930045962334, + -0.2063121199607849, + -0.062496673315763474, + 0.6876099109649658, + -0.11317992955446243, + 0.042483970522880554, + -0.1798146814107895, + 2.0554089546203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/97.png", + [ + 0.1813337653875351, + 0.04434148967266083, + -0.10999903082847595, + 1.2167550325393677, + 0.01702229678630829, + -0.2086111456155777, + -0.05603151395916939, + 0.616853654384613, + -0.1173720434308052, + 0.03825076296925545, + -0.17806904017925262, + 2.0251975059509277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/155.png", + [ + 0.2004135698080063, + 0.006399867590516806, + -0.08210565149784088, + 0.9446756839752197, + -0.00766286626458168, + -0.21363310515880585, + -0.035356465727090836, + 0.3966759741306305, + -0.08199742436408997, + 0.0356067530810833, + -0.19737395644187927, + 2.31046724319458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/192.png", + [ + 0.17718401551246643, + 0.03958721458911896, + -0.1182648167014122, + 1.3262629508972168, + 0.015499110333621502, + -0.2108658254146576, + -0.04736317694187164, + 0.5239033102989197, + -0.12374769896268845, + 0.030271191149950027, + -0.17526568472385406, + 2.017242431640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/13.png", + [ + 0.21428921818733215, + -0.0012558576418086886, + -0.0320383720099926, + 0.37919825315475464, + -0.004688057117164135, + -0.21540875732898712, + -0.022912435233592987, + 0.25222426652908325, + -0.03171839565038681, + 0.02335338108241558, + -0.21306444704532623, + 2.5096445083618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/32.png", + [ + 0.2000073790550232, + 0.011597148142755032, + -0.08252546191215515, + 0.9517073035240173, + 0.003954677376896143, + -0.215645432472229, + -0.020719753578305244, + 0.22987520694732666, + -0.08324244618415833, + 0.017619699239730835, + -0.19926899671554565, + 2.3438425064086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/158.png", + [ + 0.19699019193649292, + 0.0102189090102911, + -0.08965674787759781, + 1.0264692306518555, + -0.0042749494314193726, + -0.2139822393655777, + -0.03378203883767128, + 0.3786580264568329, + -0.09013592451810837, + 0.032481927424669266, + -0.194340780377388, + 2.2870821952819824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/256.png", + [ + 0.21386116743087769, + 0.004394499119371176, + 0.03452492132782936, + -0.42481401562690735, + 0.011350688524544239, + -0.21199488639831543, + -0.0433269701898098, + 0.49865254759788513, + 0.03290051221847534, + 0.04457300528883934, + -0.2094724327325821, + 2.4987759590148926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/38.png", + [ + 0.20116877555847168, + 0.008983875624835491, + -0.07998942583799362, + 0.9247339963912964, + 0.0023880479857325554, + -0.21589218080043793, + -0.0182417593896389, + 0.2026020586490631, + -0.08045691251754761, + 0.016054736450314522, + -0.20054133236408234, + 2.3596105575561523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/148.png", + [ + 0.19807051122188568, + 0.015122795477509499, + -0.08652903884649277, + 0.9872875213623047, + -0.0033076475374400616, + -0.21200399100780487, + -0.04462362825870514, + 0.5015403628349304, + -0.08777832984924316, + 0.04211306571960449, + -0.19357000291347504, + 2.261284351348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/222.png", + [ + 0.17582687735557556, + 0.03852261230349541, + -0.12061844766139984, + 1.3494356870651245, + 0.014520538970828056, + -0.21117626130580902, + -0.046277839690446854, + 0.5049540996551514, + -0.12578536570072174, + 0.02947019599378109, + -0.17394667863845825, + 1.9983543157577515, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/111.png", + [ + 0.1824141889810562, + 0.053214460611343384, + -0.10412099212408066, + 1.1507949829101562, + 0.025064567103981972, + -0.2062467634677887, + -0.061497461050748825, + 0.6679948568344116, + -0.11421352624893188, + 0.03972897306084633, + -0.1797909289598465, + 2.0350828170776367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/164.png", + [ + 0.19465258717536926, + 0.014316731132566929, + -0.0940919741988182, + 1.0805672407150269, + -0.001515248091891408, + -0.21371585130691528, + -0.03565298393368721, + 0.40394219756126404, + -0.09516287595033646, + 0.032687343657016754, + -0.19189439713954926, + 2.273441791534424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/11.png", + [ + 0.21652556955814362, + -0.007344531361013651, + 0.003259355667978525, + -0.03704752027988434, + -0.0068625714629888535, + -0.21474698185920715, + -0.02800966426730156, + 0.3098011612892151, + 0.004179790616035461, + 0.027887167409062386, + -0.2148318588733673, + 2.529086112976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/125.png", + [ + 0.1844106763601303, + 0.04962935298681259, + -0.10235980153083801, + 1.1386141777038574, + 0.020888155326247215, + -0.20642466843128204, + -0.06245346739888191, + 0.6853114366531372, + -0.11182255297899246, + 0.043285999447107315, + -0.18047140538692474, + 2.057875156402588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/59.png", + [ + 0.2033080756664276, + 0.005939575377851725, + -0.07468901574611664, + 0.8478649258613586, + -0.004804970230907202, + -0.21451452374458313, + -0.030138500034809113, + 0.3323668837547302, + -0.07477057725191116, + 0.029935568571090698, + -0.20114949345588684, + 2.3519997596740723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/105.png", + [ + 0.18068711459636688, + 0.04968113452196121, + -0.10877428203821182, + 1.203655481338501, + 0.020595163106918335, + -0.20707379281520844, + -0.06036701798439026, + 0.6624149680137634, + -0.11779600381851196, + 0.04000154137611389, + -0.17740312218666077, + 2.0181188583374023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/121.png", + [ + 0.18234558403491974, + 0.05199596658349037, + -0.10485421121120453, + 1.160824179649353, + 0.021783752366900444, + -0.20580381155014038, + -0.06417287886142731, + 0.7070101499557495, + -0.11499327421188354, + 0.043463896960020065, + -0.17842458188533783, + 2.0382847785949707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/255.png", + [ + 0.21592366695404053, + 0.007153227925300598, + 0.016543835401535034, + -0.20768432319164276, + 0.010492321103811264, + -0.2115935981273651, + -0.045452769845724106, + 0.5251284837722778, + 0.014655319973826408, + 0.04609635844826698, + -0.21120664477348328, + 2.51314640045166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/175.png", + [ + 0.18112874031066895, + 0.01844949461519718, + -0.11747292429208755, + 1.3499162197113037, + -0.0035358977038413286, + -0.21312056481838226, + -0.03892317786812782, + 0.44141942262649536, + -0.11886028200387955, + 0.034454792737960815, + -0.1778566539287567, + 2.082392692565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/198.png", + [ + 0.17149069905281067, + 0.0345313586294651, + -0.12785309553146362, + 1.432997226715088, + 0.011134148575365543, + -0.2121981978416443, + -0.04237745329737663, + 0.46433025598526, + -0.13196538388729095, + 0.02697041630744934, + -0.16972221434116364, + 1.9468799829483032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/24.png", + [ + 0.19496797025203705, + 0.010337776504456997, + -0.09396014362573624, + 1.0851107835769653, + 0.000998499570414424, + -0.21558819711208344, + -0.02164776436984539, + 0.24049147963523865, + -0.09452185779809952, + 0.019046077504754066, + -0.1940380334854126, + 2.2837142944335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/214.png", + [ + 0.17469805479049683, + 0.04049590975046158, + -0.12160822004079819, + 1.3623740673065186, + 0.016558535397052765, + -0.21098381280899048, + -0.04647086188197136, + 0.5092686414718628, + -0.12709952890872955, + 0.028174573555588722, + -0.1732044816017151, + 1.993238091468811, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/74.png", + [ + 0.17625825107097626, + 0.009838527999818325, + -0.12563489377498627, + 1.4161661863327026, + -0.003514138050377369, + -0.21554553508758545, + -0.021809600293636322, + 0.23567897081375122, + -0.1259705126285553, + 0.019779058173298836, + -0.17518022656440735, + 2.03147029876709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/251.png", + [ + 0.21219083666801453, + 0.012118380516767502, + -0.042143601924180984, + 0.4916674494743347, + 0.002583487890660763, + -0.2113296091556549, + -0.04776003584265709, + 0.5422725677490234, + -0.043775152415037155, + 0.04626921936869621, + -0.20710091292858124, + 2.4388046264648438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/193.png", + [ + 0.1771341860294342, + 0.040113355964422226, + -0.118162140250206, + 1.323989748954773, + 0.017081039026379585, + -0.21103736758232117, + -0.046036574989557266, + 0.5054463148117065, + -0.12361074984073639, + 0.028320439159870148, + -0.17568789422512054, + 2.0181174278259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/129.png", + [ + 0.1826445758342743, + 0.048871368169784546, + -0.10583215206861496, + 1.1748344898223877, + 0.018847670406103134, + -0.20650574564933777, + -0.06283338367938995, + 0.682902455329895, + -0.1150374710559845, + 0.04375910386443138, + -0.178323894739151, + 2.019364833831787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/249.png", + [ + 0.2076302468776703, + 0.016226446256041527, + -0.05978524684906006, + 0.6888929009437561, + 0.0035940587986260653, + -0.21191257238388062, + -0.045033734291791916, + 0.503460168838501, + -0.06184379756450653, + 0.04216226935386658, + -0.20333611965179443, + 2.3676915168762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/172.png", + [ + 0.19110365211963654, + 0.010850481688976288, + -0.10153596103191376, + 1.1667087078094482, + -0.006820032373070717, + -0.21361064910888672, + -0.035663336515426636, + 0.40235939621925354, + -0.1018860787153244, + 0.034650448709726334, + -0.1880597621202469, + 2.2131519317626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/232.png", + [ + 0.18678590655326843, + 0.03217150270938873, + -0.10499481111764908, + 1.1747069358825684, + 0.011375847272574902, + -0.2117217630147934, + -0.04463610425591469, + 0.4888123571872711, + -0.10922227054834366, + 0.032966434955596924, + -0.1842053234577179, + 2.1134376525878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/153.png", + [ + 0.20264016091823578, + 0.0048147933557629585, + -0.07656160742044449, + 0.8804240226745605, + -0.00794503279030323, + -0.21376729011535645, + -0.03447195515036583, + 0.3877537250518799, + -0.07630031555891037, + 0.035046499222517014, + -0.1997445821762085, + 2.3389596939086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/144.png", + [ + 0.1961531937122345, + 0.016080280765891075, + -0.09062693268060684, + 1.0289368629455566, + -0.002396786119788885, + -0.2123776376247406, + -0.04287058487534523, + 0.4776701033115387, + -0.09201125055551529, + 0.039812762290239334, + -0.19208531081676483, + 2.240661144256592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/188.png", + [ + 0.17780227959156036, + 0.03727932274341583, + -0.11808677762746811, + 1.330418348312378, + 0.016560951247811317, + -0.21192528307437897, + -0.041967909783124924, + 0.4587016701698303, + -0.12271905690431595, + 0.025413047522306442, + -0.17675434052944183, + 2.0427889823913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/98.png", + [ + 0.1803540289402008, + 0.04629981145262718, + -0.11080002784729004, + 1.2274235486984253, + 0.01824970915913582, + -0.20816761255264282, + -0.05728078633546829, + 0.630847156047821, + -0.11868978291749954, + 0.03834668919444084, + -0.1771726757287979, + 2.016862392425537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/0.png", + [ + 0.21434983611106873, + 0.0018489870708435774, + -0.031601112335920334, + 0.37658509612083435, + -0.004167144186794758, + -0.21277408301830292, + -0.04071512073278427, + 0.4765671193599701, + -0.03137967735528946, + 0.04088602960109711, + -0.21045556664466858, + 2.5135884284973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/163.png", + [ + 0.19546814262866974, + 0.014465046115219593, + -0.09236264228820801, + 1.0575424432754517, + -0.0010940454667434096, + -0.21369676291942596, + -0.03578269109129906, + 0.4046039283275604, + -0.09348209202289581, + 0.03274691104888916, + -0.19270867109298706, + 2.2806782722473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/96.png", + [ + 0.180986225605011, + 0.04184775426983833, + -0.1115376353263855, + 1.2367256879806519, + 0.015449152328073978, + -0.20939785242080688, + -0.0534953698515892, + 0.589998185634613, + -0.11812366545200348, + 0.036731403321027756, + -0.177891805768013, + 2.0306591987609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/100.png", + [ + 0.18007202446460724, + 0.04717930778861046, + -0.11088763922452927, + 1.2278954982757568, + 0.01777546852827072, + -0.20759673416614532, + -0.05946023762226105, + 0.6539873480796814, + -0.11918886750936508, + 0.04031873866915703, + -0.1763981431722641, + 2.002748966217041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/40.png", + [ + 0.20174887776374817, + 0.009130106307566166, + -0.07849791646003723, + 0.905693531036377, + 0.002856917679309845, + -0.2159256786108017, + -0.017771737650036812, + 0.1961895078420639, + -0.07897543907165527, + 0.015512504614889622, + -0.2011719048023224, + 2.3618621826171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/141.png", + [ + 0.19311396777629852, + 0.017043938860297203, + -0.09676975756883621, + 1.092060923576355, + -0.0027562917675822973, + -0.21236646175384521, + -0.04290430620312691, + 0.47185495495796204, + -0.0982205867767334, + 0.03946999832987785, + -0.18905746936798096, + 2.1825270652770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/52.png", + [ + 0.20106612145900726, + 0.0070947096683084965, + -0.08043612539768219, + 0.9181076288223267, + -0.0043881479650735855, + -0.2145577073097229, + -0.029893692582845688, + 0.3328480124473572, + -0.08062908053398132, + 0.029369262978434563, + -0.19895802438259125, + 2.315791130065918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/184.png", + [ + 0.17971912026405334, + 0.03783606365323067, + -0.11496682465076447, + 1.2887133359909058, + 0.011926141567528248, + -0.21034960448741913, + -0.05058369040489197, + 0.5642392039299011, + -0.12044379115104675, + 0.03562828153371811, + -0.17655541002750397, + 2.042003631591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/227.png", + [ + 0.17971272766590118, + 0.03880167007446289, + -0.11465450376272202, + 1.2799837589263916, + 0.015238184481859207, + -0.2108597308397293, + -0.047474928200244904, + 0.5228255391120911, + -0.12007922679185867, + 0.031312957406044006, + -0.177618607878685, + 2.0307235717773438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/3.png", + [ + 0.21584869921207428, + -0.0007910073618404567, + -0.018883980810642242, + 0.22779761254787445, + -0.004048062954097986, + -0.21339599788188934, + -0.0373317152261734, + 0.42883288860321045, + -0.01846194826066494, + 0.03754221647977829, + -0.21259735524654388, + 2.5371203422546387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/231.png", + [ + 0.18562328815460205, + 0.0357355959713459, + -0.10590019822120667, + 1.1832828521728516, + 0.01371536310762167, + -0.21103230118751526, + -0.04717152938246727, + 0.5168800950050354, + -0.11092238128185272, + 0.033708032220602036, + -0.18305161595344543, + 2.0926661491394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/47.png", + [ + 0.20098945498466492, + 0.004291102290153503, + -0.08082524687051773, + 0.9195680618286133, + -0.00360572780482471, + -0.21568040549755096, + -0.02041713520884514, + 0.22232183814048767, + -0.08085871487855911, + 0.02028416097164154, + -0.19999580085277557, + 2.323211669921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/104.png", + [ + 0.17991125583648682, + 0.05000986531376839, + -0.10990378260612488, + 1.214242696762085, + 0.02125568687915802, + -0.20725439488887787, + -0.059512294828891754, + 0.6520170569419861, + -0.1188613697886467, + 0.03863328695297241, + -0.17699530720710754, + 2.0132346153259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/21.png", + [ + 0.19647535681724548, + 0.010371619835495949, + -0.09076207131147385, + 1.0447301864624023, + 0.00112640589941293, + -0.2155323177576065, + -0.022191081196069717, + 0.2458556890487671, + -0.09134580194950104, + 0.019650503993034363, + -0.19549347460269928, + 2.293044090270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/82.png", + [ + 0.1666557937860489, + 0.006416643038392067, + -0.13832052052021027, + 1.5529533624649048, + -0.008968240581452847, + -0.21548722684383392, + -0.020801784470677376, + 0.21992114186286926, + -0.13817855715751648, + 0.021724876016378403, + -0.16547691822052002, + 1.9102877378463745, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/106.png", + [ + 0.18198098242282867, + 0.0505683608353138, + -0.10617746412754059, + 1.1785417795181274, + 0.021872764453291893, + -0.20676164329051971, + -0.060984399169683456, + 0.6715587377548218, + -0.11555257439613342, + 0.04050131514668465, + -0.17876002192497253, + 2.035101890563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/14.png", + [ + 0.21126297116279602, + 0.0018985840724781156, + -0.04808584600687027, + 0.5656358003616333, + -0.0029745488427579403, + -0.21557676792144775, + -0.021580208092927933, + 0.23804762959480286, + -0.048031292855739594, + 0.021701354533433914, + -0.21016645431518555, + 2.474940776824951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/67.png", + [ + 0.1923954039812088, + 0.008479064330458641, + -0.09929756075143814, + 1.1197704076766968, + -0.0016405141213908792, + -0.21559026837348938, + -0.021587954834103584, + 0.23390668630599976, + -0.09964542090892792, + 0.019920753315091133, + -0.19136837124824524, + 2.215076446533203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/241.png", + [ + 0.1924581378698349, + 0.024242307990789413, + -0.09654050320386887, + 1.0879100561141968, + 0.006385773420333862, + -0.2127244770526886, + -0.04068693518638611, + 0.4490332007408142, + -0.09933268278837204, + 0.033294375985860825, + -0.18966391682624817, + 2.1865391731262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/78.png", + [ + 0.16836659610271454, + 0.005169198848307133, + -0.1362859457731247, + 1.5365381240844727, + -0.010637869127094746, + -0.215361550450325, + -0.02131040021777153, + 0.23468008637428284, + -0.13596846163272858, + 0.023250306025147438, + -0.16709250211715698, + 1.9282041788101196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/191.png", + [ + 0.17651163041591644, + 0.04033192992210388, + -0.11901628226041794, + 1.336988091468811, + 0.016529908403754234, + -0.21088054776191711, + -0.04694733768701553, + 0.5197395086288452, + -0.12457247823476791, + 0.029165495187044144, + -0.1748684197664261, + 2.014699935913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/31.png", + [ + 0.19977107644081116, + 0.011164099909365177, + -0.08315516263246536, + 0.9598487615585327, + 0.0034368436317890882, + -0.21565651893615723, + -0.020696597173810005, + 0.23104608058929443, + -0.0838308110833168, + 0.017762992531061172, + -0.1990094631910324, + 2.3411636352539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/194.png", + [ + 0.17737793922424316, + 0.040264155715703964, + -0.11774443835020065, + 1.316949486732483, + 0.0179376769810915, + -0.21115072071552277, + -0.04518308490514755, + 0.49185070395469666, + -0.12313893437385559, + 0.027240948751568794, + -0.17618918418884277, + 2.0196571350097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/152.png", + [ + 0.20471662282943726, + 0.0032200971618294716, + -0.07091283798217773, + 0.8129252791404724, + -0.009406575933098793, + -0.21331214904785156, + -0.036841969937086105, + 0.41659995913505554, + -0.07035989314317703, + 0.03788727521896362, + -0.20139992237091064, + 2.357811450958252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/39.png", + [ + 0.20179417729377747, + 0.00874328427016735, + -0.07842548936605453, + 0.9055057764053345, + 0.002555768471211195, + -0.21595169603824615, + -0.017499258741736412, + 0.19300630688667297, + -0.07886996865272522, + 0.015372409485280514, + -0.20122404396533966, + 2.3652572631835938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/92.png", + [ + 0.1710944026708603, + 0.025150444358587265, + -0.1305452287197113, + 1.4641462564468384, + 0.005758840125054121, + -0.21396444737911224, + -0.03367412090301514, + 0.36593127250671387, + -0.13282106816768646, + 0.023120684549212456, + -0.16962279379367828, + 1.947046160697937, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/203.png", + [ + 0.17595024406909943, + 0.03553742542862892, + -0.12135275453329086, + 1.3515771627426147, + 0.015201636590063572, + -0.2123783379793167, + -0.04015275090932846, + 0.4359818696975708, + -0.1255321204662323, + 0.02409200929105282, + -0.17495472729206085, + 2.004398822784424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/53.png", + [ + 0.2013995200395584, + 0.006646868772804737, + -0.07963636517524719, + 0.9080424904823303, + -0.005119181238114834, + -0.21440723538398743, + -0.03084191121160984, + 0.3442404270172119, + -0.07974913716316223, + 0.030549118295311928, + -0.1991349458694458, + 2.3179450035095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/245.png", + [ + 0.19757021963596344, + 0.019711149856448174, + -0.0867488831281662, + 0.9874798059463501, + 0.00263591087423265, + -0.21249325573444366, + -0.04227961227297783, + 0.4714127480983734, + -0.08892104029655457, + 0.037496455013751984, + -0.193997323513031, + 2.2356319427490234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/75.png", + [ + 0.17463858425617218, + 0.008385037072002888, + -0.1279803067445755, + 1.4401954412460327, + -0.005904724355787039, + -0.21545614302158356, + -0.02217373251914978, + 0.24063917994499207, + -0.12811867892742157, + 0.02135957032442093, + -0.17342796921730042, + 2.0118417739868164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/151.png", + [ + 0.20524296164512634, + 0.003399130655452609, + -0.06936618685722351, + 0.7895565629005432, + -0.00965975597500801, + -0.2129140943288803, + -0.03901497274637222, + 0.4413163661956787, + -0.06877434253692627, + 0.040049031376838684, + -0.20152929425239563, + 2.357679843902588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/87.png", + [ + 0.17082783579826355, + 0.018343672156333923, + -0.13201989233493805, + 1.4758028984069824, + -0.002001742599532008, + -0.2142355889081955, + -0.03235739842057228, + 0.35426467657089233, + -0.1332731693983078, + 0.026730472221970558, + -0.16873541474342346, + 1.9406074285507202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/139.png", + [ + 0.1887979656457901, + 0.021207917481660843, + -0.10417988896369934, + 1.1688272953033447, + -0.0015588777605444193, + -0.21174490451812744, + -0.04592999070882797, + 0.5035375356674194, + -0.10630519688129425, + 0.04077031463384628, + -0.1843498945236206, + 2.117229461669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/107.png", + [ + 0.18295790255069733, + 0.050833337008953094, + -0.10435649007558823, + 1.1604444980621338, + 0.02207326516509056, + -0.20647478103637695, + -0.061877548694610596, + 0.6817888021469116, + -0.11396084725856781, + 0.04161768779158592, + -0.179523766040802, + 2.042470932006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/112.png", + [ + 0.18353089690208435, + 0.054356228560209274, + -0.10153670608997345, + 1.120974063873291, + 0.025868022814393044, + -0.20559896528720856, + -0.06330718100070953, + 0.6860683560371399, + -0.11222811788320541, + 0.04150126501917839, + -0.18063884973526, + 2.0445356369018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/69.png", + [ + 0.19051799178123474, + 0.008239736780524254, + -0.10287319868803024, + 1.1591235399246216, + -0.001592022250406444, + -0.21572259068489075, + -0.02022690325975418, + 0.21922853589057922, + -0.10319037735462189, + 0.0185410063713789, + -0.18962034583091736, + 2.192412853240967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/157.png", + [ + 0.19901956617832184, + 0.007940529845654964, + -0.0852997824549675, + 0.9757994413375854, + -0.006347689777612686, + -0.21378198266029358, + -0.034711189568042755, + 0.3882949650287628, + -0.08543308079242706, + 0.034381791949272156, + -0.19612999260425568, + 2.298989772796631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/45.png", + [ + 0.20103909075260162, + 0.006563409231603146, + -0.0805487409234047, + 0.9196242094039917, + 8.834373875288293e-05, + -0.21597658097743988, + -0.017378078773617744, + 0.18837374448776245, + -0.08081565797328949, + 0.016091208904981613, + -0.20039412379264832, + 2.333479404449463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/259.png", + [ + 0.210207000374794, + 0.014283857308328152, + 0.05056560039520264, + -0.6132413148880005, + 0.02379004843533039, + -0.21179091930389404, + -0.03907088562846184, + 0.4467537999153137, + 0.046850211918354034, + 0.043456558138132095, + -0.20703738927841187, + 2.4728612899780273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/50.png", + [ + 0.20028869807720184, + 0.005072157364338636, + -0.08250214159488678, + 0.9400708675384521, + -0.004858581814914942, + -0.2151699662208557, + -0.025023531168699265, + 0.275180846452713, + -0.08251499384641647, + 0.024981116876006126, + -0.19878409802913666, + 2.31327486038208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/101.png", + [ + 0.18072712421417236, + 0.047378603368997574, + -0.10973092168569565, + 1.2131454944610596, + 0.018108736723661423, + -0.2074819654226303, + -0.05975950509309769, + 0.6559048295021057, + -0.11814263463020325, + 0.04067423567175865, + -0.17701925337314606, + 2.0080933570861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/85.png", + [ + 0.1639837920665741, + 0.013988283462822437, + -0.14093098044395447, + 1.583922266960144, + -0.004372399300336838, + -0.2150123119354248, + -0.026428932324051857, + 0.291048139333725, + -0.14155596494674683, + 0.022845886647701263, + -0.16244342923164368, + 1.8766909837722778, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/156.png", + [ + 0.1996355801820755, + 0.008656062185764313, + -0.08377708494663239, + 0.9615981578826904, + -0.005663130432367325, + -0.21365989744663239, + -0.03557077422738075, + 0.39842304587364197, + -0.08403246849775314, + 0.034963175654411316, + -0.19663166999816895, + 2.3027524948120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/181.png", + [ + 0.18019433319568634, + 0.032602567225694656, + -0.11582300812005997, + 1.3024259805679321, + 0.0076285903342068195, + -0.2112450748682022, + -0.047594211995601654, + 0.5280717015266418, + -0.1200820580124855, + 0.035503190010786057, + -0.17682680487632751, + 2.0541977882385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/131.png", + [ + 0.18635660409927368, + 0.04566444084048271, + -0.10066711902618408, + 1.1001056432724, + 0.018654823303222656, + -0.20748396217823029, + -0.05958438664674759, + 0.6396723389625549, + -0.10895460844039917, + 0.04258005693554878, + -0.1823834478855133, + 2.0399551391601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/71.png", + [ + 0.18161189556121826, + 0.008099437691271305, + -0.11789576709270477, + 1.3334957361221313, + -0.0027875129599124193, + -0.2158113569021225, + -0.019120248034596443, + 0.20610496401786804, + -0.11814077198505402, + 0.017542896792292595, + -0.18078413605690002, + 2.0948328971862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/160.png", + [ + 0.1957560032606125, + 0.012805894017219543, + -0.09199722111225128, + 1.0495537519454956, + -0.0022877645678818226, + -0.2138756364583969, + -0.03463922441005707, + 0.3909026086330414, + -0.0928560420870781, + 0.032266370952129364, + -0.19309203326702118, + 2.2755813598632812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/115.png", + [ + 0.18185222148895264, + 0.056243572384119034, + -0.10350999981164932, + 1.1420464515686035, + 0.026976637542247772, + -0.20520786941051483, + -0.06410840153694153, + 0.6984041333198547, + -0.11467309296131134, + 0.040918052196502686, + -0.17923080921173096, + 2.033583641052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/54.png", + [ + 0.20179152488708496, + 0.006541115697473288, + -0.07864665985107422, + 0.8966909050941467, + -0.004129762761294842, + -0.2147580087184906, + -0.02845776081085205, + 0.3183597922325134, + -0.07881007343530655, + 0.028002016246318817, + -0.19988185167312622, + 2.329716682434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/33.png", + [ + 0.20067140460014343, + 0.011287292465567589, + -0.08094123750925064, + 0.9324809908866882, + 0.0036667168606072664, + -0.21562550961971283, + -0.020978465676307678, + 0.2325415313243866, + -0.08164215832948685, + 0.01805928722023964, + -0.19989077746868134, + 2.3509531021118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/252.png", + [ + 0.21404610574245453, + 0.012102612294256687, + -0.031395554542541504, + 0.3702358901500702, + 0.004743591416627169, + -0.21100790798664093, + -0.04900055751204491, + 0.5590236186981201, + -0.03331144154071808, + 0.04771878942847252, + -0.208713099360466, + 2.46628475189209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/221.png", + [ + 0.17453166842460632, + 0.03894753009080887, + -0.12235065549612045, + 1.371277928352356, + 0.01457493007183075, + -0.21114107966423035, + -0.046420976519584656, + 0.5068236589431763, + -0.127570241689682, + 0.029162056744098663, + -0.17269425094127655, + 1.9863921403884888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/159.png", + [ + 0.19547699391841888, + 0.012507940642535686, + -0.0926293134689331, + 1.059069275856018, + -0.0029844455420970917, + -0.21378114819526672, + -0.0351654589176178, + 0.39543822407722473, + -0.09342233091592789, + 0.03300103172659874, + -0.1926943063735962, + 2.2678260803222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/177.png", + [ + 0.1756768524646759, + 0.025331782177090645, + -0.12427321821451187, + 1.4213447570800781, + 0.003919633105397224, + -0.21329174935817719, + -0.03793634474277496, + 0.4243887960910797, + -0.12676815688610077, + 0.02851017937064171, + -0.17339231073856354, + 2.0250730514526367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/49.png", + [ + 0.2000456303358078, + 0.004861325956881046, + -0.08310238271951675, + 0.9472013711929321, + -0.004845104645937681, + -0.21525821089744568, + -0.024255407974123955, + 0.26601582765579224, + -0.08310332894325256, + 0.024252163246273994, + -0.1986292153596878, + 2.3098878860473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/118.png", + [ + 0.1798798143863678, + 0.050299741327762604, + -0.10982298105955124, + 1.2095402479171753, + 0.019083719700574875, + -0.20635531842708588, + -0.06325492262840271, + 0.6934760808944702, + -0.11927684396505356, + 0.04284050315618515, + -0.17574304342269897, + 1.995322346687317, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/210.png", + [ + 0.17547741532325745, + 0.039837174117565155, + -0.12070032954216003, + 1.34928560256958, + 0.0163535438477993, + -0.21112337708473206, + -0.045906104147434235, + 0.5058395862579346, + -0.12604811787605286, + 0.028067925944924355, + -0.17398835718631744, + 1.9991780519485474, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/179.png", + [ + 0.17929011583328247, + 0.029470810666680336, + -0.11804414540529251, + 1.3390064239501953, + 0.005285420920699835, + -0.21191026270389557, + -0.04487764090299606, + 0.49803784489631653, + -0.12155251950025558, + 0.034255072474479675, + -0.17606666684150696, + 2.0500364303588867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/110.png", + [ + 0.18318255245685577, + 0.052943628281354904, + -0.10290295630693436, + 1.1396281719207764, + 0.024383893236517906, + -0.20600220561027527, + -0.06258128583431244, + 0.6817131042480469, + -0.11312591284513474, + 0.04132751375436783, + -0.1801179200410843, + 2.040684700012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/258.png", + [ + 0.20972047746181488, + 0.00810366589576006, + 0.05384749174118042, + -0.6572532057762146, + 0.018644504249095917, + -0.2119974046945572, + -0.04071085900068283, + 0.46754783391952515, + 0.05116252228617668, + 0.04403773695230484, + -0.20589065551757812, + 2.459216594696045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/18.png", + [ + 0.200225830078125, + 0.00799847487360239, + -0.08242295682430267, + 0.9524993896484375, + -0.00037967972457408905, + -0.21557064354419708, + -0.021841706708073616, + 0.24189311265945435, + -0.08280927687883377, + 0.02032802812755108, + -0.1991916000843048, + 2.3329129219055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/66.png", + [ + 0.1932157427072525, + 0.008543678559362888, + -0.09768610447645187, + 1.1018611192703247, + -0.0012574050342664123, + -0.21561701595783234, + -0.02134503610432148, + 0.23175200819969177, + -0.09805094450712204, + 0.019600948318839073, + -0.19222305715084076, + 2.2228851318359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/234.png", + [ + 0.18855644762516022, + 0.030337031930685043, + -0.10234266519546509, + 1.1457103490829468, + 0.01227582897990942, + -0.21252435445785522, + -0.04038073867559433, + 0.4449353516101837, + -0.10603611916303635, + 0.02934218943119049, + -0.18666352331638336, + 2.15145206451416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/202.png", + [ + 0.1773594319820404, + 0.03556068614125252, + -0.11927682161331177, + 1.3236223459243774, + 0.015707962214946747, + -0.21237778663635254, + -0.0399603545665741, + 0.4323941469192505, + -0.1234697625041008, + 0.024062583222985268, + -0.17642025649547577, + 2.0174546241760254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/206.png", + [ + 0.17347916960716248, + 0.037453792989254, + -0.12429837137460709, + 1.3946073055267334, + 0.014770207926630974, + -0.21180838346481323, + -0.043208152055740356, + 0.4735317528247833, + -0.12897562980651855, + 0.02612121030688286, + -0.17213617265224457, + 1.9786244630813599, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/16.png", + [ + 0.20559702813625336, + 0.00478010019287467, + -0.06822682917118073, + 0.7948567867279053, + -0.0012415341334417462, + -0.21584834158420563, + -0.018864018842577934, + 0.2072363793849945, + -0.06838280707597733, + 0.018290525302290916, + -0.20478561520576477, + 2.407252311706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/190.png", + [ + 0.1772613525390625, + 0.038140080869197845, + -0.11862397938966751, + 1.3336238861083984, + 0.01586024835705757, + -0.211503267288208, + -0.04430253431200981, + 0.4888317286968231, + -0.1235911175608635, + 0.027560777962207794, + -0.175822451710701, + 2.02780818939209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/211.png", + [ + 0.17470334470272064, + 0.040795616805553436, + -0.1215004250407219, + 1.3604793548583984, + 0.01732327602803707, + -0.21103651821613312, + -0.04594988003373146, + 0.50605309009552, + -0.12699031829833984, + 0.02733505144715309, + -0.17341899871826172, + 1.9949551820755005, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/94.png", + [ + 0.18085770308971405, + 0.034679610282182693, + -0.11417407542467117, + 1.2691012620925903, + 0.011328461579978466, + -0.2113756239414215, + -0.04625906050205231, + 0.5054687261581421, + -0.11878576874732971, + 0.0326429046690464, + -0.17824779450893402, + 2.031588077545166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/209.png", + [ + 0.17554335296154022, + 0.03930313512682915, + -0.12077951431274414, + 1.3496999740600586, + 0.015729831531643867, + -0.21118104457855225, + -0.04585884138941765, + 0.5051902532577515, + -0.12603570520877838, + 0.02838529460132122, + -0.17394587397575378, + 2.0001220703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/228.png", + [ + 0.17910030484199524, + 0.038587357848882675, + -0.11568056046962738, + 1.2933577299118042, + 0.014934850856661797, + -0.21093451976776123, + -0.04723844677209854, + 0.5209730863571167, + -0.12102861702442169, + 0.031073080375790596, + -0.17701533436775208, + 2.0266480445861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/28.png", + [ + 0.196962371468544, + 0.010555073618888855, + -0.08967888355255127, + 1.0383368730545044, + 0.0025922823697328568, + -0.21576149761676788, + -0.019701369106769562, + 0.2221769392490387, + -0.09026068449020386, + 0.016836099326610565, + -0.19625861942768097, + 2.3113598823547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/61.png", + [ + 0.19953900575637817, + 0.0039118691347539425, + -0.08436097949743271, + 0.9642789363861084, + -0.007237437181174755, + -0.2148536741733551, + -0.027081599459052086, + 0.29999423027038574, + -0.08414094150066376, + 0.027757715433835983, + -0.1977313905954361, + 2.312373638153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/132.png", + [ + 0.18551568686962128, + 0.044513363391160965, + -0.10271503776311874, + 1.120451807975769, + 0.01672734133899212, + -0.20759917795658112, + -0.059755146503448486, + 0.6423864364624023, + -0.11068883538246155, + 0.043232422322034836, + -0.18118175864219666, + 2.029846668243408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/58.png", + [ + 0.20443281531333923, + 0.006446327082812786, + -0.07150918245315552, + 0.8102313280105591, + -0.004161277320235968, + -0.21437303721904755, + -0.031221454963088036, + 0.34640181064605713, + -0.07167845219373703, + 0.030830835923552513, + -0.20213747024536133, + 2.3600850105285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/263.png", + [ + 0.2138204574584961, + 0.03410429134964943, + -0.008099641650915146, + 0.11779864132404327, + 0.031530074775218964, + -0.20900167524814606, + -0.047666020691394806, + 0.556522011756897, + -0.01531538087874651, + 0.04585948958992958, + -0.21121135354042053, + 2.557241916656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/253.png", + [ + 0.21556855738162994, + 0.012401442974805832, + -0.018008127808570862, + 0.2112547606229782, + 0.008265076205134392, + -0.21142861247062683, + -0.046663906425237656, + 0.5349361300468445, + -0.020242949947714806, + 0.04573877900838852, + -0.21082238852977753, + 2.4946722984313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/123.png", + [ + 0.1838938146829605, + 0.05260860547423363, + -0.10180021077394485, + 1.128986120223999, + 0.023259196430444717, + -0.20561976730823517, + -0.06424492597579956, + 0.7067109942436218, + -0.11220498383045197, + 0.04359741881489754, + -0.1801588237285614, + 2.057559013366699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/64.png", + [ + 0.19328051805496216, + 0.006005258299410343, + -0.09774694591760635, + 1.1084040403366089, + -0.005926779005676508, + -0.21515317261219025, + -0.024937672540545464, + 0.2769604027271271, + -0.09775174409151077, + 0.02491888776421547, + -0.19175907969474792, + 2.2189173698425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/10.png", + [ + 0.2158609926700592, + -0.01112321950495243, + 0.015106171369552612, + -0.18286964297294617, + -0.008925488218665123, + -0.21435992419719696, + -0.030299395322799683, + 0.33678334951400757, + 0.01650024577975273, + 0.02956334687769413, + -0.21401318907737732, + 2.5217819213867188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/170.png", + [ + 0.193440780043602, + 0.01036133337765932, + -0.0970628559589386, + 1.1191970109939575, + -0.006761680822819471, + -0.21351073682308197, + -0.03626764565706253, + 0.4073454439640045, + -0.09737984836101532, + 0.03540769964456558, + -0.1902928203344345, + 2.238401412963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/41.png", + [ + 0.20209050178527832, + 0.008003389462828636, + -0.07773846387863159, + 0.8959892988204956, + 0.0018380929250270128, + -0.21596255898475647, + -0.01745559275150299, + 0.1911437064409256, + -0.07812774181365967, + 0.015621207654476166, + -0.2014942467212677, + 2.3618955612182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/166.png", + [ + 0.1938495934009552, + 0.011930279433727264, + -0.09606195241212845, + 1.1082799434661865, + -0.004245023243129253, + -0.2137681394815445, + -0.03511493653059006, + 0.39659038186073303, + -0.096706822514534, + 0.033297859132289886, + -0.19101554155349731, + 2.2580647468566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/91.png", + [ + 0.1688123643398285, + 0.025668460875749588, + -0.13338442146778107, + 1.4970401525497437, + 0.004485416691750288, + -0.2137080579996109, + -0.03544913977384567, + 0.3882099390029907, + -0.135757714509964, + 0.024857409298419952, + -0.16703246533870697, + 1.9223846197128296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/140.png", + [ + 0.19009752571582794, + 0.020787138491868973, + -0.10187599807977676, + 1.1475752592086792, + -0.000681449135299772, + -0.21204660832881927, + -0.044538307934999466, + 0.48883548378944397, + -0.10397287458181381, + 0.039395689964294434, + -0.18597181141376495, + 2.140413284301758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/217.png", + [ + 0.17533178627490997, + 0.04059063270688057, + -0.1206609457731247, + 1.3501774072647095, + 0.016077937558293343, + -0.21078161895275116, + -0.047544676810503006, + 0.5250087976455688, + -0.12628604471683502, + 0.02951943688094616, + -0.17357516288757324, + 1.996745228767395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/240.png", + [ + 0.18976402282714844, + 0.02576356567442417, + -0.10135949403047562, + 1.1423901319503784, + 0.007125481963157654, + -0.2126941680908203, + -0.040722377598285675, + 0.449468195438385, + -0.10433951765298843, + 0.03233145922422409, + -0.18712519109249115, + 2.1568140983581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/23.png", + [ + 0.19507192075252533, + 0.010980909690260887, + -0.09367098659276962, + 1.080062747001648, + 0.0013839579187333584, + -0.21551109850406647, + -0.022381920367479324, + 0.24831172823905945, + -0.09430228173732758, + 0.019552117213606834, + -0.19409455358982086, + 2.2810773849487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/220.png", + [ + 0.17370103299617767, + 0.04013337939977646, + -0.12314687669277191, + 1.3826611042022705, + 0.0156144630163908, + -0.2109965980052948, + -0.046738963574171066, + 0.5128313899040222, + -0.12857696413993835, + 0.028594646602869034, + -0.17204129695892334, + 1.981227993965149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/201.png", + [ + 0.17684130370616913, + 0.034503016620874405, + -0.12035191804170609, + 1.3321279287338257, + 0.014611324295401573, + -0.21254862844944, + -0.039464958012104034, + 0.4271090030670166, + -0.12434447556734085, + 0.02409389056265354, + -0.17580051720142365, + 2.006472110748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/37.png", + [ + 0.2013038545846939, + 0.009839306585490704, + -0.07954774051904678, + 0.9191692471504211, + 0.002388289198279381, + -0.21567675471305847, + -0.02063337154686451, + 0.22927716374397278, + -0.08011835068464279, + 0.01829284057021141, + -0.2004851996898651, + 2.358199119567871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/178.png", + [ + 0.17722539603710175, + 0.026569345965981483, + -0.12179131805896759, + 1.3869231939315796, + 0.0039051377680152655, + -0.21277517080307007, + -0.04073531925678253, + 0.45279866456985474, + -0.1245945617556572, + 0.031123723834753036, + -0.1745147556066513, + 2.0354299545288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/36.png", + [ + 0.2020532488822937, + 0.010904460214078426, + -0.07748208194971085, + 0.8939635753631592, + 0.0030190397519618273, + -0.21548691391944885, + -0.022453727200627327, + 0.2484678030014038, + -0.07818737626075745, + 0.019858933985233307, + -0.20109762251377106, + 2.3636584281921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/213.png", + [ + 0.17567212879657745, + 0.04060954600572586, + -0.12015849351882935, + 1.3470988273620605, + 0.017166249454021454, + -0.21099227666854858, + -0.046211209148168564, + 0.5060762166976929, + -0.12566828727722168, + 0.027946744114160538, + -0.17428238689899445, + 2.004197120666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/212.png", + [ + 0.17505118250846863, + 0.04039701446890831, + -0.12113240361213684, + 1.3571455478668213, + 0.016832003369927406, + -0.21105216443538666, + -0.0460604652762413, + 0.5053690671920776, + -0.12657670676708221, + 0.027802228927612305, + -0.1736469715833664, + 1.9972366094589233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/182.png", + [ + 0.18224570155143738, + 0.03464720770716667, + -0.11195523291826248, + 1.2540640830993652, + 0.009832755662500858, + -0.2107798457145691, + -0.04922464117407799, + 0.5462963581085205, + -0.11678063869476318, + 0.036322444677352905, + -0.1788598895072937, + 2.0699000358581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/235.png", + [ + 0.1896331012248993, + 0.02887856587767601, + -0.10076313465833664, + 1.1285483837127686, + 0.011396406218409538, + -0.2127346694469452, + -0.03952175751328468, + 0.4360591769218445, + -0.10419837385416031, + 0.029289517551660538, + -0.18770380318164825, + 2.1662278175354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/8.png", + [ + 0.21530234813690186, + -0.011395584791898727, + 0.021515952423214912, + -0.2631867825984955, + -0.008251388557255268, + -0.21429681777954102, + -0.030930286273360252, + 0.3465685248374939, + 0.022906553000211716, + 0.02991502359509468, + -0.21337354183197021, + 2.523268699645996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/6.png", + [ + 0.21620841324329376, + -0.009690170176327229, + 0.010388370603322983, + -0.1282438039779663, + -0.007994710467755795, + -0.2139672487974167, + -0.03319631889462471, + 0.3769153356552124, + 0.011743179522454739, + 0.03274158760905266, + -0.21386440098285675, + 2.538792133331299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/257.png", + [ + 0.21150417625904083, + 0.00567019684240222, + 0.04670893773436546, + -0.572784423828125, + 0.014819532632827759, + -0.21217595040798187, + -0.04134783148765564, + 0.475337952375412, + 0.044657111167907715, + 0.04355583339929581, + -0.2075006514787674, + 2.477004051208496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/197.png", + [ + 0.1717541217803955, + 0.03841066733002663, + -0.12638448178768158, + 1.4163874387741089, + 0.014040568843483925, + -0.2114459127187729, + -0.04518160596489906, + 0.4965653121471405, + -0.13134412467479706, + 0.027624914422631264, + -0.1700984537601471, + 1.9514409303665161, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/219.png", + [ + 0.17409241199493408, + 0.041473161429166794, + -0.12214624881744385, + 1.372647762298584, + 0.017528614029288292, + -0.21087338030338287, + -0.04661614075303078, + 0.5136986374855042, + -0.12779858708381653, + 0.027573423460125923, + -0.17278636991977692, + 1.9918421506881714, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/169.png", + [ + 0.19238921999931335, + 0.01019241102039814, + -0.09914834797382355, + 1.1450004577636719, + -0.0076742228120565414, + -0.21338410675525665, + -0.03682699799537659, + 0.41478750109672546, + -0.09937498718500137, + 0.03621099516749382, + -0.1891065090894699, + 2.2280688285827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/154.png", + [ + 0.201834574341774, + 0.0053010317496955395, + -0.0786294937133789, + 0.9048312306404114, + -0.00792447105050087, + -0.21372301876544952, + -0.03475012630224228, + 0.38916411995887756, + -0.07840855419635773, + 0.03524581342935562, + -0.19889125227928162, + 2.3270535469055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/20.png", + [ + 0.19795985519886017, + 0.009969196282327175, + -0.08752377331256866, + 1.0071852207183838, + 0.0009597997996024787, + -0.2155139446258545, + -0.022376764565706253, + 0.24839678406715393, + -0.08808445930480957, + 0.02005631849169731, + -0.19694355130195618, + 2.306609630584717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/237.png", + [ + 0.18779940903186798, + 0.029582131654024124, + -0.10394313186407089, + 1.1742677688598633, + 0.009048067033290863, + -0.21197134256362915, + -0.04397927224636078, + 0.4865623414516449, + -0.10769128054380417, + 0.03377782553434372, + -0.18495821952819824, + 2.13657808303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/2.png", + [ + 0.21524696052074432, + 0.0015797249507158995, + -0.024782100692391396, + 0.2982526123523712, + -0.0028140658978372812, + -0.21329110860824585, + -0.03803795203566551, + 0.43815067410469055, + -0.024672437459230423, + 0.038109175860881805, + -0.21186518669128418, + 2.5315117835998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/117.png", + [ + 0.1809910237789154, + 0.0530010424554348, + -0.1066819354891777, + 1.1736259460449219, + 0.022172659635543823, + -0.20564427971839905, + -0.06454993039369583, + 0.703940749168396, + -0.11704066395759583, + 0.043002430349588394, + -0.17720091342926025, + 2.0053610801696777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/149.png", + [ + 0.20087160170078278, + 0.010677197948098183, + -0.08052633702754974, + 0.9155648350715637, + -0.006288577802479267, + -0.21210609376430511, + -0.04381046071648598, + 0.4960411489009857, + -0.08098732680082321, + 0.04295229911804199, + -0.1963263899087906, + 2.298619270324707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/161.png", + [ + 0.19536691904067993, + 0.014332655817270279, + -0.09259720891714096, + 1.0571115016937256, + -0.0004425102670211345, + -0.2139812558889389, + -0.0340547151863575, + 0.3841789960861206, + -0.09369883686304092, + 0.030894892290234566, + -0.1929091364145279, + 2.2802038192749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/5.png", + [ + 0.21658574044704437, + -0.0061937859281897545, + 0.0003878994903061539, + -0.0066773127764463425, + -0.006057318765670061, + -0.21393218636512756, + -0.03382644057273865, + 0.3843412697315216, + 0.001349940779618919, + 0.033801715821027756, + -0.2140175700187683, + 2.541421413421631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/187.png", + [ + 0.17758746445178986, + 0.038051337003707886, + -0.11816378682851791, + 1.3317875862121582, + 0.015919679775834084, + -0.21152247488498688, + -0.044189319014549255, + 0.4842284023761749, + -0.12311437726020813, + 0.02753593772649765, + -0.17616048455238342, + 2.037306785583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/108.png", + [ + 0.182331383228302, + 0.05144432932138443, + -0.10515059530735016, + 1.167931318283081, + 0.02310066856443882, + -0.20661500096321106, + -0.06102859228849411, + 0.6704040169715881, + -0.11475855112075806, + 0.04014488309621811, + -0.17935092747211456, + 2.0404510498046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/60.png", + [ + 0.202475905418396, + 0.004848153796046972, + -0.07699283957481384, + 0.8766075968742371, + -0.005802877712994814, + -0.21467657387256622, + -0.028778361156582832, + 0.3172525465488434, + -0.07692679017782211, + 0.02895449660718441, + -0.2004789412021637, + 2.3447279930114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/260.png", + [ + 0.2122369110584259, + 0.01779976859688759, + 0.039831649512052536, + -0.4798405170440674, + 0.02513773925602436, + -0.21157510578632355, + -0.03939499333500862, + 0.45145028829574585, + 0.03565790504217148, + 0.043209258466959, + -0.20930688083171844, + 2.5084075927734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/56.png", + [ + 0.20381490886211395, + 0.005696664564311504, + -0.073313869535923, + 0.8324126601219177, + -0.00421810382977128, + -0.21476206183433533, + -0.02841399423778057, + 0.3170902132987976, + -0.07341377437114716, + 0.028154851868748665, + -0.20190496742725372, + 2.3561315536499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/147.png", + [ + 0.19605310261249542, + 0.017469903454184532, + -0.0905863419175148, + 1.0353124141693115, + -0.0020666546188294888, + -0.2118692547082901, + -0.045332543551921844, + 0.5081258416175842, + -0.09223237633705139, + 0.04188213124871254, + -0.19153843820095062, + 2.2336912155151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/261.png", + [ + 0.21398915350437164, + 0.02459690347313881, + 0.0234844833612442, + -0.27658042311668396, + 0.02866809070110321, + -0.21096093952655792, + -0.04026808962225914, + 0.46187645196914673, + 0.018293965607881546, + 0.0428762286901474, + -0.21160070598125458, + 2.54372501373291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/30.png", + [ + 0.19826428592205048, + 0.011209837161004543, + -0.08668044954538345, + 1.0032638311386108, + 0.003561465535312891, + -0.21574284136295319, + -0.019754517823457718, + 0.22170180082321167, + -0.08732970803976059, + 0.01665126346051693, + -0.19759592413902283, + 2.3298001289367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/17.png", + [ + 0.20233720541000366, + 0.006415143143385649, + -0.07724244892597198, + 0.8949334621429443, + -0.0006465974147431552, + -0.2157839685678482, + -0.019615069031715393, + 0.21636837720870972, + -0.0775056779384613, + 0.01854764111340046, + -0.20148634910583496, + 2.3635520935058594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/12.png", + [ + 0.21615278720855713, + -0.0036359932273626328, + -0.014582404866814613, + 0.17479078471660614, + -0.005246198736131191, + -0.21526753902435303, + -0.02408856712281704, + 0.26446351408958435, + -0.014083479531109333, + 0.024383625015616417, + -0.21483713388442993, + 2.529446601867676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/114.png", + [ + 0.1826830804347992, + 0.0571955069899559, + -0.10150595009326935, + 1.1207307577133179, + 0.02902803383767605, + -0.20516061782836914, + -0.06335918605327606, + 0.6874537467956543, + -0.11283686757087708, + 0.03982069715857506, + -0.1806378960609436, + 2.047349452972412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/27.png", + [ + 0.19609472155570984, + 0.010079796425998211, + -0.09161412715911865, + 1.0602792501449585, + 0.0021368192974478006, + -0.2158142775297165, + -0.01917111687362194, + 0.21591030061244965, + -0.09214220196008682, + 0.01644674316048622, + -0.19541549682617188, + 2.300907611846924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/42.png", + [ + 0.20224834978580475, + 0.0070541780441999435, + -0.07741919904947281, + 0.8906434774398804, + 0.0005429591401480138, + -0.2159036546945572, + -0.018254000693559647, + 0.19970554113388062, + -0.07773801684379578, + 0.01684464141726494, + -0.20154640078544617, + 2.357337474822998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/223.png", + [ + 0.17786569893360138, + 0.03793937712907791, + -0.11778068542480469, + 1.317837119102478, + 0.014224471524357796, + -0.21114066243171692, + -0.04653139412403107, + 0.5101922750473022, + -0.12292011082172394, + 0.030464904382824898, + -0.17581361532211304, + 2.0188212394714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/174.png", + [ + 0.18494412302970886, + 0.0152738057076931, + -0.1118493378162384, + 1.2844773530960083, + -0.006173820700496435, + -0.21299238502979279, + -0.03929407149553299, + 0.44695448875427246, + -0.11271844059228897, + 0.036726709455251694, + -0.18136590719223022, + 2.1274352073669434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/7.png", + [ + 0.21567745506763458, + -0.011024247854948044, + 0.017595389857888222, + -0.21469807624816895, + -0.008332119323313236, + -0.21413198113441467, + -0.03203076869249344, + 0.36127743124961853, + 0.019018610939383507, + 0.031206736341118813, + -0.21357043087482452, + 2.530789852142334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/73.png", + [ + 0.1767318695783615, + 0.010343031026422977, + -0.12492702901363373, + 1.4104610681533813, + -0.0025711399503052235, + -0.21559129655361176, + -0.02148670330643654, + 0.2319534718990326, + -0.12532809376716614, + 0.019008180126547813, + -0.175725519657135, + 2.0373830795288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/120.png", + [ + 0.18246333301067352, + 0.05223313346505165, + -0.10453101247549057, + 1.1538938283920288, + 0.021456938236951828, + -0.2055041640996933, + -0.06523444503545761, + 0.7171359062194824, + -0.11486788839101791, + 0.044582873582839966, + -0.17822915315628052, + 2.0273895263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/46.png", + [ + 0.20091338455677032, + 0.006052654702216387, + -0.0809016078710556, + 0.922964870929718, + -0.0008094125660136342, + -0.21591046452522278, + -0.01816345937550068, + 0.1974695473909378, + -0.08112367242574692, + 0.01714443974196911, + -0.20018219947814941, + 2.32833194732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/127.png", + [ + 0.18429046869277954, + 0.049227505922317505, + -0.10276950150728226, + 1.1452065706253052, + 0.01939539983868599, + -0.20611222088336945, + -0.06394896656274796, + 0.700928270816803, + -0.11228863149881363, + 0.04519185796380043, + -0.17971324920654297, + 2.0458755493164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/236.png", + [ + 0.18927180767059326, + 0.03066130168735981, + -0.10091563314199448, + 1.1343016624450684, + 0.01182609423995018, + -0.21217897534370422, + -0.04228619113564491, + 0.46782186627388, + -0.10480564087629318, + 0.031430285423994064, + -0.18701820075511932, + 2.159252643585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/226.png", + [ + 0.18052144348621368, + 0.0377674400806427, + -0.11372566223144531, + 1.268526554107666, + 0.01429840736091137, + -0.21095158159732819, + -0.04735899716615677, + 0.5217452049255371, + -0.11897671967744827, + 0.0319521464407444, + -0.17824558913707733, + 2.03651762008667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/133.png", + [ + 0.18809419870376587, + 0.04155704751610756, + -0.09920421242713928, + 1.0773417949676514, + 0.015105989761650562, + -0.20807430148124695, + -0.05852174386382103, + 0.6262544393539429, + -0.10649070888757706, + 0.04388619214296341, + -0.18352553248405457, + 2.0536346435546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/57.png", + [ + 0.20451101660728455, + 0.005523385480046272, + -0.07136266678571701, + 0.8090965151786804, + -0.004625303670763969, + -0.21455717086791992, + -0.029861656948924065, + 0.3326493203639984, + -0.07142649590969086, + 0.029708657413721085, + -0.2023945301771164, + 2.363473892211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/44.png", + [ + 0.20169281959533691, + 0.0060886298306286335, + -0.07893557101488113, + 0.9025907516479492, + -3.106382428086363e-05, + -0.21602681279182434, + -0.016742421314120293, + 0.18135204911231995, + -0.07917003333568573, + 0.015596096403896809, + -0.20108895003795624, + 2.3428921699523926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/264.png", + [ + 0.21216167509555817, + 0.0363975390791893, + -0.024709010496735573, + 0.3210114538669586, + 0.030336936935782433, + -0.20918194949626923, + -0.047649528831243515, + 0.5620259046554565, + -0.03185885027050972, + 0.04319753497838974, + -0.20992113649845123, + 2.5512919425964355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/113.png", + [ + 0.18331477046012878, + 0.05748968571424484, + -0.10019244253635406, + 1.1062461137771606, + 0.029725421220064163, + -0.20508261024951935, + -0.06328844279050827, + 0.6851179599761963, + -0.11162431538105011, + 0.0397990420460701, + -0.18139445781707764, + 2.052596092224121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/126.png", + [ + 0.18470031023025513, + 0.0504014752805233, + -0.10145627707242966, + 1.1302833557128906, + 0.02165001444518566, + -0.20617665350437164, + -0.0630108192563057, + 0.6912503242492676, + -0.111197829246521, + 0.043574970215559006, + -0.180787593126297, + 2.059922695159912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/29.png", + [ + 0.19734373688697815, + 0.011536547914147377, + -0.08871447294950485, + 1.0273656845092773, + 0.0037190241273492575, + -0.21573767066001892, + -0.019781915470957756, + 0.22248438000679016, + -0.08938410878181458, + 0.01649434305727482, + -0.19668838381767273, + 2.318345069885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/4.png", + [ + 0.21636217832565308, + -0.0032256399281322956, + -0.011175408028066158, + 0.13267719745635986, + -0.005006237421184778, + -0.21373231709003448, + -0.03523244336247444, + 0.4028575122356415, + -0.010499145835638046, + 0.03543984517455101, + -0.21349865198135376, + 2.5403709411621094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/55.png", + [ + 0.20243017375469208, + 0.006692166440188885, + -0.07697489112615585, + 0.8767999410629272, + -0.0032784338109195232, + -0.21492202579975128, + -0.0273069329559803, + 0.3055335581302643, + -0.0771956592798233, + 0.026676425710320473, + -0.20069153606891632, + 2.3421382904052734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/9.png", + [ + 0.21533657610416412, + -0.010945207439363003, + 0.0214071124792099, + -0.2610355615615845, + -0.008045200258493423, + -0.21460190415382385, + -0.028795864433050156, + 0.31994691491127014, + 0.022656936198472977, + 0.027823185548186302, + -0.21368300914764404, + 2.520430088043213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/25.png", + [ + 0.195786714553833, + 0.010600063018500805, + -0.0922122374176979, + 1.0669543743133545, + 0.0015752314357087016, + -0.21560552716255188, + -0.021439919248223305, + 0.23950910568237305, + -0.0928061231970787, + 0.01870267651975155, + -0.19489772617816925, + 2.295624256134033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/99.png", + [ + 0.1807856559753418, + 0.046636585146188736, + -0.10995212197303772, + 1.2190836668014526, + 0.01775648631155491, + -0.20775151252746582, + -0.058922939002513885, + 0.6491713523864746, + -0.11810651421546936, + 0.04015263542532921, + -0.17716237902641296, + 2.0132980346679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/208.png", + [ + 0.17551599442958832, + 0.038646016269922256, + -0.12103106081485748, + 1.3562016487121582, + 0.015038304030895233, + -0.2112758755683899, + -0.045653633773326874, + 0.5040928721427917, + -0.12615816295146942, + 0.028581291437149048, + -0.1738249659538269, + 2.0006160736083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/224.png", + [ + 0.17997314035892487, + 0.03781915083527565, + -0.11457431316375732, + 1.2800467014312744, + 0.013691606000065804, + -0.2108277678489685, + -0.04808412492275238, + 0.5287154912948608, + -0.11987534910440445, + 0.03269946575164795, + -0.1775064319372177, + 2.034620761871338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/34.png", + [ + 0.20070870220661163, + 0.011705432087182999, + -0.08078912645578384, + 0.9312188029289246, + 0.0039059289265424013, + -0.2155669778585434, + -0.021529512479901314, + 0.2390182614326477, + -0.08153922110795975, + 0.01848672516644001, + -0.19989369809627533, + 2.3513221740722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/72.png", + [ + 0.17915280163288116, + 0.010036739520728588, + -0.12145549058914185, + 1.3731060028076172, + -0.0020603525917977095, + -0.2156582772731781, + -0.020860513672232628, + 0.22515374422073364, + -0.12185206264257431, + 0.018402988091111183, + -0.17821699380874634, + 2.0640687942504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/102.png", + [ + 0.18097351491451263, + 0.04762212559580803, + -0.10921818763017654, + 1.2059922218322754, + 0.018350260332226753, + -0.20738565921783447, + -0.06001962721347809, + 0.6565607190132141, + -0.11772743612527847, + 0.04088056832551956, + -0.17724820971488953, + 2.010550022125244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/262.png", + [ + 0.21464835107326508, + 0.0287188570946455, + 0.007015380542725325, + -0.07066648453474045, + 0.029545502737164497, + -0.21017520129680634, + -0.04360440373420715, + 0.5037780404090881, + 0.0010254569351673126, + 0.044153232127428055, + -0.212125763297081, + 2.558852195739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/134.png", + [ + 0.18911591172218323, + 0.037586648017168045, + -0.09884485602378845, + 1.0755603313446045, + 0.011379086412489414, + -0.20858339965343475, + -0.057544559240341187, + 0.6196339726448059, + -0.10513599961996078, + 0.04503447934985161, + -0.1840277463197708, + 2.0669960975646973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/70.png", + [ + 0.1850237101316452, + 0.008670940063893795, + -0.11242304742336273, + 1.2706921100616455, + -0.0019039969192817807, + -0.2157619595527649, + -0.01977480575442314, + 0.2144601047039032, + -0.11274084448814392, + 0.017874084413051605, + -0.18416815996170044, + 2.1332249641418457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/135.png", + [ + 0.19017048180103302, + 0.034328438341617584, + -0.09800326079130173, + 1.0710103511810303, + 0.008533574640750885, + -0.20896710455417633, + -0.0566377118229866, + 0.6148106455802917, + -0.10349039733409882, + 0.045849867165088654, + -0.1847577542066574, + 2.086125373840332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/229.png", + [ + 0.1801963895559311, + 0.03747841343283653, + -0.11433513462543488, + 1.278944969177246, + 0.014523464255034924, + -0.21116480231285095, + -0.046329110860824585, + 0.5090824365615845, + -0.11944129317998886, + 0.0308656208217144, + -0.17812630534172058, + 2.0388760566711426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/130.png", + [ + 0.18374046683311462, + 0.047537513077259064, + -0.1045348048210144, + 1.1538196802139282, + 0.018661916255950928, + -0.20697665214538574, + -0.06132125481963158, + 0.6623541712760925, + -0.11330964416265488, + 0.0429970808327198, + -0.17961089313030243, + 2.0243258476257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/90.png", + [ + 0.16643309593200684, + 0.024597439914941788, + -0.13653893768787384, + 1.532387137413025, + 0.0038727563805878162, + -0.21398256719112396, + -0.033828213810920715, + 0.37172815203666687, + -0.1386827975511551, + 0.023543840274214745, + -0.16480493545532227, + 1.8994065523147583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/122.png", + [ + 0.18391962349414825, + 0.051852189004421234, + -0.10214114189147949, + 1.1320140361785889, + 0.022761067375540733, + -0.2058948576450348, + -0.06353847682476044, + 0.6994160413742065, + -0.11226484179496765, + 0.04320363327860832, + -0.18021638691425323, + 2.061488151550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/238.png", + [ + 0.18568259477615356, + 0.028435824438929558, + -0.1079874113202095, + 1.2201588153839111, + 0.00825195387005806, + -0.21245308220386505, + -0.041755180805921555, + 0.4619571566581726, + -0.11136329174041748, + 0.03167007863521576, + -0.18314780294895172, + 2.112666606903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/15.png", + [ + 0.2083110362291336, + 0.002780588110908866, + -0.05955394729971886, + 0.6975485682487488, + -0.002563806949183345, + -0.2158208042383194, + -0.019044553861021996, + 0.20865434408187866, + -0.05956367030739784, + 0.019014110788702965, + -0.2074572890996933, + 2.441727638244629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/162.png", + [ + 0.19489146769046783, + 0.015307690016925335, + -0.09343922138214111, + 1.0681657791137695, + 8.551774226361886e-05, + -0.21385261416435242, + -0.034856054931879044, + 0.39451247453689575, + -0.09468476474285126, + 0.03131495788693428, + -0.19235920906066895, + 2.277233600616455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/22.png", + [ + 0.19547605514526367, + 0.01145641878247261, + -0.09276723116636276, + 1.0676517486572266, + 0.0020110723562538624, + -0.21550673246383667, + -0.022376637905836105, + 0.24896177649497986, + -0.09345033019781113, + 0.01932637393474579, + -0.194528728723526, + 2.2819910049438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/171.png", + [ + 0.19296030700206757, + 0.009735455736517906, + -0.09807872772216797, + 1.1287723779678345, + -0.006830277387052774, + -0.21377581357955933, + -0.03465763479471207, + 0.38932546973228455, + -0.0983237698674202, + 0.03395622596144676, + -0.19007183611392975, + 2.235567569732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/138.png", + [ + 0.19051918387413025, + 0.022761616855859756, + -0.10065903514623642, + 1.1205074787139893, + 0.00022285501472651958, + -0.21142905950546265, + -0.04738779366016388, + 0.5180909633636475, + -0.10320021212100983, + 0.041563939303159714, + -0.18593022227287292, + 2.123641014099121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/109.png", + [ + 0.18262551724910736, + 0.052063629031181335, + -0.10433211922645569, + 1.1575173139572144, + 0.023203378543257713, + -0.20622538030147552, + -0.06229444965720177, + 0.6813071966171265, + -0.11426904797554016, + 0.04133248329162598, + -0.1793937087059021, + 2.0367746353149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/26.png", + [ + 0.1956218183040619, + 0.011840859428048134, + -0.09241100400686264, + 1.0688236951828003, + 0.0032215758692473173, + -0.21564874053001404, + -0.020811982452869415, + 0.23331516981124878, + -0.09311080724000931, + 0.017415830865502357, + -0.1948716640472412, + 2.2944765090942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/43.png", + [ + 0.20189104974269867, + 0.007232534699141979, + -0.07832999527454376, + 0.8973149657249451, + 0.0007763372850604355, + -0.2159295529127121, + -0.01793671026825905, + 0.19627594947814941, + -0.07865935564041138, + 0.016432246193289757, + -0.2012227177619934, + 2.3488006591796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/205.png", + [ + 0.1742846518754959, + 0.0364430733025074, + -0.1234692633152008, + 1.383723258972168, + 0.01506137102842331, + -0.21215656399726868, + -0.04135986045002937, + 0.45127561688423157, + -0.12785114347934723, + 0.024685736745595932, + -0.17318370938301086, + 1.9873265027999878, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/246.png", + [ + 0.19782836735248566, + 0.02239552140235901, + -0.08550020307302475, + 0.9796126484870911, + 0.005332110915333033, + -0.21224577724933624, + -0.04325734078884125, + 0.4823174774646759, + -0.0882236510515213, + 0.03739077225327492, + -0.19433581829071045, + 2.243605136871338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/244.png", + [ + 0.19689913094043732, + 0.01950240135192871, + -0.08830784261226654, + 1.000432014465332, + 0.0027626119554042816, + -0.21277481317520142, + -0.04083062708377838, + 0.45327213406562805, + -0.09039349853992462, + 0.03597816824913025, + -0.19360393285751343, + 2.2322468757629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/84.png", + [ + 0.16087552905082703, + 0.011662442237138748, + -0.14467531442642212, + 1.626355528831482, + -0.00633831974118948, + -0.21520353853702545, + -0.024395864456892014, + 0.2659126818180084, + -0.14500615000724792, + 0.022345472127199173, + -0.15944211184978485, + 1.84444260597229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/216.png", + [ + 0.1751897782087326, + 0.04109372943639755, + -0.12069690227508545, + 1.3503552675247192, + 0.01662369817495346, + -0.21072319149971008, + -0.04761597141623497, + 0.5246269702911377, + -0.12641237676143646, + 0.029239248484373093, + -0.17353059351444244, + 1.9955278635025024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/136.png", + [ + 0.18977777659893036, + 0.030979933217167854, + -0.09986254572868347, + 1.0979866981506348, + 0.00626075966283679, + -0.2099408060312271, + -0.05323116108775139, + 0.5806818008422852, + -0.10436994582414627, + 0.04373782500624657, + -0.18477502465248108, + 2.0974879264831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/89.png", + [ + 0.16857536137104034, + 0.02142745442688465, + -0.13442878425121307, + 1.5045793056488037, + 0.002293142257258296, + -0.2143900841474533, + -0.031297359615564346, + 0.34426242113113403, + -0.136106476187706, + 0.022927002981305122, + -0.16702474653720856, + 1.9212855100631714, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/63.png", + [ + 0.19534562528133392, + 0.005074677988886833, + -0.09360676258802414, + 1.0665607452392578, + -0.007115145679563284, + -0.2149302065372467, + -0.02650037594139576, + 0.2958025634288788, + -0.09347380697727203, + 0.026965586468577385, + -0.19360628724098206, + 2.248368263244629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/88.png", + [ + 0.17009256780147552, + 0.02084839902818203, + -0.1325962245464325, + 1.4832227230072021, + 0.00012743000115733594, + -0.21406996250152588, + -0.033495232462882996, + 0.36667680740356445, + -0.13422517478466034, + 0.026216235011816025, + -0.16806010901927948, + 1.9354573488235474, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/62.png", + [ + 0.1965826153755188, + 0.003331296145915985, + -0.09106079488992691, + 1.0421286821365356, + -0.008754433132708073, + -0.2148377001285553, + -0.026758581399917603, + 0.29750415682792664, + -0.09070020169019699, + 0.027956468984484673, + -0.19478143751621246, + 2.2750449180603027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/65.png", + [ + 0.19339421391487122, + 0.006185354199260473, + -0.09751054644584656, + 1.1010152101516724, + -0.004130509216338396, + -0.21552912890911102, + -0.021863695234060287, + 0.23989686369895935, + -0.09761917591094971, + 0.021373432129621506, + -0.19225388765335083, + 2.2224764823913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/248.png", + [ + 0.20391744375228882, + 0.018849344924092293, + -0.07078330963850021, + 0.8143234252929688, + 0.004483911208808422, + -0.21219734847545624, + -0.043589845299720764, + 0.4856003224849701, + -0.07311271876096725, + 0.039558589458465576, + -0.2000938355922699, + 2.320174217224121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/80.png", + [ + 0.16658522188663483, + 0.006759848911315203, + -0.13838915526866913, + 1.5582112073898315, + -0.008597173728048801, + -0.2154952883720398, + -0.020875029265880585, + 0.22408568859100342, + -0.13828718662261963, + 0.021540258079767227, + -0.16541029512882233, + 1.9085062742233276, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/146.png", + [ + 0.19391721487045288, + 0.018897870555520058, + -0.09479914605617523, + 1.08301842212677, + -0.0012494402471929789, + -0.21198585629463196, + -0.04481442645192146, + 0.5014230608940125, + -0.09665633738040924, + 0.04065420478582382, + -0.18961192667484283, + 2.21246337890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/119.png", + [ + 0.18183213472366333, + 0.05080889165401459, + -0.10631752759218216, + 1.171981692314148, + 0.019996395334601402, + -0.2059668004512787, + -0.06423172354698181, + 0.7046060562133789, + -0.11612538248300552, + 0.0440911129117012, + -0.17753523588180542, + 2.01676607131958, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/180.png", + [ + 0.18053188920021057, + 0.03179759159684181, + -0.11552077531814575, + 1.3029508590698242, + 0.006611664779484272, + -0.21123071014881134, + -0.04780968651175499, + 0.5299260020256042, + -0.11963453143835068, + 0.03630968555808067, + -0.1769663244485855, + 2.0545358657836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/145.png", + [ + 0.19532284140586853, + 0.016252119094133377, + -0.09237287938594818, + 1.052146553993225, + -0.0032734002452343702, + -0.21208570897579193, + -0.04423604905605316, + 0.49387410283088684, + -0.09373455494642258, + 0.04127240926027298, + -0.19094061851501465, + 2.227072238922119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/204.png", + [ + 0.17548726499080658, + 0.03663846477866173, + -0.12169526517391205, + 1.360097885131836, + 0.015561344102025032, + -0.21210889518260956, + -0.041419245302677155, + 0.4501270055770874, + -0.1261346936225891, + 0.02480589598417282, + -0.1744207739830017, + 1.9977656602859497, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/207.png", + [ + 0.1735411286354065, + 0.03810660541057587, + -0.12401315569877625, + 1.391707420349121, + 0.014417275786399841, + -0.21149884164333344, + -0.04481389746069908, + 0.494391530752182, + -0.12893223762512207, + 0.027641084045171738, + -0.1719312220811844, + 1.9806069135665894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/250.png", + [ + 0.21056297421455383, + 0.013251916505396366, + -0.04935091361403465, + 0.570685088634491, + 0.002347164787352085, + -0.21154890954494476, + -0.046791478991508484, + 0.527542233467102, + -0.051045242697000504, + 0.044937051832675934, + -0.20572538673877716, + 2.410550117492676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/167.png", + [ + 0.19260096549987793, + 0.010632477700710297, + -0.0986899808049202, + 1.1396538019180298, + -0.006561504676938057, + -0.2135930359363556, + -0.03581696376204491, + 0.4027097523212433, + -0.09904396533966064, + 0.034826118499040604, + -0.18953979015350342, + 2.2394933700561523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/243.png", + [ + 0.19650714099407196, + 0.018829243257641792, + -0.0893213078379631, + 1.0059754848480225, + 0.0023742257617413998, + -0.21299757063388824, + -0.03967732936143875, + 0.4390139579772949, + -0.09125349670648575, + 0.03500552475452423, + -0.19337865710258484, + 2.227299213409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/189.png", + [ + 0.1765766441822052, + 0.038115497678518295, + -0.11964864283800125, + 1.3467155694961548, + 0.016610372811555862, + -0.21172761917114258, + -0.04293488711118698, + 0.4704383909702301, + -0.12446962296962738, + 0.025816993787884712, + -0.17546707391738892, + 2.026423454284668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/230.png", + [ + 0.18351586163043976, + 0.03672458603978157, + -0.10918395221233368, + 1.220192790031433, + 0.014199846424162388, + -0.2110142856836319, + -0.0471087247133255, + 0.5167694091796875, + -0.1143161952495575, + 0.03274403512477875, + -0.18112848699092865, + 2.0709919929504395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/79.png", + [ + 0.1664080023765564, + 0.006286633666604757, + -0.13862448930740356, + 1.5629976987838745, + -0.008565838448703289, + -0.2155740112066269, + -0.020058931782841682, + 0.21906152367591858, + -0.1385023146867752, + 0.020885702222585678, + -0.1653141975402832, + 1.9059017896652222, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/176.png", + [ + 0.1777729094028473, + 0.021578282117843628, + -0.12197976559400558, + 1.3992722034454346, + -0.00017115626542363316, + -0.21331891417503357, + -0.0379856638610363, + 0.4286413788795471, + -0.12387353926897049, + 0.03126208484172821, + -0.17500263452529907, + 2.0451998710632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/225.png", + [ + 0.18009193241596222, + 0.03785547614097595, + -0.11437547206878662, + 1.2746479511260986, + 0.013903884217143059, + -0.21085673570632935, + -0.04789579287171364, + 0.5271801352500916, + -0.11967233568429947, + 0.03246980905532837, + -0.17768548429012299, + 2.0320935249328613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/185.png", + [ + 0.17917652428150177, + 0.04077916592359543, + -0.11480730772018433, + 1.2870768308639526, + 0.014773952774703503, + -0.2099427729845047, + -0.0515136644244194, + 0.5736608505249023, + -0.12093547731637955, + 0.03477049246430397, + -0.17639023065567017, + 2.0365819931030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/165.png", + [ + 0.19422166049480438, + 0.012830490246415138, + -0.09519043564796448, + 1.0971091985702515, + -0.0033071287907660007, + -0.21371221542358398, + -0.0355534590780735, + 0.4031510651111603, + -0.09599427878856659, + 0.03332212567329407, + -0.1913703978061676, + 2.2655282020568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/116.png", + [ + 0.18157747387886047, + 0.05289311707019806, + -0.10573473572731018, + 1.1641589403152466, + 0.023822268471121788, + -0.20617489516735077, + -0.06222786009311676, + 0.677509069442749, + -0.1158016249537468, + 0.04052314534783363, + -0.17859381437301636, + 2.020634651184082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/19.png", + [ + 0.1986882984638214, + 0.008950344286859035, + -0.08596944808959961, + 0.9907300472259521, + 5.843719918630086e-05, + -0.21552367508411407, + -0.022303272038698196, + 0.2475973665714264, + -0.08643408864736557, + 0.020428672432899475, + -0.19763529300689697, + 2.314065456390381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/77.png", + [ + 0.1712139993906021, + 0.006042639724910259, + -0.13265421986579895, + 1.4941227436065674, + -0.008206850849092007, + -0.21555490791797638, + -0.020411327481269836, + 0.22463971376419067, + -0.13253793120384216, + 0.021153278648853302, + -0.1701003462076187, + 1.966051697731018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/254.png", + [ + 0.21645572781562805, + 0.009610528126358986, + -0.0015664038946852088, + 0.012987194582819939, + 0.009066132828593254, + -0.21162717044353485, + -0.04560308903455734, + 0.5249440670013428, + -0.003552624024450779, + 0.045491475611925125, + -0.2118154764175415, + 2.5150256156921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/247.png", + [ + 0.20014476776123047, + 0.02216554433107376, + -0.07999160140752792, + 0.9191892743110657, + 0.006038684397935867, + -0.21214133501052856, + -0.04367480054497719, + 0.48551568388938904, + -0.08278588205575943, + 0.0381135493516922, + -0.19657504558563232, + 2.2721877098083496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/68.png", + [ + 0.19187253713607788, + 0.008903982117772102, + -0.10026738047599792, + 1.1299750804901123, + -0.001324653741903603, + -0.21558329463005066, + -0.02167918160557747, + 0.23607760667800903, + -0.10065323114395142, + 0.019810620695352554, + -0.19085168838500977, + 2.207395076751709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/143.png", + [ + 0.19579993188381195, + 0.01613626815378666, + -0.09137780219316483, + 1.0347213745117188, + -0.002342654624953866, + -0.2124456763267517, + -0.042535193264484406, + 0.47316405177116394, + -0.09276202321052551, + 0.03942526504397392, + -0.1918039470911026, + 2.233513355255127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/218.png", + [ + 0.17478923499584198, + 0.04145810753107071, + -0.1211521252989769, + 1.358845829963684, + 0.017351558431982994, + -0.21078144013881683, + -0.04709561914205551, + 0.5202436447143555, + -0.12686817348003387, + 0.028289562091231346, + -0.17335529625415802, + 1.996935486793518, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/183.png", + [ + 0.18084093928337097, + 0.03646976128220558, + -0.11364157497882843, + 1.27297842502594, + 0.01104458887130022, + -0.21053944528102875, + -0.04999058321118355, + 0.5568740367889404, + -0.11883799731731415, + 0.035930462181568146, + -0.1775793582201004, + 2.054741859436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/86.png", + [ + 0.16813309490680695, + 0.015821080654859543, + -0.13575288653373718, + 1.5216416120529175, + -0.00386848789639771, + -0.21458084881305695, + -0.029799161478877068, + 0.327009379863739, + -0.13661693036556244, + 0.02554699033498764, + -0.16622592508792877, + 1.915033221244812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/239.png", + [ + 0.1878499686717987, + 0.027741210535168648, + -0.10435853898525238, + 1.1768959760665894, + 0.008783476427197456, + -0.21263395249843597, + -0.040712978690862656, + 0.4489554762840271, + -0.10762495547533035, + 0.0310664065182209, + -0.18547140061855316, + 2.134798049926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/1.png", + [ + 0.21472634375095367, + 0.002093046670779586, + -0.028915563598275185, + 0.3460026979446411, + -0.003203818341717124, + -0.21307238936424255, + -0.039214685559272766, + 0.455424964427948, + -0.028813645243644714, + 0.03928963094949722, + -0.21112553775310516, + 2.523649215698242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/81.png", + [ + 0.16785678267478943, + 0.0053759305737912655, + -0.13690541684627533, + 1.5387953519821167, + -0.008283911272883415, + -0.21571345627307892, + -0.018627246841788292, + 0.1953379511833191, + -0.13676027953624725, + 0.019664613530039787, + -0.16690662503242493, + 1.9252675771713257, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/95.png", + [ + 0.1806841939687729, + 0.03811304271221161, + -0.11335128545761108, + 1.2565845251083374, + 0.013162849470973015, + -0.21046635508537292, + -0.04978500306606293, + 0.5468156933784485, + -0.11886066943407059, + 0.034629516303539276, + -0.17782247066497803, + 2.0281195640563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/200.png", + [ + 0.17914190888404846, + 0.0330391600728035, + -0.11732213199138641, + 1.2980480194091797, + 0.014118210412561893, + -0.21278327703475952, + -0.038364604115486145, + 0.413895845413208, + -0.12106503546237946, + 0.024074485525488853, + -0.17807742953300476, + 2.02492094039917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/199.png", + [ + 0.17640355229377747, + 0.03154677525162697, + -0.1217968612909317, + 1.3569542169570923, + 0.010285637341439724, + -0.212666854262352, + -0.04018600285053253, + 0.4372321367263794, + -0.12539489567279816, + 0.02693530172109604, + -0.17463819682598114, + 1.9908429384231567, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/103.png", + [ + 0.1810770332813263, + 0.048437487334012985, + -0.10868676751852036, + 1.1994091272354126, + 0.01923382841050625, + -0.20722228288650513, + -0.06030654534697533, + 0.6590346097946167, + -0.11742682754993439, + 0.04075082018971443, + -0.17747731506824493, + 2.0135903358459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/196.png", + [ + 0.17354312539100647, + 0.039609674364328384, + -0.12353845685720444, + 1.381974458694458, + 0.015899937599897385, + -0.21126700937747955, + -0.04540200158953667, + 0.49659666419029236, + -0.12875506281852722, + 0.02729877643287182, + -0.17211855947971344, + 1.9739011526107788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/150.png", + [ + 0.20339760184288025, + 0.006615217309445143, + -0.07438777387142181, + 0.8458707332611084, + -0.008329045958817005, + -0.21246708929538727, + -0.04166845604777336, + 0.47335734963417053, + -0.07421542704105377, + 0.041974663734436035, + -0.19919361174106598, + 2.332082748413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/83.png", + [ + 0.1638438105583191, + 0.007603891659528017, + -0.14158138632774353, + 1.5900468826293945, + -0.007672408130019903, + -0.21557031571865082, + -0.020456431433558464, + 0.21985217928886414, + -0.14157767593860626, + 0.020481998100876808, + -0.16273948550224304, + 1.8827601671218872, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/142.png", + [ + 0.19509772956371307, + 0.016386661678552628, + -0.09282375127077103, + 1.047895073890686, + -0.0025284416042268276, + -0.21238864958286285, + -0.04280838370323181, + 0.4733002483844757, + -0.09422513842582703, + 0.03962862119078636, + -0.19104734063148499, + 2.2148447036743164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/186.png", + [ + 0.17785871028900146, + 0.03862948343157768, + -0.11756671220064163, + 1.3228713274002075, + 0.014447713270783424, + -0.2109217345714569, + -0.047446638345718384, + 0.5260872840881348, + -0.12290416657924652, + 0.031107600778341293, + -0.1757121980190277, + 2.03391170501709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/195.png", + [ + 0.1765979528427124, + 0.039796505123376846, + -0.119068443775177, + 1.3306870460510254, + 0.016652993857860565, + -0.21110987663269043, + -0.04586060345172882, + 0.49868103861808777, + -0.12443365156650543, + 0.028226858004927635, + -0.17512111365795135, + 2.0056653022766113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/51.png", + [ + 0.20042112469673157, + 0.006236336659640074, + -0.0820997878909111, + 0.9373008012771606, + -0.004063758999109268, + -0.2150396704673767, + -0.026254912838339806, + 0.2901304364204407, + -0.08223596215248108, + 0.02582523413002491, + -0.19879184663295746, + 2.315850257873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/233.png", + [ + 0.1868254691362381, + 0.031912416219711304, + -0.1050034612417221, + 1.1768701076507568, + 0.012758937664330006, + -0.2122218757867813, + -0.04179688170552254, + 0.45977669954299927, + -0.10900155454874039, + 0.02985578030347824, + -0.1848653256893158, + 2.1296496391296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/128.png", + [ + 0.18382282555103302, + 0.04882219806313515, + -0.10379522293806076, + 1.1533021926879883, + 0.01861525885760784, + -0.20616623759269714, + -0.06400660425424576, + 0.6978595852851868, + -0.11318358778953552, + 0.045384641736745834, + -0.17910221219062805, + 2.0310821533203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/168.png", + [ + 0.19213607907295227, + 0.01071847602725029, + -0.09958282113075256, + 1.1514450311660767, + -0.007544788997620344, + -0.21326936781406403, + -0.037511978298425674, + 0.42178621888160706, + -0.09987342357635498, + 0.03673127666115761, + -0.1887432336807251, + 2.2269229888916016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/215.png", + [ + 0.17526309192180634, + 0.040827177464962006, + -0.12068092823028564, + 1.3511576652526855, + 0.016617905348539352, + -0.21081992983818054, + -0.047187887132167816, + 0.5182593464851379, + -0.12631146609783173, + 0.02891354076564312, + -0.1736585944890976, + 1.997172236442566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/93.png", + [ + 0.17470507323741913, + 0.028346512466669083, + -0.12499003857374191, + 1.3973028659820557, + 0.00749228848144412, + -0.21320602297782898, + -0.03788067400455475, + 0.4115913510322571, + -0.12794490158557892, + 0.026221271604299545, + -0.17288850247859955, + 1.9782499074935913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+VjvX4tzzlbo+P2+C0+F5669-5935/242.png", + [ + 0.19504132866859436, + 0.020289339125156403, + -0.09216896444559097, + 1.0363210439682007, + 0.0031856733839958906, + -0.21290302276611328, + -0.04012547433376312, + 0.44343486428260803, + -0.09432192891836166, + 0.034764133393764496, + -0.19194458425045013, + 2.2106051445007324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/76.png", + [ + 0.2146698385477066, + -0.027480250224471092, + -0.010468174703419209, + 0.12367130070924759, + -0.025697724893689156, + -0.21280381083488464, + 0.03165541961789131, + -0.3824678659439087, + -0.014295934699475765, + -0.03012099303305149, + -0.21409402787685394, + 2.5548348426818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/48.png", + [ + 0.21570265293121338, + -0.016988538205623627, + -0.01147403847426176, + 0.13571013510227203, + -0.016786912456154823, + -0.21598245203495026, + 0.004204656463116407, + -0.06657715886831284, + -0.011767053045332432, + -0.003296839538961649, + -0.21632975339889526, + 2.598522186279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/35.png", + [ + 0.21556825935840607, + -0.021100228652358055, + -0.005743829067796469, + 0.06773938238620758, + -0.021242402493953705, + -0.21556444466114044, + -0.005349950399249792, + 0.04741203412413597, + -0.005193409975618124, + 0.005885748192667961, + -0.2165324091911316, + 2.5443124771118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/124.png", + [ + 0.21403127908706665, + -0.028965439647436142, + -0.017306355759501457, + 0.21670794486999512, + -0.026599841192364693, + -0.21321861445903778, + 0.027895677834749222, + -0.3548268675804138, + -0.020759455859661102, + -0.025430763140320778, + -0.2141733318567276, + 2.6875381469726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/97.png", + [ + 0.214392751455307, + -0.029958831146359444, + -0.009280091151595116, + 0.11073625087738037, + -0.028727630153298378, + -0.21330836415290833, + 0.024943122640252113, + -0.3099495768547058, + -0.01258471142500639, + -0.023450041189789772, + -0.21503399312496185, + 2.590885639190674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/13.png", + [ + 0.2156137228012085, + -0.02138669230043888, + -0.0011072491761296988, + 0.013231396675109863, + -0.021390628069639206, + -0.21561488509178162, + -0.0007438432076014578, + -0.011910241097211838, + -0.0010284133022651076, + 0.0008495116489939392, + -0.21667051315307617, + 2.570876121520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/32.png", + [ + 0.21568351984024048, + -0.02004896104335785, + -0.005153656471520662, + 0.05997859314084053, + -0.02017042227089405, + -0.21567288041114807, + -0.005124744027853012, + 0.04581310972571373, + -0.004655635915696621, + 0.005581060890108347, + -0.2165527045726776, + 2.5546493530273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/38.png", + [ + 0.21581555902957916, + -0.01834719069302082, + -0.005909273400902748, + 0.06775711476802826, + -0.01844162493944168, + -0.2158631533384323, + -0.0033010400366038084, + 0.02198893576860428, + -0.005607623141258955, + 0.003790902206674218, + -0.21656888723373413, + 2.549750804901123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/111.png", + [ + 0.21458959579467773, + -0.028531312942504883, + -0.009228166192770004, + 0.10937214642763138, + -0.027224717661738396, + -0.21332213282585144, + 0.026464594528079033, + -0.32809558510780334, + -0.012570190243422985, + -0.02505042776465416, + -0.21485428512096405, + 2.5788826942443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/11.png", + [ + 0.21558701992034912, + -0.021659327670931816, + -0.001001305878162384, + 0.012271289713680744, + -0.021648384630680084, + -0.2155793458223343, + 0.002189482329413295, + -0.04500942677259445, + -0.0012151103001087904, + -0.0020784505177289248, + -0.2166612446308136, + 2.590364456176758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/59.png", + [ + 0.21517114341259003, + -0.023249199613928795, + -0.01042815949767828, + 0.12330429255962372, + -0.022294070571660995, + -0.21471302211284637, + 0.018686484545469284, + -0.22486728429794312, + -0.01233881339430809, + -0.017483847215771675, + -0.21561533212661743, + 2.560070514678955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/105.png", + [ + 0.21436980366706848, + -0.02983187511563301, + -0.010175297036767006, + 0.12042540311813354, + -0.028227904811501503, + -0.2128254622220993, + 0.029264256358146667, + -0.361316978931427, + -0.014023653231561184, + -0.02762734889984131, + -0.21444804966449738, + 2.5891175270080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/121.png", + [ + 0.21466046571731567, + -0.027876578271389008, + -0.00957475695759058, + 0.1126338467001915, + -0.026579944416880608, + -0.21349847316741943, + 0.025686664506793022, + -0.3239580988883972, + -0.012739158235490322, + -0.024273328483104706, + -0.21493351459503174, + 2.636190891265869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/24.png", + [ + 0.2156275510787964, + -0.021097222343087196, + -0.0027502956800162792, + 0.033734750002622604, + -0.02116611786186695, + -0.2155562937259674, + -0.005947898142039776, + 0.05196276679635048, + -0.002156964037567377, + 0.006187820807099342, + -0.2165755182504654, + 2.5568742752075195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/74.png", + [ + 0.21453560888767242, + -0.029703987762331963, + -0.00632756482809782, + 0.07551649212837219, + -0.02862044982612133, + -0.21283966302871704, + 0.028775809332728386, + -0.35002729296684265, + -0.010160455480217934, + -0.027655931189656258, + -0.2146620899438858, + 2.575437068939209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/98.png", + [ + 0.21423275768756866, + -0.03099093958735466, + -0.00958020705729723, + 0.11309691518545151, + -0.02974572964012623, + -0.21321430802345276, + 0.02455080859363079, + -0.3050340414047241, + -0.012938708066940308, + -0.02295892871916294, + -0.21506597101688385, + 2.591381549835205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/0.png", + [ + 0.2149839699268341, + -0.02234630659222603, + -0.015179748646914959, + 0.17866355180740356, + -0.022030631080269814, + -0.21548868715763092, + 0.005213723052293062, + -0.07544846832752228, + -0.015634367242455482, + -0.003629623679444194, + -0.21607935428619385, + 2.5887765884399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/96.png", + [ + 0.21441805362701416, + -0.029853126034140587, + -0.009032540023326874, + 0.10714636743068695, + -0.028599657118320465, + -0.2132229506969452, + 0.025805538520216942, + -0.32018688321113586, + -0.012444098480045795, + -0.024344542995095253, + -0.21494275331497192, + 2.5939879417419434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/100.png", + [ + 0.21420694887638092, + -0.03094492293894291, + -0.010280375368893147, + 0.12216208875179291, + -0.029616782441735268, + -0.21321606636047363, + 0.024691082537174225, + -0.3069930970668793, + -0.013642597012221813, + -0.023004675284028053, + -0.21501757204532623, + 2.5950727462768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/40.png", + [ + 0.21580946445465088, + -0.018221303820610046, + -0.006492758635431528, + 0.0742841437458992, + -0.018287140876054764, + -0.2158927172422409, + -0.001954731997102499, + 0.003926347941160202, + -0.006304943934082985, + 0.002494910964742303, + -0.21656851470470428, + 2.562516689300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/52.png", + [ + 0.21558363735675812, + -0.018378254026174545, + -0.011568623594939709, + 0.1356557458639145, + -0.017694678157567978, + -0.21557562053203583, + 0.012725822627544403, + -0.1620389223098755, + -0.012589345686137676, + -0.011716999113559723, + -0.21599100530147552, + 2.5850772857666016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/3.png", + [ + 0.21507133543491364, + -0.02419576235115528, + -0.01033309381455183, + 0.11938701570034027, + -0.02397654578089714, + -0.21528445184230804, + 0.005061733070760965, + -0.07534186542034149, + -0.010832034051418304, + -0.0038808502722531557, + -0.2163688987493515, + 2.590498924255371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/47.png", + [ + 0.21570248901844025, + -0.017156323418021202, + -0.011224479414522648, + 0.13403622806072235, + -0.017204323783516884, + -0.21598997712135315, + -0.00048302157665602863, + -0.013227971270680428, + -0.011150767095386982, + 0.0013720967108383775, + -0.216383159160614, + 2.5967397689819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/104.png", + [ + 0.21444670855998993, + -0.029278021305799484, + -0.010163645260035992, + 0.12107957154512405, + -0.027704520151019096, + -0.2129468321800232, + 0.02887921780347824, + -0.3571626543998718, + -0.013891068287193775, + -0.027282726019620895, + -0.2145007699728012, + 2.5943055152893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/21.png", + [ + 0.21569521725177765, + -0.020365318283438683, + -0.0029542590491473675, + 0.03725583106279373, + -0.02039480023086071, + -0.21570241451263428, + -0.002102661645039916, + 0.004491213709115982, + -0.002743373392149806, + 0.00237123086117208, + -0.2166443020105362, + 2.556699275970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/82.png", + [ + 0.21449095010757446, + -0.029461508616805077, + -0.008575992658734322, + 0.10320168733596802, + -0.02786283567547798, + -0.21237215399742126, + 0.032705068588256836, + -0.4042312204837799, + -0.012852647341787815, + -0.03127264603972435, + -0.21402038633823395, + 2.581563949584961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/106.png", + [ + 0.21441833674907684, + -0.029844196513295174, + -0.009054645895957947, + 0.10676021873950958, + -0.028417862951755524, + -0.21287739276885986, + 0.028697272762656212, + -0.35344749689102173, + -0.01284864917397499, + -0.027210885658860207, + -0.2145748734474182, + 2.5868749618530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/14.png", + [ + 0.21561817824840546, + -0.02135641872882843, + -0.0007705363095737994, + 0.008896278217434883, + -0.02136244811117649, + -0.21561062335968018, + -0.0018968816148117185, + 0.0024366676807403564, + -0.0005797874764539301, + 0.001963601913303137, + -0.21666496992111206, + 2.5568747520446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/67.png", + [ + 0.21445922553539276, + -0.0274678785353899, + -0.014165068976581097, + 0.16988320648670197, + -0.025334730744361877, + -0.21312716603279114, + 0.029712842777371407, + -0.36074551939964294, + -0.01769985631108284, + -0.027752790600061417, + -0.21415972709655762, + 2.560786724090576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/78.png", + [ + 0.2144528180360794, + -0.02968759275972843, + -0.008748496882617474, + 0.10327146202325821, + -0.02817367948591709, + -0.21260836720466614, + 0.030851708725094795, + -0.37486791610717773, + -0.012811452150344849, + -0.029397808015346527, + -0.21428842842578888, + 2.5567612648010254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/31.png", + [ + 0.21563370525836945, + -0.020582592114806175, + -0.005134183447808027, + 0.06125451624393463, + -0.02072317712008953, + -0.21559636294841766, + -0.006054095923900604, + 0.05457110330462456, + -0.004533536732196808, + 0.00651605473831296, + -0.21652917563915253, + 2.5585927963256836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/39.png", + [ + 0.21575666964054108, + -0.018513843417167664, + -0.007360978052020073, + 0.08678193390369415, + -0.018612023442983627, + -0.2158578336238861, + -0.0026233401149511337, + 0.014691386371850967, + -0.007109077647328377, + 0.0032445231918245554, + -0.21653366088867188, + 2.553847312927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/92.png", + [ + 0.21450351178646088, + -0.029555363580584526, + -0.007912949658930302, + 0.09565867483615875, + -0.028285739943385124, + -0.21292078495025635, + 0.02850526198744774, + -0.35649412870407104, + -0.011664099991321564, + -0.02718663588166237, + -0.21464557945728302, + 2.6218223571777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/53.png", + [ + 0.21557052433490753, + -0.018900280818343163, + -0.01095589529722929, + 0.12987738847732544, + -0.01822931505739689, + -0.21550890803337097, + 0.013095849193632603, + -0.16567738354206085, + -0.012039287015795708, + -0.012107371352612972, + -0.21600084006786346, + 2.581915855407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/75.png", + [ + 0.21459347009658813, + -0.029075173661112785, + -0.007223024964332581, + 0.08722081780433655, + -0.027821356430649757, + -0.21278226375579834, + 0.029959658160805702, + -0.3654434382915497, + -0.011113500222563744, + -0.028744442388415337, + -0.21447178721427917, + 2.5690131187438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/87.png", + [ + 0.21461766958236694, + -0.027549460530281067, + -0.011321485973894596, + 0.13762055337429047, + -0.025796327739953995, + -0.21309682726860046, + 0.029532797634601593, + -0.37257468700408936, + -0.014889538288116455, + -0.02790454588830471, + -0.2143537551164627, + 2.62436580657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/107.png", + [ + 0.2144610732793808, + -0.029502898454666138, + -0.009160746820271015, + 0.10845110565423965, + -0.02801164612174034, + -0.21280890703201294, + 0.029590630903840065, + -0.36394405364990234, + -0.013026434928178787, + -0.028104033321142197, + -0.21444900333881378, + 2.5785088539123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/112.png", + [ + 0.21465353667736053, + -0.02828863635659218, + -0.008456235751509666, + 0.09894843399524689, + -0.027297912165522575, + -0.2137918323278427, + 0.022265948355197906, + -0.279545396566391, + -0.01125072780996561, + -0.020992886275053024, + -0.2153615951538086, + 2.5831942558288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/69.png", + [ + 0.21444469690322876, + -0.02748951129615307, + -0.014341887086629868, + 0.1717109978199005, + -0.024903643876314163, + -0.21241198480129242, + 0.03476857393980026, + -0.421758770942688, + -0.018470829352736473, + -0.03276235610246658, + -0.2133854627609253, + 2.560743808746338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/45.png", + [ + 0.2158137410879135, + -0.016449490562081337, + -0.010086317546665668, + 0.11961536109447479, + -0.016514670103788376, + -0.2160419076681137, + -0.0010225081350654364, + -0.006630349904298782, + -0.009979238733649254, + 0.0017872125608846545, + -0.21643732488155365, + 2.587879180908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/50.png", + [ + 0.21563193202018738, + -0.017459122464060783, + -0.012080926448106766, + 0.1423182338476181, + -0.01698293723165989, + -0.21582934260368347, + 0.008784722536802292, + -0.11861690878868103, + -0.012741648592054844, + -0.007795545272529125, + -0.2161591500043869, + 2.5901927947998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/101.png", + [ + 0.21441200375556946, + -0.0293063186109066, + -0.010795045644044876, + 0.12838809192180634, + -0.027850598096847534, + -0.21330849826335907, + 0.025917764753103256, + -0.3232221007347107, + -0.014132846146821976, + -0.02425955981016159, + -0.21484792232513428, + 2.594583034515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/85.png", + [ + 0.21439649164676666, + -0.029556341469287872, + -0.010414473712444305, + 0.127847358584404, + -0.027810784056782722, + -0.21264132857322693, + 0.030953554436564445, + -0.3888401985168457, + -0.01444295234978199, + -0.02929137833416462, + -0.2141992151737213, + 2.6131482124328613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/71.png", + [ + 0.21454671025276184, + -0.027879860252141953, + -0.011845632456243038, + 0.14171956479549408, + -0.025914674624800682, + -0.21280238032341003, + 0.031487755477428436, + -0.38258522748947144, + -0.015685513615608215, + -0.02976175770163536, + -0.21404697000980377, + 2.571749210357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/115.png", + [ + 0.21476168930530548, + -0.02744060754776001, + -0.008504052646458149, + 0.10053716599941254, + -0.026369880884885788, + -0.21374686062335968, + 0.023765524849295616, + -0.2959281802177429, + -0.011398911476135254, + -0.022520745173096657, + -0.21519938111305237, + 2.5860633850097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/54.png", + [ + 0.21554963290691376, + -0.02030479721724987, + -0.008600299246609211, + 0.09990228712558746, + -0.019792256876826286, + -0.21540600061416626, + 0.012506723403930664, + -0.15618817508220673, + -0.009721961803734303, + -0.01165618747472763, + -0.21614234149456024, + 2.5757813453674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/33.png", + [ + 0.21560125052928925, + -0.020704835653305054, + -0.005941553972661495, + 0.07066963613033295, + -0.020828228443861008, + -0.2156265676021576, + -0.004389340989291668, + 0.036485444754362106, + -0.005493381060659885, + 0.004938738886266947, + -0.21654866635799408, + 2.5517334938049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/49.png", + [ + 0.21566316485404968, + -0.0170353502035141, + -0.012128190137445927, + 0.14493685960769653, + -0.01661887764930725, + -0.2158978283405304, + 0.007735374383628368, + -0.10802935063838959, + -0.012692878022789955, + -0.006769034545868635, + -0.21619659662246704, + 2.597170352935791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/118.png", + [ + 0.21446563303470612, + -0.030022671446204185, + -0.007143165450543165, + 0.08272214978933334, + -0.029337899759411812, + -0.21390584111213684, + 0.01820661500096321, + -0.23340296745300293, + -0.009574614465236664, + -0.017053809016942978, + -0.21579015254974365, + 2.618166446685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/110.png", + [ + 0.21451814472675323, + -0.029335688799619675, + -0.00832310039550066, + 0.09779071807861328, + -0.028145940974354744, + -0.21324017643928528, + 0.02615983411669731, + -0.3248685300350189, + -0.011732964776456356, + -0.024818306788802147, + -0.2149285525083542, + 2.58109712600708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/18.png", + [ + 0.21561472117900848, + -0.021306389942765236, + -0.0020560012198984623, + 0.024267779663205147, + -0.02133917063474655, + -0.21558956801891327, + -0.0036984498146921396, + 0.022985238581895828, + -0.0016820234013721347, + 0.003882843069732189, + -0.21663331985473633, + 2.544285774230957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/66.png", + [ + 0.21446840465068817, + -0.027983104810118675, + -0.012967116199433804, + 0.15364494919776917, + -0.026063494384288788, + -0.21315039694309235, + 0.028904972597956657, + -0.34964242577552795, + -0.01648922637104988, + -0.027050858363509178, + -0.21434609591960907, + 2.559365749359131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/16.png", + [ + 0.21569162607192993, + -0.020587431266903877, + -0.0010821992764249444, + 0.012328429147601128, + -0.020601971074938774, + -0.2156665325164795, + -0.0033750783186405897, + 0.01882973685860634, + -0.0007564797415398061, + 0.003462664783000946, + -0.21664564311504364, + 2.5458383560180664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/94.png", + [ + 0.2144002467393875, + -0.03020576760172844, + -0.00824908260256052, + 0.09902743250131607, + -0.028985220938920975, + -0.21305052936077118, + 0.02678084187209606, + -0.33329570293426514, + -0.011844523251056671, + -0.025396225973963737, + -0.2148549109697342, + 2.6092066764831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/28.png", + [ + 0.21559476852416992, + -0.021309690549969673, + -0.0035623374860733747, + 0.042644940316677094, + -0.021386271342635155, + -0.2155625820159912, + -0.004827399738132954, + 0.04073719307780266, + -0.0030692853033542633, + 0.0051549519412219524, + -0.21659155189990997, + 2.563173294067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/61.png", + [ + 0.2150958925485611, + -0.023580312728881836, + -0.01120795588940382, + 0.13472746312618256, + -0.02243601158261299, + -0.21451064944267273, + 0.020729366689920425, + -0.2494364082813263, + -0.013351958245038986, + -0.01941777765750885, + -0.21538934111595154, + 2.5566611289978027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/58.png", + [ + 0.21530240774154663, + -0.021646561101078987, + -0.011144120246171951, + 0.13121254742145538, + -0.020583901554346085, + -0.2148055136203766, + 0.019565163180232048, + -0.23700055480003357, + -0.013002613559365273, + -0.018382571637630463, + -0.21550153195858002, + 2.556440830230713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/123.png", + [ + 0.21458588540554047, + -0.027577713131904602, + -0.011843662708997726, + 0.14313454926013947, + -0.025617247447371483, + -0.2128424197435379, + 0.03146049752831459, + -0.3974432647228241, + -0.015638388693332672, + -0.029756946489214897, + -0.21405108273029327, + 2.675032138824463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/64.png", + [ + 0.21473076939582825, + -0.025982653722167015, + -0.012786171399056911, + 0.15158036351203918, + -0.024291664361953735, + -0.21369668841362, + 0.026297088712453842, + -0.31848523020744324, + -0.015763869509100914, + -0.024627698585391045, + -0.21469248831272125, + 2.552096366882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/10.png", + [ + 0.2157030701637268, + -0.020369194447994232, + -0.0022743886802345514, + 0.02910943143069744, + -0.020353693515062332, + -0.21571102738380432, + 0.001541352947242558, + -0.0361536480486393, + -0.0024091736413538456, + -0.0013207931770011783, + -0.21665720641613007, + 2.595181941986084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/41.png", + [ + 0.21575763821601868, + -0.01870466023683548, + -0.006831867154687643, + 0.08051951974630356, + -0.01870253123342991, + -0.21586565673351288, + 0.0003628850099630654, + -0.021129000931978226, + -0.006837685592472553, + 0.00022835192794445902, + -0.21656657755374908, + 2.5718297958374023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/91.png", + [ + 0.21444474160671234, + -0.02991204895079136, + -0.008161833509802818, + 0.09898151457309723, + -0.028581243008375168, + -0.2128153145313263, + 0.028993982821702957, + -0.3636798858642578, + -0.01201909314841032, + -0.027618981897830963, + -0.2145708054304123, + 2.624934673309326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/23.png", + [ + 0.2156098335981369, + -0.02117900550365448, + -0.0034269155003130436, + 0.04327930882573128, + -0.021237801760435104, + -0.21559831500053406, + -0.0037705060094594955, + 0.024813149124383926, + -0.003041342133656144, + 0.004087872337549925, + -0.2166147232055664, + 2.5616726875305176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/37.png", + [ + 0.21563869714736938, + -0.020280329510569572, + -0.006046806927770376, + 0.0713844895362854, + -0.020438984036445618, + -0.2156338393688202, + -0.0056741195730865, + 0.050699714571237564, + -0.005486675072461367, + 0.006217387970536947, + -0.21651591360569, + 2.543705940246582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/36.png", + [ + 0.21574002504348755, + -0.01921670138835907, + -0.005903926212340593, + 0.06747554242610931, + -0.019363362342119217, + -0.21574121713638306, + -0.005355382338166237, + 0.04594213888049126, + -0.005403528455644846, + 0.0058598932810127735, + -0.21652796864509583, + 2.5455164909362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/8.png", + [ + 0.21546593308448792, + -0.022777628153562546, + -0.001873174449428916, + 0.024242987856268883, + -0.02278619445860386, + -0.21547119319438934, + -0.0009211658034473658, + -0.006023593246936798, + -0.001765934401191771, + 0.0011130156926810741, + -0.21666456758975983, + 2.5910634994506836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/6.png", + [ + 0.21555057168006897, + -0.02141919732093811, + -0.005202567670494318, + 0.06311137974262238, + -0.021398033946752548, + -0.2156124860048294, + 0.0011316940654069185, + -0.031760506331920624, + -0.0052889371290802956, + -0.0006120348116382957, + -0.21660920977592468, + 2.5961856842041016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/20.png", + [ + 0.21573831140995026, + -0.019829651340842247, + -0.0034147680271416903, + 0.041787900030612946, + -0.019859403371810913, + -0.21575523912906647, + -0.0017814841121435165, + 0.001706201583147049, + -0.003237240482121706, + 0.0020867676939815283, + -0.2166403830051422, + 2.5518107414245605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/2.png", + [ + 0.2151050865650177, + -0.023753134533762932, + -0.010652528144419193, + 0.1223917081952095, + -0.023519832640886307, + -0.21533116698265076, + 0.005215145647525787, + -0.07691477239131927, + -0.01115819439291954, + -0.004021044820547104, + -0.2163497656583786, + 2.5881948471069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/117.png", + [ + 0.21448254585266113, + -0.029461614787578583, + -0.008782840333878994, + 0.1054067611694336, + -0.028491774573922157, + -0.21374380588531494, + 0.021206064149737358, + -0.26830950379371643, + -0.011547465808689594, + -0.01983661949634552, + -0.21545545756816864, + 2.6109085083007812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/5.png", + [ + 0.21523764729499817, + -0.024347295984625816, + -0.005277927033603191, + 0.0612168163061142, + -0.02429790422320366, + -0.21529583632946014, + 0.002282639965415001, + -0.04384743794798851, + -0.00550083676353097, + -0.0016756342956796288, + -0.21659831702709198, + 2.595409870147705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/108.png", + [ + 0.21441121399402618, + -0.029860466718673706, + -0.009169375523924828, + 0.10906311869621277, + -0.02847985178232193, + -0.21300195157527924, + 0.02769417315721512, + -0.3431614339351654, + -0.012830555438995361, + -0.026199650019407272, + -0.21470177173614502, + 2.5853524208068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/60.png", + [ + 0.21499547362327576, + -0.02395494468510151, + -0.012288442812860012, + 0.1469191610813141, + -0.022507192566990852, + -0.21418896317481995, + 0.023757336661219597, + -0.28786805272102356, + -0.014774016104638577, + -0.022296760231256485, + -0.2150173783302307, + 2.5554380416870117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/56.png", + [ + 0.21541772782802582, + -0.021913299337029457, + -0.007931920699775219, + 0.09190156310796738, + -0.021272147074341774, + -0.21501165628433228, + 0.01629074476659298, + -0.1988232433795929, + -0.009518600068986416, + -0.015417521819472313, + -0.215915709733963, + 2.5659780502319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/30.png", + [ + 0.21564726531505585, + -0.020583976060152054, + -0.004522059112787247, + 0.052934348583221436, + -0.020688006654381752, + -0.2156253457069397, + -0.005060822702944279, + 0.04462869092822075, + -0.0040193842723965645, + 0.005468592047691345, + -0.21656832098960876, + 2.5623087882995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/17.png", + [ + 0.215586319565773, + -0.021661624312400818, + -0.0010991293238475919, + 0.013589027337729931, + -0.02167343907058239, + -0.21557234227657318, + -0.0025928583927452564, + 0.009494002908468246, + -0.0008343217778019607, + 0.0026897781062871218, + -0.21665632724761963, + 2.5456786155700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/12.png", + [ + 0.2156863659620285, + -0.020592521876096725, + -0.0017980292905122042, + 0.022580789402127266, + -0.020588314160704613, + -0.21569347381591797, + 0.0005862961406819522, + -0.026569493114948273, + -0.0018456081161275506, + -0.00041277363197878003, + -0.21666637063026428, + 2.5799670219421387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/114.png", + [ + 0.2146652787923813, + -0.028030836954712868, + -0.00899919867515564, + 0.10607235878705978, + -0.026912549510598183, + -0.2136925309896469, + 0.023645509034395218, + -0.2950514554977417, + -0.011934323236346245, + -0.0223084669560194, + -0.21519248187541962, + 2.585887908935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/27.png", + [ + 0.21560753881931305, + -0.021248919889330864, + -0.0031250687316060066, + 0.03866426274180412, + -0.021312622353434563, + -0.21557439863681793, + -0.004620470106601715, + 0.0373440720140934, + -0.0026560784317553043, + 0.004905104171484709, + -0.21660281717777252, + 2.5593771934509277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/42.png", + [ + 0.21584948897361755, + -0.017405588179826736, + -0.007344192825257778, + 0.08487354964017868, + -0.017456015571951866, + -0.21596698462963104, + -0.0012035308172926307, + -0.004537548869848251, + -0.007223525550216436, + 0.001790620037354529, + -0.21654677391052246, + 2.5782079696655273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/7.png", + [ + 0.21552494168281555, + -0.02199983224272728, + -0.003591916523873806, + 0.04314400255680084, + -0.022013334557414055, + -0.21555253863334656, + -0.0006411943468265235, + -0.01047992892563343, + -0.0035082120448350906, + 0.0010027181124314666, + -0.21664388477802277, + 2.5979018211364746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/73.png", + [ + 0.21454814076423645, + -0.028971632942557335, + -0.008810684084892273, + 0.10626616328954697, + -0.02747681923210621, + -0.2127513885498047, + 0.030491948127746582, + -0.3719455897808075, + -0.012728242203593254, + -0.02907540090382099, + -0.21433736383914948, + 2.5759482383728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/120.png", + [ + 0.21470876038074493, + -0.02778000570833683, + -0.008735650219023228, + 0.10213875770568848, + -0.026707231998443604, + -0.21375316381454468, + 0.023328177630901337, + -0.29479897022247314, + -0.011608786880970001, + -0.02203976921737194, + -0.21523794531822205, + 2.6310601234436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/46.png", + [ + 0.21579454839229584, + -0.016608137637376785, + -0.010235710069537163, + 0.12041006982326508, + -0.016657251864671707, + -0.21603240072727203, + -0.0006495947600342333, + -0.010659020394086838, + -0.010155580937862396, + 0.0014338456094264984, + -0.21643175184726715, + 2.5921459197998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/57.png", + [ + 0.2154425084590912, + -0.021025674417614937, + -0.009505202993750572, + 0.1116124838590622, + -0.0202740840613842, + -0.2151077389717102, + 0.016294891014695168, + -0.19780170917510986, + -0.011017689481377602, + -0.015312832780182362, + -0.21585185825824738, + 2.564952850341797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/44.png", + [ + 0.21579638123512268, + -0.01734272763133049, + -0.008891026489436626, + 0.10421396791934967, + -0.017397454008460045, + -0.21597282588481903, + -0.0009840248385444283, + -0.007113466039299965, + -0.00878346711397171, + 0.0016939243068918586, + -0.21648989617824554, + 2.58437442779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/113.png", + [ + 0.21462668478488922, + -0.02807885780930519, + -0.00973967369645834, + 0.11661997437477112, + -0.027008578181266785, + -0.2139061540365219, + 0.021507857367396355, + -0.2718186378479004, + -0.012402432039380074, + -0.020090512931346893, + -0.21538442373275757, + 2.5895800590515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/29.png", + [ + 0.21557793021202087, + -0.02136431634426117, + -0.00419676024466753, + 0.050318844616413116, + -0.021468209102749825, + -0.2155371755361557, + -0.005544152110815048, + 0.04818488284945488, + -0.0036280706990510225, + 0.005931907799094915, + -0.21656301617622375, + 2.5619282722473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/4.png", + [ + 0.21517087519168854, + -0.0245178434997797, + -0.0069472575560212135, + 0.0806669294834137, + -0.02440747804939747, + -0.2152629941701889, + 0.00374339846894145, + -0.06099782511591911, + -0.007325580809265375, + -0.002934839576482773, + -0.21653087437152863, + 2.5922837257385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/55.png", + [ + 0.21551449596881866, + -0.020409155637025833, + -0.009212556295096874, + 0.10854361206293106, + -0.019796602427959442, + -0.21532022953033447, + 0.013899486511945724, + -0.1722419410943985, + -0.010464198887348175, + -0.01298335287719965, + -0.2160320281982422, + 2.5759963989257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/9.png", + [ + 0.21546795964241028, + -0.022768720984458923, + -0.0017433293396607041, + 0.022299623116850853, + -0.02278014086186886, + -0.21546928584575653, + -0.0013937827898189425, + -0.0015884004533290863, + -0.0015871692448854446, + 0.0015693055465817451, + -0.21666313707828522, + 2.5952515602111816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/25.png", + [ + 0.21563105285167694, + -0.020986806601285934, + -0.003270526649430394, + 0.04086189344525337, + -0.021062640473246574, + -0.21558314561843872, + -0.005307144485414028, + 0.044591907411813736, + -0.0027400089893490076, + 0.005599506665021181, + -0.2165849506855011, + 2.5614585876464844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/99.png", + [ + 0.2142803817987442, + -0.03043539635837078, + -0.010271603241562843, + 0.12143553048372269, + -0.029117271304130554, + -0.21329714357852936, + 0.024584738537669182, + -0.30544304847717285, + -0.013564810156822205, + -0.0229327529668808, + -0.21503017842769623, + 2.589672088623047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/34.png", + [ + 0.21569210290908813, + -0.019753511995077133, + -0.00588308647274971, + 0.0677974671125412, + -0.019906310364603996, + -0.2156849056482315, + -0.005626254715025425, + 0.05117478594183922, + -0.005343286786228418, + 0.006141232792288065, + -0.21652165055274963, + 2.553436279296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/72.png", + [ + 0.2145155817270279, + -0.02911105751991272, + -0.009138008579611778, + 0.10817492008209229, + -0.027663161978125572, + -0.21293988823890686, + 0.028969768434762955, + -0.3498397171497345, + -0.012872698716819286, + -0.027514437213540077, + -0.2145347148180008, + 2.573159694671631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/102.png", + [ + 0.21420951187610626, + -0.031173883005976677, + -0.009506515227258205, + 0.11219083517789841, + -0.02980448119342327, + -0.21294596791267395, + 0.026713315397500992, + -0.3321852684020996, + -0.013186277821660042, + -0.025101736187934875, + -0.21481135487556458, + 2.595104217529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/70.png", + [ + 0.21445827186107635, + -0.028933856636285782, + -0.010880645364522934, + 0.12801264226436615, + -0.02708468586206436, + -0.21263866126537323, + 0.031608697026968, + -0.38091975450515747, + -0.014898871071636677, + -0.02992526814341545, + -0.21408036351203918, + 2.5682435035705566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/90.png", + [ + 0.2144864797592163, + -0.02986624278128147, + -0.007173033896833658, + 0.08708382397890091, + -0.028610944747924805, + -0.212673619389534, + 0.02998741716146469, + -0.3765692412853241, + -0.011174019426107407, + -0.028737414628267288, + -0.2144695669412613, + 2.630250930786133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/122.png", + [ + 0.21459314227104187, + -0.027684815227985382, + -0.011455550789833069, + 0.13758935034275055, + -0.025930529460310936, + -0.21311423182487488, + 0.02928847074508667, + -0.367757648229599, + -0.015009541995823383, + -0.02763616479933262, + -0.2143801599740982, + 2.6582541465759277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/15.png", + [ + 0.21576471626758575, + -0.019743259996175766, + -0.0019168514991179109, + 0.0227223951369524, + -0.019759422168135643, + -0.21576404571533203, + -0.0018264253158122301, + 8.340924978256226e-05, + -0.0017423731042072177, + 0.0019935613963752985, + -0.21665844321250916, + 2.551664352416992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/22.png", + [ + 0.21572458744049072, + -0.020084841176867485, + -0.0027202730998396873, + 0.03430754318833351, + -0.020124083384871483, + -0.21571454405784607, + -0.0031860321760177612, + 0.01936524733901024, + -0.002412887755781412, + 0.0034247131552547216, + -0.2166341245174408, + 2.5614099502563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/109.png", + [ + 0.2145068645477295, + -0.029208187013864517, + -0.009031876921653748, + 0.10762108117341995, + -0.02793205715715885, + -0.21325571835041046, + 0.02626189775764942, + -0.3262750208377838, + -0.012429521419107914, + -0.024834835901856422, + -0.21488748490810394, + 2.586376190185547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/26.png", + [ + 0.2156429886817932, + -0.020906977355480194, + -0.0029810310807079077, + 0.036734919995069504, + -0.020973114296793938, + -0.21559666097164154, + -0.005109539721161127, + 0.04371919855475426, + -0.0024731799494475126, + 0.005373763386160135, + -0.21659384667873383, + 2.561537265777588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/43.png", + [ + 0.21577514708042145, + -0.018475519493222237, + -0.00690188305452466, + 0.08189624547958374, + -0.018528399989008904, + -0.2158765345811844, + -0.0013818168081343174, + -0.0009030438959598541, + -0.006758635398000479, + 0.001966278301551938, + -0.2165602594614029, + 2.579587936401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/84.png", + [ + 0.21460847556591034, + -0.028178224340081215, + -0.009853098541498184, + 0.12055826932191849, + -0.02645941823720932, + -0.21267342567443848, + 0.031903062015771866, + -0.39884063601493835, + -0.01382009219378233, + -0.030395619571208954, + -0.21408644318580627, + 2.606081962585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/89.png", + [ + 0.21450914442539215, + -0.029188046231865883, + -0.009043575264513493, + 0.11130816489458084, + -0.027655601501464844, + -0.21271754801273346, + 0.030566487461328506, + -0.3844003677368164, + -0.012995997443795204, + -0.029106704518198967, + -0.21431705355644226, + 2.6294355392456055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/63.png", + [ + 0.21489514410495758, + -0.02434682659804821, + -0.01323646679520607, + 0.15887510776519775, + -0.02264111116528511, + -0.21392527222633362, + 0.025908492505550385, + -0.31212958693504333, + -0.015979740768671036, + -0.024312587454915047, + -0.214712455868721, + 2.554239273071289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/88.png", + [ + 0.21436160802841187, + -0.030116869136691093, + -0.009485642425715923, + 0.11489973962306976, + -0.02854517474770546, + -0.21266300976276398, + 0.03012496419250965, + -0.37940746545791626, + -0.013497265055775642, + -0.028553718701004982, + -0.21436046063899994, + 2.6318607330322266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/62.png", + [ + 0.21489408612251282, + -0.025620171800255775, + -0.010584916919469833, + 0.12664301693439484, + -0.02438504248857498, + -0.21405993402004242, + 0.023056576028466225, + -0.2807476222515106, + -0.013183454982936382, + -0.021675853058695793, + -0.21518422663211823, + 2.555877685546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/65.png", + [ + 0.21463331580162048, + -0.026695553213357925, + -0.012953276745975018, + 0.15552806854248047, + -0.024960972368717194, + -0.2135845124721527, + 0.0265802014619112, + -0.3210654556751251, + -0.016043374314904213, + -0.024837562814354897, + -0.21464763581752777, + 2.5541586875915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/80.png", + [ + 0.21432141959667206, + -0.030944030731916428, + -0.007528943940997124, + 0.08942721039056778, + -0.029536204412579536, + -0.21229276061058044, + 0.031737878918647766, + -0.3899593651294708, + -0.01190927904099226, + -0.03036687523126602, + -0.2142053097486496, + 2.5663833618164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/119.png", + [ + 0.21451060473918915, + -0.029733920469880104, + -0.006999665405601263, + 0.08252692222595215, + -0.029069704934954643, + -0.21395891904830933, + 0.018011949956417084, + -0.23129796981811523, + -0.00938368495553732, + -0.01689295656979084, + -0.21581119298934937, + 2.6258349418640137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/79.png", + [ + 0.21441850066184998, + -0.030214102938771248, + -0.007726874202489853, + 0.09303242713212967, + -0.028767796233296394, + -0.2123512327671051, + 0.032050929963588715, + -0.39232155680656433, + -0.012042025104165077, + -0.03069130703806877, + -0.21415163576602936, + 2.5613884925842285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/116.png", + [ + 0.21451516449451447, + -0.029295019805431366, + -0.008540455251932144, + 0.10174795985221863, + -0.028347769752144814, + -0.21376249194145203, + 0.021210787817835808, + -0.2664524018764496, + -0.011293427087366581, + -0.01988203451037407, + -0.2154647409915924, + 2.5984549522399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/19.png", + [ + 0.21572072803974152, + -0.02020687609910965, + -0.0020352459978312254, + 0.02550155110657215, + -0.020230695605278015, + -0.21571232378482819, + -0.0026079972740262747, + 0.00963309034705162, + -0.0017829877324402332, + 0.0027865443844348192, + -0.2166493684053421, + 2.543393611907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/77.png", + [ + 0.2145874947309494, + -0.02877771109342575, + -0.008482499979436398, + 0.10248551517724991, + -0.027353888377547264, + -0.21282941102981567, + 0.030054928734898567, + -0.36424246430397034, + -0.012323719449341297, + -0.028694555163383484, + -0.21441233158111572, + 2.554084300994873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/68.png", + [ + 0.21446573734283447, + -0.027165770530700684, + -0.014640823006629944, + 0.17307427525520325, + -0.024739857763051987, + -0.21279872953891754, + 0.032442837953567505, + -0.39161354303359985, + -0.01844647526741028, + -0.03044041432440281, + -0.21373113989830017, + 2.5598340034484863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/86.png", + [ + 0.21457143127918243, + -0.02787633240222931, + -0.011397816240787506, + 0.1390082985162735, + -0.026079237461090088, + -0.2129991054534912, + 0.029985971748828888, + -0.3776193857192993, + -0.015062323771417141, + -0.02832304872572422, + -0.21428678929805756, + 2.6229724884033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/1.png", + [ + 0.21492688357830048, + -0.022731848061084747, + -0.015414120629429817, + 0.1811835914850235, + -0.022420601919293404, + -0.21545086801052094, + 0.005112587474286556, + -0.07391737401485443, + -0.015863437205553055, + -0.00347635755315423, + -0.2160651832818985, + 2.5873188972473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/81.png", + [ + 0.21450811624526978, + -0.029579633846879005, + -0.007694562431424856, + 0.09320621192455292, + -0.028107130900025368, + -0.21233896911144257, + 0.032711565494537354, + -0.40213561058044434, + -0.012006258592009544, + -0.03138634189963341, + -0.21405288577079773, + 2.5723133087158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/95.png", + [ + 0.21430863440036774, + -0.0308932326734066, + -0.008081234060227871, + 0.09655527025461197, + -0.02970297634601593, + -0.2129858434200287, + 0.026507830247282982, + -0.33036008477211, + -0.011723113246262074, + -0.02511056326329708, + -0.21489514410495758, + 2.6024374961853027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/103.png", + [ + 0.21432194113731384, + -0.030387843027710915, + -0.009517641738057137, + 0.11284854263067245, + -0.028934497386217117, + -0.2128830850124359, + 0.028133181855082512, + -0.34903350472450256, + -0.013296673074364662, + -0.026556726545095444, + -0.21462951600551605, + 2.592741012573242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/83.png", + [ + 0.21431328356266022, + -0.03035835362970829, + -0.009802007116377354, + 0.1201525330543518, + -0.028606709092855453, + -0.21234847605228424, + 0.03221302106976509, + -0.4014100432395935, + -0.014119676314294338, + -0.030567839741706848, + -0.21404239535331726, + 2.5950307846069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/51.png", + [ + 0.21551711857318878, + -0.018696993589401245, + -0.012275434099137783, + 0.1454693078994751, + -0.018151680007576942, + -0.2156888246536255, + 0.009835504926741123, + -0.1311187446117401, + -0.013068296015262604, + -0.008754602633416653, + -0.21610289812088013, + 2.58931303024292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+luUVGQKCglM+P0+C1+F4387-4513/93.png", + [ + 0.21446402370929718, + -0.029789531603455544, + -0.00810304656624794, + 0.09852626174688339, + -0.028500301763415337, + -0.21290667355060577, + 0.02839677222073078, + -0.35448354482650757, + -0.011866268701851368, + -0.027041224762797356, + -0.214652881026268, + 2.613494396209717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/76.png", + [ + 0.17885956168174744, + 0.03564431890845299, + -0.11698990315198898, + 1.321616530418396, + 0.0041309078224003315, + -0.20891033113002777, + -0.057334981858730316, + 0.65782630443573, + -0.1222296729683876, + 0.0450981967151165, + -0.1731298863887787, + 2.012847900390625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/48.png", + [ + 0.18242685496807098, + 0.04165012016892433, + -0.10924100875854492, + 1.2698822021484375, + 0.018156757578253746, + -0.21009524166584015, + -0.04978176951408386, + 0.565345823764801, + -0.11549312621355057, + 0.03275911882519722, + -0.18037758767604828, + 2.1476993560791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/137.png", + [ + 0.18774454295635223, + 0.028866883367300034, + -0.10424291342496872, + 1.2407488822937012, + -0.0030059008859097958, + -0.20734301209449768, + -0.06283100694417953, + 0.7406327128410339, + -0.10812421888113022, + 0.05588804557919502, + -0.17925840616226196, + 2.1912145614624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/173.png", + [ + 0.18091872334480286, + 0.014990233816206455, + -0.11828610301017761, + 1.4127782583236694, + -0.023810142651200294, + -0.20608356595039368, + -0.06253432482481003, + 0.7314783334732056, + -0.11683058738708496, + 0.0652131736278534, + -0.17042814195156097, + 2.086933135986328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/35.png", + [ + 0.17981788516044617, + 0.005621919874101877, + -0.12075521051883698, + 1.3942099809646606, + -0.0162923913449049, + -0.21333838999271393, + -0.034193430095911026, + 0.40030401945114136, + -0.11978307366371155, + 0.037457000464200974, + -0.17662638425827026, + 2.0945472717285156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/124.png", + [ + 0.17916621267795563, + -0.0032472212333232164, + -0.12180650234222412, + 1.4433058500289917, + -0.039036985486745834, + -0.2067110389471054, + -0.051909152418375015, + 0.6114138960838318, + -0.11542738229036331, + 0.06486834585666656, + -0.1715124249458313, + 2.078403949737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/97.png", + [ + 0.1841994673013687, + 0.04643472284078598, + -0.10422217100858688, + 1.188429832458496, + 0.013430831953883171, + -0.20536771416664124, + -0.06776140630245209, + 0.7577894330024719, + -0.11330514401197433, + 0.05114501714706421, + -0.177465558052063, + 2.057405471801758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/155.png", + [ + 0.18218894302845, + 0.022814413532614708, + -0.11504168063402176, + 1.3684296607971191, + -0.016144944354891777, + -0.20563346147537231, + -0.06634844839572906, + 0.7760119438171387, + -0.11616551876068115, + 0.06436052173376083, + -0.17120511829853058, + 2.08056640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/13.png", + [ + 0.17937952280044556, + 0.01923326589167118, + -0.12000401318073273, + 1.4063000679016113, + -0.00691751716658473, + -0.21198168396949768, + -0.04431485757231712, + 0.5157879590988159, + -0.12133849412202835, + 0.0405183881521225, + -0.17488031089305878, + 2.0936803817749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/32.png", + [ + 0.17556196451187134, + 0.01856124773621559, + -0.1256239414215088, + 1.4509201049804688, + 0.0013121626107022166, + -0.2146012783050537, + -0.02987409383058548, + 0.3398168385028839, + -0.1269809752702713, + 0.023444902151823044, + -0.17399442195892334, + 2.061703681945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/158.png", + [ + 0.18382924795150757, + 0.02415332943201065, + -0.11212190240621567, + 1.335922122001648, + -0.014155085198581219, + -0.20541854202747345, + -0.06745924800634384, + 0.7861312627792358, + -0.11381713300943375, + 0.0645579844713211, + -0.17270153760910034, + 2.100924015045166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/38.png", + [ + 0.17828410863876343, + 0.01932399533689022, + -0.12161105126142502, + 1.4108256101608276, + -0.003529743757098913, + -0.21310000121593475, + -0.039036259055137634, + 0.44841593503952026, + -0.12308617681264877, + 0.034100908786058426, + -0.17502804100513458, + 2.0820398330688477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/148.png", + [ + 0.1781506985425949, + 0.01785746030509472, + -0.12203004956245422, + 1.447414517402649, + -0.02333974838256836, + -0.2056354582309723, + -0.06416549533605576, + 0.7514449954032898, + -0.12110111862421036, + 0.06590195000171661, + -0.16715066134929657, + 2.029837131500244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/111.png", + [ + 0.1730497181415558, + -0.01498372945934534, + -0.12952671945095062, + 1.5279254913330078, + -0.06413394212722778, + -0.19718429446220398, + -0.06287354975938797, + 0.7396746277809143, + -0.11352761834859848, + 0.08855357021093369, + -0.16191861033439636, + 1.96170175075531, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/164.png", + [ + 0.18511326611042023, + 0.01986808143556118, + -0.11084327846765518, + 1.329890251159668, + -0.01981576345860958, + -0.20420044660568237, + -0.06969508528709412, + 0.8232181072235107, + -0.11085265129804611, + 0.06968018412590027, + -0.17263908684253693, + 2.1172637939453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/11.png", + [ + 0.18576617538928986, + 0.01150356326252222, + -0.11093465238809586, + 1.3003276586532593, + -0.012785078957676888, + -0.21190179884433746, + -0.04338284581899643, + 0.5087205767631531, + -0.11079426854848862, + 0.04374011605978012, + -0.180995374917984, + 2.169501304626465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/125.png", + [ + 0.17789340019226074, + 0.012082697823643684, + -0.12310905754566193, + 1.4645761251449585, + -0.02584381215274334, + -0.20724961161613464, + -0.05768527090549469, + 0.6801115870475769, + -0.12097075581550598, + 0.06204434484243393, + -0.16871416568756104, + 2.051274299621582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/59.png", + [ + 0.17621417343616486, + 0.031258273869752884, + -0.1221449226140976, + 1.4396157264709473, + 0.009454486891627312, + -0.21259504556655884, + -0.04076584056019783, + 0.47532978653907776, + -0.12572617828845978, + 0.02782374806702137, + -0.17426031827926636, + 2.106689929962158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/105.png", + [ + 0.18108244240283966, + 0.005295710638165474, + -0.11886543780565262, + 1.375728726387024, + -0.02857149951159954, + -0.20819111168384552, + -0.052801866084337234, + 0.606300950050354, + -0.11550198495388031, + 0.05980236828327179, + -0.17329414188861847, + 2.0687828063964844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/121.png", + [ + 0.16849610209465027, + -0.0014369281707331538, + -0.13621634244918823, + 1.619001030921936, + -0.043946798890829086, + -0.20565165579319, + -0.05219167098402977, + 0.6050910353660583, + -0.1289404332637787, + 0.06821456551551819, + -0.1602155715227127, + 1.9476569890975952, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/175.png", + [ + 0.18164223432540894, + 0.00902955699712038, + -0.11778140813112259, + 1.3979136943817139, + -0.031036416068673134, + -0.20480260252952576, + -0.0635652169585228, + 0.7452746033668518, + -0.11397689580917358, + 0.07015884667634964, + -0.17039628326892853, + 2.0709638595581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/24.png", + [ + 0.17677202820777893, + 0.005895304959267378, + -0.12515908479690552, + 1.4463270902633667, + -0.012701349332928658, + -0.21447668969631195, + -0.028041500598192215, + 0.3184606432914734, + -0.1246524304151535, + 0.030214160680770874, + -0.17463326454162598, + 2.067652702331543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/74.png", + [ + 0.17652566730976105, + 0.04153589904308319, + -0.11858053505420685, + 1.3471256494522095, + 0.01492256298661232, + -0.20997604727745056, + -0.05133495852351189, + 0.5744943022727966, + -0.12475533038377762, + 0.033656056970357895, + -0.17392893135547638, + 2.0303988456726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/129.png", + [ + 0.1818828135728836, + 0.021792680025100708, + -0.11572212725877762, + 1.3682849407196045, + -0.01397060789167881, + -0.20743447542190552, + -0.061021748930215836, + 0.7122670412063599, + -0.11692455410957336, + 0.05868484079837799, + -0.1727212369441986, + 2.0976028442382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/172.png", + [ + 0.18142488598823547, + 0.017849178984761238, + -0.11710812151432037, + 1.4035868644714355, + -0.02079015225172043, + -0.2060786634683609, + -0.0636180117726326, + 0.7466060519218445, + -0.11662193387746811, + 0.0645049512386322, + -0.1708400696516037, + 2.0965981483459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/153.png", + [ + 0.1801224946975708, + 0.023153912276029587, + -0.11818493157625198, + 1.4045950174331665, + -0.014713366515934467, + -0.20680880546569824, + -0.06294067949056625, + 0.7344455718994141, + -0.11952949315309525, + 0.060348235070705414, + -0.17034870386123657, + 2.0701451301574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/144.png", + [ + 0.18351313471794128, + 0.011120550334453583, + -0.11466105282306671, + 1.357399821281433, + -0.02454274892807007, + -0.20693740248680115, + -0.059350356459617615, + 0.7020076513290405, + -0.11255432665348053, + 0.06325458735227585, + -0.17400652170181274, + 2.1208114624023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/98.png", + [ + 0.1857793629169464, + 0.04480384662747383, + -0.10211043059825897, + 1.1619328260421753, + 0.01164163090288639, + -0.20512373745441437, + -0.06882311403751373, + 0.7665098905563354, + -0.11089814454317093, + 0.053523484617471695, + -0.1782827228307724, + 2.061309814453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/0.png", + [ + 0.1840524971485138, + 0.023575715720653534, + -0.11187831312417984, + 1.3077419996261597, + 0.0026587238535284996, + -0.21284355223178864, + -0.040477853268384933, + 0.4592057466506958, + -0.11430443823337555, + 0.03301077336072922, + -0.18108749389648438, + 2.1779165267944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/163.png", + [ + 0.18418103456497192, + 0.02017924003303051, + -0.11233003437519073, + 1.347133994102478, + -0.01964665949344635, + -0.20447120070457458, + -0.06894519925117493, + 0.8154340386390686, + -0.11242439597845078, + 0.06879119575023651, + -0.1719779521226883, + 2.1099939346313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/96.png", + [ + 0.1839427947998047, + 0.04677092656493187, + -0.10452474653720856, + 1.1925333738327026, + 0.012730473652482033, + -0.20490384101867676, + -0.06928373873233795, + 0.7741761803627014, + -0.11380191892385483, + 0.05267619714140892, + -0.17669814825057983, + 2.0492916107177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/100.png", + [ + 0.18458400666713715, + 0.04618651792407036, + -0.10365059971809387, + 1.1817455291748047, + 0.012953776866197586, + -0.2051975131034851, + -0.06836717575788498, + 0.7661923766136169, + -0.11273349076509476, + 0.05204494670033455, + -0.17756794393062592, + 2.0621113777160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/40.png", + [ + 0.17903971672058105, + 0.021611329168081284, + -0.12010672688484192, + 1.3969987630844116, + -0.0032297989819198847, + -0.21233615279197693, + -0.043021149933338165, + 0.49345919489860535, + -0.1219927966594696, + 0.03733900561928749, + -0.1751326620578766, + 2.091083526611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/141.png", + [ + 0.18728870153427124, + 0.029748577624559402, + -0.10481341928243637, + 1.2483296394348145, + -0.0014893031911924481, + -0.20772311091423035, + -0.06161803379654884, + 0.7234305143356323, + -0.1089431643486023, + 0.053981684148311615, + -0.1793467402458191, + 2.1918997764587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/52.png", + [ + 0.18102119863033295, + 0.040120676159858704, + -0.11211401224136353, + 1.3041011095046997, + 0.01940133422613144, + -0.21121689677238464, + -0.04425952211022377, + 0.49856337904930115, + -0.11748535186052322, + 0.026937855407595634, + -0.1800539791584015, + 2.1460561752319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/3.png", + [ + 0.18253788352012634, + 0.024991167709231377, + -0.11403181403875351, + 1.332680106163025, + -0.0002669078530743718, + -0.2115614414215088, + -0.046792980283498764, + 0.5376670956611633, + -0.11673793196678162, + 0.03956129029393196, + -0.17819948494434357, + 2.136101722717285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/47.png", + [ + 0.18239223957061768, + 0.0401318334043026, + -0.10986536741256714, + 1.2745674848556519, + 0.014801837503910065, + -0.20980483293533325, + -0.052064742892980576, + 0.5965080857276917, + -0.11602529883384705, + 0.0363217294216156, + -0.17935092747211456, + 2.1337366104125977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/104.png", + [ + 0.1849798858165741, + 0.01824703812599182, + -0.11134351044893265, + 1.2792181968688965, + -0.014772810973227024, + -0.20806477963924408, + -0.0586404912173748, + 0.6698569655418396, + -0.11185749620199203, + 0.057654041796922684, + -0.17638538777828217, + 2.0881190299987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/21.png", + [ + 0.17784380912780762, + 0.014636438339948654, + -0.12290340662002563, + 1.4217642545700073, + -0.011045299470424652, + -0.21241915225982666, + -0.04127955436706543, + 0.4727309048175812, + -0.12327804416418076, + 0.040146924555301666, + -0.17360486090183258, + 2.0588583946228027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/82.png", + [ + 0.17905345559120178, + 0.046856172382831573, + -0.11265990883111954, + 1.2961487770080566, + 0.014492296613752842, + -0.20681190490722656, + -0.06298176199197769, + 0.7174850702285767, + -0.12115167826414108, + 0.044510986655950546, + -0.1740371733903885, + 2.0590810775756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/106.png", + [ + 0.18373672664165497, + 0.0022419195156544447, + -0.1148202195763588, + 1.3354387283325195, + -0.03293575346469879, + -0.20650453865528107, + -0.0567363016307354, + 0.650952935218811, + -0.11001792550086975, + 0.06556481868028641, + -0.17477186024188995, + 2.087507724761963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/14.png", + [ + 0.17952942848205566, + 0.017921878024935722, + -0.11998284608125687, + 1.405121088027954, + -0.008124534972012043, + -0.21203984320163727, + -0.04382913559675217, + 0.5098921656608582, + -0.12104162573814392, + 0.04081430658698082, + -0.17501719295978546, + 2.0944361686706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/67.png", + [ + 0.1750521957874298, + 0.04032686725258827, + -0.12115428596735, + 1.3844045400619507, + 0.00896791648119688, + -0.20896019041538239, + -0.0565960668027401, + 0.6538289785385132, + -0.12737423181533813, + 0.040709737688302994, + -0.17048874497413635, + 2.006030559539795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/78.png", + [ + 0.17427152395248413, + 0.044567834585905075, + -0.12079337984323502, + 1.3758251667022705, + 0.01200744416564703, + -0.20801950991153717, + -0.05942729860544205, + 0.6742854714393616, + -0.12819184362888336, + 0.04110340029001236, + -0.16978000104427338, + 1.986218810081482, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/31.png", + [ + 0.17550039291381836, + 0.019080577418208122, + -0.1256321370601654, + 1.451600193977356, + 0.0032004346139729023, + -0.21481382846832275, + -0.028154373168945312, + 0.3182613253593445, + -0.12703251838684082, + 0.020948583260178566, + -0.17427502572536469, + 2.066448211669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/152.png", + [ + 0.17918483912944794, + 0.01969173736870289, + -0.12022028863430023, + 1.4272618293762207, + -0.015452103689312935, + -0.20842431485652924, + -0.05717020854353905, + 0.6620775461196899, + -0.12083838880062103, + 0.055851906538009644, + -0.17095771431922913, + 2.0757007598876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/39.png", + [ + 0.179189532995224, + 0.020087892189621925, + -0.12014773488044739, + 1.394280195236206, + -0.003362488467246294, + -0.2128111869096756, + -0.040595438331365585, + 0.4644552767276764, + -0.121769018471241, + 0.03543688729405403, + -0.17568272352218628, + 2.093214511871338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/92.png", + [ + 0.18637186288833618, + 0.0433163046836853, + -0.10167164355516434, + 1.1713358163833618, + 0.012190807610750198, + -0.20617905259132385, + -0.06549408286809921, + 0.7373467087745667, + -0.10983991622924805, + 0.050614118576049805, + -0.1797812432050705, + 2.1040616035461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/53.png", + [ + 0.18087078630924225, + 0.04059956595301628, + -0.11218433082103729, + 1.3050791025161743, + 0.018270444124937057, + -0.21076534688472748, + -0.0468192994594574, + 0.5320054888725281, + -0.11789757758378983, + 0.029623158276081085, + -0.17936141788959503, + 2.1408262252807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/75.png", + [ + 0.1776987910270691, + 0.03950002044439316, + -0.117519311606884, + 1.3271559476852417, + 0.009343697689473629, + -0.20906618237495422, + -0.05614188313484192, + 0.6362866759300232, + -0.12362740188837051, + 0.040975168347358704, + -0.1731623262166977, + 2.014468193054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/151.png", + [ + 0.1821310669183731, + 0.009755526669323444, + -0.11696579307317734, + 1.3862931728363037, + -0.022785639390349388, + -0.20887823402881622, + -0.052901700139045715, + 0.6123576760292053, + -0.11513897776603699, + 0.05676799267530441, + -0.17455174028873444, + 2.1178364753723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/87.png", + [ + 0.18294334411621094, + 0.04485194385051727, + -0.10708840936422348, + 1.2451800107955933, + 0.01127155777066946, + -0.20577062666416168, + -0.0669274777173996, + 0.7766849994659424, + -0.1155533492565155, + 0.05093759298324585, + -0.17607009410858154, + 2.100161552429199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/139.png", + [ + 0.18825651705265045, + 0.029603101313114166, + -0.10310690104961395, + 1.2297197580337524, + -0.0018048136262223125, + -0.20735731720924377, + -0.06282981485128403, + 0.7407624125480652, + -0.10725725442171097, + 0.05544817075133324, + -0.17991462349891663, + 2.201324939727783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/107.png", + [ + 0.18057583272457123, + -0.002581460867077112, + -0.11972300708293915, + 1.3997093439102173, + -0.04197455942630768, + -0.20424538850784302, + -0.0589054673910141, + 0.6817517876625061, + -0.11215345561504364, + 0.07228453457355499, + -0.17071743309497833, + 2.050163745880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/112.png", + [ + 0.1723046451807022, + -0.013324250467121601, + -0.13069608807563782, + 1.5463061332702637, + -0.061996426433324814, + -0.19829238951206207, + -0.061518095433712006, + 0.720097005367279, + -0.11582507938146591, + 0.08631626516580582, + -0.16149908304214478, + 1.9635528326034546, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/69.png", + [ + 0.17935238778591156, + 0.03031105361878872, + -0.11773636937141418, + 1.3347598314285278, + 0.002166053978726268, + -0.2105957716703415, + -0.05091793090105057, + 0.5905570387840271, + -0.12155624479055405, + 0.0409703254699707, + -0.17462362349033356, + 2.039459705352783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/157.png", + [ + 0.18290504813194275, + 0.02387257292866707, + -0.11368261277675629, + 1.355505347251892, + -0.014137242920696735, + -0.20589876174926758, + -0.0659828707575798, + 0.7699254751205444, + -0.11529863625764847, + 0.06311657279729843, + -0.17225104570388794, + 2.097507953643799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/45.png", + [ + 0.18040981888771057, + 0.03761957585811615, + -0.11395158618688583, + 1.3239294290542603, + 0.009446324780583382, + -0.20956572890281677, + -0.054229736328125, + 0.6299086213111877, + -0.1196284219622612, + 0.04018538445234299, + -0.17613081634044647, + 2.1020994186401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/50.png", + [ + 0.18322530388832092, + 0.04032224044203758, + -0.10839971899986267, + 1.260549783706665, + 0.01976276934146881, + -0.21100851893424988, + -0.04508587345480919, + 0.5066510438919067, + -0.11395532637834549, + 0.028238626196980476, + -0.18211166560649872, + 2.1683616638183594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/101.png", + [ + 0.18479055166244507, + 0.04314697906374931, + -0.10458812862634659, + 1.195866346359253, + 0.010487469844520092, + -0.20596955716609955, + -0.0664413794875145, + 0.7488110065460205, + -0.11265145987272263, + 0.051602136343717575, + -0.1777491569519043, + 2.0751953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/85.png", + [ + 0.18408188223838806, + 0.04546365514397621, + -0.10485613346099854, + 1.2166574001312256, + 0.011545074172317982, + -0.20517340302467346, + -0.0686912089586258, + 0.7940880060195923, + -0.1137033998966217, + 0.05277146026492119, + -0.176733136177063, + 2.1060543060302734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/156.png", + [ + 0.18294426798820496, + 0.023498356342315674, + -0.11369749158620834, + 1.3520381450653076, + -0.014539290219545364, + -0.20588284730911255, + -0.06594507396221161, + 0.7688559293746948, + -0.11518637090921402, + 0.06330854445695877, + -0.17225569486618042, + 2.091888427734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/131.png", + [ + 0.1843521147966385, + 0.030692074447870255, + -0.1096365824341774, + 1.2998573780059814, + -0.0043922970071434975, + -0.2065802812576294, + -0.06521642953157425, + 0.7621219754219055, + -0.11376682668924332, + 0.05771024525165558, + -0.17514145374298096, + 2.1344895362854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/71.png", + [ + 0.17619629204273224, + 0.0392758809030056, + -0.11983389407396317, + 1.3559379577636719, + 0.01422357652336359, + -0.21077339351177216, + -0.04816807806491852, + 0.5409119725227356, + -0.12530143558979034, + 0.03130302205681801, + -0.17397575080394745, + 2.0255589485168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/160.png", + [ + 0.18300901353359222, + 0.02320299670100212, + -0.11365391314029694, + 1.3551820516586304, + -0.017245588824152946, + -0.204493910074234, + -0.06951779127120972, + 0.8146345615386963, + -0.11470910906791687, + 0.06776249408721924, + -0.17087408900260925, + 2.0819482803344727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/115.png", + [ + 0.17339317500591278, + -0.012499372474849224, + -0.1293308287858963, + 1.5336501598358154, + -0.05743907764554024, + -0.2008257508277893, + -0.05759916827082634, + 0.6655111908912659, + -0.1165480688214302, + 0.08037834614515305, + -0.16402366757392883, + 1.9957958459854126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/54.png", + [ + 0.18070560693740845, + 0.04432734474539757, + -0.11103358119726181, + 1.2981353998184204, + 0.020829854533076286, + -0.20982666313648224, + -0.049867674708366394, + 0.5733780264854431, + -0.11772632598876953, + 0.03091527707874775, + -0.17925581336021423, + 2.149404525756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/33.png", + [ + 0.1786108911037445, + 0.01574951410293579, + -0.12164698541164398, + 1.402978539466858, + -0.004164822865277529, + -0.2139786183834076, + -0.03381869196891785, + 0.38747426867485046, + -0.12259156256914139, + 0.030215930193662643, + -0.17608578503131866, + 2.0836567878723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/159.png", + [ + 0.1836184710264206, + 0.023633873090147972, + -0.11257702112197876, + 1.3409391641616821, + -0.01600898988544941, + -0.20473821461200714, + -0.06909318268299103, + 0.8077850341796875, + -0.11391160637140274, + 0.06686999648809433, + -0.17175690829753876, + 2.090244770050049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/177.png", + [ + 0.17376306653022766, + -0.001417210791260004, + -0.1294306069612503, + 1.531389594078064, + -0.04945957288146019, + -0.20094773173332214, + -0.06420012563467026, + 0.7626209259033203, + -0.11961621791124344, + 0.0810302197933197, + -0.1614743173122406, + 1.9477835893630981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/49.png", + [ + 0.18187540769577026, + 0.040124326944351196, + -0.11072157323360443, + 1.287735939025879, + 0.017538845539093018, + -0.21066758036613464, + -0.04753373563289642, + 0.5366964936256409, + -0.1164543554186821, + 0.030937116593122482, + -0.18008100986480713, + 2.1469883918762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/118.png", + [ + 0.17152024805545807, + -0.006933074910193682, + -0.13221433758735657, + 1.5689971446990967, + -0.05649011582136154, + -0.19952505826950073, + -0.06282130628824234, + 0.7381566762924194, + -0.11973955482244492, + 0.08419965952634811, + -0.15975214540958405, + 1.9429179430007935, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/110.png", + [ + 0.17298582196235657, + -0.011628287844359875, + -0.12995608150959015, + 1.5356686115264893, + -0.060512885451316833, + -0.19834837317466736, + -0.06280136853456497, + 0.738353431224823, + -0.11559406667947769, + 0.08643266558647156, + -0.16160230338573456, + 1.9597550630569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/18.png", + [ + 0.17790910601615906, + 0.01869025267660618, + -0.12225760519504547, + 1.422156572341919, + -0.008298230357468128, + -0.21189963817596436, + -0.04446994140744209, + 0.5120610594749451, + -0.12339930236339569, + 0.041196007281541824, + -0.17327260971069336, + 2.0593485832214355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/66.png", + [ + 0.1788148283958435, + 0.03973071277141571, + -0.11573513597249985, + 1.3240000009536743, + 0.010769172571599483, + -0.20924979448318481, + -0.055194612592458725, + 0.6298669576644897, + -0.12189000844955444, + 0.03979812562465668, + -0.1746620237827301, + 2.05454158782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/16.png", + [ + 0.17995300889015198, + 0.020185459405183792, + -0.118984654545784, + 1.3864459991455078, + -0.005563151091337204, + -0.21200785040855408, + -0.04438035935163498, + 0.5102346539497375, + -0.12055642902851105, + 0.039913810789585114, + -0.1755588948726654, + 2.0860233306884766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/94.png", + [ + 0.1843540221452713, + 0.047496892511844635, + -0.10346757620573044, + 1.1827101707458496, + 0.013926160521805286, + -0.20484690368175507, + -0.06922215223312378, + 0.775787889957428, + -0.11299359798431396, + 0.05224642902612686, + -0.17734332382678986, + 2.0597238540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/28.png", + [ + 0.17319820821285248, + 0.014485531486570835, + -0.129384845495224, + 1.4979327917099, + 0.0025150985457003117, + -0.21566142141819, + -0.020778005942702293, + 0.2279725968837738, + -0.13016891479492188, + 0.01510697603225708, + -0.17255645990371704, + 2.0520358085632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/61.png", + [ + 0.17983019351959229, + 0.0356481559574604, + -0.11549113690853119, + 1.3534066677093506, + 0.016302919015288353, + -0.21229827404022217, + -0.04014408215880394, + 0.4539926052093506, + -0.11976314336061478, + 0.024628058075904846, + -0.1788802444934845, + 2.1419758796691895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/132.png", + [ + 0.18593764305114746, + 0.029964538291096687, + -0.10713177174329758, + 1.268625259399414, + -0.004796607885509729, + -0.2063126415014267, + -0.06603019684553146, + 0.7734930515289307, + -0.1111399233341217, + 0.059034910053014755, + -0.17638222873210907, + 2.1491456031799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/58.png", + [ + 0.18011757731437683, + 0.031467802822589874, + -0.11625543981790543, + 1.3702858686447144, + 0.008685845881700516, + -0.21199756860733032, + -0.043925900012254715, + 0.5196219086647034, + -0.12012536823749542, + 0.03185444697737694, + -0.17749106884002686, + 2.144845485687256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/123.png", + [ + 0.17831097543239594, + 0.0011897360673174262, + -0.1230921670794487, + 1.461384654045105, + -0.03726731613278389, + -0.20597504079341888, + -0.055976152420043945, + 0.6544000506401062, + -0.11732112616300583, + 0.06723664700984955, + -0.16930116713047028, + 2.0524072647094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/64.png", + [ + 0.17879952490329742, + 0.03898073732852936, + -0.11601345986127853, + 1.3374234437942505, + 0.014766927808523178, + -0.21076129376888275, + -0.0480574332177639, + 0.5391197800636292, + -0.12149305641651154, + 0.03175030276179314, + -0.17657648026943207, + 2.088521957397461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/10.png", + [ + 0.1837320625782013, + 0.015672365203499794, + -0.11377523094415665, + 1.3380719423294067, + -0.008777608163654804, + -0.21210378408432007, + -0.04339165240526199, + 0.5081364512443542, + -0.11451367288827896, + 0.04140361770987511, + -0.1792212426662445, + 2.1570358276367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/170.png", + [ + 0.18375316262245178, + 0.018907394260168076, + -0.1132483035326004, + 1.3599270582199097, + -0.019737040624022484, + -0.20533347129821777, + -0.0663062036037445, + 0.7805697917938232, + -0.11310666054487228, + 0.06654752790927887, + -0.17241288721561432, + 2.1157126426696777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/41.png", + [ + 0.18087917566299438, + 0.018767865374684334, + -0.11780654639005661, + 1.3689100742340088, + -0.006901223678141832, + -0.21197162568569183, + -0.044365476816892624, + 0.5134586095809937, + -0.11909233778715134, + 0.040788352489471436, + -0.17635537683963776, + 2.108238697052002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/166.png", + [ + 0.18363481760025024, + 0.012672343291342258, + -0.11430468410253525, + 1.3691157102584839, + -0.02716894820332527, + -0.20447920262813568, + -0.06631745398044586, + 0.7873153686523438, + -0.11174970865249634, + 0.07053770869970322, + -0.17171001434326172, + 2.1100568771362305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/91.png", + [ + 0.1847177892923355, + 0.04581170901656151, + -0.1035785973072052, + 1.1999506950378418, + 0.014734657481312752, + -0.20619440078735352, + -0.06492041051387787, + 0.7379700541496277, + -0.11229483038187027, + 0.04830171912908554, + -0.1788986176252365, + 2.1080098152160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/140.png", + [ + 0.18720132112503052, + 0.02836259827017784, + -0.10535240173339844, + 1.2555981874465942, + -0.0026015073526650667, + -0.20800530910491943, + -0.06062108650803566, + 0.7126149535179138, + -0.10907243192195892, + 0.0536399744451046, + -0.17937071621418, + 2.193615436553955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/23.png", + [ + 0.17274555563926697, + 0.00513198459520936, + -0.1306924968957901, + 1.5192872285842896, + -0.016956230625510216, + -0.21380192041397095, + -0.030807754024863243, + 0.3624306321144104, + -0.12968944013118744, + 0.03478928282856941, + -0.17005367577075958, + 2.0291361808776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/37.png", + [ + 0.1783812791109085, + 0.011660578660666943, + -0.12244198471307755, + 1.4153739213943481, + -0.0099073126912117, + -0.2136356085538864, + -0.03477887436747551, + 0.40061408281326294, + -0.12259630858898163, + 0.03423091769218445, + -0.17534618079662323, + 2.0811543464660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/36.png", + [ + 0.18003880977630615, + 0.009729481302201748, + -0.12016347050666809, + 1.3862918615341187, + -0.011978400871157646, + -0.21345548331737518, + -0.03523024171590805, + 0.40808093547821045, + -0.11996015906333923, + 0.035916417837142944, + -0.1768261045217514, + 2.093474864959717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/8.png", + [ + 0.18349631130695343, + 0.024243956431746483, + -0.11264648288488388, + 1.3256632089614868, + 0.0002475099463481456, + -0.21190673112869263, + -0.04520371928811073, + 0.5276035666465759, + -0.11522559821605682, + 0.03815321624279022, + -0.17948617041110992, + 2.158513069152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/6.png", + [ + 0.18342916667461395, + 0.024128681048750877, + -0.11278047412633896, + 1.3189488649368286, + -0.00028936302987858653, + -0.21178284287452698, + -0.04578026011586189, + 0.5333759784698486, + -0.11533231288194656, + 0.038906585425138474, + -0.17925573885440826, + 2.149564743041992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/169.png", + [ + 0.18421097099781036, + 0.018578223884105682, + -0.11255691945552826, + 1.3518579006195068, + -0.0194403063505888, + -0.20554301142692566, + -0.06574222445487976, + 0.7751286625862122, + -0.11241122335195541, + 0.06599102169275284, + -0.17308031022548676, + 2.1237430572509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/154.png", + [ + 0.18139928579330444, + 0.022222913801670074, + -0.11639731377363205, + 1.3835870027542114, + -0.01738087832927704, + -0.20553886890411377, + -0.06632929295301437, + 0.775317370891571, + -0.11721817404031754, + 0.06486764550209045, + -0.17029382288455963, + 2.070344924926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/20.png", + [ + 0.177061527967453, + 0.015444437973201275, + -0.12392972409725189, + 1.4341050386428833, + -0.01094744447618723, + -0.21226435899734497, + -0.04209380969405174, + 0.48303183913230896, + -0.12440766394138336, + 0.040659625083208084, + -0.17267723381519318, + 2.0467262268066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/2.png", + [ + 0.180963397026062, + 0.0245781559497118, + -0.11660216003656387, + 1.3666146993637085, + 0.0011991375358775258, + -0.21238064765930176, + -0.042905934154987335, + 0.48943158984184265, + -0.11915834993124008, + 0.035189077258110046, + -0.17751312255859375, + 2.1333136558532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/117.png", + [ + 0.1721763163805008, + -0.008589494042098522, + -0.1312609165906906, + 1.5532145500183105, + -0.05686354264616966, + -0.19982662796974182, + -0.06151219829916954, + 0.7171327471733093, + -0.11861594766378403, + 0.0833272710442543, + -0.16104258596897125, + 1.9578620195388794, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/149.png", + [ + 0.18085414171218872, + 0.019308989867568016, + -0.11775750666856766, + 1.3965928554534912, + -0.01954815536737442, + -0.2061367630958557, + -0.0638231709599495, + 0.7442358732223511, + -0.11771804839372635, + 0.06389594078063965, + -0.17031635344028473, + 2.0648932456970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/161.png", + [ + 0.18339481949806213, + 0.02211252599954605, + -0.11324871331453323, + 1.3511139154434204, + -0.018914980813860893, + -0.20402079820632935, + -0.07046724855899811, + 0.8285998106002808, + -0.1138264462351799, + 0.0695301741361618, + -0.17075417935848236, + 2.084115982055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/5.png", + [ + 0.18351097404956818, + 0.025463160127401352, + -0.11235319823026657, + 1.3155078887939453, + 0.00026553578209131956, + -0.2114085555076599, + -0.04747884348034859, + 0.5514815449714661, + -0.11520218849182129, + 0.040074169635772705, + -0.17908212542533875, + 2.1500983238220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/108.png", + [ + 0.1767124980688095, + -0.009558592922985554, + -0.12501686811447144, + 1.4641908407211304, + -0.05310742184519768, + -0.20141303539276123, + -0.059668105095624924, + 0.6928027272224426, + -0.11357899010181427, + 0.07930520176887512, + -0.16660849750041962, + 2.005296230316162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/60.png", + [ + 0.17612844705581665, + 0.03867195174098015, + -0.12012969702482224, + 1.4131687879562378, + 0.01840101182460785, + -0.21191620826721191, + -0.04124102368950844, + 0.4725722372531891, + -0.12485217303037643, + 0.02332165092229843, + -0.17554466426372528, + 2.113126277923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/56.png", + [ + 0.17902061343193054, + 0.049010418355464935, + -0.1117921844124794, + 1.3274141550064087, + 0.0224299356341362, + -0.20827114582061768, + -0.05538880452513695, + 0.6517188549041748, + -0.11998505145311356, + 0.03419065102934837, + -0.17715102434158325, + 2.155348300933838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/147.png", + [ + 0.17753957211971283, + 0.01835840940475464, + -0.1228436529636383, + 1.4549763202667236, + -0.024118928238749504, + -0.20512031018733978, + -0.06551209837198257, + 0.77131587266922, + -0.12184363603591919, + 0.0673537403345108, + -0.16602860391139984, + 2.017477512359619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/30.png", + [ + 0.17590723931789398, + 0.02012494206428528, + -0.12489805370569229, + 1.445287823677063, + 0.0053942338563501835, + -0.21491409838199615, + -0.02703203447163105, + 0.3036057651042938, + -0.12639398872852325, + 0.01883654110133648, + -0.17497897148132324, + 2.0781025886535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/17.png", + [ + 0.17830508947372437, + 0.021004321053624153, + -0.1213013082742691, + 1.411364197731018, + -0.005979078821837902, + -0.2117680311203003, + -0.04545823484659195, + 0.5218302011489868, + -0.1229611411690712, + 0.04075560346245766, + -0.17368775606155396, + 2.0640740394592285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/12.png", + [ + 0.1798046976327896, + 0.015529029071331024, + -0.11990418285131454, + 1.4056756496429443, + -0.0096398014575243, + -0.2123546600341797, + -0.041958022862672806, + 0.4904899299144745, + -0.1205207109451294, + 0.04015284404158592, + -0.17552891373634338, + 2.107337474822998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/114.png", + [ + 0.17228347063064575, + -0.012223726138472557, + -0.13083148002624512, + 1.5496150255203247, + -0.05888598784804344, + -0.20004163682460785, + -0.05885302647948265, + 0.6815105080604553, + -0.11746803671121597, + 0.08235179632902145, + -0.16238021850585938, + 1.9738811254501343, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/27.png", + [ + 0.1748608499765396, + 0.017258688807487488, + -0.1267821341753006, + 1.46902334690094, + 0.004721073899418116, + -0.21541857719421387, + -0.022813238203525543, + 0.2506600618362427, + -0.12786433100700378, + 0.01564832217991352, + -0.17422322928905487, + 2.0691299438476562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/42.png", + [ + 0.18139499425888062, + 0.021936360746622086, + -0.11645833402872086, + 1.3548494577407837, + -0.003681528614833951, + -0.211784228682518, + -0.045626502484083176, + 0.5287768840789795, + -0.11844910681247711, + 0.04017620161175728, + -0.17692816257476807, + 2.116572856903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/174.png", + [ + 0.1823808252811432, + 0.011973707936704159, + -0.1163690835237503, + 1.3842651844024658, + -0.027097009122371674, + -0.20535090565681458, + -0.06359754502773285, + 0.7422624230384827, + -0.11380196362733841, + 0.06808469444513321, + -0.17135193943977356, + 2.089569091796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/7.png", + [ + 0.1816631406545639, + 0.025233915075659752, + -0.11536741256713867, + 1.3543354272842407, + 0.000247842661337927, + -0.21175147593021393, + -0.04592541232705116, + 0.5363768339157104, + -0.1180945634841919, + 0.038372572511434555, + -0.17756438255310059, + 2.1347122192382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/73.png", + [ + 0.17659343779087067, + 0.0437345914542675, + -0.11768575012683868, + 1.33668851852417, + 0.018994107842445374, + -0.21007223427295685, + -0.04956580325961113, + 0.5510339736938477, + -0.12410429865121841, + 0.03008040226995945, + -0.17504623532295227, + 2.042747974395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/120.png", + [ + 0.1723487824201584, + -0.01093291211873293, + -0.13085970282554626, + 1.5500596761703491, + -0.05460774526000023, + -0.20233400166034698, + -0.05501677468419075, + 0.6407064199447632, + -0.11942271143198013, + 0.07674192637205124, + -0.1636972278356552, + 1.9779950380325317, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/46.png", + [ + 0.1819821000099182, + 0.0390000194311142, + -0.11094778031110764, + 1.2874122858047485, + 0.012299583293497562, + -0.20960400998592377, + -0.053504958748817444, + 0.619082510471344, + -0.11695782095193863, + 0.03864011541008949, + -0.17825740575790405, + 2.1250991821289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/127.png", + [ + 0.18170464038848877, + 0.019361231476068497, + -0.11643219739198685, + 1.3837769031524658, + -0.01653522253036499, + -0.20745627582073212, + -0.06030236557126045, + 0.7096381187438965, + -0.11686701327562332, + 0.05945528298616409, + -0.17249655723571777, + 2.098029136657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/133.png", + [ + 0.18611733615398407, + 0.03235107287764549, + -0.10612084716558456, + 1.2592079639434814, + -0.001039733411744237, + -0.20674015581607819, + -0.06484850496053696, + 0.7606152296066284, + -0.11093756556510925, + 0.056212253868579865, + -0.17742867767810822, + 2.1639208793640137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/57.png", + [ + 0.1783246397972107, + 0.03740489110350609, + -0.1172565147280693, + 1.388225793838501, + 0.011212911456823349, + -0.21050488948822021, + -0.0500984825193882, + 0.5932656526565552, + -0.12256626039743423, + 0.035163357853889465, + -0.17518259584903717, + 2.1305413246154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/44.png", + [ + 0.18031096458435059, + 0.033954840153455734, + -0.11525154113769531, + 1.3403085470199585, + 0.006448975298553705, + -0.21027766168117523, + -0.05186153203248978, + 0.601639986038208, + -0.11997608840465546, + 0.03972753509879112, + -0.17599818110466003, + 2.102254867553711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/113.png", + [ + 0.1748969703912735, + -0.013041386380791664, + -0.12723548710346222, + 1.505549430847168, + -0.06012438237667084, + -0.19862833619117737, + -0.062287505716085434, + 0.7254940271377563, + -0.1128893792629242, + 0.08558385819196701, + -0.16394905745983124, + 1.9899004697799683, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/126.png", + [ + 0.17901922762393951, + 0.015328583307564259, + -0.1210993155837059, + 1.4407947063446045, + -0.022091403603553772, + -0.20734120905399323, + -0.05890234559774399, + 0.6955856084823608, + -0.12004988640546799, + 0.061012718826532364, + -0.16974499821662903, + 2.066253185272217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/29.png", + [ + 0.17640967667102814, + 0.01603265292942524, + -0.12478170543909073, + 1.4397358894348145, + 0.0029217435512691736, + -0.21537213027477264, + -0.023541608825325966, + 0.26012760400772095, + -0.12577353417873383, + 0.01748422347009182, + -0.17556540668010712, + 2.0785908699035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/4.png", + [ + 0.1816190928220749, + 0.02649787627160549, + -0.11515319347381592, + 1.3483465909957886, + 0.00023665270418860018, + -0.21123746037483215, + -0.04823456332087517, + 0.5589462518692017, + -0.11816234141588211, + 0.04030498117208481, + -0.17709054052829742, + 2.126894950866699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/55.png", + [ + 0.18035149574279785, + 0.04731280356645584, + -0.11037538200616837, + 1.303017020225525, + 0.023065920919179916, + -0.20908932387828827, + -0.051937561482191086, + 0.6040438413619995, + -0.11785239726305008, + 0.031480878591537476, + -0.1790744513273239, + 2.1639208793640137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/9.png", + [ + 0.18278975784778595, + 0.02401909977197647, + -0.11383706331253052, + 1.3434042930603027, + 0.00037476886063814163, + -0.21212731301784515, + -0.04415611922740936, + 0.5152232646942139, + -0.11634283512830734, + 0.03705383092164993, + -0.17899511754512787, + 2.157914638519287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/25.png", + [ + 0.17366087436676025, + 0.012339458800852299, + -0.12898658215999603, + 1.4933209419250488, + -0.003688245080411434, + -0.21513178944587708, + -0.025546176359057426, + 0.2856477200984955, + -0.12952294945716858, + 0.02267042174935341, + -0.17221426963806152, + 2.043259620666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/99.png", + [ + 0.18543246388435364, + 0.0461168996989727, + -0.1021563783288002, + 1.163312315940857, + 0.012904726900160313, + -0.20495520532131195, + -0.06909938156604767, + 0.7714119553565979, + -0.1113380640745163, + 0.05305175110697746, + -0.1781495064496994, + 2.0613889694213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/34.png", + [ + 0.1768498718738556, + 0.012097042053937912, + -0.1246020570397377, + 1.4388071298599243, + -0.00916195847094059, + -0.21383161842823029, + -0.03376366198062897, + 0.38934609293937683, + -0.12485218793153763, + 0.032826632261276245, + -0.17401792109012604, + 2.0616207122802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/72.png", + [ + 0.17696399986743927, + 0.04287712648510933, + -0.11744438856840134, + 1.3335765600204468, + 0.019241945818066597, + -0.21044982969760895, + -0.04783841595053673, + 0.5314459800720215, + -0.12353697419166565, + 0.028641190379858017, + -0.175687775015831, + 2.0474300384521484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/102.png", + [ + 0.18144388496875763, + 0.041103001683950424, + -0.11107003688812256, + 1.2725510597229004, + 0.0057387566193938255, + -0.2060193419456482, + -0.0668654814362526, + 0.754115641117096, + -0.11829233914613724, + 0.05305156856775284, + -0.17360974848270416, + 2.0348525047302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/134.png", + [ + 0.1859275996685028, + 0.03114989586174488, + -0.1068105697631836, + 1.2681301832199097, + -0.001581626245751977, + -0.2072482854127884, + -0.06319441646337509, + 0.7434258460998535, + -0.11124886572360992, + 0.055006545037031174, + -0.1776115447282791, + 2.1685633659362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/70.png", + [ + 0.17875061929225922, + 0.03331198915839195, + -0.11784065514802933, + 1.3350268602371216, + 0.006967210676521063, + -0.21093252301216125, + -0.04905937612056732, + 0.5605344772338867, + -0.12226024270057678, + 0.03668345510959625, + -0.1750846952199936, + 2.0411009788513184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/135.png", + [ + 0.18579056859016418, + 0.03147366642951965, + -0.10695404559373856, + 1.2713602781295776, + -0.0006088384543545544, + -0.20757190883159637, + -0.06214037910103798, + 0.7309494614601135, + -0.11148715019226074, + 0.05358364060521126, + -0.1778968721628189, + 2.1730360984802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/130.png", + [ + 0.1825244128704071, + 0.023125754669308662, + -0.1144462302327156, + 1.3532278537750244, + -0.012231088243424892, + -0.20742659270763397, + -0.06142071634531021, + 0.7165089845657349, + -0.11611691862344742, + 0.05820054933428764, + -0.17342853546142578, + 2.1088242530822754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/90.png", + [ + 0.1854129135608673, + 0.04143724590539932, + -0.10417728126049042, + 1.2077163457870483, + 0.010348644107580185, + -0.2067984640598297, + -0.06383723020553589, + 0.7341543436050415, + -0.11163715273141861, + 0.04965118691325188, + -0.1789407581090927, + 2.1192269325256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/122.png", + [ + 0.1734546422958374, + 0.0029205831233412027, + -0.12981852889060974, + 1.5449215173721313, + -0.037148088216781616, + -0.20645014941692352, + -0.05427933856844902, + 0.6288548707962036, + -0.12442425638437271, + 0.065709188580513, + -0.16476891934871674, + 2.0016322135925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/15.png", + [ + 0.18008650839328766, + 0.018357282504439354, + -0.11907874047756195, + 1.3895586729049683, + -0.007941380143165588, + -0.21187077462673187, + -0.04467217996716499, + 0.5166966319084167, + -0.12022342532873154, + 0.04149312898516655, + -0.17542104423046112, + 2.089414596557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/162.png", + [ + 0.18341761827468872, + 0.02264263480901718, + -0.11310692876577377, + 1.3553978204727173, + -0.017185501754283905, + -0.20472414791584015, + -0.06885182857513428, + 0.8131864070892334, + -0.11406368017196655, + 0.0672549456357956, + -0.17150551080703735, + 2.0980567932128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/22.png", + [ + 0.17661666870117188, + 0.00578979030251503, + -0.12538310885429382, + 1.4523513317108154, + -0.018477706238627434, + -0.21288645267486572, + -0.035858411341905594, + 0.41954055428504944, + -0.12414918094873428, + 0.03992154449224472, + -0.17303508520126343, + 2.0559744834899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/171.png", + [ + 0.18356890976428986, + 0.019310198724269867, + -0.1134788990020752, + 1.3629333972930908, + -0.019183950498700142, + -0.20548470318317413, + -0.06599929183721542, + 0.7760889530181885, + -0.11350031942129135, + 0.06596247106790543, + -0.1723790168762207, + 2.1138038635253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/138.png", + [ + 0.18721982836723328, + 0.028178531676530838, + -0.10536888241767883, + 1.2557687759399414, + -0.0037501826882362366, + -0.2075321078300476, + -0.06216311827301979, + 0.733643651008606, + -0.10900717973709106, + 0.05553636699914932, + -0.17883242666721344, + 2.1895995140075684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/109.png", + [ + 0.1745026409626007, + -0.009350907988846302, + -0.12809871137142181, + 1.509264588356018, + -0.05628494173288345, + -0.19981224834918976, + -0.06208840385079384, + 0.7263159155845642, + -0.11545009911060333, + 0.0832798033952713, + -0.16335126757621765, + 1.9749947786331177, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/26.png", + [ + 0.174204021692276, + 0.015598808415234089, + -0.12789657711982727, + 1.4812257289886475, + 0.0015833994839340448, + -0.2153237909078598, + -0.02410510741174221, + 0.2657706141471863, + -0.1288345903158188, + 0.018445609137415886, + -0.17323195934295654, + 2.056647777557373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/43.png", + [ + 0.17945803701877594, + 0.02696966379880905, + -0.11838642507791519, + 1.3783093690872192, + 0.0008389641297981143, + -0.2115323543548584, + -0.046917516738176346, + 0.5430086851119995, + -0.12141666561365128, + 0.038400448858737946, + -0.17530342936515808, + 2.100447177886963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/84.png", + [ + 0.1833568811416626, + 0.045994631946086884, + -0.10588975995779037, + 1.225094199180603, + 0.012150042690336704, + -0.2053205668926239, + -0.06814492493867874, + 0.7852202653884888, + -0.11480645835399628, + 0.05172859877347946, + -0.1763278841972351, + 2.09700345993042, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/136.png", + [ + 0.18776105344295502, + 0.028610022738575935, + -0.10428398102521896, + 1.2395893335342407, + -0.0030462255235761404, + -0.20747138559818268, + -0.06240386515855789, + 0.7362220287322998, + -0.10809442400932312, + 0.05554267391562462, + -0.17938368022441864, + 2.1920785903930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/89.png", + [ + 0.18780174851417542, + 0.03925870731472969, + -0.10068339109420776, + 1.1681526899337769, + 0.009290099143981934, + -0.20698896050453186, + -0.06338107585906982, + 0.7366986274719238, + -0.10766654461622238, + 0.050618384033441544, + -0.18108999729156494, + 2.152400016784668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/63.png", + [ + 0.17714478075504303, + 0.04088132083415985, + -0.11788275092840195, + 1.3666889667510986, + 0.01953303813934326, + -0.21127620339393616, + -0.043917153030633926, + 0.4895605146884918, + -0.12323182076215744, + 0.025277933105826378, + -0.17641663551330566, + 2.096198558807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/88.png", + [ + 0.186954528093338, + 0.04083936661481857, + -0.10162699222564697, + 1.178574562072754, + 0.009314212948083878, + -0.2062484174966812, + -0.06574749946594238, + 0.7647645473480225, + -0.10912903398275375, + 0.052360620349645615, + -0.17971396446228027, + 2.1384005546569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/62.png", + [ + 0.1793680489063263, + 0.035995300859212875, + -0.11610051244497299, + 1.3524682521820068, + 0.016333332285284996, + -0.21221673488616943, + -0.04056078568100929, + 0.4537133276462555, + -0.12045004218816757, + 0.02482525072991848, + -0.17839111387729645, + 2.1276111602783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/65.png", + [ + 0.17848265171051025, + 0.040815405547618866, + -0.11587037891149521, + 1.3332146406173706, + 0.01400689221918583, + -0.20979472994804382, + -0.05232459306716919, + 0.5924031138420105, + -0.12204772979021072, + 0.035611219704151154, + -0.17545393109321594, + 2.0738048553466797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/80.png", + [ + 0.17617662250995636, + 0.044420644640922546, + -0.11805292963981628, + 1.3520973920822144, + 0.01284101977944374, + -0.2080562561750412, + -0.059123534709215164, + 0.6659844517707825, + -0.12547826766967773, + 0.04107663780450821, + -0.17180165648460388, + 2.022326946258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/146.png", + [ + 0.18309541046619415, + 0.01715661957859993, + -0.1145845353603363, + 1.3538475036621094, + -0.021820751950144768, + -0.20534507930278778, + -0.06561363488435745, + 0.7706894278526306, + -0.11378849297761917, + 0.06698465347290039, + -0.1717938631772995, + 2.0797805786132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/119.png", + [ + 0.17833735048770905, + -0.016242418438196182, + -0.12198308855295181, + 1.4408892393112183, + -0.05967524275183678, + -0.19925017654895782, + -0.060713499784469604, + 0.7095908522605896, + -0.10762228071689606, + 0.08356701582670212, + -0.16846926510334015, + 2.02506685256958, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/145.png", + [ + 0.18305212259292603, + 0.014328318648040295, + -0.11504138261079788, + 1.360135555267334, + -0.022314956411719322, + -0.20663771033287048, + -0.06124379113316536, + 0.7195954918861389, + -0.11376231163740158, + 0.06358819454908371, + -0.17309701442718506, + 2.1023473739624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/167.png", + [ + 0.1819709986448288, + 0.011877045966684818, + -0.11701872199773788, + 1.40316903591156, + -0.026820426806807518, + -0.20569801330566406, + -0.06258507072925568, + 0.7451035976409912, + -0.11452122777700424, + 0.06704597175121307, + -0.17128229141235352, + 2.1057310104370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/79.png", + [ + 0.17682673037052155, + 0.045993126928806305, + -0.11646811664104462, + 1.3298289775848389, + 0.014299745671451092, + -0.20762832462787628, + -0.06028173863887787, + 0.6780190467834473, + -0.12440139055252075, + 0.04150906205177307, + -0.172479510307312, + 2.0213208198547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/176.png", + [ + 0.17970602214336395, + 0.0024611386470496655, + -0.12102719396352768, + 1.433009386062622, + -0.040901485830545425, + -0.20265494287014008, + -0.064853236079216, + 0.7632616758346558, + -0.11393289268016815, + 0.07663431018590927, + -0.16761374473571777, + 2.028904438018799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/165.png", + [ + 0.1851028949022293, + 0.02100329101085663, + -0.11065112799406052, + 1.3276678323745728, + -0.018669767305254936, + -0.2042064368724823, + -0.0699932873249054, + 0.825700581073761, + -0.11106866598129272, + 0.06932879984378815, + -0.17264170944690704, + 2.1166014671325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/116.png", + [ + 0.1692696213722229, + -0.009507660754024982, + -0.13492700457572937, + 1.5994009971618652, + -0.05779242888092995, + -0.20050041377544403, + -0.05837388336658478, + 0.6782498359680176, + -0.12229360640048981, + 0.081590935587883, + -0.159170001745224, + 1.9430240392684937, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/19.png", + [ + 0.178575336933136, + 0.018779359757900238, + -0.12126860022544861, + 1.4069182872772217, + -0.0073657711036503315, + -0.21209599077701569, + -0.04369121417403221, + 0.5014556050300598, + -0.12249279022216797, + 0.040131185203790665, + -0.17416341602802277, + 2.0655899047851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/77.png", + [ + 0.17596477270126343, + 0.04601484164595604, + -0.1177578717470169, + 1.3354368209838867, + 0.014297829940915108, + -0.20776207745075226, + -0.05981956794857979, + 0.6813818216323853, + -0.1256178915500641, + 0.040809836238622665, + -0.17176318168640137, + 2.000649929046631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/68.png", + [ + 0.17524757981300354, + 0.039469558745622635, + -0.12115413695573807, + 1.3825232982635498, + 0.009170970879495144, + -0.20939041674137115, + -0.054949477314949036, + 0.6352237462997437, + -0.12709076702594757, + 0.03931546211242676, + -0.17102666199207306, + 2.007673740386963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/143.png", + [ + 0.18507474660873413, + 0.028127368539571762, + -0.10910581052303314, + 1.296744704246521, + -0.006271936930716038, + -0.20691747963428497, + -0.06398212909698486, + 0.7466800212860107, + -0.11249838024377823, + 0.05780918151140213, + -0.17592641711235046, + 2.144822597503662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/86.png", + [ + 0.18490324914455414, + 0.045153748244047165, + -0.10353657603263855, + 1.2029619216918945, + 0.012152209877967834, + -0.2054084688425064, + -0.06787917762994766, + 0.7846412658691406, + -0.11229874193668365, + 0.05211908370256424, + -0.17782151699066162, + 2.1180877685546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/1.png", + [ + 0.1823914796113968, + 0.023894265294075012, + -0.11450023204088211, + 1.3421180248260498, + 0.0011775036109611392, + -0.21246975660324097, + -0.04246315732598305, + 0.4831492006778717, + -0.11696089804172516, + 0.03512222319841385, + -0.178981751203537, + 2.152590751647949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/81.png", + [ + 0.17705273628234863, + 0.045735664665699005, + -0.11622592806816101, + 1.3340446949005127, + 0.013117687776684761, + -0.20731958746910095, + -0.06159878894686699, + 0.6961885690689087, + -0.12421007454395294, + 0.04329819604754448, + -0.1721772998571396, + 2.0317554473876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/95.png", + [ + 0.184234157204628, + 0.0470983050763607, + -0.10386247932910919, + 1.1856846809387207, + 0.013600816950201988, + -0.2049991339445114, + -0.06883503496646881, + 0.7700164318084717, + -0.11322843283414841, + 0.05200955271720886, + -0.17726314067840576, + 2.0560526847839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/103.png", + [ + 0.1826075166463852, + 0.03144489973783493, + -0.11231032013893127, + 1.2875052690505981, + -0.003221178660169244, + -0.2072114497423172, + -0.06325292587280273, + 0.7166077494621277, + -0.11658477783203125, + 0.05497750639915466, + -0.17416472733020782, + 2.050849437713623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/150.png", + [ + 0.1829100251197815, + 0.008025980554521084, + -0.11587665975093842, + 1.3729525804519653, + -0.026976825669407845, + -0.20731087028980255, + -0.05694161728024483, + 0.6610848903656006, + -0.11297817528247833, + 0.06249544769525528, + -0.1740061640739441, + 2.1102261543273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/83.png", + [ + 0.18152372539043427, + 0.04735517129302025, + -0.10841827094554901, + 1.2520312070846558, + 0.014006425626575947, + -0.20576581358909607, + -0.06642401218414307, + 0.7620047330856323, + -0.11747702956199646, + 0.04863967001438141, + -0.1754457950592041, + 2.0822572708129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/142.png", + [ + 0.18592727184295654, + 0.02533850632607937, + -0.10833700746297836, + 1.2877004146575928, + -0.007741759996861219, + -0.2075231522321701, + -0.06182311847805977, + 0.722493588924408, + -0.11099104583263397, + 0.05692093446850777, + -0.1771690994501114, + 2.1628212928771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/51.png", + [ + 0.18285317718982697, + 0.0398017056286335, + -0.10921739041805267, + 1.2706655263900757, + 0.019429225474596024, + -0.2111784666776657, + -0.04443035274744034, + 0.49970659613609314, + -0.11460855603218079, + 0.027701538056135178, + -0.18178394436836243, + 2.164224147796631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/128.png", + [ + 0.18130391836166382, + 0.022303061559796333, + -0.11653048545122147, + 1.382425308227539, + -0.012510811910033226, + -0.20803168416023254, + -0.0592806451022625, + 0.6946874856948853, + -0.11798416078090668, + 0.056331947445869446, + -0.17278410494327545, + 2.0998125076293945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/168.png", + [ + 0.18137340247631073, + 0.01847740076482296, + -0.11709039658308029, + 1.4053053855895996, + -0.020298834890127182, + -0.20602351427078247, + -0.06395440548658371, + 0.757460355758667, + -0.11678840965032578, + 0.0645042285323143, + -0.17072655260562897, + 2.097982406616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+gsHu2fb3aj0+P0+C0+F17563-17742/93.png", + [ + 0.1854972243309021, + 0.04571768641471863, + -0.10221823304891586, + 1.1731137037277222, + 0.01359846256673336, + -0.2055262327194214, + -0.06724540144205093, + 0.756178617477417, + -0.11114746332168579, + 0.051154233515262604, + -0.17882220447063446, + 2.085015296936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/76.png", + [ + 0.17577345669269562, + 0.015364744700491428, + 0.12575975060462952, + -1.4492416381835938, + 0.033564355224370956, + -0.21303792297840118, + -0.02088465541601181, + 0.22467884421348572, + 0.12216801196336746, + 0.03642333298921585, + -0.1752033531665802, + 2.0647950172424316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/48.png", + [ + 0.18921685218811035, + 0.028932716697454453, + 0.10152722895145416, + -1.14934241771698, + 0.04542827606201172, + -0.21041378378868103, + -0.024702265858650208, + 0.27666038274765015, + 0.09529507160186768, + 0.04285823553800583, + -0.1898154765367508, + 2.1978344917297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/35.png", + [ + 0.18549638986587524, + 0.02817424014210701, + 0.10837524384260178, + -1.2358660697937012, + 0.043239813297986984, + -0.2114611715078354, + -0.019036374986171722, + 0.20486705005168915, + 0.1032923012971878, + 0.0379246324300766, + -0.18665561079978943, + 2.181044101715088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/97.png", + [ + 0.17333973944187164, + 0.011295178905129433, + 0.12951309978961945, + -1.4632456302642822, + 0.03191850334405899, + -0.21294595301151276, + -0.024147994816303253, + 0.26314595341682434, + 0.12602552771568298, + 0.03839707374572754, + -0.17202070355415344, + 1.9817265272140503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/13.png", + [ + 0.18180803954601288, + 0.034495409578084946, + 0.11271113157272339, + -1.2805911302566528, + 0.054899297654628754, + -0.2081250697374344, + -0.024858010932803154, + 0.27389422059059143, + 0.10430626571178436, + 0.049415793269872665, + -0.18337440490722656, + 2.1365060806274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/32.png", + [ + 0.17975783348083496, + 0.025555679574608803, + 0.1182451844215393, + -1.3586876392364502, + 0.0431978777050972, + -0.211382195353508, + -0.019985100254416466, + 0.2160528600215912, + 0.1129998043179512, + 0.04015430063009262, + -0.1804620921611786, + 2.118196487426758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/38.png", + [ + 0.18988564610481262, + 0.029669109731912613, + 0.10005537420511246, + -1.129898190498352, + 0.043137189000844955, + -0.2114710509777069, + -0.019159138202667236, + 0.20681141316890717, + 0.09502903372049332, + 0.03671012446284294, + -0.19123217463493347, + 2.21287202835083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/11.png", + [ + 0.1839730143547058, + 0.035499345511198044, + 0.10881920903921127, + -1.238592267036438, + 0.054849423468112946, + -0.20814162492752075, + -0.024829460307955742, + 0.27407369017601013, + 0.10046574473381042, + 0.048628777265548706, + -0.1857142299413681, + 2.1655116081237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/59.png", + [ + 0.1943722814321518, + 0.022104892879724503, + 0.09315947443246841, + -1.0687084197998047, + 0.03321032226085663, + -0.21329796314239502, + -0.018680192530155182, + 0.208368718624115, + 0.08980193734169006, + 0.031036250293254852, + -0.1947312355041504, + 2.2899608612060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/24.png", + [ + 0.18563611805438995, + 0.030144456773996353, + 0.10760315507650375, + -1.2286946773529053, + 0.04757826775312424, + -0.21010705828666687, + -0.023221256211400032, + 0.2600383758544922, + 0.10111100971698761, + 0.043522752821445465, + -0.1866285800933838, + 2.182436943054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/74.png", + [ + 0.17794369161128998, + 0.018152471631765366, + 0.12228827178478241, + -1.4036771059036255, + 0.03513552248477936, + -0.2129138559103012, + -0.019521353766322136, + 0.21397484838962555, + 0.1185302734375, + 0.03586190566420555, + -0.17779871821403503, + 2.0923471450805664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/98.png", + [ + 0.17494690418243408, + 0.009642262943089008, + 0.12746964395046234, + -1.4398785829544067, + 0.030520247295498848, + -0.21295978128910065, + -0.02577875554561615, + 0.28081753849983215, + 0.12413698434829712, + 0.038769274950027466, + -0.17330563068389893, + 1.9934877157211304, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/0.png", + [ + 0.18793857097625732, + 0.04631136357784271, + 0.09737682342529297, + -1.1386266946792603, + 0.056280121207237244, + -0.20903511345386505, + -0.009206554852426052, + 0.10674279928207397, + 0.09197572618722916, + 0.033278688788414, + -0.19334138929843903, + 2.2923574447631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/96.png", + [ + 0.17263400554656982, + 0.011126176454126835, + 0.13046687841415405, + -1.474833369255066, + 0.03166451305150986, + -0.21303069591522217, + -0.02373134158551693, + 0.2603762745857239, + 0.1270541399717331, + 0.03797401860356331, + -0.171356663107872, + 1.9778324365615845, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/100.png", + [ + 0.18778522312641144, + 0.01069636084139347, + 0.10756484419107437, + -1.2008774280548096, + 0.027258655056357384, + -0.2133290022611618, + -0.02637411653995514, + 0.2856545150279999, + 0.10460198670625687, + 0.0363897830247879, + -0.1862313151359558, + 2.1270222663879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/40.png", + [ + 0.1856270283460617, + 0.0269862562417984, + 0.10845387727022171, + -1.2222710847854614, + 0.043860115110874176, + -0.21098515391349792, + -0.022571103647351265, + 0.24270087480545044, + 0.10279490053653717, + 0.04129050672054291, + -0.18621544539928436, + 2.1492323875427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/52.png", + [ + 0.19054801762104034, + 0.027713507413864136, + 0.09935445338487625, + -1.1282024383544922, + 0.04227260872721672, + -0.21135684847831726, + -0.02211800031363964, + 0.24579933285713196, + 0.09408705681562424, + 0.03883478417992592, + -0.19127829372882843, + 2.2180981636047363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/3.png", + [ + 0.19037854671478271, + 0.037496168166399, + 0.096425861120224, + -1.1087825298309326, + 0.04627545550465584, + -0.21147848665714264, + -0.009128454141318798, + 0.10325673222541809, + 0.09253372997045517, + 0.028614388778805733, + -0.19382110238075256, + 2.278534412384033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/47.png", + [ + 0.1895746886730194, + 0.029612261801958084, + 0.10066007822751999, + -1.1366519927978516, + 0.046197596937417984, + -0.21019066870212555, + -0.025170594453811646, + 0.2798832654953003, + 0.09420785307884216, + 0.04348438233137131, + -0.19021537899971008, + 2.198270797729492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/21.png", + [ + 0.18500176072120667, + 0.03019598312675953, + 0.10867588967084885, + -1.2283391952514648, + 0.0482514388859272, + -0.20988619327545166, + -0.023822031915187836, + 0.26439979672431946, + 0.10195119678974152, + 0.04454091563820839, + -0.18592996895313263, + 2.1603808403015137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/82.png", + [ + 0.17623229324817657, + 0.0194746945053339, + 0.12454241514205933, + -1.429800033569336, + 0.03833341225981712, + -0.212214395403862, + -0.02105928584933281, + 0.2291509211063385, + 0.12008589506149292, + 0.039162229746580124, + -0.17604996263980865, + 2.0728578567504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/14.png", + [ + 0.18123546242713928, + 0.033329788595438004, + 0.11397688090801239, + -1.295109510421753, + 0.054365355521440506, + -0.20817899703979492, + -0.025569817051291466, + 0.28224942088127136, + 0.10557468235492706, + 0.04998532310128212, + -0.18249204754829407, + 2.12393856048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/67.png", + [ + 0.1895933598279953, + 0.02515207976102829, + 0.1018313392996788, + -1.1692426204681396, + 0.035564858466386795, + -0.2133072465658188, + -0.013529622927308083, + 0.14626158773899078, + 0.09867821633815765, + 0.028553154319524765, + -0.1907753050327301, + 2.250613212585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/78.png", + [ + 0.1761842519044876, + 0.015732668340206146, + 0.12513786554336548, + -1.4392317533493042, + 0.03514328598976135, + -0.21259166300296783, + -0.022751377895474434, + 0.2473525106906891, + 0.12112784385681152, + 0.03879637271165848, + -0.1754160225391388, + 2.069693088531494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/31.png", + [ + 0.17829081416130066, + 0.02651207335293293, + 0.12023888528347015, + -1.3826261758804321, + 0.0445580892264843, + -0.21114365756511688, + -0.01951482519507408, + 0.2110704481601715, + 0.11478178948163986, + 0.0407843254506588, + -0.1791917234659195, + 2.103666305541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/39.png", + [ + 0.1879943311214447, + 0.02960697002708912, + 0.10358306020498276, + -1.1682175397872925, + 0.0445767343044281, + -0.21103835105895996, + -0.020582202821969986, + 0.2206171751022339, + 0.09807617217302322, + 0.0391680933535099, + -0.1891951858997345, + 2.1848878860473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/92.png", + [ + 0.1683494597673416, + 0.010878387838602066, + 0.13597062230110168, + -1.5409495830535889, + 0.03305315971374512, + -0.21280090510845184, + -0.02389892190694809, + 0.2602425217628479, + 0.13233985006809235, + 0.03931069374084473, + -0.16699917614459991, + 1.932369351387024, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/53.png", + [ + 0.19220788776874542, + 0.02787989377975464, + 0.09605591744184494, + -1.0893372297286987, + 0.041271988302469254, + -0.21165312826633453, + -0.021153677254915237, + 0.23482868075370789, + 0.09110790491104126, + 0.0370616689324379, + -0.19306392967700958, + 2.2416110038757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/75.png", + [ + 0.1766381412744522, + 0.016063284128904343, + 0.12445415556430817, + -1.4319859743118286, + 0.03327485918998718, + -0.21319520473480225, + -0.01971002109348774, + 0.2123984694480896, + 0.12099441885948181, + 0.03518056869506836, + -0.17626845836639404, + 2.0769400596618652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/87.png", + [ + 0.17498865723609924, + 0.015274561941623688, + 0.1268603801727295, + -1.4438914060592651, + 0.03584654629230499, + -0.21235057711601257, + -0.023878036066889763, + 0.25789013504981995, + 0.12264539301395416, + 0.04027186334133148, + -0.17402350902557373, + 2.041138172149658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/69.png", + [ + 0.18340125679969788, + 0.022532813251018524, + 0.11315541714429855, + -1.303544521331787, + 0.0353301577270031, + -0.21326220035552979, + -0.014795557595789433, + 0.15394918620586395, + 0.109834685921669, + 0.030974196270108223, + -0.18418696522712708, + 2.1713380813598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/45.png", + [ + 0.1879321038722992, + 0.02853267267346382, + 0.10399667173624039, + -1.1710445880889893, + 0.046245671808719635, + -0.21008771657943726, + -0.025930460542440414, + 0.2889626622200012, + 0.09742052853107452, + 0.04468710348010063, + -0.18830879032611847, + 2.174485683441162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/50.png", + [ + 0.18857644498348236, + 0.027878496795892715, + 0.10300294309854507, + -1.1697837114334106, + 0.044214848428964615, + -0.21076427400112152, + -0.023903073742985725, + 0.26726141571998596, + 0.09711778908967972, + 0.04182222858071327, + -0.18912148475646973, + 2.1912288665771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/101.png", + [ + 0.19280152022838593, + 0.009261426515877247, + 0.09843621402978897, + -1.0895659923553467, + 0.023367416113615036, + -0.21387885510921478, + -0.0256455410271883, + 0.278290718793869, + 0.09606990218162537, + 0.033435847610235214, + -0.19131259620189667, + 2.1894454956054688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/85.png", + [ + 0.1757136434316635, + 0.018067384138703346, + 0.12548378109931946, + -1.4359732866287231, + 0.03803372383117676, + -0.2120969593524933, + -0.022720124572515488, + 0.2438635528087616, + 0.12093818187713623, + 0.04045167192816734, + -0.1751728057861328, + 2.0571184158325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/71.png", + [ + 0.17843814194202423, + 0.01881358213722706, + 0.12146514654159546, + -1.3992186784744263, + 0.03539366275072098, + -0.2129167914390564, + -0.019016578793525696, + 0.2057037651538849, + 0.11770735681056976, + 0.035501983016729355, + -0.17841660976409912, + 2.1035408973693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/54.png", + [ + 0.19247737526893616, + 0.027230314910411835, + 0.09570196270942688, + -1.0854463577270508, + 0.03962920233607292, + -0.21213982999324799, + -0.01934223063290119, + 0.21408464014530182, + 0.09126819670200348, + 0.034685805439949036, + -0.19342933595180511, + 2.250722885131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/33.png", + [ + 0.18025155365467072, + 0.026333529502153397, + 0.11731929332017899, + -1.3462387323379517, + 0.04351477324962616, + -0.2113705426454544, + -0.019412605091929436, + 0.2081250697374344, + 0.11208807677030563, + 0.03971058502793312, + -0.181127667427063, + 2.1251473426818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/49.png", + [ + 0.18866266310214996, + 0.028203541412949562, + 0.10275629162788391, + -1.165725827217102, + 0.04462358355522156, + -0.2106543779373169, + -0.024111462756991386, + 0.2702410817146301, + 0.0967627465724945, + 0.04215669631958008, + -0.18922916054725647, + 2.1938424110412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/18.png", + [ + 0.1843189299106598, + 0.03095090761780739, + 0.1096196323633194, + -1.23330819606781, + 0.0511469691991806, + -0.2088073194026947, + -0.02704423852264881, + 0.30111855268478394, + 0.10177628695964813, + 0.04888194426894188, + -0.18493252992630005, + 2.144611358642578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/66.png", + [ + 0.19345605373382568, + 0.025200333446264267, + 0.09427403658628464, + -1.0776861906051636, + 0.035708941519260406, + -0.21308809518814087, + -0.016316471621394157, + 0.18181796371936798, + 0.09081587195396423, + 0.030104799196124077, + -0.19440697133541107, + 2.28641939163208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/16.png", + [ + 0.18143214285373688, + 0.030550621449947357, + 0.11444183439016342, + -1.294628381729126, + 0.05221857875585556, + -0.2085324376821518, + -0.02711712010204792, + 0.30091917514801025, + 0.10631789267063141, + 0.050286952406167984, + -0.18197698891162872, + 2.112419605255127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/94.png", + [ + 0.17095568776130676, + 0.01114160567522049, + 0.13265712559223175, + -1.5015687942504883, + 0.030435916036367416, + -0.21346688270568848, + -0.021294211968779564, + 0.232624351978302, + 0.1295982450246811, + 0.03543519601225853, + -0.16998982429504395, + 1.9679900407791138, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/28.png", + [ + 0.18291188776493073, + 0.026417262852191925, + 0.11310730129480362, + -1.2975322008132935, + 0.04442248493432999, + -0.21086560189723969, + -0.022588346153497696, + 0.25269994139671326, + 0.10732091963291168, + 0.04225775972008705, + -0.18342410027980804, + 2.15478515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/61.png", + [ + 0.19517599046230316, + 0.020927784964442253, + 0.09174011647701263, + -1.055710792541504, + 0.03010478802025318, + -0.21403242647647858, + -0.015222432091832161, + 0.16535179316997528, + 0.08915112912654877, + 0.026458431035280228, + -0.1957036703824997, + 2.308152675628662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/58.png", + [ + 0.19336920976638794, + 0.023114671930670738, + 0.09498398005962372, + -1.0850650072097778, + 0.03533056750893593, + -0.21282441914081573, + -0.02013474330306053, + 0.22530049085617065, + 0.09114819020032883, + 0.03345697373151779, + -0.19370217621326447, + 2.272826671600342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/64.png", + [ + 0.19443444907665253, + 0.02174568548798561, + 0.09311428666114807, + -1.0691920518875122, + 0.03189132362604141, + -0.21366357803344727, + -0.016694651916623116, + 0.18572640419006348, + 0.0901448130607605, + 0.02868610993027687, + -0.19493310153484344, + 2.303215980529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/10.png", + [ + 0.18150098621845245, + 0.03285310044884682, + 0.11369241029024124, + -1.2991992235183716, + 0.05324886739253998, + -0.20856758952140808, + -0.024738946929574013, + 0.27583834528923035, + 0.10568750649690628, + 0.04866345226764679, + -0.1827837973833084, + 2.136497974395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/41.png", + [ + 0.18410781025886536, + 0.026011772453784943, + 0.11124566197395325, + -1.2530310153961182, + 0.04422081634402275, + -0.210763081908226, + -0.023902738466858864, + 0.2597026824951172, + 0.10534102469682693, + 0.043014056980609894, + -0.1843934804201126, + 2.1243834495544434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/91.png", + [ + 0.1707945168018341, + 0.013036285527050495, + 0.13269208371639252, + -1.5009812116622925, + 0.035192668437957764, + -0.2123969942331314, + -0.02443135902285576, + 0.2648693323135376, + 0.1286025196313858, + 0.040810178965330124, + -0.16954001784324646, + 1.9601701498031616, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/23.png", + [ + 0.18274910748004913, + 0.0285099595785141, + 0.11286206543445587, + -1.2881590127944946, + 0.04737314209342003, + -0.21010752022266388, + -0.023632749915122986, + 0.26416119933128357, + 0.10633178055286407, + 0.04460833594202995, + -0.1834435611963272, + 2.142550468444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/37.png", + [ + 0.18962280452251434, + 0.028832856565713882, + 0.10079559683799744, + -1.1421319246292114, + 0.04194541275501251, + -0.21178416907787323, + -0.01832881011068821, + 0.19740264117717743, + 0.09608156979084015, + 0.035553183406591415, + -0.19092458486557007, + 2.218353748321533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/36.png", + [ + 0.18904463946819305, + 0.028741678223013878, + 0.1019015833735466, + -1.1560643911361694, + 0.041954122483730316, + -0.21180275082588196, + -0.018092313781380653, + 0.1946437805891037, + 0.09721042960882187, + 0.03551613911986351, + -0.1903592050075531, + 2.2137866020202637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/8.png", + [ + 0.17792674899101257, + 0.03158969804644585, + 0.11954938620328903, + -1.381318211555481, + 0.05160346254706383, + -0.20934022963047028, + -0.021486029028892517, + 0.24402278661727905, + 0.11237014085054398, + 0.0461156964302063, + -0.1794274002313614, + 2.1049551963806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/6.png", + [ + 0.18218055367469788, + 0.034134674817323685, + 0.11221837252378464, + -1.296539306640625, + 0.04941447451710701, + -0.21033863723278046, + -0.016240788623690605, + 0.1860794574022293, + 0.10637832432985306, + 0.03924763947725296, + -0.18463793396949768, + 2.169093608856201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/20.png", + [ + 0.1854379028081894, + 0.030600611120462418, + 0.10781598091125488, + -1.2166372537612915, + 0.04889947175979614, + -0.2096460610628128, + -0.024602264165878296, + 0.2726321518421173, + 0.10084406286478043, + 0.045387573540210724, + -0.18632858991622925, + 2.1648197174072266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/2.png", + [ + 0.1887168139219284, + 0.03966442868113518, + 0.09879568964242935, + -1.1417807340621948, + 0.048591531813144684, + -0.21100012958049774, + -0.008106027729809284, + 0.09234955906867981, + 0.09472444653511047, + 0.029216058552265167, + -0.19266965985298157, + 2.2737045288085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/5.png", + [ + 0.18448807299137115, + 0.03515194356441498, + 0.10805732756853104, + -1.2460280656814575, + 0.04708408936858177, + -0.2111736536026001, + -0.01169090997427702, + 0.13340876996517181, + 0.10341726988554001, + 0.03343544900417328, + -0.1874428689479828, + 2.2079896926879883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/60.png", + [ + 0.1946897953748703, + 0.02269027754664421, + 0.09235222637653351, + -1.062164306640625, + 0.0328582227230072, + -0.21350783109664917, + -0.01681181602180004, + 0.18531319499015808, + 0.08924190700054169, + 0.029111018404364586, + -0.19528523087501526, + 2.3003268241882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/56.png", + [ + 0.1936880499124527, + 0.02640647627413273, + 0.09346407651901245, + -1.0616034269332886, + 0.038478247821331024, + -0.2123136669397354, + -0.019754335284233093, + 0.22040048241615295, + 0.08917544782161713, + 0.03425648808479309, + -0.19447912275791168, + 2.2715725898742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/30.png", + [ + 0.18272997438907623, + 0.028419310227036476, + 0.11291585862636566, + -1.292911410331726, + 0.04495321214199066, + -0.21104928851127625, + -0.019628986716270447, + 0.21301986277103424, + 0.1074097529053688, + 0.03998038172721863, + -0.18388204276561737, + 2.151711940765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/17.png", + [ + 0.18315669894218445, + 0.032059479504823685, + 0.11123716086149216, + -1.253745436668396, + 0.05290002003312111, + -0.20836956799030304, + -0.027048269286751747, + 0.3002239465713501, + 0.1029713824391365, + 0.05002209544181824, + -0.18396353721618652, + 2.1310954093933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/12.png", + [ + 0.18306121230125427, + 0.033927589654922485, + 0.11083952337503433, + -1.2607128620147705, + 0.05421101301908493, + -0.20818983018398285, + -0.02580808661878109, + 0.28537505865097046, + 0.10245802998542786, + 0.049535948783159256, + -0.18438121676445007, + 2.150174140930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/27.png", + [ + 0.18513573706150055, + 0.02833401970565319, + 0.10894879698753357, + -1.2476242780685425, + 0.04541601613163948, + -0.21067555248737335, + -0.022385217249393463, + 0.25161999464035034, + 0.1030050590634346, + 0.04196302965283394, + -0.18594880402088165, + 2.1821675300598145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/42.png", + [ + 0.18516495823860168, + 0.026625607162714005, + 0.10932939499616623, + -1.2304385900497437, + 0.044721223413944244, + -0.21059410274028778, + -0.02445460669696331, + 0.267557829618454, + 0.10325624793767929, + 0.04346369579434395, + -0.18546414375305176, + 2.1378173828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/7.png", + [ + 0.17673923075199127, + 0.02949419990181923, + 0.12182456254959106, + -1.411799669265747, + 0.048702172935009, + -0.2102031111717224, + -0.019764592871069908, + 0.22713443636894226, + 0.11549557745456696, + 0.04350440204143524, + -0.1780899316072464, + 2.0950889587402344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/73.png", + [ + 0.17917756736278534, + 0.01886487379670143, + 0.12036366760730743, + -1.3814852237701416, + 0.03615860641002655, + -0.2126506268978119, + -0.020497750490903854, + 0.2286730408668518, + 0.1163436770439148, + 0.03703673183917999, + -0.17899811267852783, + 2.108898162841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/46.png", + [ + 0.18867728114128113, + 0.029456406831741333, + 0.10237721353769302, + -1.1537834405899048, + 0.046496689319610596, + -0.21011686325073242, + -0.02523590251803398, + 0.2815626263618469, + 0.0958479568362236, + 0.043944429606199265, + -0.18928799033164978, + 2.186051845550537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/57.png", + [ + 0.19392085075378418, + 0.024552760645747185, + 0.09348665922880173, + -1.065049171447754, + 0.03694889321923256, + -0.2124815732240677, + -0.020838813856244087, + 0.2327105700969696, + 0.08931614458560944, + 0.034592460840940475, + -0.1943550407886505, + 2.274552822113037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/44.png", + [ + 0.186122328042984, + 0.027471663430333138, + 0.10747874528169632, + -1.2104291915893555, + 0.04615475982427597, + -0.2100701779127121, + -0.02623266912996769, + 0.2920151650905609, + 0.10087670385837555, + 0.045428209006786346, + -0.18630099296569824, + 2.1511526107788086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/29.png", + [ + 0.1838681399822235, + 0.02881251648068428, + 0.1109515130519867, + -1.2699737548828125, + 0.04504181072115898, + -0.21101003885269165, + -0.0198467206209898, + 0.2175266444683075, + 0.10541172325611115, + 0.0399060882627964, + -0.18505071103572845, + 2.1687393188476562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/4.png", + [ + 0.18796834349632263, + 0.03682265430688858, + 0.10129109770059586, + -1.1650030612945557, + 0.04644389450550079, + -0.2114330232143402, + -0.009324190206825733, + 0.10562510788440704, + 0.09725616127252579, + 0.029800474643707275, + -0.19131404161453247, + 2.2515621185302734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/55.png", + [ + 0.19365426898002625, + 0.02661832980811596, + 0.09347394853830338, + -1.0605442523956299, + 0.03821897879242897, + -0.21245776116847992, + -0.018678991124033928, + 0.20782947540283203, + 0.08936009556055069, + 0.03318222239613533, + -0.19458059966564178, + 2.2675046920776367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/9.png", + [ + 0.17973078787326813, + 0.03264707326889038, + 0.11652857810258865, + -1.3393821716308594, + 0.052533723413944244, + -0.20900514721870422, + -0.022471051663160324, + 0.2524578869342804, + 0.10901812463998795, + 0.046892520040273666, + -0.18128439784049988, + 2.122756004333496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/25.png", + [ + 0.18501202762126923, + 0.028831522911787033, + 0.10902836173772812, + -1.2469651699066162, + 0.046137403696775436, + -0.21049273014068604, + -0.022628508508205414, + 0.25441086292266846, + 0.10290665924549103, + 0.04253765940666199, + -0.18587270379066467, + 2.180121898651123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/99.png", + [ + 0.1773800253868103, + 0.009514069184660912, + 0.12407137453556061, + -1.4020494222640991, + 0.030150361359119415, + -0.2128889262676239, + -0.02677999623119831, + 0.2914015054702759, + 0.12072772532701492, + 0.039187945425510406, + -0.1756047159433365, + 2.021042823791504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/34.png", + [ + 0.18278872966766357, + 0.026718972250819206, + 0.11323549598455429, + -1.2947760820388794, + 0.043019019067287445, + -0.21145963668823242, + -0.019546935334801674, + 0.20971834659576416, + 0.10809971392154694, + 0.038971979171037674, + -0.18369413912296295, + 2.151360511779785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/72.png", + [ + 0.1780482530593872, + 0.019179433584213257, + 0.12197894603013992, + -1.4023628234863281, + 0.03693950176239014, + -0.21251575648784637, + -0.02050420269370079, + 0.22602728009223938, + 0.11782271414995193, + 0.037644363939762115, + -0.1779005527496338, + 2.0970325469970703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/102.png", + [ + 0.19964510202407837, + 0.005666990298777819, + 0.0840095728635788, + -0.9104043841362, + 0.016614900901913643, + -0.21458417177200317, + -0.02500949427485466, + 0.27172571420669556, + 0.08254494518041611, + 0.02948584221303463, + -0.19815349578857422, + 2.274750232696533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/70.png", + [ + 0.18007934093475342, + 0.019897574558854103, + 0.11884195357561111, + -1.3722666501998901, + 0.0344688817858696, + -0.21327641606330872, + -0.0165215153247118, + 0.1748257726430893, + 0.11546092480421066, + 0.03263664245605469, + -0.1804203987121582, + 2.129770278930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/90.png", + [ + 0.17269018292427063, + 0.012617206200957298, + 0.13025665283203125, + -1.4732228517532349, + 0.03494584932923317, + -0.2122797667980194, + -0.025767803192138672, + 0.27907896041870117, + 0.126114159822464, + 0.041545137763023376, + -0.17122240364551544, + 1.9831777811050415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/15.png", + [ + 0.18109175562858582, + 0.03292196989059448, + 0.11432326585054398, + -1.295964002609253, + 0.05403648316860199, + -0.20825806260108948, + -0.02562292478978634, + 0.28285151720046997, + 0.10598927736282349, + 0.049926143139600754, + -0.18226781487464905, + 2.1176300048828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/22.png", + [ + 0.18331696093082428, + 0.02881137654185295, + 0.11186013370752335, + -1.2724483013153076, + 0.04768836125731468, + -0.20998694002628326, + -0.024066423997282982, + 0.2674499750137329, + 0.1052074208855629, + 0.04498085752129555, + -0.18400003015995026, + 2.1427040100097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/26.png", + [ + 0.18521159887313843, + 0.028972724452614784, + 0.10865142941474915, + -1.2415852546691895, + 0.04568646848201752, + -0.21068903803825378, + -0.021697167307138443, + 0.2433595359325409, + 0.10274872183799744, + 0.04145601764321327, + -0.18620416522026062, + 2.1859006881713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/43.png", + [ + 0.18625031411647797, + 0.02748101018369198, + 0.10725443810224533, + -1.2065770626068115, + 0.04601461812853813, + -0.21012145280838013, + -0.02606780081987381, + 0.28792643547058105, + 0.10070439428091049, + 0.04518483579158783, + -0.18645335733890533, + 2.1489768028259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/84.png", + [ + 0.17399320006370544, + 0.01743733137845993, + 0.12794610857963562, + -1.4684525728225708, + 0.03773282840847969, + -0.21218529343605042, + -0.022394666448235512, + 0.2413683831691742, + 0.12349289655685425, + 0.040264468640089035, + -0.1734248250722885, + 2.0407052040100098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/89.png", + [ + 0.1750355064868927, + 0.013653966598212719, + 0.12698043882846832, + -1.4357064962387085, + 0.035796746611595154, + -0.21204230189323425, + -0.026543326675891876, + 0.28798341751098633, + 0.12259303033351898, + 0.042420800775289536, + -0.17354917526245117, + 2.017807960510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/63.png", + [ + 0.19481529295444489, + 0.020284848287701607, + 0.0926467701792717, + -1.065123438835144, + 0.029858451336622238, + -0.2140156328678131, + -0.015927251428365707, + 0.17601840198040009, + 0.09001873433589935, + 0.027087442576885223, + -0.19521984457969666, + 2.3074684143066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/88.png", + [ + 0.17371656000614166, + 0.01526412833482027, + 0.12859803438186646, + -1.4617925882339478, + 0.03677606210112572, + -0.21212053298950195, + -0.024500973522663116, + 0.26519882678985596, + 0.12416911870241165, + 0.04147026687860489, + -0.1726561337709427, + 2.021489143371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/62.png", + [ + 0.1952313780784607, + 0.020112251862883568, + 0.09180471301078796, + -1.056153655052185, + 0.02904980629682541, + -0.2142043113708496, + -0.01485002227127552, + 0.1620965600013733, + 0.08937962353229523, + 0.025688745081424713, + -0.1957019865512848, + 2.3101654052734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/65.png", + [ + 0.19399063289165497, + 0.023206381127238274, + 0.09368562698364258, + -1.0732808113098145, + 0.03422397002577782, + -0.21319133043289185, + -0.01805751770734787, + 0.20196115970611572, + 0.09024551510810852, + 0.030964788049459457, + -0.1945374608039856, + 2.2930173873901367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/80.png", + [ + 0.17861081659793854, + 0.019395314157009125, + 0.12111932784318924, + -1.3887869119644165, + 0.03735627233982086, + -0.21238675713539124, + -0.021077774465084076, + 0.22973600029945374, + 0.11683569848537445, + 0.03825683519244194, + -0.1784200817346573, + 2.1050667762756348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/79.png", + [ + 0.17777958512306213, + 0.01742491126060486, + 0.12263232469558716, + -1.406742811203003, + 0.036025431007146835, + -0.21252010762691498, + -0.02202879823744297, + 0.24122419953346252, + 0.11850941181182861, + 0.038463909178972244, + -0.17726798355579376, + 2.0915918350219727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/19.png", + [ + 0.18542374670505524, + 0.02994384802877903, + 0.10802450776100159, + -1.2171344757080078, + 0.0491173192858696, + -0.2093929946422577, + -0.02626705728471279, + 0.2914876639842987, + 0.10076417028903961, + 0.046966325491666794, + -0.18598021566867828, + 2.1577200889587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/77.png", + [ + 0.17411206662654877, + 0.014315993525087833, + 0.12817153334617615, + -1.477710247039795, + 0.0333796963095665, + -0.2130003720521927, + -0.021553119644522667, + 0.2322269082069397, + 0.12457401305437088, + 0.03706471994519234, + -0.17336498200893402, + 2.048144817352295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/68.png", + [ + 0.18692289292812347, + 0.023442037403583527, + 0.10704294592142105, + -1.2319931983947754, + 0.03434329107403755, + -0.2135273516178131, + -0.013209947384893894, + 0.1384267807006836, + 0.10405891388654709, + 0.028362568467855453, + -0.1879233866930008, + 2.216808795928955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/86.png", + [ + 0.1758405715227127, + 0.015545062720775604, + 0.12564370036125183, + -1.4335178136825562, + 0.036088164895772934, + -0.21226820349693298, + -0.024243485182523727, + 0.2612364590167999, + 0.12134922295808792, + 0.04060114920139313, + -0.17485366761684418, + 2.0512523651123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/1.png", + [ + 0.18761149048805237, + 0.04264979436993599, + 0.09965349733829498, + -1.1591823101043701, + 0.05193129926919937, + -0.21021464467048645, + -0.007799992337822914, + 0.0887255072593689, + 0.09514706581830978, + 0.03063812293112278, + -0.19224004447460175, + 2.273970603942871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/81.png", + [ + 0.1790998876094818, + 0.02076861448585987, + 0.12016567587852478, + -1.3763697147369385, + 0.03797429800033569, + -0.2123916894197464, + -0.019890135154128075, + 0.21620216965675354, + 0.11588389426469803, + 0.03750106319785118, + -0.17919957637786865, + 2.1103711128234863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/95.png", + [ + 0.17099642753601074, + 0.011089573614299297, + 0.13260896503925323, + -1.5005799531936646, + 0.02980111725628376, + -0.21362808346748352, + -0.02056300826370716, + 0.22491472959518433, + 0.1296919882297516, + 0.03446687012910843, + -0.1701173484325409, + 1.9693554639816284, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/83.png", + [ + 0.1737813651561737, + 0.017679352313280106, + 0.12820051610469818, + -1.4749938249588013, + 0.037925783544778824, + -0.21217657625675201, + -0.022150062024593353, + 0.24051997065544128, + 0.12373185157775879, + 0.04020485654473305, + -0.17326827347278595, + 2.0413856506347656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/51.png", + [ + 0.18947356939315796, + 0.02828945219516754, + 0.10122930258512497, + -1.1489877700805664, + 0.044114407151937485, + -0.21081314980983734, + -0.02365645207464695, + 0.26477402448654175, + 0.09540221840143204, + 0.04129667952656746, + -0.1901075839996338, + 2.2019577026367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6fU_dX14pk0+P1+C0+F3670-3774/93.png", + [ + 0.16888181865215302, + 0.011511269025504589, + 0.13525648415088654, + -1.5314743518829346, + 0.03167246654629707, + -0.21327681839466095, + -0.021395033225417137, + 0.23313531279563904, + 0.13199880719184875, + 0.03644699603319168, + -0.16791613399982452, + 1.9445523023605347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/76.png", + [ + 0.19248300790786743, + 0.01776716113090515, + -0.09789030998945236, + 1.1320595741271973, + 0.011485783383250237, + -0.21573448181152344, + -0.01657131500542164, + 0.17776215076446533, + -0.0988244116306305, + 0.009532030671834946, + -0.1925896406173706, + 2.2965335845947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/48.png", + [ + 0.18338926136493683, + -0.001544385333545506, + -0.11538583785295486, + 1.3057810068130493, + -0.01129847764968872, + -0.21585455536842346, + -0.01506819948554039, + 0.1537581980228424, + -0.11484171450138092, + 0.018770217895507812, + -0.18277569115161896, + 2.1261343955993652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/137.png", + [ + 0.18603980541229248, + 0.0064009143970906734, + -0.11088784784078598, + 1.271078109741211, + -0.002831940772011876, + -0.21597087383270264, + -0.017217976972460747, + 0.18151915073394775, + -0.11103633046150208, + 0.016232898458838463, + -0.1853518784046173, + 2.186549186706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/173.png", + [ + 0.18796443939208984, + 0.01289493590593338, + -0.10700928419828415, + 1.2252994775772095, + 0.002486088080331683, + -0.2155798375606537, + -0.021611135452985764, + 0.2301182746887207, + -0.10775474458932877, + 0.01751977577805519, + -0.18716266751289368, + 2.197951316833496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/35.png", + [ + 0.18159286677837372, + 0.007174047641456127, + -0.11798498034477234, + 1.3704885244369507, + 0.0027954047545790672, + -0.21647533774375916, + -0.008860268630087376, + 0.08102703094482422, + -0.11816982179880142, + 0.005903532728552818, + -0.18151842057704926, + 2.172928810119629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/124.png", + [ + 0.18668301403522491, + 0.008250965736806393, + -0.10967802256345749, + 1.2668691873550415, + -0.001791807939298451, + -0.21580727398395538, + -0.019284799695014954, + 0.20760372281074524, + -0.10997334122657776, + 0.017522431910037994, + -0.18586748838424683, + 2.204000473022461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/97.png", + [ + 0.1859745979309082, + 0.009187673218548298, + -0.1108013316988945, + 1.288820505142212, + 0.004991851281374693, + -0.21640580892562866, + -0.009565846994519234, + 0.09334239363670349, + -0.11106950044631958, + 0.00565779535099864, + -0.18595552444458008, + 2.2205491065979004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/155.png", + [ + 0.18771500885486603, + 0.01572752185165882, + -0.10706827044487, + 1.2333424091339111, + 0.0038657570257782936, + -0.215211883187294, + -0.024835458025336266, + 0.26825493574142456, + -0.10814815759658813, + 0.019605841487646103, + -0.1867283582687378, + 2.206681251525879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/13.png", + [ + 0.1811419129371643, + -0.009672977030277252, + -0.11849869787693024, + 1.3529516458511353, + -0.014351950027048588, + -0.21615613996982574, + -0.004294275771826506, + 0.028714142739772797, + -0.11802341789007187, + 0.011439090594649315, + -0.18134914338588715, + 2.1197128295898438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/32.png", + [ + 0.18123307824134827, + 0.008227883838117123, + -0.11846842616796494, + 1.371899962425232, + 0.003513593226671219, + -0.21643081307411194, + -0.009656482376158237, + 0.08771668374538422, + -0.11870183050632477, + 0.006155884359031916, + -0.18116258084774017, + 2.1681113243103027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/158.png", + [ + 0.19008281826972961, + 0.024604884907603264, + -0.10104957222938538, + 1.1663422584533691, + 0.012726434506475925, + -0.2144443839788437, + -0.028276249766349792, + 0.3120349645614624, + -0.10322041809558868, + 0.018870826810598373, + -0.18957144021987915, + 2.253662109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/38.png", + [ + 0.1838124692440033, + 0.004592713434249163, + -0.1146288812160492, + 1.3282995223999023, + 7.235457451315597e-05, + -0.21650555729866028, + -0.00855847354978323, + 0.08170445263385773, + -0.11472082138061523, + 0.007222166750580072, + -0.1836705356836319, + 2.1870713233947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/148.png", + [ + 0.1830555945634842, + 0.009695974178612232, + -0.11551851779222488, + 1.3410170078277588, + -0.0034965318627655506, + -0.21535535156726837, + -0.023616474121809006, + 0.2546809911727905, + -0.11587196588516235, + 0.02181631699204445, + -0.18178457021713257, + 2.15969181060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/111.png", + [ + 0.1848146915435791, + 0.00859018974006176, + -0.11277249455451965, + 1.32306969165802, + 0.0023839257191866636, + -0.21629662811756134, + -0.01256906520575285, + 0.12875431776046753, + -0.11307406425476074, + 0.009480142034590244, + -0.1845867782831192, + 2.220062732696533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/164.png", + [ + 0.1899879276752472, + 0.019132178276777267, + -0.10240329802036285, + 1.210997223854065, + 0.009931160137057304, + -0.21534545719623566, + -0.021808156743645668, + 0.2391866147518158, + -0.10370075702667236, + 0.014428561553359032, + -0.18969941139221191, + 2.301239013671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/11.png", + [ + 0.18315505981445312, + -0.008203172124922276, + -0.11547648906707764, + 1.3060606718063354, + -0.013383999466896057, + -0.21618115901947021, + -0.005871118046343327, + 0.048784371465444565, + -0.11499122530221939, + 0.012095843441784382, + -0.18324466049671173, + 2.1232118606567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/125.png", + [ + 0.18699327111244202, + 0.007501359097659588, + -0.1092022955417633, + 1.2598141431808472, + -0.0028217327781021595, + -0.21576304733753204, + -0.0196530744433403, + 0.21144632995128632, + -0.10942326486110687, + 0.01838301122188568, + -0.18610885739326477, + 2.206206798553467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/59.png", + [ + 0.18364578485488892, + 0.0028212349861860275, + -0.11495288461446762, + 1.3155219554901123, + -0.0069465781562030315, + -0.21594159305095673, + -0.01639742963016033, + 0.17227713763713837, + -0.11477746814489365, + 0.017583265900611877, + -0.1829340159893036, + 2.1533408164978027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/105.png", + [ + 0.18597406148910522, + 0.007678433787077665, + -0.11091700941324234, + 1.2955812215805054, + 0.001244767103344202, + -0.2162875533103943, + -0.012885808013379574, + 0.1340077519416809, + -0.11117549240589142, + 0.010422819294035435, + -0.18568594753742218, + 2.2262606620788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/121.png", + [ + 0.18802817165851593, + 0.009262158535420895, + -0.10727310180664062, + 1.2425304651260376, + -0.00042958385893143713, + -0.21580521762371063, + -0.01938599906861782, + 0.20869576930999756, + -0.107671357691288, + 0.01703566499054432, + -0.18725533783435822, + 2.22537899017334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/175.png", + [ + 0.18545638024806976, + 0.012994361110031605, + -0.11128777265548706, + 1.2633827924728394, + 0.001407475327141583, + -0.2154657244682312, + -0.02281305566430092, + 0.24141329526901245, + -0.11203501373529434, + 0.018803272396326065, + -0.18450607359409332, + 2.147677421569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/24.png", + [ + 0.17801301181316376, + 0.01131325401365757, + -0.12300920486450195, + 1.4324249029159546, + 0.0037336295936256647, + -0.2161582112312317, + -0.014477112330496311, + 0.14590515196323395, + -0.12347191572189331, + 0.009774304926395416, + -0.17778369784355164, + 2.12532901763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/74.png", + [ + 0.18770509958267212, + 0.013362911529839039, + -0.10740634053945541, + 1.2641311883926392, + 0.0057973479852080345, + -0.21594953536987305, + -0.016735723242163658, + 0.1811821460723877, + -0.10807903856039047, + 0.011624381877481937, + -0.18743449449539185, + 2.2684478759765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/129.png", + [ + 0.18541774153709412, + 0.007266834378242493, + -0.11187200248241425, + 1.2888619899749756, + -0.0027004159055650234, + -0.21586672961711884, + -0.018497681245207787, + 0.19652408361434937, + -0.11207523196935654, + 0.017223520204424858, + -0.18463581800460815, + 2.1852192878723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/172.png", + [ + 0.18818436563014984, + 0.012275062501430511, + -0.10669519752264023, + 1.2267813682556152, + 0.002143708523362875, + -0.21564120054244995, + -0.02102808840572834, + 0.22514557838439941, + -0.10737760365009308, + 0.017207523807883263, + -0.18740825355052948, + 2.212282657623291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/153.png", + [ + 0.18541620671749115, + 0.013447212986648083, + -0.11130091547966003, + 1.287017583847046, + 0.00018976107821799815, + -0.21514767408370972, + -0.025677697733044624, + 0.2775416374206543, + -0.11211015284061432, + 0.02187584899365902, + -0.1841212958097458, + 2.1828622817993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/144.png", + [ + 0.18617293238639832, + 0.005614164285361767, + -0.1107068806886673, + 1.26969313621521, + -0.002726913196966052, + -0.2160991132259369, + -0.015544591471552849, + 0.1663871854543686, + -0.1108156144618988, + 0.014749628491699696, + -0.18560777604579926, + 2.1863741874694824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/98.png", + [ + 0.18649108707904816, + 0.009959942661225796, + -0.10986252129077911, + 1.277928113937378, + 0.005433013662695885, + -0.21635708212852478, + -0.010392040014266968, + 0.1019025444984436, + -0.11017920076847076, + 0.006189641077071428, + -0.1864674985408783, + 2.2263593673706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/0.png", + [ + 0.1880437582731247, + 0.002289361087605357, + -0.10762058943510056, + 1.174111247062683, + -0.002738953335210681, + -0.21645371615886688, + -0.00939024705439806, + 0.09018377959728241, + -0.10761008411645889, + 0.009509860537946224, + -0.1878231167793274, + 2.1262593269348145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/163.png", + [ + 0.1898144632577896, + 0.0212237685918808, + -0.10231281816959381, + 1.2061679363250732, + 0.011221461929380894, + -0.215071439743042, + -0.023795951157808304, + 0.26126933097839355, + -0.1038866713643074, + 0.015547349117696285, + -0.18950918316841125, + 2.294107437133789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/96.png", + [ + 0.1860998421907425, + 0.00991892721503973, + -0.11052762717008591, + 1.2854636907577515, + 0.005011934787034988, + -0.2163384109735489, + -0.010975758545100689, + 0.1086772084236145, + -0.11085856705904007, + 0.006870347075164318, + -0.1860405057668686, + 2.2218527793884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/100.png", + [ + 0.18780779838562012, + 0.010427105240523815, + -0.10755186527967453, + 1.2503435611724854, + 0.0058102174662053585, + -0.21632595360279083, + -0.010826864279806614, + 0.10705214738845825, + -0.10789982229471207, + 0.006500391289591789, + -0.18778516352176666, + 2.241715431213379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/40.png", + [ + 0.18539610505104065, + 0.0027122399769723415, + -0.11211075633764267, + 1.2950879335403442, + -0.002149770502001047, + -0.21648548543453217, + -0.008792374283075333, + 0.08642756938934326, + -0.11212295293807983, + 0.008635456673800945, + -0.18520736694335938, + 2.1932711601257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/141.png", + [ + 0.18371999263763428, + 0.006123756989836693, + -0.11470553278923035, + 1.3275104761123657, + -0.00545115303248167, + -0.21565796434879303, + -0.020244210958480835, + 0.21738608181476593, + -0.11473945528268814, + 0.020051004365086555, + -0.1827038824558258, + 2.171332359313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/52.png", + [ + 0.18337196111679077, + -0.0016043992945924401, + -0.11541248857975006, + 1.3060051202774048, + -0.010998768731951714, + -0.21591068804264069, + -0.014473815448582172, + 0.14308522641658783, + -0.11489839851856232, + 0.018107738345861435, + -0.18280689418315887, + 2.117236614227295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/184.png", + [ + 0.18861854076385498, + 0.01048571802675724, + -0.10611781477928162, + 1.1726469993591309, + -0.0035561206750571728, + -0.21488606929779053, + -0.027554135769605637, + 0.2953653037548065, + -0.10657531768083572, + 0.025727925822138786, + -0.18688946962356567, + 2.1305794715881348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/3.png", + [ + 0.18522198498249054, + 0.0035111247561872005, + -0.11237606406211853, + 1.2344328165054321, + -0.003018782241269946, + -0.21633556485176086, + -0.011734938248991966, + 0.11689336597919464, + -0.11239035427570343, + 0.011597147211432457, + -0.1848832219839096, + 2.1005020141601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/47.png", + [ + 0.1827831268310547, + 3.8621481508016586e-05, + -0.11635385453701019, + 1.3239939212799072, + -0.009722593240439892, + -0.21591177582740784, + -0.015345129184424877, + 0.15800733864307404, + -0.1159469410777092, + 0.018165908753871918, + -0.1821378618478775, + 2.1295571327209473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/104.png", + [ + 0.18618234992027283, + 0.007466713432222605, + -0.11058150231838226, + 1.2911001443862915, + 0.0016973790479823947, + -0.21634912490844727, + -0.01175056304782629, + 0.12118439376354218, + -0.11082031577825546, + 0.009230655618011951, + -0.18596114218235016, + 2.228217124938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/21.png", + [ + 0.17550303041934967, + 0.005434531252831221, + -0.12695293128490448, + 1.4737911224365234, + 0.0004877702158410102, + -0.21650360524654388, + -0.008593663573265076, + 0.08073656260967255, + -0.12706826627254486, + 0.0066749402321875095, + -0.17537672817707062, + 2.0923824310302734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/82.png", + [ + 0.1861390918493271, + 0.019148359075188637, + -0.10924042761325836, + 1.241726040840149, + 0.011247945949435234, + -0.21557965874671936, + -0.01862235739827156, + 0.19425396621227264, + -0.11033409833908081, + 0.010327091440558434, + -0.18619245290756226, + 2.1727681159973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/106.png", + [ + 0.18675640225410461, + 0.007342210505157709, + -0.10961765795946121, + 1.281347632408142, + 0.0009993936400860548, + -0.2162947952747345, + -0.01278479304164648, + 0.1340157389640808, + -0.10985872894525528, + 0.010513879358768463, + -0.1864628940820694, + 2.2365474700927734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/14.png", + [ + 0.18062810599803925, + -0.008632793091237545, + -0.11936018615961075, + 1.3676007986068726, + -0.012082090601325035, + -0.2163214236497879, + -0.0026382929645478725, + 0.007648635655641556, + -0.11906048655509949, + 0.008855077438056469, + -0.18081504106521606, + 2.1207237243652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/67.png", + [ + 0.18156595528125763, + 0.010357953608036041, + -0.11778968572616577, + 1.37455415725708, + 0.006060692947357893, + -0.21637322008609772, + -0.009684788063168526, + 0.09539687633514404, + -0.11808881908655167, + 0.0048207794316112995, + -0.1816031038761139, + 2.180542469024658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/78.png", + [ + 0.19208212196826935, + 0.018191006034612656, + -0.09859734773635864, + 1.1165016889572144, + 0.01638924889266491, + -0.2159091979265213, + -0.007906126789748669, + 0.07420705258846283, + -0.0989127978682518, + -0.00044911130680702627, + -0.192779541015625, + 2.253549575805664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/31.png", + [ + 0.1802326738834381, + 0.008983572013676167, + -0.1199306920170784, + 1.3904204368591309, + 0.003302286146208644, + -0.2163574993610382, + -0.011243854649364948, + 0.1074981540441513, + -0.1202213391661644, + 0.007524945307523012, + -0.1801057904958725, + 2.155163288116455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/152.png", + [ + 0.18557202816009521, + 0.011619688011705875, + -0.11124701052904129, + 1.2881391048431396, + -0.0010582520626485348, + -0.2153102606534958, + -0.024254314601421356, + 0.26036664843559265, + -0.11184719204902649, + 0.02131606452167034, + -0.1843467503786087, + 2.1872568130493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/39.png", + [ + 0.18367019295692444, + 0.00329130282625556, + -0.11490131169557571, + 1.330481767654419, + -0.0012437603436410427, + -0.21651621162891388, + -0.008190177381038666, + 0.07838544249534607, + -0.11494171619415283, + 0.007602188736200333, + -0.18351703882217407, + 2.181422233581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/92.png", + [ + 0.1884613186120987, + 0.010052294470369816, + -0.10643859207630157, + 1.2302242517471313, + 0.004373425152152777, + -0.21625903248786926, + -0.012680345214903355, + 0.13030070066452026, + -0.10682272166013718, + 0.00888084340840578, + -0.18830275535583496, + 2.2349915504455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/53.png", + [ + 0.18528077006340027, + -0.0021638290490955114, + -0.1123131737112999, + 1.2701858282089233, + -0.011049365624785423, + -0.21593496203422546, + -0.014067702926695347, + 0.13949905335903168, + -0.1117892861366272, + 0.017756875604391098, + -0.18475860357284546, + 2.139331817626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/75.png", + [ + 0.18966470658779144, + 0.016552334651350975, + -0.10344671458005905, + 1.2093342542648315, + 0.008964648470282555, + -0.21573257446289062, + -0.018082741647958755, + 0.1965370774269104, + -0.104378342628479, + 0.01154862530529499, + -0.18952488899230957, + 2.279448986053467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/151.png", + [ + 0.1848728507757187, + 0.011730839498341084, + -0.11239354312419891, + 1.3032376766204834, + -0.001293789129704237, + -0.21527016162872314, + -0.02459648810327053, + 0.26433926820755005, + -0.1129966676235199, + 0.02165752649307251, + -0.18360446393489838, + 2.1808700561523438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/87.png", + [ + 0.18665485084056854, + 0.014050823636353016, + -0.10913494229316711, + 1.2543936967849731, + 0.007021286059170961, + -0.2159837931394577, + -0.015798725187778473, + 0.16394779086112976, + -0.10981148481369019, + 0.010073358193039894, + -0.18651504814624786, + 2.2008423805236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/139.png", + [ + 0.1847900003194809, + 0.006533212028443813, + -0.11295071244239807, + 1.2967557907104492, + -0.003911328036338091, + -0.21581490337848663, + -0.018882030621170998, + 0.20091071724891663, + -0.11307186633348465, + 0.018142402172088623, + -0.18393884599208832, + 2.175692081451416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/107.png", + [ + 0.1844411939382553, + 0.005831667687743902, + -0.1135576069355011, + 1.3298671245574951, + -0.00021166967053432018, + -0.21637150645256042, + -0.011455397121608257, + 0.11840540170669556, + -0.1137070506811142, + 0.00986217800527811, + -0.1841774731874466, + 2.2130393981933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/112.png", + [ + 0.1854223757982254, + 0.008798990398645401, + -0.11175423115491867, + 1.3082536458969116, + 0.0014870043378323317, + -0.21618019044399261, + -0.014553755521774292, + 0.15172116458415985, + -0.11209022253751755, + 0.011687632650136948, + -0.18505965173244476, + 2.221902370452881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/69.png", + [ + 0.18251845240592957, + 0.010468835942447186, + -0.1162983700633049, + 1.3636029958724976, + 0.005147275049239397, + -0.21631361544132233, + -0.01139378733932972, + 0.11523754894733429, + -0.11665509641170502, + 0.006834934465587139, + -0.18246304988861084, + 2.202474594116211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/157.png", + [ + 0.188807874917984, + 0.021440019831061363, + -0.10411438345909119, + 1.2009105682373047, + 0.010038431733846664, + -0.2148694396018982, + -0.026043180376291275, + 0.2838118076324463, + -0.10582394897937775, + 0.01787017099559307, + -0.18822816014289856, + 2.2308974266052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/45.png", + [ + 0.1848311871290207, + 0.002175429603084922, + -0.11305127292871475, + 1.294036626815796, + -0.005977713968604803, + -0.21614359319210052, + -0.013932378962635994, + 0.14199784398078918, + -0.112914077937603, + 0.01500372402369976, + -0.1843181848526001, + 2.1677536964416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/50.png", + [ + 0.18400569260120392, + -0.001069271587766707, + -0.11440570652484894, + 1.291410207748413, + -0.011524955742061138, + -0.2157362997531891, + -0.016519948840141296, + 0.16826413571834564, + -0.11382874101400375, + 0.020114421844482422, + -0.18326571583747864, + 2.1212711334228516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/101.png", + [ + 0.18547186255455017, + 0.009700131602585316, + -0.1115974485874176, + 1.299737572669983, + 0.004338740836828947, + -0.21632082760334015, + -0.011591898277401924, + 0.11693021655082703, + -0.11193417012691498, + 0.007687926758080721, + -0.18536324799060822, + 2.2161874771118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/85.png", + [ + 0.18835480511188507, + 0.013900477439165115, + -0.10619384795427322, + 1.21449875831604, + 0.006887864787131548, + -0.21596932411193848, + -0.016052858904004097, + 0.16662278771400452, + -0.10687802731990814, + 0.010578923858702183, + -0.18818359076976776, + 2.2080235481262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/156.png", + [ + 0.18846306204795837, + 0.018431151285767555, + -0.1053084135055542, + 1.2128771543502808, + 0.007530814968049526, + -0.2151889055967331, + -0.024185141548514366, + 0.26227468252182007, + -0.10664359480142593, + 0.017376048490405083, + -0.18781137466430664, + 2.219357490539551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/181.png", + [ + 0.18613940477371216, + 0.012111331336200237, + -0.11024215817451477, + 1.2247271537780762, + -0.0007511410512961447, + -0.21523615717887878, + -0.024914363399147987, + 0.26500651240348816, + -0.11090290546417236, + 0.021785439923405647, + -0.1848616600036621, + 2.111818790435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/131.png", + [ + 0.18634949624538422, + 0.008860671892762184, + -0.11019638925790787, + 1.266152262687683, + -0.001071913749910891, + -0.21582259237766266, + -0.01916654221713543, + 0.2034941464662552, + -0.11054686456918716, + 0.017029203474521637, + -0.18557287752628326, + 2.192534923553467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/71.png", + [ + 0.18425385653972626, + 0.011852489784359932, + -0.11339277029037476, + 1.3391292095184326, + 0.005690982565283775, + -0.21618807315826416, + -0.013349892571568489, + 0.13994200527668, + -0.11386842280626297, + 0.008374092169106007, + -0.18415144085884094, + 2.2365942001342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/160.png", + [ + 0.1894335299730301, + 0.026335792616009712, + -0.10182955861091614, + 1.1877150535583496, + 0.014935056678950787, + -0.2143821269273758, + -0.027661152184009552, + 0.30624908208847046, + -0.10411424189805984, + 0.01716453768312931, + -0.18924455344676971, + 2.273247718811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/115.png", + [ + 0.1871991753578186, + 0.007966184988617897, + -0.10881594568490982, + 1.266697645187378, + 0.0006887839990667999, + -0.216178297996521, + -0.014641019515693188, + 0.15346157550811768, + -0.10910498350858688, + 0.012303406372666359, + -0.1867956668138504, + 2.231971263885498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/54.png", + [ + 0.1848408728837967, + -0.0023558535613119602, + -0.11303180456161499, + 1.2792993783950806, + -0.01144731417298317, + -0.21590426564216614, + -0.014219828881323338, + 0.14209376275539398, + -0.11247532069683075, + 0.018102334812283516, + -0.18430817127227783, + 2.1328020095825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/33.png", + [ + 0.18091417849063873, + 0.009593214839696884, + -0.11885253340005875, + 1.3806012868881226, + 0.006529056467115879, + -0.21644523739814758, + -0.007532078307121992, + 0.06210099533200264, + -0.11906018853187561, + 0.0027075849939137697, + -0.18101170659065247, + 2.1702628135681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/159.png", + [ + 0.18979232013225555, + 0.02587852068245411, + -0.10127721726894379, + 1.1751854419708252, + 0.014721271581947803, + -0.21445460617542267, + -0.027210306376218796, + 0.3006399869918823, + -0.10348939895629883, + 0.016953427344560623, + -0.1896059513092041, + 2.2685933113098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/177.png", + [ + 0.18427249789237976, + 0.01234398502856493, + -0.11331009119749069, + 1.2755537033081055, + 0.0003474207187537104, + -0.21546006202697754, + -0.02290719375014305, + 0.24117687344551086, + -0.11397994309663773, + 0.019299902021884918, + -0.18325933814048767, + 2.11575984954834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/49.png", + [ + 0.18346019089221954, + -0.00045864368439652026, + -0.11528243869543076, + 1.3035016059875488, + -0.010324876755475998, + -0.2158675491809845, + -0.015572169795632362, + 0.15891307592391968, + -0.11482004821300507, + 0.018678469583392143, + -0.18279868364334106, + 2.1209330558776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/118.png", + [ + 0.18815156817436218, + 0.010536745190620422, + -0.10693857818841934, + 1.2434289455413818, + 0.0035307672806084156, + -0.21612024307250977, + -0.0150823425501585, + 0.1580253541469574, + -0.10739839822053909, + 0.011354312300682068, + -0.18784183263778687, + 2.240356922149658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/179.png", + [ + 0.18480746448040009, + 0.01238449290394783, + -0.11243095248937607, + 1.2580198049545288, + -0.001399233122356236, + -0.21510517597198486, + -0.02599423937499523, + 0.2759421765804291, + -0.11310232430696487, + 0.02289722114801407, + -0.1833888590335846, + 2.106806755065918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/110.png", + [ + 0.1849401742219925, + 0.00758123816922307, + -0.11263900250196457, + 1.3215773105621338, + 0.001806782092899084, + -0.2163565754890442, + -0.011595488525927067, + 0.11822167038917542, + -0.11287938803434372, + 0.00895793829113245, + -0.18473194539546967, + 2.223881244659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/18.png", + [ + 0.17909453809261322, + -0.0007179439999163151, + -0.12195294350385666, + 1.4098197221755981, + -0.0037983155343681574, + -0.21659860014915466, + -0.00430290587246418, + 0.026366285979747772, + -0.12189588695764542, + 0.005694450810551643, + -0.17904429137706757, + 2.124631881713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/66.png", + [ + 0.1823841780424118, + 0.009127337485551834, + -0.11662159860134125, + 1.3549538850784302, + 0.00429578498005867, + -0.2163909524679184, + -0.01021757535636425, + 0.10106150805950165, + -0.11689932644367218, + 0.006288429256528616, + -0.18232636153697968, + 2.180899143218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/16.png", + [ + 0.17795835435390472, + -0.005863557104021311, + -0.12346794456243515, + 1.4267526865005493, + -0.008080048486590385, + -0.21651963889598846, + -0.001363405492156744, + -0.008747627958655357, + -0.12334273010492325, + 0.00572405057027936, + -0.178049698472023, + 2.1067872047424316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/94.png", + [ + 0.18737415969371796, + 0.009262972511351109, + -0.10841132700443268, + 1.2573261260986328, + 0.0037989048287272453, + -0.21631333231925964, + -0.011916538700461388, + 0.12139488756656647, + -0.10873999446630478, + 0.008404339663684368, + -0.1872241348028183, + 2.229912281036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/28.png", + [ + 0.18146376311779022, + 0.011685599572956562, + -0.11782293766736984, + 1.36762535572052, + 0.0032369461841881275, + -0.21602578461170197, + -0.01643994264304638, + 0.1684824377298355, + -0.11835675686597824, + 0.012008177116513252, + -0.1810949444770813, + 2.163090229034424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/61.png", + [ + 0.18515107035636902, + 0.004504114389419556, + -0.1124575138092041, + 1.2914257049560547, + -0.004586197901517153, + -0.21601928770542145, + -0.016202697530388832, + 0.17033615708351135, + -0.11245418339967728, + 0.01622570864856243, + -0.1844957321882248, + 2.179429531097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/132.png", + [ + 0.18569013476371765, + 0.00767260929569602, + -0.111392080783844, + 1.2812609672546387, + -0.002149697160348296, + -0.2158767282962799, + -0.018452977761626244, + 0.19676120579242706, + -0.11163529753684998, + 0.01691935770213604, + -0.184930220246315, + 2.1869101524353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/58.png", + [ + 0.18476952612400055, + 0.0021240964997559786, + -0.11315298080444336, + 1.291271686553955, + -0.00826594140380621, + -0.2158045768737793, + -0.01754866912961006, + 0.18454962968826294, + -0.11287064105272293, + 0.019281333312392235, + -0.18394656479358673, + 2.1554713249206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/123.png", + [ + 0.18775081634521484, + 0.009947090409696102, + -0.10769673436880112, + 1.2437304258346558, + 0.0003198941994924098, + -0.21580643951892853, + -0.01937464252114296, + 0.2076999992132187, + -0.10815466940402985, + 0.016629327088594437, + -0.1870131939649582, + 2.21803617477417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/64.png", + [ + 0.18125325441360474, + 0.007431000005453825, + -0.11849021166563034, + 1.3686631917953491, + 0.002550553996115923, + -0.21644359827041626, + -0.009672497399151325, + 0.0942198783159256, + -0.11869559437036514, + 0.006696475204080343, + -0.1811474710702896, + 2.1536784172058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/10.png", + [ + 0.18483206629753113, + -0.005205291323363781, + -0.112950898706913, + 1.2702099084854126, + -0.011055572889745235, + -0.2162397801876068, + -0.008125949651002884, + 0.07399675250053406, + -0.11252900958061218, + 0.01269494742155075, + -0.18472671508789062, + 2.1307287216186523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/170.png", + [ + 0.19008609652519226, + 0.013969711028039455, + -0.10305347293615341, + 1.1948328018188477, + 0.003524906700477004, + -0.21545296907424927, + -0.02270451746881008, + 0.24758031964302063, + -0.10393626987934113, + 0.01824191026389599, + -0.18924158811569214, + 2.2524843215942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/41.png", + [ + 0.18445642292499542, + 0.0017147897742688656, + -0.11366961151361465, + 1.311848521232605, + -0.005114658735692501, + -0.21630540490150452, + -0.011562895961105824, + 0.11796346306800842, + -0.11356741935014725, + 0.01252676360309124, + -0.1841016411781311, + 2.17919921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/166.png", + [ + 0.18871071934700012, + 0.016384528949856758, + -0.10520313680171967, + 1.2421329021453857, + 0.005898734554648399, + -0.21537375450134277, + -0.022961704060435295, + 0.25180119276046753, + -0.10630784928798676, + 0.01713423803448677, + -0.18802380561828613, + 2.276796817779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/91.png", + [ + 0.18650488555431366, + 0.009966091252863407, + -0.10983855277299881, + 1.273438572883606, + 0.004217799287289381, + -0.21627485752105713, + -0.01246169675141573, + 0.1289423555135727, + -0.11020907759666443, + 0.008588407188653946, + -0.18635477125644684, + 2.213852882385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/140.png", + [ + 0.184070885181427, + 0.006862889509648085, + -0.11409951001405716, + 1.3153809309005737, + -0.004150817170739174, + -0.21573977172374725, + -0.01967267505824566, + 0.20992563664913177, + -0.11423033475875854, + 0.01889825612306595, + -0.18314525485038757, + 2.171351909637451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/23.png", + [ + 0.1778096854686737, + 0.010637698695063591, + -0.12336308509111404, + 1.4343253374099731, + 0.004135582130402327, + -0.2162633091211319, + -0.012687726877629757, + 0.12781305611133575, + -0.12375181168317795, + 0.008057346567511559, + -0.17767515778541565, + 2.1236844062805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/37.png", + [ + 0.1835096925497055, + 0.00576945673674345, + -0.1150599867105484, + 1.3345434665679932, + 0.0007207354647107422, + -0.21645599603652954, + -0.009704259224236012, + 0.09385612607002258, + -0.11520229279994965, + 0.007836163975298405, + -0.18334373831748962, + 2.1881470680236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/178.png", + [ + 0.18459169566631317, + 0.013602333143353462, + -0.11264446377754211, + 1.2648258209228516, + 4.500688737607561e-05, + -0.21512071788311005, + -0.025903059169650078, + 0.27433207631111145, + -0.11346273869276047, + 0.02204420603811741, + -0.18327069282531738, + 2.1102514266967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/36.png", + [ + 0.18325218558311462, + 0.005861912854015827, + -0.11546501517295837, + 1.3404501676559448, + 0.0014470930909737945, + -0.21649527549743652, + -0.00869434978812933, + 0.08008843660354614, + -0.11560466140508652, + 0.006582080852240324, + -0.1831396520137787, + 2.188784122467041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/182.png", + [ + 0.18582312762737274, + 0.01276877336204052, + -0.1107005700469017, + 1.226286768913269, + -0.0011304626241326332, + -0.21502040326595306, + -0.026699168607592583, + 0.2852742671966553, + -0.11142881214618683, + 0.02347513660788536, + -0.1843378096818924, + 2.103332042694092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/8.png", + [ + 0.18369007110595703, + 0.0003276743518654257, + -0.11491622775793076, + 1.287084937095642, + -0.007088528014719486, + -0.21622881293296814, + -0.011947354301810265, + 0.11916141211986542, + -0.11469786614179611, + 0.013888094574213028, + -0.1833014190196991, + 2.1086864471435547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/6.png", + [ + 0.18380773067474365, + 0.004302891902625561, + -0.11464772373437881, + 1.2759418487548828, + -0.006162464153021574, + -0.21583934128284454, + -0.017980659380555153, + 0.18797555565834045, + -0.11456282436847687, + 0.01851392164826393, + -0.18297676742076874, + 2.09952449798584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/169.png", + [ + 0.18937605619430542, + 0.013738540932536125, + -0.1043832078576088, + 1.2170981168746948, + 0.0033397749066352844, + -0.21549774706363678, + -0.022303884848952293, + 0.24207189679145813, + -0.10523045063018799, + 0.017884908244013786, + -0.18855920433998108, + 2.258965015411377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/154.png", + [ + 0.1879585236310959, + 0.01384898740798235, + -0.10690039396286011, + 1.2321560382843018, + 0.0018933891551569104, + -0.21526996791362762, + -0.02455923520028591, + 0.2647075057029724, + -0.10777711123228073, + 0.020370235666632652, + -0.1868610382080078, + 2.2074875831604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/20.png", + [ + 0.17626072466373444, + 0.0033138603903353214, + -0.12597250938415527, + 1.460011601448059, + -0.0015935498522594571, + -0.21652376651763916, + -0.007925618439912796, + 0.07189831137657166, + -0.12600602209568024, + 0.007373814936727285, + -0.17611365020275116, + 2.095709800720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/2.png", + [ + 0.1874774545431137, + 0.0029995960649102926, + -0.10858680307865143, + 1.1852715015411377, + -0.0016277733957394958, + -0.21649011969566345, + -0.008790697902441025, + 0.08435648679733276, + -0.10861603170633316, + 0.008421902544796467, + -0.18729528784751892, + 2.1183390617370605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/117.png", + [ + 0.18888287246227264, + 0.009101267904043198, + -0.1057748794555664, + 1.2308436632156372, + 0.001764024025760591, + -0.21611623466014862, + -0.015445422381162643, + 0.16207991540431976, + -0.10615105926990509, + 0.01260316651314497, + -0.18847018480300903, + 2.2475099563598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/149.png", + [ + 0.18346327543258667, + 0.011634071357548237, + -0.1146899163722992, + 1.3308299779891968, + -0.001955093815922737, + -0.21522337198257446, + -0.02495957911014557, + 0.26958492398262024, + -0.11526188999414444, + 0.022168701514601707, + -0.18212945759296417, + 2.1638588905334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/161.png", + [ + 0.1907980591058731, + 0.024375319480895996, + -0.09974890202283859, + 1.1667746305465698, + 0.01364037673920393, + -0.21463245153427124, + -0.02635796181857586, + 0.2908692955970764, + -0.10177396237850189, + 0.01693061739206314, + -0.19053427875041962, + 2.292628765106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/5.png", + [ + 0.18350011110305786, + 0.00394422048702836, + -0.1151522547006607, + 1.2773562669754028, + -0.005722595378756523, + -0.21596841514110565, + -0.01651660166680813, + 0.17250165343284607, + -0.11507758498191833, + 0.01702907495200634, + -0.18279783427715302, + 2.0926027297973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/108.png", + [ + 0.18473243713378906, + 0.006521113682538271, + -0.11304555833339691, + 1.3244624137878418, + 0.0003558358584996313, + -0.21634739637374878, + -0.011898668482899666, + 0.12199971079826355, + -0.11323293298482895, + 0.009958915412425995, + -0.18446414172649384, + 2.21710205078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/60.png", + [ + 0.18449075520038605, + 0.003677603555843234, + -0.1135672777891159, + 1.3015540838241577, + -0.0054537225514650345, + -0.21602492034435272, + -0.015855057165026665, + 0.16569094359874725, + -0.113495834171772, + 0.016358518972992897, + -0.18384499847888947, + 2.167522430419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/56.png", + [ + 0.18515394628047943, + -0.0008378587663173676, + -0.11253980547189713, + 1.277282476425171, + -0.010734997689723969, + -0.21581217646598816, + -0.016054825857281685, + 0.16660639643669128, + -0.1120297759771347, + 0.019294962286949158, + -0.18445847928524017, + 2.1455278396606445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/147.png", + [ + 0.1823921948671341, + 0.008998256176710129, + -0.11661910265684128, + 1.3534443378448486, + -0.004600993357598782, + -0.21531334519386292, + -0.023809388279914856, + 0.25808024406433105, + -0.11687520891427994, + 0.02251860685646534, + -0.1810552179813385, + 2.148256301879883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/30.png", + [ + 0.18161050975322723, + 0.009273933246731758, + -0.11781135201454163, + 1.3641259670257568, + 0.002421723213046789, + -0.2162531167268753, + -0.013289947994053364, + 0.13239657878875732, + -0.1181509867310524, + 0.009822506457567215, + -0.1813608556985855, + 2.167837142944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/17.png", + [ + 0.17864812910556793, + -0.004095893353223801, + -0.12253963947296143, + 1.4173661470413208, + -0.006638778373599052, + -0.21655914187431335, + -0.0024400444235652685, + 0.0039732977747917175, + -0.12242820113897324, + 0.005766355432569981, + -0.17867842316627502, + 2.1180992126464844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/12.png", + [ + 0.18336611986160278, + -0.008202111348509789, + -0.1151411384344101, + 1.306587815284729, + -0.013145692646503448, + -0.2162046879529953, + -0.005533555056899786, + 0.04454922303557396, + -0.11468193680047989, + 0.01166854053735733, + -0.18346604704856873, + 2.1319804191589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/114.png", + [ + 0.18717636168003082, + 0.007664631120860577, + -0.10887683928012848, + 1.2684167623519897, + 0.00010111464507644996, + -0.21615183353424072, + -0.015042664483189583, + 0.15839724242687225, + -0.10914625227451324, + 0.012943933717906475, + -0.18672826886177063, + 2.233063220977783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/27.png", + [ + 0.1811022162437439, + 0.012515074573457241, + -0.11829306185245514, + 1.375330924987793, + 0.005190036725252867, + -0.21609823405742645, + -0.014916842803359032, + 0.1500954031944275, + -0.11883997917175293, + 0.009634393267333508, + -0.18092022836208344, + 2.162956714630127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/42.png", + [ + 0.18365617096424103, + 0.0018509920919314027, + -0.11495596170425415, + 1.325071096420288, + -0.005374914035201073, + -0.21627143025398254, + -0.012069428339600563, + 0.1234632134437561, + -0.1148451641201973, + 0.013081843964755535, + -0.18326851725578308, + 2.1672778129577637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/174.png", + [ + 0.1876467615365982, + 0.01238593365997076, + -0.10762515664100647, + 1.2238500118255615, + 0.0022752159275114536, + -0.21565696597099304, + -0.020851779729127884, + 0.2196793258190155, + -0.10831163078546524, + 0.016928141936659813, + -0.1868954747915268, + 2.180860996246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/7.png", + [ + 0.18358024954795837, + 0.0026786080561578274, + -0.11506088823080063, + 1.286387324333191, + -0.005950674414634705, + -0.21610532701015472, + -0.014525247737765312, + 0.14897991716861725, + -0.11493813246488571, + 0.015466687269508839, + -0.1830243170261383, + 2.1037135124206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/73.png", + [ + 0.18764589726924896, + 0.012564601376652718, + -0.1076059490442276, + 1.2687076330184937, + 0.00572586664929986, + -0.21606189012527466, + -0.01524354424327612, + 0.16436423361301422, + -0.10818561166524887, + 0.010357702150940895, + -0.18744727969169617, + 2.2726998329162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/120.png", + [ + 0.18798239529132843, + 0.009417549706995487, + -0.10733974725008011, + 1.2447540760040283, + 0.00048126172623597085, + -0.2159167230129242, + -0.01810082234442234, + 0.19300056993961334, + -0.10775101184844971, + 0.01546548306941986, + -0.18734575808048248, + 2.230048179626465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/46.png", + [ + 0.1835009902715683, + 0.0037747621536254883, + -0.11515657603740692, + 1.3148874044418335, + -0.0052565159276127815, + -0.21605853736400604, + -0.015458477661013603, + 0.15814881026744843, + -0.11509846150875092, + 0.015885422006249428, + -0.18288764357566833, + 2.1444411277770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/127.png", + [ + 0.18635603785514832, + 0.007886286824941635, + -0.11025936901569366, + 1.2711542844772339, + -0.002452009590342641, + -0.21577443182468414, + -0.019577525556087494, + 0.20932918787002563, + -0.1105138435959816, + 0.018085861578583717, + -0.18549256026744843, + 2.196335792541504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/133.png", + [ + 0.18849937617778778, + 0.007412097882479429, + -0.106587715446949, + 1.2213579416275024, + -0.0017348284600302577, + -0.21591180562973022, + -0.0180825088173151, + 0.19125933945178986, + -0.10683102905750275, + 0.01658456027507782, + -0.18777640163898468, + 2.213067054748535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/57.png", + [ + 0.18415246903896332, + 3.872016168315895e-05, + -0.1141742691397667, + 1.2986174821853638, + -0.010269388556480408, + -0.2157907485961914, + -0.016636747866868973, + 0.17386221885681152, + -0.11371148377656937, + 0.01955096423625946, + -0.18339942395687103, + 2.1403117179870605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/44.png", + [ + 0.18283972144126892, + 0.000802071182988584, + -0.11626214534044266, + 1.3361907005310059, + -0.005838656798005104, + -0.21633276343345642, + -0.010674607940018177, + 0.10497765243053436, + -0.11611821502447128, + 0.012140586972236633, + -0.18252962827682495, + 2.1572561264038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/113.png", + [ + 0.18630683422088623, + 0.008600804954767227, + -0.11028911918401718, + 1.2879127264022827, + 0.0004267954209353775, + -0.21607305109500885, + -0.016129309311509132, + 0.17156969010829926, + -0.11062315106391907, + 0.01365148089826107, + -0.1858064830303192, + 2.2266087532043457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/126.png", + [ + 0.18740518391132355, + 0.007909885607659817, + -0.10846483707427979, + 1.2489243745803833, + -0.002643800340592861, + -0.21570554375648499, + -0.02029844932258129, + 0.2188037931919098, + -0.10872072726488113, + 0.01887989602982998, + -0.18647049367427826, + 2.206773281097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/29.png", + [ + 0.18096420168876648, + 0.01025571022182703, + -0.11872100830078125, + 1.3754507303237915, + 0.0019792886450886726, + -0.2160995900630951, + -0.015650762245059013, + 0.15914995968341827, + -0.11914671212434769, + 0.011986840516328812, + -0.1805776059627533, + 2.1558966636657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/4.png", + [ + 0.18407955765724182, + 0.003624760778620839, + -0.11423427611589432, + 1.2607539892196655, + -0.004285973962396383, + -0.21619437634944916, + -0.013766559772193432, + 0.1404218226671219, + -0.11421140283346176, + 0.013955245725810528, + -0.18359985947608948, + 2.093669891357422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/55.png", + [ + 0.18600882589817047, + -0.0013168317964300513, + -0.11111650615930557, + 1.2576963901519775, + -0.01132961269468069, + -0.2157551646232605, + -0.016408858820796013, + 0.16841644048690796, + -0.11054523289203644, + 0.019896652549505234, + -0.18528832495212555, + 2.1480584144592285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/9.png", + [ + 0.18421728909015656, + -0.00360620254650712, + -0.11401263624429703, + 1.2788978815078735, + -0.009797055274248123, + -0.21626628935337067, + -0.008989240974187851, + 0.08441761136054993, + -0.11364815384149551, + 0.01279781386256218, + -0.18403317034244537, + 2.1181387901306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/25.png", + [ + 0.17937417328357697, + 0.011301683261990547, + -0.12101682275533676, + 1.410309076309204, + 0.003977919463068247, + -0.21616621315479279, + -0.014291447587311268, + 0.14159658551216125, + -0.12147829681634903, + 0.009609437547624111, + -0.17916077375411987, + 2.1445279121398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/99.png", + [ + 0.18655729293823242, + 0.009172488935291767, + -0.10981865972280502, + 1.2785505056381226, + 0.004819161258637905, + -0.21639525890350342, + -0.00988751370459795, + 0.09676411747932434, + -0.11009562015533447, + 0.00607064226642251, + -0.1865207701921463, + 2.230642318725586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/34.png", + [ + 0.18195216357707977, + 0.008305099792778492, + -0.117355577647686, + 1.361353874206543, + 0.004101694095879793, + -0.216450497508049, + -0.008958510123193264, + 0.08129885792732239, + -0.11757755279541016, + 0.005301329772919416, + -0.18192116916179657, + 2.1774377822875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/72.png", + [ + 0.185945525765419, + 0.012420409359037876, + -0.11053457856178284, + 1.306193470954895, + 0.005251459311693907, + -0.21605971455574036, + -0.015443718060851097, + 0.16522863507270813, + -0.11110617965459824, + 0.010574485175311565, + -0.185718834400177, + 2.2561116218566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/102.png", + [ + 0.1864331215620041, + 0.009271323680877686, + -0.11002100259065628, + 1.2823898792266846, + 0.003721017623320222, + -0.21631433069705963, + -0.0119231678545475, + 0.12115128338336945, + -0.11034823209047318, + 0.00836961716413498, + -0.18628235161304474, + 2.228487014770508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/134.png", + [ + 0.18742775917053223, + 0.007009079679846764, + -0.1084877997636795, + 1.2430951595306396, + -0.0021735173650085926, + -0.2159390151500702, + -0.017706241458654404, + 0.1873244345188141, + -0.10869225114583969, + 0.016404513269662857, + -0.18672113120555878, + 2.200202465057373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/70.png", + [ + 0.1832769364118576, + 0.011211086995899677, + -0.11502943187952042, + 1.3548837900161743, + 0.005439938046038151, + -0.21625059843063354, + -0.012408902868628502, + 0.12816990911960602, + -0.11544636636972427, + 0.007608239538967609, + -0.18319973349571228, + 2.2201457023620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/135.png", + [ + 0.1872003972530365, + 0.007174219936132431, + -0.10886889696121216, + 1.2461000680923462, + -0.0024244042579084635, + -0.21587879955768585, + -0.01839470863342285, + 0.19574101269245148, + -0.10907807946205139, + 0.017110630869865417, + -0.18643254041671753, + 2.196211338043213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/130.png", + [ + 0.18544961512088776, + 0.007698494475334883, + -0.11179029941558838, + 1.2884776592254639, + -0.002439660020172596, + -0.21583403646945953, + -0.018910685554146767, + 0.20095951855182648, + -0.11202849447727203, + 0.017444174736738205, + -0.1846434623003006, + 2.1871509552001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/90.png", + [ + 0.18654079735279083, + 0.010420207865536213, + -0.10973533242940903, + 1.270086407661438, + 0.004354773089289665, + -0.21623258292675018, + -0.0131301861256361, + 0.13543716073036194, + -0.11014290899038315, + 0.00909863319247961, + -0.1863696575164795, + 2.2102761268615723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/122.png", + [ + 0.1878064125776291, + 0.009346652776002884, + -0.10765354335308075, + 1.2467377185821533, + -1.982010689971503e-05, + -0.21585959196090698, + -0.018775852397084236, + 0.20162124931812286, + -0.10805852711200714, + 0.016284137964248657, + -0.1870991289615631, + 2.223367691040039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/15.png", + [ + 0.17942969501018524, + -0.007021788507699966, + -0.12125829607248306, + 1.3958313465118408, + -0.009716270491480827, + -0.2164488136768341, + -0.0018434170633554459, + -0.0026712026447057724, + -0.1210721880197525, + 0.00696409260854125, + -0.17955757677555084, + 2.115062713623047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/162.png", + [ + 0.19077420234680176, + 0.022741666063666344, + -0.10017938166856766, + 1.1770695447921753, + 0.012346744537353516, + -0.2148427963256836, + -0.025259124115109444, + 0.27950066328048706, + -0.10198357701301575, + 0.016531240195035934, + -0.19045725464820862, + 2.297928810119629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/22.png", + [ + 0.17643572390079498, + 0.007610332686454058, + -0.12554046511650085, + 1.4578795433044434, + 0.0018568984232842922, + -0.21641166508197784, + -0.010509289801120758, + 0.10349485278129578, + -0.12575723230838776, + 0.007481719367206097, + -0.17628678679466248, + 2.1061439514160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/171.png", + [ + 0.18824630975723267, + 0.012814834713935852, + -0.10652228444814682, + 1.231152057647705, + 0.002665764419361949, + -0.21561574935913086, + -0.021228045225143433, + 0.22824102640151978, + -0.10725720971822739, + 0.017132315784692764, + -0.1874840408563614, + 2.224307060241699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/138.png", + [ + 0.18525968492031097, + 0.006260583642870188, + -0.11219421774148941, + 1.284846544265747, + -0.0037589045241475105, + -0.21587173640727997, + -0.01825278252363205, + 0.19399097561836243, + -0.11230587959289551, + 0.017552737146615982, + -0.18446458876132965, + 2.177285671234131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/109.png", + [ + 0.18463648855686188, + 0.006989376153796911, + -0.11317422240972519, + 1.3287584781646729, + -3.5382425267016515e-05, + -0.21625903248786926, + -0.013413378968834877, + 0.13949455320835114, + -0.11338984966278076, + 0.011448519304394722, + -0.18428121507167816, + 2.219390392303467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/26.png", + [ + 0.18010859191417694, + 0.011131949722766876, + -0.11993693560361862, + 1.3971508741378784, + 0.004569551907479763, + -0.21622349321842194, + -0.013206721283495426, + 0.12960952520370483, + -0.12036570906639099, + 0.008448549546301365, + -0.17996835708618164, + 2.1537084579467773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/43.png", + [ + 0.184622660279274, + 0.0018429233459755778, + -0.11339735984802246, + 1.304099678993225, + -0.004628847353160381, + -0.21634307503700256, + -0.01105223223567009, + 0.11073625087738037, + -0.11331783980131149, + 0.011839834973216057, + -0.18430078029632568, + 2.1768269538879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/84.png", + [ + 0.18692220747470856, + 0.015735290944576263, + -0.10844530165195465, + 1.237366795539856, + 0.00871940515935421, + -0.2158849835395813, + -0.016295431181788445, + 0.17045360803604126, + -0.10923349857330322, + 0.009693796746432781, + -0.18687421083450317, + 2.1887030601501465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/136.png", + [ + 0.18704883754253387, + 0.007067146711051464, + -0.10913605242967606, + 1.2469573020935059, + -0.0018174125580117106, + -0.2159910500049591, + -0.017101455479860306, + 0.1807716339826584, + -0.10934953391551971, + 0.015678590163588524, + -0.1863994598388672, + 2.194972515106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/89.png", + [ + 0.18810614943504333, + 0.012456104159355164, + -0.10681208223104477, + 1.2321118116378784, + 0.00626288540661335, + -0.21611982583999634, + -0.014173712581396103, + 0.14657893776893616, + -0.10735340416431427, + 0.00921755749732256, + -0.18798451125621796, + 2.2255892753601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/63.png", + [ + 0.18342503905296326, + 0.00537897227331996, + -0.11521376669406891, + 1.3274774551391602, + -0.001072829240001738, + -0.21634992957115173, + -0.011808697134256363, + 0.11806896328926086, + -0.11533425748348236, + 0.010567068122327328, + -0.18312355875968933, + 2.171172618865967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/88.png", + [ + 0.18782097101211548, + 0.013391641899943352, + -0.1072000116109848, + 1.234214186668396, + 0.006738589610904455, + -0.2160370647907257, + -0.015181363560259342, + 0.15768711268901825, + -0.10782287269830704, + 0.00982580054551363, + -0.1876847892999649, + 2.2168526649475098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/62.png", + [ + 0.18532435595989227, + 0.004904179368168116, + -0.11215491592884064, + 1.288657546043396, + -0.0030124043114483356, + -0.21617257595062256, + -0.014430229552090168, + 0.14875951409339905, + -0.11222165822982788, + 0.013901623897254467, + -0.1848267763853073, + 2.187901020050049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/65.png", + [ + 0.18220244348049164, + 0.00809094775468111, + -0.1169816330075264, + 1.3547016382217407, + 0.003863709280267358, + -0.21645508706569672, + -0.008953111246228218, + 0.08546110987663269, + -0.1171974465250969, + 0.0054427022114396095, + -0.1821621060371399, + 2.171359062194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/80.png", + [ + 0.18828725814819336, + 0.019916055724024773, + -0.10535251349210739, + 1.1954011917114258, + 0.013831336982548237, + -0.21563661098480225, + -0.016044864431023598, + 0.16524596512317657, + -0.10632259398698807, + 0.00721763027831912, + -0.18865658342838287, + 2.2027058601379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/146.png", + [ + 0.17995059490203857, + 0.007932636886835098, + -0.12042736262083054, + 1.396540641784668, + -0.0033491498325020075, + -0.21579459309577942, + -0.01921907067298889, + 0.2046915739774704, + -0.12064186483621597, + 0.017823096364736557, + -0.17909710109233856, + 2.122422218322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/119.png", + [ + 0.18831709027290344, + 0.009297377429902554, + -0.10676199942827225, + 1.2390190362930298, + 0.0009228334529325366, + -0.2159903645515442, + -0.0171817559748888, + 0.1817791610956192, + -0.10716209560632706, + 0.014478368684649467, + -0.18776196241378784, + 2.2345032691955566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/180.png", + [ + 0.18617288768291473, + 0.013159557245671749, + -0.11006531864404678, + 1.2263225317001343, + -0.000702841323800385, + -0.21499791741371155, + -0.02689427323639393, + 0.2860477566719055, + -0.11084700375795364, + 0.023465335369110107, + -0.1846895068883896, + 2.1149282455444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/145.png", + [ + 0.1807214468717575, + 0.006988046690821648, + -0.11932653933763504, + 1.378004550933838, + -0.003194450866430998, + -0.21594442427158356, + -0.017484255135059357, + 0.18539054691791534, + -0.11948828399181366, + 0.01634230464696884, + -0.1800093650817871, + 2.1294684410095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/167.png", + [ + 0.18908195197582245, + 0.015472867526113987, + -0.10467328876256943, + 1.2309269905090332, + 0.005157844629138708, + -0.21543845534324646, + -0.022529106587171555, + 0.24675163626670837, + -0.10568492859601974, + 0.017168410122394562, + -0.18837152421474457, + 2.2734761238098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/79.png", + [ + 0.18846085667610168, + 0.019666137173771858, + -0.10508876293897629, + 1.1927621364593506, + 0.015211599878966808, + -0.2157430201768875, + -0.013094079680740833, + 0.13266301155090332, + -0.10582538694143295, + 0.00401133019477129, + -0.1890311986207962, + 2.211519718170166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/176.png", + [ + 0.18567098677158356, + 0.013068891130387783, + -0.11092063039541245, + 1.2521419525146484, + 0.002184114418923855, + -0.2155698835849762, + -0.021742869168519974, + 0.2284875512123108, + -0.11166651546955109, + 0.017513617873191833, + -0.18485605716705322, + 2.1389880180358887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/165.png", + [ + 0.18972282111644745, + 0.01892029494047165, + -0.10293285548686981, + 1.2177454233169556, + 0.008757864125072956, + -0.2152271717786789, + -0.023419104516506195, + 0.25808119773864746, + -0.10429022461175919, + 0.01634555123746395, + -0.18922016024589539, + 2.29530668258667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/116.png", + [ + 0.18848556280136108, + 0.008233048021793365, + -0.10655190050601959, + 1.2403584718704224, + 0.0010852557606995106, + -0.21616701781749725, + -0.014783014543354511, + 0.15558657050132751, + -0.10686399787664413, + 0.012326079420745373, + -0.18808522820472717, + 2.244157314300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/19.png", + [ + 0.17634759843349457, + 0.0006268341094255447, + -0.12589292228221893, + 1.4559986591339111, + -0.004541670437902212, + -0.2164992392063141, + -0.00743982894346118, + 0.06515267491340637, + -0.12581254541873932, + 0.008693958632647991, + -0.17619168758392334, + 2.0947718620300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/77.png", + [ + 0.19510570168495178, + 0.017915120348334312, + -0.09252411872148514, + 1.0550501346588135, + 0.013984168879687786, + -0.2158721685409546, + -0.012310141697525978, + 0.13021951913833618, + -0.09319928288459778, + 0.005113223101943731, + -0.19553935527801514, + 2.3020596504211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/68.png", + [ + 0.1819685399532318, + 0.010180686600506306, + -0.11718229204416275, + 1.3730498552322388, + 0.00559060275554657, + -0.21636612713336945, + -0.010116219520568848, + 0.10028809309005737, + -0.11749076098203659, + 0.005472327116876841, + -0.18197214603424072, + 2.192347526550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/143.png", + [ + 0.1877584308385849, + 0.005333858076483011, + -0.10801027715206146, + 1.243537187576294, + -0.003817796939983964, + -0.21594905853271484, + -0.017300806939601898, + 0.1858493685722351, + -0.10807449370622635, + 0.016895070672035217, + -0.1870356947183609, + 2.213151454925537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/183.png", + [ + 0.18667764961719513, + 0.012603404931724072, + -0.10927259176969528, + 1.207387089729309, + -0.0016604940174147487, + -0.21490022540092468, + -0.027623137459158897, + 0.2955564856529236, + -0.10998449474573135, + 0.024636337533593178, + -0.1850523054599762, + 2.1085400581359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/86.png", + [ + 0.18798261880874634, + 0.013898171484470367, + -0.10685162991285324, + 1.2271603345870972, + 0.0072737266309559345, + -0.21601134538650513, + -0.015299991704523563, + 0.15899716317653656, + -0.1075059249997139, + 0.009686981327831745, + -0.1878737211227417, + 2.2122573852539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/1.png", + [ + 0.18742819130420685, + 0.002206479897722602, + -0.10869086533784866, + 1.184419870376587, + -0.002539788605645299, + -0.2164819985628128, + -0.0087743466719985, + 0.0843467116355896, + -0.10868357867002487, + 0.00886403676122427, + -0.18723568320274353, + 2.1159286499023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/81.png", + [ + 0.1867058426141739, + 0.019826525822281837, + -0.1081468015909195, + 1.2277369499206543, + 0.013025986962020397, + -0.21561047434806824, + -0.017039598897099495, + 0.17576509714126587, + -0.10917484760284424, + 0.008181271143257618, + -0.18698079884052277, + 2.182152271270752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/95.png", + [ + 0.18656553328037262, + 0.009565609507262707, + -0.10977111011743546, + 1.2744415998458862, + 0.00441767368465662, + -0.21633240580558777, + -0.011343290098011494, + 0.11466139554977417, + -0.11009850353002548, + 0.0075289588421583176, + -0.18646588921546936, + 2.2252392768859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/103.png", + [ + 0.18741856515407562, + 0.009211501106619835, + -0.10833889245986938, + 1.2626177072525024, + 0.003524082712829113, + -0.21629686653614044, + -0.01229419931769371, + 0.1262061595916748, + -0.10867265611886978, + 0.008872134611010551, + -0.18724162876605988, + 2.240598201751709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/150.png", + [ + 0.1842874139547348, + 0.011411584913730621, + -0.11338348686695099, + 1.3160102367401123, + -0.002003107685595751, + -0.21522778272628784, + -0.024917541071772575, + 0.26820141077041626, + -0.11393868923187256, + 0.022241223603487015, + -0.18295134603977203, + 2.1742944717407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/83.png", + [ + 0.18689097464084625, + 0.017019327729940414, + -0.10830508917570114, + 1.2319544553756714, + 0.00931562576442957, + -0.21573902666568756, + -0.017826737836003304, + 0.1878969371318817, + -0.1092376783490181, + 0.010719885118305683, + -0.18681570887565613, + 2.181797981262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/142.png", + [ + 0.18590815365314484, + 0.005492175463587046, + -0.11115707457065582, + 1.2834314107894897, + -0.0051079909317195415, + -0.21576151251792908, + -0.019203610718250275, + 0.20600199699401855, + -0.11117537319660187, + 0.019097285345196724, + -0.18499518930912018, + 2.195733070373535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/51.png", + [ + 0.1845722794532776, + -0.002414785325527191, + -0.11346867680549622, + 1.2790642976760864, + -0.012013059109449387, + -0.21582435071468353, + -0.014947808347642422, + 0.1493425816297531, + -0.11285682767629623, + 0.019024180248379707, + -0.18398185074329376, + 2.124807834625244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/128.png", + [ + 0.18595869839191437, + 0.007030093111097813, + -0.11098572611808777, + 1.2789523601531982, + -0.0032072572503238916, + -0.21581228077411652, + -0.019043870270252228, + 0.20300622284412384, + -0.11116190254688263, + 0.017987031489610672, + -0.1851145327091217, + 2.192702293395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/168.png", + [ + 0.18843920528888702, + 0.014613434672355652, + -0.10594815015792847, + 1.2409316301345825, + 0.004251508973538876, + -0.21549637615680695, + -0.0221616979688406, + 0.24129027128219604, + -0.10686668753623962, + 0.017194874584674835, + -0.18770121037960052, + 2.25766658782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+oVkChb9DyoA+P0+C0+F5884-6070/93.png", + [ + 0.18826884031295776, + 0.010543093085289001, + -0.10673133283853531, + 1.2357715368270874, + 0.004915469326078892, + -0.2162468135356903, + -0.012690559029579163, + 0.13021041452884674, + -0.10713809728622437, + 0.008605541661381721, + -0.18813630938529968, + 2.235018253326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/76.png", + [ + 0.17652419209480286, + -0.013312796130776405, + -0.1249394565820694, + 1.4213862419128418, + -0.006992705632001162, + -0.21616196632385254, + 0.013153077103197575, + -0.1595473736524582, + -0.1254519820213318, + -0.006683624815195799, + -0.1765361875295639, + 2.0547561645507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/48.png", + [ + 0.18282674252986908, + -0.011749573051929474, + -0.115690216422081, + 1.3151607513427734, + -0.006368726026266813, + -0.21625395119190216, + 0.011898309923708439, + -0.14379596710205078, + -0.11611081659793854, + -0.006639123894274235, + -0.18281711637973785, + 2.1242146492004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/35.png", + [ + 0.18345680832862854, + -0.014501738362014294, + -0.11437302827835083, + 1.3235955238342285, + -0.005514319986104965, + -0.21581141650676727, + 0.01851835660636425, + -0.22213105857372284, + -0.11515677720308304, + -0.012768588960170746, + -0.18309499323368073, + 2.157839775085449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/124.png", + [ + 0.17920680344104767, + -0.01769077032804489, + -0.12049835920333862, + 1.342378854751587, + -0.008414763025939465, + -0.21566283702850342, + 0.019147638231515884, + -0.2222885638475418, + -0.12149902433156967, + -0.01115692313760519, + -0.17905698716640472, + 2.0537776947021484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/97.png", + [ + 0.17741522192955017, + -0.0036631841212511063, + -0.12433145940303802, + 1.4060460329055786, + 0.0033596165012568235, + -0.21636049449443817, + 0.011168657802045345, + -0.12757378816604614, + -0.12434004247188568, + -0.011072805151343346, + -0.1771012246608734, + 2.0398716926574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/13.png", + [ + 0.1799398958683014, + -0.02310386300086975, + -0.11847250908613205, + 1.3392459154129028, + -0.028319938108325005, + -0.2148129791021347, + -0.0011215860722586513, + 0.004662379622459412, + -0.1173350065946579, + 0.016416098922491074, + -0.18141362071037292, + 2.095550060272217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/32.png", + [ + 0.18196895718574524, + -0.016305986791849136, + -0.11648736894130707, + 1.337423324584961, + -0.00476043438538909, + -0.21542763710021973, + 0.022719282656908035, + -0.2693518102169037, + -0.11752671748399734, + -0.016520965844392776, + -0.1812799572944641, + 2.1144633293151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/38.png", + [ + 0.18503788113594055, + -0.012922748923301697, + -0.11199049651622772, + 1.301436185836792, + -0.006750643718987703, + -0.21613022685050964, + 0.013785740360617638, + -0.16845998167991638, + -0.11253131181001663, + -0.00828374084085226, + -0.18497560918331146, + 2.1947293281555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/111.png", + [ + 0.1755305677652359, + -0.007502878550440073, + -0.12680937349796295, + 1.417175054550171, + -0.0015388698084279895, + -0.21640609204769135, + 0.010673892684280872, + -0.1261879801750183, + -0.12702181935310364, + -0.007746415212750435, + -0.17536631226539612, + 2.003751277923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/11.png", + [ + 0.1799750179052353, + -0.019766023382544518, + -0.11902183294296265, + 1.3482331037521362, + -0.026001015678048134, + -0.21507881581783295, + -0.0035983354318886995, + 0.03411942347884178, + -0.1178169772028923, + 0.017271514981985092, + -0.18102140724658966, + 2.092280864715576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/125.png", + [ + 0.18070699274539948, + -0.015590027906000614, + -0.1185319721698761, + 1.3169769048690796, + -0.006692034658044577, + -0.21580667793750763, + 0.01818188838660717, + -0.21093256771564484, + -0.1193653792142868, + -0.011502844281494617, + -0.18046462535858154, + 2.068657875061035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/59.png", + [ + 0.18052078783512115, + -0.011271215975284576, + -0.11930253356695175, + 1.34798264503479, + -0.0029602956492453814, + -0.21606768667697906, + 0.015933865681290627, + -0.18983761966228485, + -0.11979721486568451, + -0.011645219288766384, + -0.18016913533210754, + 2.0810647010803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/105.png", + [ + 0.17386047542095184, + 0.0002169261424569413, + -0.1293073445558548, + 1.461483120918274, + 0.007392605300992727, + -0.21633660793304443, + 0.009576816111803055, + -0.10869935154914856, + -0.12909601628780365, + -0.012096237391233444, + -0.17359665036201477, + 1.9947670698165894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/121.png", + [ + 0.17740407586097717, + -0.015751000493764877, + -0.12340013682842255, + 1.3755654096603394, + -0.006561804097145796, + -0.2158164083957672, + 0.01811370439827442, + -0.21226397156715393, + -0.12422813475131989, + -0.011093675158917904, + -0.17717842757701874, + 2.0281333923339844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/24.png", + [ + 0.18096402287483215, + -0.025026798248291016, + -0.1165057122707367, + 1.3093022108078003, + -0.01851346716284752, + -0.2151745706796646, + 0.017465749755501747, + -0.20523996651172638, + -0.11771649867296219, + -0.004632510710507631, + -0.18184955418109894, + 2.091195583343506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/74.png", + [ + 0.17782828211784363, + -0.01282967533916235, + -0.1231275275349617, + 1.402547001838684, + -0.006126010324805975, + -0.21615584194660187, + 0.013675507158041, + -0.1644475907087326, + -0.1236424669623375, + -0.007742538116872311, + -0.17776525020599365, + 2.069423198699951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/98.png", + [ + 0.1765831708908081, + -0.002130327047780156, + -0.12554576992988586, + 1.4173133373260498, + 0.005773941986262798, + -0.21627652645111084, + 0.011791083961725235, + -0.13559353351593018, + -0.12543101608753204, + -0.012954913079738617, + -0.1762019544839859, + 2.0289978981018066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/0.png", + [ + 0.17180286347866058, + -0.021687278524041176, + -0.1302357017993927, + 1.492621898651123, + -0.027899326756596565, + -0.21486850082874298, + -0.0010233051143586636, + 0.011121869087219238, + -0.12904766201972961, + 0.01758071407675743, + -0.1731632649898529, + 2.018162727355957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/96.png", + [ + 0.1761084645986557, + -0.0032373364083468914, + -0.12618723511695862, + 1.430964469909668, + 0.003778078593313694, + -0.21637113392353058, + 0.010823736898601055, + -0.1250009536743164, + -0.12617221474647522, + -0.010997581295669079, + -0.17580534517765045, + 2.028902530670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/100.png", + [ + 0.1761053204536438, + -0.0004872579884249717, + -0.12623222172260284, + 1.419641375541687, + 0.007235363125801086, + -0.2162778377532959, + 0.010928820818662643, + -0.1262442022562027, + -0.12602563202381134, + -0.013097792863845825, + -0.17576655745506287, + 2.0172781944274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/40.png", + [ + 0.18520143628120422, + -0.01126859150826931, + -0.11189883202314377, + 1.293129801750183, + -0.00646225456148386, + -0.2162943333387375, + 0.011086028069257736, + -0.13537660241127014, + -0.11227897554636002, + -0.006138370838016272, + -0.18521243333816528, + 2.1914758682250977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/52.png", + [ + 0.1807764768600464, + -0.007297953125089407, + -0.11922457814216614, + 1.343889832496643, + -0.0037334098014980555, + -0.2165094017982483, + 0.0075920820236206055, + -0.09719531238079071, + -0.1193893775343895, + -0.004279944580048323, + -0.1807643473148346, + 2.088268756866455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/3.png", + [ + 0.1759497970342636, + -0.02007666975259781, + -0.12484583258628845, + 1.427382469177246, + -0.02395840734243393, + -0.21534425020217896, + 0.0008644090848974884, + -0.0154072605073452, + -0.12415936589241028, + 0.01310266274958849, + -0.17708942294120789, + 2.066275119781494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/47.png", + [ + 0.18365870416164398, + -0.01176819670945406, + -0.11436296254396439, + 1.3000520467758179, + -0.006753061432391405, + -0.2162686139345169, + 0.0114095788449049, + -0.13754285871982574, + -0.11476831883192062, + -0.006106704939156771, + -0.18368130922317505, + 2.1339197158813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/104.png", + [ + 0.17278479039669037, + 0.000784145959187299, + -0.1307390183210373, + 1.4741098880767822, + 0.006410364992916584, + -0.2164609432220459, + 0.007173654157668352, + -0.0797332152724266, + -0.13058415055274963, + -0.009588493034243584, + -0.17263758182525635, + 1.9803591966629028, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/21.png", + [ + 0.18078123033046722, + -0.020814213901758194, + -0.11761297285556793, + 1.3230353593826294, + -0.021013040095567703, + -0.21557387709617615, + 0.005851714871823788, + -0.07239584624767303, + -0.11757759749889374, + 0.006523724179714918, + -0.1818813979625702, + 2.0945229530334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/82.png", + [ + 0.17437033355236053, + -0.009886476211249828, + -0.12823860347270966, + 1.4470014572143555, + -0.00686523737385869, + -0.21644103527069092, + 0.007351494859904051, + -0.09090062230825424, + -0.12843579053878784, + -0.0018529818626120687, + -0.17449557781219482, + 2.0177226066589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/106.png", + [ + 0.1761557012796402, + -0.002220328664407134, + -0.12614332139492035, + 1.4291998147964478, + 0.006947988178580999, + -0.21614156663417816, + 0.013507121242582798, + -0.15520918369293213, + -0.12597139179706573, + -0.015026211738586426, + -0.17565111815929413, + 2.0214362144470215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/14.png", + [ + 0.18053719401359558, + -0.023949703201651573, + -0.11739092320203781, + 1.3277771472930908, + -0.02903306484222412, + -0.2147190421819687, + -0.0008441109675914049, + 0.002086728811264038, + -0.11623810231685638, + 0.0164329893887043, + -0.18211686611175537, + 2.1039772033691406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/67.png", + [ + 0.17950433492660522, + -0.01195987407118082, + -0.12076029926538467, + 1.3853825330734253, + -0.00487586110830307, + -0.2161564826965332, + 0.01416000071913004, + -0.16808032989501953, + -0.1212531253695488, + -0.00901337806135416, + -0.17934417724609375, + 2.0951762199401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/78.png", + [ + 0.17526084184646606, + -0.011594678275287151, + -0.12687431275844574, + 1.437643051147461, + -0.006020609755069017, + -0.21628814935684204, + 0.01144923735409975, + -0.14043620228767395, + -0.12726067006587982, + -0.005735521670430899, + -0.17527039349079132, + 2.0341930389404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/31.png", + [ + 0.1817261427640915, + -0.01604539342224598, + -0.11690186709165573, + 1.3355003595352173, + -0.004362865816801786, + -0.21542894840240479, + 0.022786594927310944, + -0.26890841126441956, + -0.11791719496250153, + -0.016757354140281677, + -0.18100446462631226, + 2.104248523712158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/39.png", + [ + 0.18525157868862152, + -0.011680862866342068, + -0.11177343875169754, + 1.294873595237732, + -0.006120131816715002, + -0.21622984111309052, + 0.012453648261725903, + -0.152000293135643, + -0.11221538484096527, + -0.007490446325391531, + -0.1852012574672699, + 2.1948647499084473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/92.png", + [ + 0.17313846945762634, + -0.009347057901322842, + -0.12993688881397247, + 1.4778327941894531, + -0.0020484442356973886, + -0.21628479659557343, + 0.012829011306166649, + -0.1550063043832779, + -0.1302565485239029, + -0.00902287196367979, + -0.17291532456874847, + 2.0077967643737793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/53.png", + [ + 0.18083029985427856, + -0.008107776753604412, + -0.11909054219722748, + 1.3418819904327393, + -0.0048647369258105755, + -0.21649520099163055, + 0.007352412212640047, + -0.09685026109218597, + -0.11926703155040741, + -0.0034623113460838795, + -0.18086260557174683, + 2.0912060737609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/75.png", + [ + 0.1773144006729126, + -0.012810434214770794, + -0.1238684356212616, + 1.4103432893753052, + -0.006227660458534956, + -0.216167613863945, + 0.013441253453493118, + -0.16273947060108185, + -0.12437327206134796, + -0.00743934465572238, + -0.17726770043373108, + 2.063086986541748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/87.png", + [ + 0.1711921989917755, + -0.010033374652266502, + -0.13244040310382843, + 1.49504816532135, + -0.007380104158073664, + -0.2164403200149536, + 0.0068575008772313595, + -0.0863606333732605, + -0.13261471688747406, + -0.0009070121450349689, + -0.17134879529476166, + 1.9847036600112915, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/107.png", + [ + 0.1770971715450287, + -0.005008903332054615, + -0.12473733723163605, + 1.413346290588379, + 0.004518535919487476, + -0.21610110998153687, + 0.015092909336090088, + -0.1741381287574768, + -0.12475607544183731, + -0.014937334693968296, + -0.17652393877506256, + 2.0334696769714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/112.png", + [ + 0.17449548840522766, + -0.006955242250114679, + -0.12826082110404968, + 1.4263437986373901, + -0.0017642818856984377, + -0.21646612882614136, + 0.009338119998574257, + -0.11023260653018951, + -0.12843716144561768, + -0.006475938484072685, + -0.1743842214345932, + 1.9862936735153198, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/69.png", + [ + 0.17883016169071198, + -0.012383547611534595, + -0.12171406298875809, + 1.3929928541183472, + -0.005168134346604347, + -0.21613402664661407, + 0.014396755024790764, + -0.17043600976467133, + -0.12223319709300995, + -0.00897908490151167, + -0.17867936193943024, + 2.084348201751709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/45.png", + [ + 0.1833532750606537, + -0.010084341280162334, + -0.11501208692789078, + 1.309343934059143, + -0.004106315318495035, + -0.2162795513868332, + 0.012417221441864967, + -0.15043361485004425, + -0.11538029462099075, + -0.008327977731823921, + -0.18321006000041962, + 2.1343674659729004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/50.png", + [ + 0.18149827420711517, + -0.00906071625649929, + -0.11800073087215424, + 1.3356263637542725, + -0.004105717409402132, + -0.2163907140493393, + 0.010300561785697937, + -0.1256657987833023, + -0.11827684193849564, + -0.006392333656549454, + -0.18143214285373688, + 2.102227210998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/101.png", + [ + 0.17544154822826385, + -0.00032381058554165065, + -0.1271536648273468, + 1.4284087419509888, + 0.006527692545205355, + -0.2163652926683426, + 0.009557646699249744, + -0.1102159172296524, + -0.12698639929294586, + -0.0115695521235466, + -0.1751813143491745, + 2.0077261924743652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/85.png", + [ + 0.17432644963264465, + -0.008790175430476665, + -0.1283780336380005, + 1.447527527809143, + -0.0072665950283408165, + -0.21649602055549622, + 0.004956287331879139, + -0.0647883489727974, + -0.12847328186035156, + 0.0003178014885634184, + -0.17447754740715027, + 2.016201972961426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/71.png", + [ + 0.1773008406162262, + -0.01216923352330923, + -0.1239524781703949, + 1.4150456190109253, + -0.00475049065425992, + -0.2161417305469513, + 0.014424990862607956, + -0.17164932191371918, + -0.12445777654647827, + -0.009086104109883308, + -0.17713159322738647, + 2.06465482711792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/115.png", + [ + 0.1742536872625351, + -0.009605241939425468, + -0.12841841578483582, + 1.4221159219741821, + -0.003284820821136236, + -0.21633228659629822, + 0.011723646894097328, + -0.13730865716934204, + -0.1287352293729782, + -0.007481526583433151, + -0.17412397265434265, + 1.979843258857727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/54.png", + [ + 0.1810259371995926, + -0.010065681301057339, + -0.11864311993122101, + 1.3323699235916138, + -0.0072759343311190605, + -0.2164306938648224, + 0.0072603411972522736, + -0.09333373606204987, + -0.1188468262553215, + -0.0020817879121750593, + -0.18116013705730438, + 2.0922045707702637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/33.png", + [ + 0.18120186030864716, + -0.01475935336202383, + -0.11788107454776764, + 1.3579511642456055, + -0.00436612730845809, + -0.2156781107187271, + 0.020292649045586586, + -0.2421606332063675, + -0.11872119456529617, + -0.014595068991184235, + -0.18066586554050446, + 2.115701198577881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/49.png", + [ + 0.18210376799106598, + -0.01029445044696331, + -0.11696211993694305, + 1.3277184963226318, + -0.004625391215085983, + -0.21630163490772247, + 0.011836358346045017, + -0.14304853975772858, + -0.1173231452703476, + -0.007451033219695091, + -0.18201003968715668, + 2.1122779846191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/118.png", + [ + 0.17484883964061737, + -0.018037496134638786, + -0.12669028341770172, + 1.4116110801696777, + -0.009777174331247807, + -0.21576738357543945, + 0.017226072028279305, + -0.2049216479063034, + -0.12759381532669067, + -0.008184095844626427, + -0.1749306470155716, + 2.0007829666137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/110.png", + [ + 0.17506100237369537, + -0.00777074508368969, + -0.12744081020355225, + 1.4329956769943237, + -0.0006227368139661849, + -0.21632234752178192, + 0.012334897182881832, + -0.14481139183044434, + -0.12767596542835236, + -0.009599635377526283, + -0.17479869723320007, + 2.0059170722961426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/18.png", + [ + 0.18070420622825623, + -0.022740017622709274, + -0.11737450957298279, + 1.3274030685424805, + -0.02285640686750412, + -0.21536657214164734, + 0.006536260712891817, + -0.08117686212062836, + -0.11735189706087112, + 0.006930343806743622, + -0.18201208114624023, + 2.1024575233459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/66.png", + [ + 0.17877762019634247, + -0.011849585920572281, + -0.1218443289399147, + 1.3956102132797241, + -0.005125755909830332, + -0.21619261801242828, + 0.013504299335181713, + -0.15905021131038666, + -0.1223118007183075, + -0.008259955793619156, + -0.17866025865077972, + 2.086183547973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/16.png", + [ + 0.18024426698684692, + -0.02388910949230194, + -0.11785247921943665, + 1.3339122533798218, + -0.026462478563189507, + -0.21503005921840668, + 0.003115480998530984, + -0.04312501102685928, + -0.11730147898197174, + 0.011801664717495441, + -0.18179377913475037, + 2.100984573364258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/94.png", + [ + 0.1747412383556366, + -0.007117409259080887, + -0.12791691720485687, + 1.4522383213043213, + -0.0005157338455319405, + -0.21637733280658722, + 0.011334903538227081, + -0.13199681043624878, + -0.1281137317419052, + -0.008836770430207253, + -0.1745184063911438, + 2.019303798675537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/28.png", + [ + 0.18122293055057526, + -0.018313823267817497, + -0.117348812520504, + 1.3272281885147095, + -0.00817786157131195, + -0.21549922227859497, + 0.021002329885959625, + -0.24400198459625244, + -0.1184874027967453, + -0.013136940076947212, + -0.18093106150627136, + 2.0876240730285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/61.png", + [ + 0.1800263673067093, + -0.01091037318110466, + -0.12008065730333328, + 1.3621162176132202, + -0.0028414810076355934, + -0.2161097377538681, + 0.0153754698112607, + -0.18047454953193665, + -0.12054181098937988, + -0.011200126260519028, + -0.1797001212835312, + 2.0799484252929688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/58.png", + [ + 0.18190722167491913, + -0.011484988033771515, + -0.1171569675207138, + 1.3197637796401978, + -0.0034890526439994574, + -0.21607224643230438, + 0.015764348208904266, + -0.1883804351091385, + -0.11766684800386429, + -0.011348268948495388, + -0.18158641457557678, + 2.0944814682006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/123.png", + [ + 0.17883647978305817, + -0.01583290658891201, + -0.12130431085824966, + 1.3526067733764648, + -0.0057775662280619144, + -0.21570564806461334, + 0.01963663101196289, + -0.22937308251857758, + -0.12219671159982681, + -0.012972916476428509, + -0.17845885455608368, + 2.044581413269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/64.png", + [ + 0.17780980467796326, + -0.01041872426867485, + -0.1233815923333168, + 1.4091182947158813, + -0.004008895717561245, + -0.21627743542194366, + 0.012485768646001816, + -0.14446328580379486, + -0.1237558051943779, + -0.007963406853377819, + -0.17767663300037384, + 2.068143367767334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/10.png", + [ + 0.179258793592453, + -0.018974775448441505, + -0.12022538483142853, + 1.3631430864334106, + -0.025158023461699486, + -0.21517984569072723, + -0.003550061257556081, + 0.03445809707045555, + -0.11908508837223053, + 0.016896361485123634, + -0.18022526800632477, + 2.086829662322998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/41.png", + [ + 0.18534182012081146, + -0.010800301097333431, + -0.11171237379312515, + 1.2857019901275635, + -0.006005994044244289, + -0.21631446480751038, + 0.010948646813631058, + -0.13238127529621124, + -0.1120724231004715, + -0.006268840283155441, + -0.18533311784267426, + 2.186741352081299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/91.png", + [ + 0.17346063256263733, + -0.009938702918589115, + -0.12946243584156036, + 1.4720287322998047, + -0.002651296090334654, + -0.216265007853508, + 0.01305010449141264, + -0.1578804850578308, + -0.12981627881526947, + -0.008863224647939205, + -0.1732543259859085, + 2.011873245239258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/23.png", + [ + 0.18106937408447266, + -0.021782495081424713, + -0.11699272692203522, + 1.3155282735824585, + -0.017214573919773102, + -0.21556785702705383, + 0.013492920435965061, + -0.1609494537115097, + -0.1177515834569931, + -0.0019807335920631886, + -0.1818750649690628, + 2.0920543670654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/37.png", + [ + 0.18439868092536926, + -0.014069783501327038, + -0.11290289461612701, + 1.3129804134368896, + -0.006670245435088873, + -0.21597857773303986, + 0.016020730137825012, + -0.19568009674549103, + -0.11358049511909485, + -0.010158604010939598, + -0.1842394322156906, + 2.184093475341797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/36.png", + [ + 0.18380193412303925, + -0.014234130270779133, + -0.11385135352611542, + 1.3207125663757324, + -0.006192625500261784, + -0.21591809391975403, + 0.01699751242995262, + -0.20656421780586243, + -0.11457046866416931, + -0.011164838448166847, + -0.18356700241565704, + 2.169656276702881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/8.png", + [ + 0.17990396916866302, + -0.018712375313043594, + -0.11929918080568314, + 1.358734369277954, + -0.024179095402359962, + -0.21530450880527496, + -0.002691192552447319, + 0.026347629725933075, + -0.11831238865852356, + 0.015547286719083786, + -0.18085451424121857, + 2.101297378540039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/6.png", + [ + 0.17987202107906342, + -0.01879529282450676, + -0.11933435499668121, + 1.3622311353683472, + -0.022882893681526184, + -0.21546220779418945, + -0.0005557270487770438, + 0.0023594871163368225, + -0.11861839890480042, + 0.013064173981547356, + -0.18085049092769623, + 2.1033682823181152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/20.png", + [ + 0.1805032640695572, + -0.021014420315623283, + -0.11800362169742584, + 1.3301039934158325, + -0.021393518894910812, + -0.21554158627986908, + 0.005659836810082197, + -0.07077498733997345, + -0.11793546378612518, + 0.006936177611351013, + -0.18163424730300903, + 2.0950093269348145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/2.png", + [ + 0.17527157068252563, + -0.020822817459702492, + -0.12567487359046936, + 1.437211036682129, + -0.02560432255268097, + -0.21515648066997528, + -6.0043497796868905e-05, + -0.0037209447473287582, + -0.1247885525226593, + 0.014899502508342266, + -0.17650413513183594, + 2.060439109802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/117.png", + [ + 0.17435196042060852, + -0.015210370533168316, + -0.12774167954921722, + 1.4230643510818481, + -0.007815595716238022, + -0.216009721159935, + 0.015053221955895424, + -0.179059699177742, + -0.12840642035007477, + -0.007505177054554224, + -0.1743655800819397, + 1.99240243434906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/5.png", + [ + 0.1796514093875885, + -0.019969016313552856, + -0.11947595328092575, + 1.363932490348816, + -0.023974591866135597, + -0.21534417569637299, + -5.740225242334418e-05, + -0.00306120328605175, + -0.11873704940080643, + 0.013267355971038342, + -0.1807578206062317, + 2.1023693084716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/108.png", + [ + 0.17707139253616333, + -0.0070672123692929745, + -0.12467429786920547, + 1.409864902496338, + 0.002379240468144417, + -0.2160971462726593, + 0.015628721565008163, + -0.18016737699508667, + -0.1248517706990242, + -0.01414115447551012, + -0.17652183771133423, + 2.0333175659179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/60.png", + [ + 0.1809249371290207, + -0.010965612716972828, + -0.11871741712093353, + 1.3433197736740112, + -0.0028197811916470528, + -0.2160894274711609, + 0.015662267804145813, + -0.18506820499897003, + -0.11918941140174866, + -0.011533133685588837, + -0.18057896196842194, + 2.0861692428588867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/56.png", + [ + 0.1830030381679535, + -0.011962288059294224, + -0.11538927257061005, + 1.2932478189468384, + -0.006139046512544155, + -0.21621625125408173, + 0.012678618542850018, + -0.1515422761440277, + -0.11584513634443283, + -0.0074390145018696785, + -0.182954803109169, + 2.1068010330200195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/30.png", + [ + 0.18073101341724396, + -0.01597125642001629, + -0.1184445470571518, + 1.3481453657150269, + -0.004768436308950186, + -0.2155238837003708, + 0.02178557589650154, + -0.2568221092224121, + -0.1194213256239891, + -0.015564970672130585, + -0.18012267351150513, + 2.088791847229004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/17.png", + [ + 0.1806132048368454, + -0.023738522082567215, + -0.11731687188148499, + 1.3277055025100708, + -0.0252557210624218, + -0.21514740586280823, + 0.004652057308703661, + -0.06039172410964966, + -0.11699961870908737, + 0.009796714410185814, + -0.1821071207523346, + 2.10444974899292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/12.png", + [ + 0.18003840744495392, + -0.02088945172727108, + -0.1187337189912796, + 1.3436062335968018, + -0.026527240872383118, + -0.21503132581710815, + -0.0023922009859234095, + 0.019418299198150635, + -0.11760259419679642, + 0.01652415841817856, + -0.18123044073581696, + 2.0936012268066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/114.png", + [ + 0.17168684303760529, + -0.010629584081470966, + -0.13175180554389954, + 1.46180260181427, + -0.0052942330949008465, + -0.21635256707668304, + 0.010556118562817574, + -0.12339642643928528, + -0.13207381963729858, + -0.0051451437175273895, + -0.17169137299060822, + 1.9592093229293823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/27.png", + [ + 0.18107984960079193, + -0.019651463255286217, + -0.11735332012176514, + 1.3256676197052002, + -0.010350554250180721, + -0.21549059450626373, + 0.02011386677622795, + -0.23490825295448303, + -0.11853627860546112, + -0.011203641071915627, + -0.1810290813446045, + 2.088348388671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/42.png", + [ + 0.18632736802101135, + -0.011627111583948135, + -0.10997644811868668, + 1.2603336572647095, + -0.006453840993344784, + -0.21624977886676788, + 0.011928308755159378, + -0.1431477665901184, + -0.11040089279413223, + -0.006981894839555025, + -0.18630832433700562, + 2.1864194869995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/7.png", + [ + 0.18028928339481354, + -0.01921292580664158, + -0.1186361238360405, + 1.353717565536499, + -0.02358400449156761, + -0.21538516879081726, + -0.0009589303517714143, + 0.007058687508106232, + -0.1178450658917427, + 0.013710880652070045, + -0.1813076138496399, + 2.1086130142211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/73.png", + [ + 0.1774984449148178, + -0.012547032907605171, + -0.12363158166408539, + 1.4094384908676147, + -0.005207690875977278, + -0.21612901985645294, + 0.01445764023810625, + -0.1734783947467804, + -0.12415745109319687, + -0.008872169069945812, + -0.17735305428504944, + 2.066286563873291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/120.png", + [ + 0.17737911641597748, + -0.0168361347168684, + -0.12329268455505371, + 1.374404788017273, + -0.007838956080377102, + -0.21576771140098572, + 0.018186217173933983, + -0.21456922590732574, + -0.12418974190950394, + -0.010427474975585938, + -0.17724578082561493, + 2.0273513793945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/46.png", + [ + 0.18336068093776703, + -0.010831697843968868, + -0.11493226885795593, + 1.307116150856018, + -0.005493755452334881, + -0.2162930965423584, + 0.011619734577834606, + -0.1404084414243698, + -0.11531075090169907, + -0.006919096689671278, + -0.18331244587898254, + 2.1307339668273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/57.png", + [ + 0.1822962611913681, + -0.01009173970669508, + -0.11667956411838531, + 1.3117340803146362, + -0.0026670037768781185, + -0.21617044508457184, + 0.014529972337186337, + -0.1740456074476242, + -0.117084801197052, + -0.010788408108055592, + -0.18199630081653595, + 2.0980000495910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/44.png", + [ + 0.1850287765264511, + -0.011348497122526169, + -0.11217600852251053, + 1.2781113386154175, + -0.005764365196228027, + -0.21624450385570526, + 0.012368745170533657, + -0.14851129055023193, + -0.1126011312007904, + -0.007577955722808838, + -0.1849633753299713, + 2.1583924293518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/113.png", + [ + 0.17101222276687622, + -0.008342727087438107, + -0.1327897161245346, + 1.4758132696151733, + -0.003907840233296156, + -0.2164699137210846, + 0.0085673863068223, + -0.10050436854362488, + -0.1329941302537918, + -0.004366948269307613, + -0.1710011214017868, + 1.9516252279281616, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/29.png", + [ + 0.18049176037311554, + -0.01624724082648754, + -0.11877141892910004, + 1.3461036682128906, + -0.005950732622295618, + -0.21562503278255463, + 0.020453181117773056, + -0.23840416967868805, + -0.11972974985837936, + -0.013775741681456566, + -0.1800636202096939, + 2.0815272331237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/4.png", + [ + 0.17752918601036072, + -0.020721634849905968, + -0.12248222529888153, + 1.4003844261169434, + -0.025117583572864532, + -0.2152138501405716, + 3.909723091055639e-06, + -0.004204202443361282, + -0.12165684998035431, + 0.014195309020578861, + -0.1787344366312027, + 2.0825462341308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/55.png", + [ + 0.18135344982147217, + -0.011721081100404263, + -0.11798913031816483, + 1.3218777179718018, + -0.007087590638548136, + -0.2162994146347046, + 0.010593382641673088, + -0.12943941354751587, + -0.11835785210132599, + -0.0050069899298250675, + -0.18142279982566833, + 2.0940237045288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/9.png", + [ + 0.17947445809841156, + -0.01844303123652935, + -0.11998610198497772, + 1.3626625537872314, + -0.025015413761138916, + -0.21518194675445557, + -0.004342341795563698, + 0.044922877103090286, + -0.1187899112701416, + 0.0174493957310915, + -0.1803673356771469, + 2.0924859046936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/25.png", + [ + 0.1807273030281067, + -0.02318960800766945, + -0.11725091189146042, + 1.3184430599212646, + -0.014947821386158466, + -0.21527376770973206, + 0.019536178559064865, + -0.22831286489963531, + -0.11858370900154114, + -0.008206196129322052, + -0.181158646941185, + 2.0842337608337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/99.png", + [ + 0.17635414004325867, + -0.0008190579828806221, + -0.12588262557983398, + 1.4184203147888184, + 0.006935698911547661, + -0.21627774834632874, + 0.011123716831207275, + -0.12740002572536469, + -0.12569409608840942, + -0.013083202764391899, + -0.17600487172603607, + 2.0245776176452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/34.png", + [ + 0.18327756226062775, + -0.014137406833469868, + -0.11470553278923035, + 1.3250064849853516, + -0.003930707927793264, + -0.21568554639816284, + 0.020302629098296165, + -0.24173332750797272, + -0.1155065968632698, + -0.015092410147190094, + -0.18269741535186768, + 2.1456685066223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/72.png", + [ + 0.17771680653095245, + -0.0132658826187253, + -0.12324222922325134, + 1.406299114227295, + -0.00539614912122488, + -0.21605394780635834, + 0.015474888496100903, + -0.184431254863739, + -0.12383662909269333, + -0.009623249992728233, + -0.17753809690475464, + 2.069525718688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/102.png", + [ + 0.17400899529457092, + -0.000668563530780375, + -0.1291058212518692, + 1.4512627124786377, + 0.004958420060575008, + -0.21647725999355316, + 0.007803973276168108, + -0.0876418799161911, + -0.1290123015642166, + -0.009221765212714672, + -0.17383520305156708, + 1.9911264181137085, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/70.png", + [ + 0.1777704507112503, + -0.012409872375428677, + -0.12325403094291687, + 1.4090607166290283, + -0.005898868199437857, + -0.21618811786174774, + 0.013258976861834526, + -0.1574859321117401, + -0.1237366795539856, + -0.00752277672290802, + -0.17770913243293762, + 2.0721983909606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/90.png", + [ + 0.1727539747953415, + -0.008716585114598274, + -0.13049131631851196, + 1.4823240041732788, + -0.0017820335924625397, + -0.2163296639919281, + 0.012091247364878654, + -0.14640381932258606, + -0.13076995313167572, + -0.008567088283598423, + -0.17255060374736786, + 2.0042190551757812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/122.png", + [ + 0.177970290184021, + -0.015920547768473625, + -0.12256020307540894, + 1.366041660308838, + -0.0064591215923428535, + -0.21577388048171997, + 0.018649665638804436, + -0.2166159749031067, + -0.12342101335525513, + -0.01166474912315607, + -0.17770503461360931, + 2.034691333770752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/15.png", + [ + 0.1803598254919052, + -0.02401614934206009, + -0.11764970421791077, + 1.3312467336654663, + -0.027748437598347664, + -0.2148863971233368, + 0.0013263100991025567, + -0.02158237248659134, + -0.11682573705911636, + 0.013962789438664913, + -0.18194693326950073, + 2.102320671081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/22.png", + [ + 0.17982548475265503, + -0.021441899240016937, + -0.11895770579576492, + 1.338797926902771, + -0.01913929358124733, + -0.2155991792678833, + 0.009928926825523376, + -0.1195472925901413, + -0.11934980750083923, + 0.00226741936057806, + -0.18082691729068756, + 2.083238124847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/109.png", + [ + 0.17715942859649658, + -0.00705680763348937, + -0.12454968690872192, + 1.4043803215026855, + 0.0018915595719590783, + -0.21615086495876312, + 0.014937353320419788, + -0.17311060428619385, + -0.12473510950803757, + -0.013300524093210697, + -0.17666956782341003, + 2.0296082496643066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/26.png", + [ + 0.18138264119625092, + -0.02081485092639923, + -0.11668320000171661, + 1.3161767721176147, + -0.01109420508146286, + -0.21535232663154602, + 0.02117040380835533, + -0.24738019704818726, + -0.11800486594438553, + -0.011747741140425205, + -0.1813414990901947, + 2.0904054641723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/43.png", + [ + 0.1859496533870697, + -0.011700451374053955, + -0.11060615628957748, + 1.2637720108032227, + -0.005994807463139296, + -0.21621350944042206, + 0.012793710455298424, + -0.15444426238536835, + -0.11106162518262863, + -0.007919355295598507, + -0.18587763607501984, + 2.175217628479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/84.png", + [ + 0.1730111986398697, + -0.00809126440435648, + -0.1301904320716858, + 1.4675341844558716, + -0.005948182195425034, + -0.21652178466320038, + 0.005552119575440884, + -0.07107815891504288, + -0.1303059309720993, + -0.0008592717931605875, + -0.17311127483844757, + 2.001873016357422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/89.png", + [ + 0.17250463366508484, + -0.008965750224888325, + -0.1308038979768753, + 1.4818737506866455, + -0.0030562852043658495, + -0.2163836658000946, + 0.0108010433614254, + -0.13055087625980377, + -0.1310751736164093, + -0.006754164583981037, + -0.17239944636821747, + 2.0007410049438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/63.png", + [ + 0.17840702831745148, + -0.011469568125903606, + -0.12242255359888077, + 1.3964699506759644, + -0.0044384244829416275, + -0.21619004011154175, + 0.01378635223954916, + -0.1608692705631256, + -0.12287852168083191, + -0.008843760937452316, + -0.17824296653270721, + 2.072518825531006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/88.png", + [ + 0.170014888048172, + -0.011903473176062107, + -0.1337951272726059, + 1.513843059539795, + -0.008237282745540142, + -0.21633990108966827, + 0.008780104108154774, + -0.10543203353881836, + -0.13407078385353088, + -0.001802887418307364, + -0.1702047884464264, + 1.9770656824111938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/62.png", + [ + 0.17961503565311432, + -0.010256313718855381, + -0.12075241655111313, + 1.3741432428359985, + -0.002915701363235712, + -0.21620050072669983, + 0.014026356860995293, + -0.16528432071208954, + -0.1211521178483963, + -0.01000240072607994, + -0.17936000227928162, + 2.078319549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/65.png", + [ + 0.1778326779603958, + -0.009995800442993641, + -0.12338362634181976, + 1.4104454517364502, + -0.0039213853888213634, + -0.21631357073783875, + 0.011872535571455956, + -0.13811397552490234, + -0.12372574210166931, + -0.007511216215789318, + -0.17771723866462708, + 2.0706605911254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/80.png", + [ + 0.174970805644989, + -0.010168414562940598, + -0.1273958832025528, + 1.4383621215820312, + -0.006219374481588602, + -0.21640928089618683, + 0.008731289766728878, + -0.10827024281024933, + -0.12764963507652283, + -0.0033940195571631193, + -0.17504839599132538, + 2.025040626525879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/119.png", + [ + 0.17621788382530212, + -0.019453808665275574, + -0.12456606328487396, + 1.3887373208999634, + -0.010235803201794624, + -0.2155805230140686, + 0.01918765716254711, + -0.22774271667003632, + -0.1256597936153412, + -0.009720447473227978, + -0.17624707520008087, + 2.0165348052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/79.png", + [ + 0.17506416141986847, + -0.011107727885246277, + -0.1271890103816986, + 1.438454031944275, + -0.006576396059244871, + -0.21635101735591888, + 0.009842650964856148, + -0.12167303264141083, + -0.1275036334991455, + -0.004092083312571049, + -0.17513984441757202, + 2.028496265411377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/116.png", + [ + 0.1725633144378662, + -0.01097660418599844, + -0.13057298958301544, + 1.4504790306091309, + -0.004159087315201759, + -0.216263085603714, + 0.012683545239269733, + -0.15018722414970398, + -0.13096751272678375, + -0.007595030590891838, + -0.17244626581668854, + 1.9669286012649536, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/19.png", + [ + 0.18015506863594055, + -0.022589758038520813, + -0.11824445426464081, + 1.3353809118270874, + -0.022560037672519684, + -0.2153903841972351, + 0.006776736583560705, + -0.08393102884292603, + -0.11825012415647507, + 0.0066769965924322605, + -0.18143931031227112, + 2.0954480171203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/77.png", + [ + 0.17653821408748627, + -0.013080406002700329, + -0.12494421750307083, + 1.418894648551941, + -0.0071802763268351555, + -0.2161952406167984, + 0.01248820312321186, + -0.15200357139110565, + -0.1254216730594635, + -0.006034444086253643, + -0.17658108472824097, + 2.052313804626465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/68.png", + [ + 0.17820043861865997, + -0.012139158323407173, + -0.1226586252450943, + 1.4079242944717407, + -0.004905454348772764, + -0.21614889800548553, + 0.014264889992773533, + -0.17065227031707764, + -0.12316019833087921, + -0.008954961784183979, + -0.17804288864135742, + 2.081331729888916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/86.png", + [ + 0.17296390235424042, + -0.007408281322568655, + -0.13029389083385468, + 1.469007134437561, + -0.005818804260343313, + -0.2165478765964508, + 0.004588123876601458, + -0.06295478343963623, + -0.13037453591823578, + -0.00016349463840015233, + -0.17306166887283325, + 1.9979537725448608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/1.png", + [ + 0.1735745668411255, + -0.021290691569447517, + -0.12793149054050446, + 1.4636073112487793, + -0.02669673040509224, + -0.2150232195854187, + -0.00043680111411958933, + 0.003362230956554413, + -0.12691354751586914, + 0.01611250266432762, + -0.1748749166727066, + 2.040677547454834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/81.png", + [ + 0.17427636682987213, + -0.009446777403354645, + -0.12839937210083008, + 1.449692964553833, + -0.006015365943312645, + -0.21645204722881317, + 0.007760457694530487, + -0.09594237804412842, + -0.12860582768917084, + -0.0026772641576826572, + -0.17435958981513977, + 2.016158103942871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/95.png", + [ + 0.17566223442554474, + -0.005039566662162542, + -0.12674887478351593, + 1.4380089044570923, + 0.001715252990834415, + -0.21638941764831543, + 0.01098087802529335, + -0.12732025980949402, + -0.12683743238449097, + -0.009905783459544182, + -0.17539110779762268, + 2.026479721069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/103.png", + [ + 0.17320990562438965, + -0.00025798831484280527, + -0.13017739355564117, + 1.4645297527313232, + 0.004335079807788134, + -0.216542586684227, + 0.006197268608957529, + -0.06799231469631195, + -0.13010545074939728, + -0.007558603771030903, + -0.17309918999671936, + 1.983890414237976, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/83.png", + [ + 0.1731349527835846, + -0.00835395883768797, + -0.1300092190504074, + 1.4671435356140137, + -0.005686814896762371, + -0.2165071964263916, + 0.006338827777653933, + -0.07967597246170044, + -0.13015314936637878, + -0.0016528678825125098, + -0.1732204258441925, + 2.004685401916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/51.png", + [ + 0.18043199181556702, + -0.009101180359721184, + -0.11962173134088516, + 1.3510240316390991, + -0.004328365903347731, + -0.21640339493751526, + 0.009935909882187843, + -0.1218494176864624, + -0.11988934129476547, + -0.005884349346160889, + -0.180387943983078, + 2.0878829956054688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+NZpbTldv8Rk+P2+C0+F34338-34466/93.png", + [ + 0.172583669424057, + -0.008701552636921406, + -0.1307174563407898, + 1.4865162372589111, + -0.0020867236889898777, + -0.21635131537914276, + 0.011646938510239124, + -0.1389523595571518, + -0.13099011778831482, + -0.008018014021217823, + -0.17240995168685913, + 1.9997833967208862, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/76.png", + [ + 0.18505966663360596, + -0.03361796587705612, + 0.1075669527053833, + -1.1651008129119873, + -0.021676579490303993, + -0.21356621384620667, + -0.02945329248905182, + 0.31455838680267334, + 0.11059360951185226, + 0.014394544996321201, + -0.1857680082321167, + 2.058375835418701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/48.png", + [ + 0.17599935829639435, + -0.034715984016656876, + 0.12151921540498734, + -1.337777853012085, + -0.01889665424823761, + -0.21322624385356903, + -0.033546630293130875, + 0.3611499071121216, + 0.12496013939380646, + 0.01665113866329193, + -0.17622597515583038, + 1.9951194524765015, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/35.png", + [ + 0.17451359331607819, + -0.0382336787879467, + 0.12260132282972336, + -1.367875576019287, + -0.025751905515789986, + -0.21306642889976501, + -0.029789693653583527, + 0.32362717390060425, + 0.12581628561019897, + 0.009421913884580135, + -0.1761515885591507, + 2.020369529724121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/124.png", + [ + 0.18632002174854279, + -0.02976449579000473, + 0.10652142763137817, + -1.183814287185669, + -0.014569218270480633, + -0.21346765756607056, + -0.03416420519351959, + 0.37106722593307495, + 0.10963794589042664, + 0.022215532138943672, + -0.18556368350982666, + 2.1003684997558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/97.png", + [ + 0.19807402789592743, + 0.006120509002357721, + 0.08761914074420929, + -0.9593510627746582, + 0.010762669146060944, + -0.21621036529541016, + -0.009227298200130463, + 0.09985484182834625, + 0.08717074245214462, + 0.012787394225597382, + -0.19795362651348114, + 2.2136306762695312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/13.png", + [ + 0.1629588007926941, + -0.03775188326835632, + 0.13772115111351013, + -1.5462861061096191, + -0.025241540744900703, + -0.21329043805599213, + -0.02859971486032009, + 0.3184430003166199, + 0.14055313169956207, + 0.00546571658924222, + -0.16481152176856995, + 1.921211838722229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/32.png", + [ + 0.17664982378482819, + -0.038754042237997055, + 0.11933506280183792, + -1.3379894495010376, + -0.024940378963947296, + -0.2128133624792099, + -0.032192256301641464, + 0.35595405101776123, + 0.12296630442142487, + 0.012509515509009361, + -0.17796260118484497, + 2.048088550567627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/38.png", + [ + 0.17455752193927765, + -0.037566449493169785, + 0.12274497747421265, + -1.3711967468261719, + -0.02459273301064968, + -0.2131374329328537, + -0.03025762178003788, + 0.3305228352546692, + 0.12598715722560883, + 0.010444511659443378, + -0.17597171664237976, + 2.0198779106140137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/111.png", + [ + 0.18940940499305725, + -0.020897455513477325, + 0.10312744975090027, + -1.159648060798645, + -0.006564061623066664, + -0.21429160237312317, + -0.03136754035949707, + 0.3490426540374756, + 0.10501851886510849, + 0.024296211078763008, + -0.18795929849147797, + 2.159125328063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/11.png", + [ + 0.16158945858478546, + -0.03786404803395271, + 0.13929483294487, + -1.5549206733703613, + -0.026915663853287697, + -0.21332405507564545, + -0.02676355093717575, + 0.2937263250350952, + 0.14181777834892273, + 0.0026560311671346426, + -0.16379423439502716, + 1.8980101346969604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/59.png", + [ + 0.17465081810951233, + -0.03675442561507225, + 0.12285804003477097, + -1.3618576526641846, + -0.019169563427567482, + -0.21273478865623474, + -0.036391306668519974, + 0.39853277802467346, + 0.1267971247434616, + 0.018463801592588425, + -0.17472682893276215, + 1.9778860807418823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/105.png", + [ + 0.198482483625412, + 0.00047120804083533585, + 0.08690442889928818, + -0.945918083190918, + 0.004233033861964941, + -0.21646668016910553, + -0.008494185283780098, + 0.08668731153011322, + 0.08680254966020584, + 0.009478804655373096, + -0.19830118119716644, + 2.218827724456787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/121.png", + [ + 0.18558484315872192, + -0.02894122339785099, + 0.10802114754915237, + -1.2014403343200684, + -0.014113372191786766, + -0.2136809527873993, + -0.033002424985170364, + 0.3590127229690552, + 0.11093680560588837, + 0.021230947226285934, + -0.18490582704544067, + 2.0980753898620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/24.png", + [ + 0.17913228273391724, + -0.0414368100464344, + 0.11464079469442368, + -1.2953754663467407, + -0.031116904690861702, + -0.21256494522094727, + -0.028209593147039413, + 0.31323397159576416, + 0.11786120384931564, + 0.006858125329017639, + -0.1816854327917099, + 2.1233620643615723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/74.png", + [ + 0.18387314677238464, + -0.03498230129480362, + 0.10915490984916687, + -1.1842621564865112, + -0.022127533331513405, + -0.2132890671491623, + -0.031081348657608032, + 0.3297148644924164, + 0.1124674528837204, + 0.015228812582790852, + -0.18457260727882385, + 2.0499982833862305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/98.png", + [ + 0.19755315780639648, + 0.006286162417382002, + 0.08877573162317276, + -0.972342848777771, + 0.011506953276693821, + -0.21612344682216644, + -0.010302902199327946, + 0.11253324151039124, + 0.08825098723173141, + 0.014108293689787388, + -0.19738443195819855, + 2.20699405670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/0.png", + [ + 0.13085728883743286, + -0.04311345890164375, + 0.1672288477420807, + -1.8526087999343872, + -0.019429203122854233, + -0.2121572494506836, + -0.03949306160211563, + 0.42999985814094543, + 0.1716005951166153, + 0.008855828084051609, + -0.1319950670003891, + 1.5167102813720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/96.png", + [ + 0.19787319004535675, + 0.007680430542677641, + 0.08794942498207092, + -0.963058352470398, + 0.012761381454765797, + -0.21607448160648346, + -0.009841909632086754, + 0.10825379192829132, + 0.08735695481300354, + 0.014167816378176212, + -0.19777747988700867, + 2.2126617431640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/100.png", + [ + 0.1987755447626114, + 0.005238362587988377, + 0.08607396483421326, + -0.940648078918457, + 0.01160427089780569, + -0.2159322202205658, + -0.013657025061547756, + 0.1496303826570511, + 0.08544887602329254, + 0.017138641327619553, + -0.19837503135204315, + 2.214684009552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/40.png", + [ + 0.1735217571258545, + -0.03745841979980469, + 0.12423751503229141, + -1.3889089822769165, + -0.021995771676301956, + -0.21293915808200836, + -0.03348120301961899, + 0.36927613615989685, + 0.12788383662700653, + 0.014201096259057522, + -0.17433284223079681, + 2.003187656402588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/52.png", + [ + 0.17379848659038544, + -0.0323747843503952, + 0.12527507543563843, + -1.3780564069747925, + -0.018238002434372902, + -0.21381767094135284, + -0.029954584315419197, + 0.32411810755729675, + 0.1280989944934845, + 0.01348239928483963, + -0.17423194646835327, + 1.9713927507400513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/3.png", + [ + 0.13209477066993713, + -0.04131392762064934, + 0.16670939326286316, + -1.84768545627594, + -0.02418680489063263, + -0.21269147098064423, + -0.03354442119598389, + 0.37139010429382324, + 0.1700407713651657, + 0.001840896438807249, + -0.13427822291851044, + 1.5383787155151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/47.png", + [ + 0.17651353776454926, + -0.0334138423204422, + 0.121137835085392, + -1.3379969596862793, + -0.01741029880940914, + -0.2133626788854599, + -0.03348345309495926, + 0.35803717374801636, + 0.12444976717233658, + 0.017543522641062737, + -0.1765003651380539, + 2.0023064613342285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/104.png", + [ + 0.1988527476787567, + 0.00155019445810467, + 0.08604109287261963, + -0.9374475479125977, + 0.005311193875968456, + -0.21644756197929382, + -0.008375181816518307, + 0.08843033015727997, + 0.0858910009264946, + 0.009795374237000942, + -0.19868235290050507, + 2.230290412902832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/21.png", + [ + 0.17148567736148834, + -0.04098090901970863, + 0.12594091892242432, + -1.4229217767715454, + -0.02759457193315029, + -0.21257473528385162, + -0.031597621738910675, + 0.35090476274490356, + 0.12953412532806396, + 0.008968537673354149, + -0.173459991812706, + 2.0242137908935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/82.png", + [ + 0.19233617186546326, + -0.01626478135585785, + 0.0984385684132576, + -1.0818077325820923, + -0.007549470756202936, + -0.21553580462932587, + -0.020861811935901642, + 0.2260877788066864, + 0.09948719292879105, + 0.015088622458279133, + -0.19189198315143585, + 2.1487956047058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/106.png", + [ + 0.19484031200408936, + -0.0031729028560221195, + 0.09473692625761032, + -1.0391426086425781, + 0.001836290117353201, + -0.21638624370098114, + -0.011023745872080326, + 0.11069479584693909, + 0.09477226436138153, + 0.010715765878558159, + -0.19455407559871674, + 2.183284282684326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/14.png", + [ + 0.1657969057559967, + -0.03753086179494858, + 0.1343529373407364, + -1.5090011358261108, + -0.024210240691900253, + -0.21326006948947906, + -0.029696788638830185, + 0.33036279678344727, + 0.13737955689430237, + 0.00771165220066905, + -0.16737766563892365, + 1.9494174718856812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/67.png", + [ + 0.17151685059070587, + -0.03633960708975792, + 0.1273157298564911, + -1.4117358922958374, + -0.017356054857373238, + -0.2127266824245453, + -0.03733668103814125, + 0.41047051548957825, + 0.13125789165496826, + 0.019357001408934593, + -0.17130255699157715, + 1.9426370859146118, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/78.png", + [ + 0.18591241538524628, + -0.03206869214773178, + 0.10656484961509705, + -1.1646069288253784, + -0.022624772042036057, + -0.21404197812080383, + -0.02494087442755699, + 0.26197436451911926, + 0.10896141082048416, + 0.010272604413330555, + -0.18700209259986877, + 2.084657669067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/31.png", + [ + 0.17774492502212524, + -0.037860579788684845, + 0.11798816919326782, + -1.328635811805725, + -0.025111595168709755, + -0.21303793787956238, + -0.030530868098139763, + 0.3386579155921936, + 0.12134265154600143, + 0.011371133849024773, + -0.17914952337741852, + 2.071537971496582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/39.png", + [ + 0.1744990199804306, + -0.03595747426152229, + 0.12330873310565948, + -1.3772794008255005, + -0.021778736263513565, + -0.21328204870224, + -0.031374234706163406, + 0.3455527424812317, + 0.12658464908599854, + 0.012873057276010513, + -0.17538104951381683, + 2.0163278579711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/92.png", + [ + 0.19834579527378082, + 0.01124361902475357, + 0.08648940175771713, + -0.9495370388031006, + 0.015738338232040405, + -0.21595346927642822, + -0.008018730208277702, + 0.0853588879108429, + 0.08578542619943619, + 0.013622644357383251, + -0.1985023319721222, + 2.2315845489501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/53.png", + [ + 0.17264847457408905, + -0.0313662625849247, + 0.12710843980312347, + -1.400156021118164, + -0.017937026917934418, + -0.2140475958585739, + -0.02845660038292408, + 0.3074205219745636, + 0.12968677282333374, + 0.012152050621807575, + -0.17315183579921722, + 1.960394024848938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/75.png", + [ + 0.18506570160388947, + -0.03357727453112602, + 0.10756924748420715, + -1.1641067266464233, + -0.021131321787834167, + -0.213503897190094, + -0.030289288610219955, + 0.3228064179420471, + 0.1106889620423317, + 0.015379869379103184, + -0.18563218414783478, + 2.0564327239990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/87.png", + [ + 0.19793759286403656, + 0.009849964641034603, + 0.08758759498596191, + -0.96180659532547, + 0.015576871111989021, + -0.21583746373653412, + -0.010929139330983162, + 0.11476373672485352, + 0.08675234019756317, + 0.01628076285123825, + -0.19788092374801636, + 2.2225823402404785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/107.png", + [ + 0.1893966794013977, + -0.01022634468972683, + 0.10474830865859985, + -1.1658695936203003, + -0.001750786672346294, + -0.2159256637096405, + -0.017914721742272377, + 0.18840280175209045, + 0.10523176193237305, + 0.014812979847192764, + -0.18882466852664948, + 2.1366219520568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/112.png", + [ + 0.18912377953529358, + -0.022331174463033676, + 0.1033509150147438, + -1.1603559255599976, + -0.008493747562170029, + -0.21431134641170502, + -0.030763672664761543, + 0.34352487325668335, + 0.10539425909519196, + 0.022800570353865623, + -0.18793638050556183, + 2.160029411315918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/69.png", + [ + 0.1741175800561905, + -0.03966771811246872, + 0.12270873785018921, + -1.3550190925598145, + -0.021803371608257294, + -0.21225666999816895, + -0.037677738815546036, + 0.410370796918869, + 0.12710459530353546, + 0.017929615452885628, + -0.17455899715423584, + 1.9679330587387085, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/45.png", + [ + 0.1740095317363739, + -0.03279966488480568, + 0.12487096339464188, + -1.3903443813323975, + -0.016845133155584335, + -0.21354222297668457, + -0.032616857439279556, + 0.34998267889022827, + 0.12800319492816925, + 0.01648636721074581, + -0.17404389381408691, + 1.9872311353683472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/50.png", + [ + 0.1768644005060196, + -0.03598300740122795, + 0.1198837012052536, + -1.3185217380523682, + -0.019095512107014656, + -0.21285571157932281, + -0.035716891288757324, + 0.38636767864227295, + 0.12370222806930542, + 0.018589187413454056, + -0.17691834270954132, + 1.99791419506073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/101.png", + [ + 0.19779059290885925, + 0.004977263044565916, + 0.08832895010709763, + -0.9641385078430176, + 0.011174220591783524, + -0.21600441634655, + -0.01285020262002945, + 0.14162525534629822, + 0.0877605453133583, + 0.016285507008433342, + -0.19743548333644867, + 2.2065820693969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/85.png", + [ + 0.1961687058210373, + 0.0022618547081947327, + 0.09198164939880371, + -1.0098997354507446, + 0.009204531088471413, + -0.21600496768951416, + -0.014318827539682388, + 0.15356530249118805, + 0.0915478840470314, + 0.016871165484189987, + -0.19565849006175995, + 2.1977524757385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/71.png", + [ + 0.17862428724765778, + -0.03756637126207352, + 0.11674770712852478, + -1.2802406549453735, + -0.02207271195948124, + -0.21273884177207947, + -0.034682516008615494, + 0.3714632987976074, + 0.12064019590616226, + 0.01669877953827381, + -0.17920655012130737, + 2.009507656097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/115.png", + [ + 0.1877909004688263, + -0.027628706768155098, + 0.1044945940375328, + -1.1752345561981201, + -0.013908566907048225, + -0.21391168236732483, + -0.03156336024403572, + 0.3498191237449646, + 0.10718683898448944, + 0.020648207515478134, + -0.18716979026794434, + 2.14652681350708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/54.png", + [ + 0.1719004362821579, + -0.03027355670928955, + 0.1283808946609497, + -1.4164799451828003, + -0.017592934891581535, + -0.2142685502767563, + -0.026970036327838898, + 0.2891377806663513, + 0.1307234913110733, + 0.010972967371344566, + -0.17244958877563477, + 1.9485474824905396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/33.png", + [ + 0.17658650875091553, + -0.04038983955979347, + 0.11888549476861954, + -1.3287097215652466, + -0.02644001878798008, + -0.2125195562839508, + -0.032928161323070526, + 0.36177751421928406, + 0.12274373322725296, + 0.01232878491282463, + -0.17812880873680115, + 2.045689582824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/49.png", + [ + 0.17663568258285522, + -0.03557110205292702, + 0.12034294754266739, + -1.3240187168121338, + -0.019467351958155632, + -0.21303938329219818, + -0.034396834671497345, + 0.37094005942344666, + 0.12397076934576035, + 0.01722836121916771, + -0.17686811089515686, + 2.0000500679016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/118.png", + [ + 0.18668116629123688, + -0.03023131750524044, + 0.10575490444898605, + -1.181494116783142, + -0.01487433910369873, + -0.21335472166538239, + -0.034733474254608154, + 0.3862074315547943, + 0.10898067057132721, + 0.022665562108159065, + -0.1858961582183838, + 2.1245851516723633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/110.png", + [ + 0.18744361400604248, + -0.02165069989860058, + 0.10650837421417236, + -1.2020810842514038, + -0.0071530514396727085, + -0.21432916820049286, + -0.030979564413428307, + 0.34364795684814453, + 0.1084510013461113, + 0.023284045979380608, + -0.18612931668758392, + 2.138050079345703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/18.png", + [ + 0.16567692160606384, + -0.0357319675385952, + 0.1349899172782898, + -1.5271821022033691, + -0.021495699882507324, + -0.21349024772644043, + -0.030128801241517067, + 0.33099356293678284, + 0.1379745900630951, + 0.009645543061196804, + -0.16678689420223236, + 1.9439512491226196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/66.png", + [ + 0.17255476117134094, + -0.03648190200328827, + 0.12586428225040436, + -1.394269347190857, + -0.017385801300406456, + -0.21264249086380005, + -0.03779943659901619, + 0.4144945740699768, + 0.1298864185810089, + 0.020003365352749825, + -0.17227095365524292, + 1.9485243558883667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/16.png", + [ + 0.16276076436042786, + -0.03675789758563042, + 0.1382232904434204, + -1.5584557056427002, + -0.022080566734075546, + -0.21334415674209595, + -0.03073456510901451, + 0.33804360032081604, + 0.14131268858909607, + 0.009001205675303936, + -0.1640048772096634, + 1.910983920097351, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/94.png", + [ + 0.19861367344856262, + 0.010451339185237885, + 0.08597248792648315, + -0.9417884945869446, + 0.015320634469389915, + -0.21593885123729706, + -0.009142895229160786, + 0.10166478157043457, + 0.08523952215909958, + 0.014459731988608837, + -0.19867821037769318, + 2.2258400917053223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/28.png", + [ + 0.17662979662418365, + -0.03596516326069832, + 0.1202344298362732, + -1.3665480613708496, + -0.026016470044851303, + -0.2135704755783081, + -0.02566496841609478, + 0.28224411606788635, + 0.12277195602655411, + 0.00648494204506278, + -0.17841772735118866, + 2.0785369873046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/61.png", + [ + 0.17317752540111542, + -0.036658983677625656, + 0.12495420128107071, + -1.3850064277648926, + -0.018336357548832893, + -0.21270494163036346, + -0.03699035942554474, + 0.4050489366054535, + 0.12892328202724457, + 0.018990200012922287, + -0.1731070578098297, + 1.9620448350906372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/58.png", + [ + 0.17391720414161682, + -0.03497135266661644, + 0.12440941482782364, + -1.379847764968872, + -0.017894482240080833, + -0.2130977362394333, + -0.034886084496974945, + 0.3824502229690552, + 0.12798626720905304, + 0.017727266997098923, + -0.17393432557582855, + 1.971917986869812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/123.png", + [ + 0.1880388706922531, + -0.028359925374388695, + 0.10385081171989441, + -1.152754783630371, + -0.013494051061570644, + -0.2135816365480423, + -0.033892400562763214, + 0.36693912744522095, + 0.10680443793535233, + 0.02294555865228176, + -0.18712085485458374, + 2.1160569190979004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/64.png", + [ + 0.17122894525527954, + -0.03558646887540817, + 0.12791462242603302, + -1.4147207736968994, + -0.017536083236336708, + -0.21297964453697205, + -0.03577783703804016, + 0.3912980854511261, + 0.13160939514636993, + 0.01792125403881073, + -0.17118903994560242, + 1.9401260614395142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/10.png", + [ + 0.16185185313224792, + -0.038044869899749756, + 0.1389404982328415, + -1.548714280128479, + -0.028715038672089577, + -0.21330831944942474, + -0.02495819516479969, + 0.2695333957672119, + 0.1411641389131546, + 0.00023006326227914542, + -0.16437920928001404, + 1.8987895250320435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/41.png", + [ + 0.17274624109268188, + -0.03690352663397789, + 0.1254781186580658, + -1.4037647247314453, + -0.021092968061566353, + -0.21301047503948212, + -0.033608291298151016, + 0.37099239230155945, + 0.12908026576042175, + 0.01457946840673685, + -0.17341746389865875, + 1.9928780794143677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/91.png", + [ + 0.19818085432052612, + 0.013160199858248234, + 0.08659704774618149, + -0.9527666568756104, + 0.017018331214785576, + -0.21591816842556, + -0.006133940536528826, + 0.0622296966612339, + 0.08592214435338974, + 0.012412006966769695, + -0.19852258265018463, + 2.2337393760681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/23.png", + [ + 0.17899896204471588, + -0.04190777614712715, + 0.114677794277668, + -1.291290283203125, + -0.030029529705643654, + -0.21237094700336456, + -0.03073602169752121, + 0.3422519564628601, + 0.11834477633237839, + 0.009498095139861107, + -0.18125173449516296, + 2.1173253059387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/37.png", + [ + 0.17362606525421143, + -0.03711802884936333, + 0.12419396638870239, + -1.3858668804168701, + -0.02438102662563324, + -0.2132473587989807, + -0.029648300260305405, + 0.3227786123752594, + 0.12730848789215088, + 0.009783062152564526, + -0.1750563681125641, + 2.00839900970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/36.png", + [ + 0.17552655935287476, + -0.03722134605050087, + 0.12146149575710297, + -1.3549058437347412, + -0.02487226389348507, + -0.21322521567344666, + -0.02939850464463234, + 0.31771114468574524, + 0.1245780661702156, + 0.009872850961983204, + -0.1770048886537552, + 2.0271968841552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/8.png", + [ + 0.1604223996400833, + -0.0358973890542984, + 0.14115214347839355, + -1.563742995262146, + -0.029460376128554344, + -0.21364735066890717, + -0.020851807668805122, + 0.22112411260604858, + 0.14263463020324707, + -0.0037535433657467365, + -0.16306185722351074, + 1.8741604089736938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/6.png", + [ + 0.15780173242092133, + -0.035447362810373306, + 0.14418736100196838, + -1.5831705331802368, + -0.024639621376991272, + -0.21374373137950897, + -0.02558114193379879, + 0.2760451138019562, + 0.14642196893692017, + 0.0022338831331580877, + -0.15969817340373993, + 1.8237258195877075, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/20.png", + [ + 0.16950754821300507, + -0.038059432059526443, + 0.12948580086231232, + -1.4664819240570068, + -0.02442629635334015, + -0.21309912204742432, + -0.030659662559628487, + 0.33842116594314575, + 0.1327345073223114, + 0.009388202801346779, + -0.1710008978843689, + 1.993618130683899, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/2.png", + [ + 0.1303420066833496, + -0.04487190395593643, + 0.16716869175434113, + -1.8522402048110962, + -0.02059357240796089, + -0.2118007242679596, + -0.04079528898000717, + 0.44745245575904846, + 0.17185679078102112, + 0.008652329444885254, + -0.1316748708486557, + 1.5056968927383423, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/117.png", + [ + 0.18522027134895325, + -0.029931535944342613, + 0.10837643593549728, + -1.2134952545166016, + -0.014359889551997185, + -0.21344280242919922, + -0.03440718725323677, + 0.38287317752838135, + 0.11151298880577087, + 0.02222980000078678, + -0.18444128334522247, + 2.109194278717041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/5.png", + [ + 0.15608741343021393, + -0.036317117512226105, + 0.14582756161689758, + -1.597632884979248, + -0.021428946405649185, + -0.21348272264003754, + -0.03022945672273636, + 0.32887351512908936, + 0.14874613285064697, + 0.007354374509304762, + -0.15737977623939514, + 1.7873048782348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/108.png", + [ + 0.18535619974136353, + -0.016014594584703445, + 0.11106085777282715, + -1.2493935823440552, + -0.0045019532553851604, + -0.21534523367881775, + -0.023538460955023766, + 0.25451526045799255, + 0.11211919784545898, + 0.01782861351966858, + -0.1845516711473465, + 2.106678009033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/60.png", + [ + 0.17204415798187256, + -0.035954732447862625, + 0.1267121434211731, + -1.4036552906036377, + -0.017539482563734055, + -0.21284301578998566, + -0.036580149084329605, + 0.4019600749015808, + 0.13054147362709045, + 0.018788238987326622, + -0.17191225290298462, + 1.9498902559280396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/56.png", + [ + 0.1740594506263733, + -0.03259122371673584, + 0.12485593557357788, + -1.383077621459961, + -0.016030961647629738, + -0.21348723769187927, + -0.033378228545188904, + 0.3617411255836487, + 0.12803985178470612, + 0.017575828358530998, + -0.17391027510166168, + 1.9696182012557983, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/30.png", + [ + 0.17827129364013672, + -0.0363328754901886, + 0.11767399311065674, + -1.3273564577102661, + -0.024952920153737068, + -0.21339286863803864, + -0.028084270656108856, + 0.31129294633865356, + 0.12060097604990005, + 0.009554924443364143, + -0.17975538969039917, + 2.0798816680908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/17.png", + [ + 0.16412688791751862, + -0.03624248877167702, + 0.13673600554466248, + -1.5456420183181763, + -0.022262834012508392, + -0.21345031261444092, + -0.029853440821170807, + 0.3273620903491974, + 0.13969475030899048, + 0.008564095944166183, + -0.16540835797786713, + 1.9300371408462524, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/12.png", + [ + 0.15992164611816406, + -0.038493119180202484, + 0.14103630185127258, + -1.5802505016326904, + -0.02649257332086563, + -0.21319875121116638, + -0.02814841829240322, + 0.31198662519454956, + 0.14377447962760925, + 0.003531223628669977, + -0.16206268966197968, + 1.8877063989639282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/114.png", + [ + 0.1885446310043335, + -0.02554965205490589, + 0.10366308689117432, + -1.1662192344665527, + -0.01223880983889103, + -0.21416433155536652, + -0.030524488538503647, + 0.3384346663951874, + 0.10606145113706589, + 0.020706230774521828, + -0.18780340254306793, + 2.1572747230529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/27.png", + [ + 0.1759902685880661, + -0.035274818539619446, + 0.12137134373188019, + -1.3811438083648682, + -0.024291709065437317, + -0.21362616121768951, + -0.02686399035155773, + 0.29590094089508057, + 0.12403719127178192, + 0.008212702348828316, + -0.1774689108133316, + 2.072017192840576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/42.png", + [ + 0.16995656490325928, + -0.035971060395240784, + 0.12949417531490326, + -1.44674551486969, + -0.01958148553967476, + -0.21316950023174286, + -0.033514492213726044, + 0.368834525346756, + 0.13296324014663696, + 0.014585557393729687, + -0.17045801877975464, + 1.9564937353134155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/7.png", + [ + 0.1592962145805359, + -0.035218071192502975, + 0.14259135723114014, + -1.571669578552246, + -0.026464808732271194, + -0.2137930542230606, + -0.02323867753148079, + 0.24862048029899597, + 0.14447222650051117, + -0.00033146562054753304, + -0.16147929430007935, + 1.8517318964004517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/73.png", + [ + 0.18254104256629944, + -0.0364382341504097, + 0.11090048402547836, + -1.2089046239852905, + -0.02404569461941719, + -0.21317076683044434, + -0.030461909249424934, + 0.32133960723876953, + 0.11422989517450333, + 0.013355830684304237, + -0.18363292515277863, + 2.04673433303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/120.png", + [ + 0.18600939214229584, + -0.030261175706982613, + 0.10692360252141953, + -1.1919828653335571, + -0.01517386082559824, + -0.21344973146915436, + -0.03401268646121025, + 0.3722072243690491, + 0.1100824624300003, + 0.021711058914661407, + -0.1853601187467575, + 2.106362819671631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/46.png", + [ + 0.17660227417945862, + -0.03204135224223137, + 0.12137909978628159, + -1.3481218814849854, + -0.016913585364818573, + -0.21366101503372192, + -0.03179304301738739, + 0.33978819847106934, + 0.12439239770174026, + 0.016438322141766548, + -0.1766471415758133, + 2.009723663330078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/57.png", + [ + 0.17385654151439667, + -0.03310321643948555, + 0.1250038743019104, + -1.38573157787323, + -0.015926366671919823, + -0.21334148943424225, + -0.03434603288769722, + 0.3751731812953949, + 0.12832827866077423, + 0.01837051287293434, + -0.17361529171466827, + 1.967570424079895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/44.png", + [ + 0.17152149975299835, + -0.0348416306078434, + 0.12772750854492188, + -1.4261343479156494, + -0.018318600952625275, + -0.21327191591262817, + -0.033577002584934235, + 0.36362168192863464, + 0.13112087547779083, + 0.0157812237739563, + -0.17177355289459229, + 1.9657646417617798, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/113.png", + [ + 0.18796692788600922, + -0.024647478014230728, + 0.10492297261953354, + -1.1786915063858032, + -0.011412245221436024, + -0.2142985761165619, + -0.029896162450313568, + 0.33174675703048706, + 0.10717317461967468, + 0.020408866927027702, + -0.18720385432243347, + 2.149773120880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/29.png", + [ + 0.18014752864837646, + -0.03396392986178398, + 0.11550416052341461, + -1.3052548170089722, + -0.023498235270380974, + -0.2137952297925949, + -0.026217032223939896, + 0.28863033652305603, + 0.11807875335216522, + 0.009271002374589443, + -0.18143689632415771, + 2.1024298667907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/4.png", + [ + 0.14113502204418182, + -0.03815736994147301, + 0.159915030002594, + -1.7617217302322388, + -0.02022351324558258, + -0.21318672597408295, + -0.033020034432411194, + 0.3638768196105957, + 0.16315577924251556, + 0.006582405883818865, + -0.1424245536327362, + 1.6288830041885376, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/55.png", + [ + 0.17419429123401642, + -0.0306173637509346, + 0.1251671463251114, + -1.382948875427246, + -0.016257064417004585, + -0.21400949358940125, + -0.029724400490522385, + 0.3189183473587036, + 0.12782779335975647, + 0.014505487866699696, + -0.17434890568256378, + 1.970716118812561, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/9.png", + [ + 0.16030468046665192, + -0.03609311580657959, + 0.14123591780662537, + -1.5697537660598755, + -0.027896596118807793, + -0.2136438637971878, + -0.02293410152196884, + 0.24466994404792786, + 0.1430806666612625, + -0.0012163687497377396, + -0.16270935535430908, + 1.8744210004806519, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/25.png", + [ + 0.17812111973762512, + -0.03917558491230011, + 0.11698731034994125, + -1.3257100582122803, + -0.029514914378523827, + -0.21302567422389984, + -0.026397524401545525, + 0.2921786606311798, + 0.11978992819786072, + 0.005764802917838097, + -0.18045784533023834, + 2.105419635772705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/99.png", + [ + 0.19803524017333984, + 0.006379248574376106, + 0.08768828958272934, + -0.9592249989509583, + 0.011979682371020317, + -0.21604593098163605, + -0.011337759904563427, + 0.12381158769130707, + 0.08710004389286041, + 0.01521061360836029, + -0.19781333208084106, + 2.2104640007019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/34.png", + [ + 0.1748810112476349, + -0.03940827026963234, + 0.12170255929231644, + -1.3596619367599487, + -0.026471411809325218, + -0.2128235101699829, + -0.030875757336616516, + 0.3371312916278839, + 0.12515506148338318, + 0.010051683522760868, + -0.1765872836112976, + 2.0269336700439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/72.png", + [ + 0.18064752221107483, + -0.037409257143735886, + 0.11364378035068512, + -1.2437764406204224, + -0.02375287190079689, + -0.2129276990890503, + -0.0323341004550457, + 0.3423723876476288, + 0.11726108938455582, + 0.014499664306640625, + -0.18162456154823303, + 2.0324769020080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/102.png", + [ + 0.19868317246437073, + 0.002029022201895714, + 0.08642207086086273, + -0.9417521953582764, + 0.008093947544693947, + -0.21609999239444733, + -0.01353426743298769, + 0.14979258179664612, + 0.08606613427400589, + 0.01563877984881401, + -0.19823205471038818, + 2.217080593109131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/70.png", + [ + 0.17368292808532715, + -0.037943173199892044, + 0.12386465817689896, + -1.3647476434707642, + -0.020785029977560043, + -0.2126503437757492, + -0.03599592670798302, + 0.38956767320632935, + 0.12786757946014404, + 0.01697174459695816, + -0.17409692704677582, + 1.9608508348464966, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/90.png", + [ + 0.19853869080543518, + 0.0130603713914752, + 0.0857887715101242, + -0.9448108077049255, + 0.017121657729148865, + -0.21589139103889465, + -0.006757175084203482, + 0.06759089231491089, + 0.08507136255502701, + 0.012970631942152977, + -0.1988530158996582, + 2.2374563217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/122.png", + [ + 0.1874760091304779, + -0.0293223075568676, + 0.1045984998345375, + -1.162947177886963, + -0.014862088486552238, + -0.2135934680700302, + -0.033239174634218216, + 0.3595488667488098, + 0.10760930925607681, + 0.021585339680314064, + -0.1868213266134262, + 2.116304397583008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/15.png", + [ + 0.16310544312000275, + -0.03758782893419266, + 0.1375923901796341, + -1.5506776571273804, + -0.0228214580565691, + -0.21320012211799622, + -0.031189415603876114, + 0.3459174931049347, + 0.14079663157463074, + 0.008986304514110088, + -0.16444891691207886, + 1.9176656007766724, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/22.png", + [ + 0.17684894800186157, + -0.04190409556031227, + 0.11796775460243225, + -1.3261148929595947, + -0.028990887105464935, + -0.21233408153057098, + -0.03196348249912262, + 0.3556045889854431, + 0.12178616970777512, + 0.010304475203156471, + -0.1789129227399826, + 2.0846939086914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/109.png", + [ + 0.18423663079738617, + -0.02057459019124508, + 0.11216707527637482, + -1.2682994604110718, + -0.006684854160994291, + -0.21470102667808533, + -0.028402188792824745, + 0.3122634291648865, + 0.11384235322475433, + 0.02068955823779106, + -0.18319323658943176, + 2.1025443077087402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/26.png", + [ + 0.1778545379638672, + -0.03888248652219772, + 0.11748964339494705, + -1.3349449634552002, + -0.028924282640218735, + -0.21306553483009338, + -0.026727493852376938, + 0.29378288984298706, + 0.12032891064882278, + 0.006255013402551413, + -0.1800825297832489, + 2.1003150939941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/43.png", + [ + 0.17111222445964813, + -0.037196867167949677, + 0.12761229276657104, + -1.4260892868041992, + -0.019765755161643028, + -0.21282552182674408, + -0.03553169593214989, + 0.38742589950561523, + 0.13144512474536896, + 0.016418877989053726, + -0.1714657098054886, + 1.9637647867202759, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/84.png", + [ + 0.1949928104877472, + -0.0036488373298197985, + 0.0944054052233696, + -1.0370659828186035, + 0.0039227623492479324, + -0.216013565659523, + -0.016451483592391014, + 0.17727726697921753, + 0.09439441561698914, + 0.016514400020241737, + -0.1943318396806717, + 2.178783416748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/89.png", + [ + 0.19854006171226501, + 0.014027990400791168, + 0.08563268929719925, + -0.9417148232460022, + 0.018218206241726875, + -0.21579748392105103, + -0.006888009607791901, + 0.06942984461784363, + 0.0848400816321373, + 0.013511596247553825, + -0.1989157795906067, + 2.2363996505737305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/63.png", + [ + 0.173884779214859, + -0.03729775547981262, + 0.12377744168043137, + -1.3698176145553589, + -0.018634362146258354, + -0.21252554655075073, + -0.03786225989460945, + 0.41328164935112, + 0.12792474031448364, + 0.019739996641874313, + -0.1737627238035202, + 1.9660743474960327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/88.png", + [ + 0.19809384644031525, + 0.012805413454771042, + 0.08684895932674408, + -0.9545934200286865, + 0.01763342134654522, + -0.21579238772392273, + -0.008402653969824314, + 0.08680418133735657, + 0.08599872142076492, + 0.014750034548342228, + -0.1983294039964676, + 2.22904109954834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/62.png", + [ + 0.17387744784355164, + -0.03698462247848511, + 0.12388169020414352, + -1.371955394744873, + -0.018484555184841156, + -0.21259820461273193, + -0.03752627968788147, + 0.41015538573265076, + 0.12795644998550415, + 0.01954578422009945, + -0.17376135289669037, + 1.9680596590042114, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/65.png", + [ + 0.17326664924621582, + -0.0365685373544693, + 0.12485714256763458, + -1.3798531293869019, + -0.018039364367723465, + -0.21268364787101746, + -0.037257857620716095, + 0.4073341488838196, + 0.12884540855884552, + 0.019398674368858337, + -0.17311972379684448, + 1.9560846090316772, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/80.png", + [ + 0.186964213848114, + -0.02708897553384304, + 0.10610587149858475, + -1.168266773223877, + -0.01805799826979637, + -0.21469317376613617, + -0.022992298007011414, + 0.24416446685791016, + 0.10801007598638535, + 0.010996570810675621, + -0.1875120997428894, + 2.099792957305908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/119.png", + [ + 0.18664094805717468, + -0.03040865994989872, + 0.10577507317066193, + -1.1820282936096191, + -0.015143180266022682, + -0.2133549153804779, + -0.034615904092788696, + 0.38280996680259705, + 0.10901255905628204, + 0.02242521196603775, + -0.18590661883354187, + 2.120589256286621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/79.png", + [ + 0.1858416050672531, + -0.03091392293572426, + 0.10702860355377197, + -1.1750946044921875, + -0.020927833393216133, + -0.21414689719676971, + -0.025515224784612656, + 0.26877763867378235, + 0.10942036658525467, + 0.011546868830919266, + -0.18665944039821625, + 2.0864768028259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/116.png", + [ + 0.18790921568870544, + -0.028836969286203384, + 0.10395408421754837, + -1.1659348011016846, + -0.01470948290079832, + -0.21368901431560516, + -0.032688435167074203, + 0.36248090863227844, + 0.10687213391065598, + 0.021291589364409447, + -0.18727761507034302, + 2.1443519592285156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/19.png", + [ + 0.16614560782909393, + -0.03682271018624306, + 0.13411793112754822, + -1.519000768661499, + -0.023141982033848763, + -0.21334917843341827, + -0.02990768663585186, + 0.32835152745246887, + 0.13714216649532318, + 0.008608652278780937, + -0.16752852499485016, + 1.9530776739120483, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/77.png", + [ + 0.18532417714595795, + -0.03400667756795883, + 0.10698778927326202, + -1.163554310798645, + -0.023547857999801636, + -0.21367600560188293, + -0.0271285530179739, + 0.2877638638019562, + 0.1097649335861206, + 0.01157608162611723, + -0.18645521998405457, + 2.073254108428955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/68.png", + [ + 0.17205028235912323, + -0.03803885355591774, + 0.12609373033046722, + -1.3963353633880615, + -0.018900590017437935, + -0.21242478489875793, + -0.03829327970743179, + 0.419064462184906, + 0.1303432285785675, + 0.01940755732357502, + -0.17199386656284332, + 1.945721983909607, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/86.png", + [ + 0.19664087891578674, + 0.007017924450337887, + 0.0907248929142952, + -0.9969045519828796, + 0.013727152720093727, + -0.21584482491016388, + -0.013056359253823757, + 0.1389428973197937, + 0.08995455503463745, + 0.017596930265426636, + -0.1963324248790741, + 2.205080032348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/1.png", + [ + 0.13106492161750793, + -0.044409044086933136, + 0.1667264699935913, + -1.8465447425842285, + -0.019094135612249374, + -0.2118218094110489, + -0.04141053557395935, + 0.45282670855522156, + 0.1714797168970108, + 0.01035640761256218, + -0.13204295933246613, + 1.5134917497634888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/81.png", + [ + 0.18969827890396118, + -0.022606533020734787, + 0.10223209857940674, + -1.1256459951400757, + -0.01356436312198639, + -0.21508711576461792, + -0.022392554208636284, + 0.240626722574234, + 0.10381938517093658, + 0.0132046639919281, + -0.1897236406803131, + 2.1242332458496094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/95.png", + [ + 0.1980123370885849, + 0.007971787825226784, + 0.08760972321033478, + -0.960224449634552, + 0.013067285530269146, + -0.21605469286441803, + -0.009874949231743813, + 0.11036518216133118, + 0.08699574321508408, + 0.014308011159300804, + -0.19792655110359192, + 2.217977523803711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/103.png", + [ + 0.19958437979221344, + 0.0021165059879422188, + 0.08431779593229294, + -0.9183433055877686, + 0.007552178576588631, + -0.2161847949028015, + -0.012449810281395912, + 0.13670867681503296, + 0.08400555700063705, + 0.01440672017633915, + -0.19920694828033447, + 2.230501174926758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/83.png", + [ + 0.1928054392337799, + -0.009509536437690258, + 0.0984048843383789, + -1.0832867622375488, + -0.0008090215851552784, + -0.215814471244812, + -0.019270503893494606, + 0.21027353405952454, + 0.0988599956035614, + 0.01678021252155304, + -0.19207556545734406, + 2.157978057861328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/51.png", + [ + 0.17503081262111664, + -0.03575768321752548, + 0.1226111352443695, + -1.3505744934082031, + -0.01938544772565365, + -0.21303731203079224, + -0.03445583954453468, + 0.3720594048500061, + 0.1262390911579132, + 0.01686381921172142, + -0.1752917468547821, + 1.9824453592300415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+_HebIzK_LP4+P2+C1+F16589-16715/93.png", + [ + 0.19809246063232422, + 0.010373103432357311, + 0.08717607706785202, + -0.9560357928276062, + 0.015323781408369541, + -0.21593934297561646, + -0.009125948883593082, + 0.09976477921009064, + 0.08644334971904755, + 0.014508617110550404, + -0.19815382361412048, + 2.2226858139038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/76.png", + [ + 0.19254444539546967, + -0.002143614226952195, + -0.0993475392460823, + 1.0765445232391357, + -0.020016875118017197, + -0.2130204290151596, + -0.034198176115751266, + 0.3650154173374176, + -0.09733372926712036, + 0.03956760838627815, + -0.1894952356815338, + 2.1060619354248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/48.png", + [ + 0.19366642832756042, + 0.002178126946091652, + -0.09714143723249435, + 1.0541530847549438, + -0.0161643885076046, + -0.21287941932678223, + -0.036999430507421494, + 0.3969309628009796, + -0.0958118811249733, + 0.04031750187277794, + -0.19011175632476807, + 2.123427391052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/137.png", + [ + 0.1919173151254654, + -0.01464513223618269, + -0.09950456768274307, + 1.0714492797851562, + -0.03085198812186718, + -0.21260297298431396, + -0.028214106336236, + 0.29701507091522217, + -0.09572771191596985, + 0.039158664643764496, + -0.19039617478847504, + 2.1047401428222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/35.png", + [ + 0.19267025589942932, + 0.002474541077390313, + -0.09909561276435852, + 1.0751081705093384, + -0.015324035659432411, + -0.21325965225696564, + -0.0351196750998497, + 0.37741705775260925, + -0.09793487191200256, + 0.03823734074831009, + -0.18945860862731934, + 2.116464614868164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/124.png", + [ + 0.18880049884319305, + -0.004411105997860432, + -0.106220543384552, + 1.1517235040664673, + -0.02588680014014244, + -0.21187953650951385, + -0.03721330687403679, + 0.3962470591068268, + -0.10311225056648254, + 0.04511650279164314, + -0.18514929711818695, + 2.060149669647217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/97.png", + [ + 0.1910121589899063, + -0.010825727134943008, + -0.10171065479516983, + 1.0934038162231445, + -0.0259010661393404, + -0.21355466544628143, + -0.025912072509527206, + 0.27605390548706055, + -0.09895143657922745, + 0.035001490265131, + -0.1895557940006256, + 2.091212749481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/155.png", + [ + 0.1895494908094406, + -0.01878003403544426, + -0.1032772958278656, + 1.1017014980316162, + -0.037715326994657516, + -0.21112798154354095, + -0.030828947201371193, + 0.3203577995300293, + -0.0979614406824112, + 0.04494641721248627, + -0.18796615302562714, + 2.0627493858337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/13.png", + [ + 0.19269613921642303, + 0.007799581158906221, + -0.09876871109008789, + 1.073917269706726, + -0.010151085443794727, + -0.21331124007701874, + -0.03664938732981682, + 0.3900408446788788, + -0.09855480492115021, + 0.03722080960869789, + -0.1893395334482193, + 2.111030101776123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/32.png", + [ + 0.19303444027900696, + 0.002778903115540743, + -0.09837619960308075, + 1.0639774799346924, + -0.01330690085887909, + -0.21386227011680603, + -0.03215201571583748, + 0.3438204526901245, + -0.0975116640329361, + 0.034685779362916946, + -0.1903582662343979, + 2.1174092292785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/158.png", + [ + 0.18823160231113434, + -0.017475269734859467, + -0.10588379204273224, + 1.12945556640625, + -0.03802989050745964, + -0.21077106893062592, + -0.03282037377357483, + 0.3429889976978302, + -0.10035183280706406, + 0.047096334397792816, + -0.18617020547389984, + 2.0416979789733887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/38.png", + [ + 0.19272910058498383, + 0.003037835704162717, + -0.09896545857191086, + 1.0796701908111572, + -0.015117183327674866, + -0.2131306231021881, + -0.03598202019929886, + 0.38756996393203735, + -0.0978512167930603, + 0.038910236209630966, + -0.18936480581760406, + 2.128347873687744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/148.png", + [ + 0.19227376580238342, + -0.021088819950819016, + -0.0976419597864151, + 1.047505259513855, + -0.036512020975351334, + -0.2119733840227127, + -0.026116183027625084, + 0.2693402171134949, + -0.09298153221607208, + 0.039628833532333374, + -0.19165565073490143, + 2.112269401550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/111.png", + [ + 0.1870938092470169, + -0.006520913913846016, + -0.10909297317266464, + 1.1733378171920776, + -0.028422070667147636, + -0.21174946427345276, + -0.036086589097976685, + 0.37864169478416443, + -0.10552718490362167, + 0.045470140874385834, + -0.1836964190006256, + 2.0361123085021973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/164.png", + [ + 0.18720915913581848, + -0.016762692481279373, + -0.10779445618391037, + 1.1560484170913696, + -0.03783831000328064, + -0.21078751981258392, + -0.03293592855334282, + 0.3448619842529297, + -0.10231763124465942, + 0.04728133603930473, + -0.18504992127418518, + 2.0376696586608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/11.png", + [ + 0.19469480216503143, + 0.007758582942187786, + -0.09477147459983826, + 1.0304348468780518, + -0.01001284085214138, + -0.2130788117647171, + -0.038013946264982224, + 0.4030303955078125, + -0.09455987811088562, + 0.038537271320819855, + -0.1911052167415619, + 2.1317458152770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/125.png", + [ + 0.1897246390581131, + -0.0036715178284794092, + -0.1045895367860794, + 1.1354440450668335, + -0.025331668555736542, + -0.21171313524246216, + -0.038519468158483505, + 0.4117254614830017, + -0.1015418991446495, + 0.045956097543239594, + -0.18580950796604156, + 2.0713891983032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/59.png", + [ + 0.1934104859828949, + 0.003704906441271305, + -0.09760405123233795, + 1.0525459051132202, + -0.014101154170930386, + -0.21319128572940826, + -0.03603503480553627, + 0.3783586025238037, + -0.096651092171669, + 0.03851804882287979, + -0.19006004929542542, + 2.106853485107422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/105.png", + [ + 0.18700283765792847, + -0.006306329742074013, + -0.10926146805286407, + 1.16829514503479, + -0.026336198672652245, + -0.21255120635032654, + -0.03280686214566231, + 0.3395218849182129, + -0.1062273159623146, + 0.04159466177225113, + -0.18421056866645813, + 2.0286011695861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/121.png", + [ + 0.1870041936635971, + -0.007723110727965832, + -0.10916813462972641, + 1.1824727058410645, + -0.030648840591311455, + -0.21118170022964478, + -0.03756116330623627, + 0.39945879578590393, + -0.10506176948547363, + 0.04785964637994766, + -0.18335585296154022, + 2.0402450561523438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/24.png", + [ + 0.19174708425998688, + 0.005642117001116276, + -0.10074280947446823, + 1.0942093133926392, + -0.011442232877016068, + -0.21372419595718384, + -0.03374803438782692, + 0.3603765666484833, + -0.10024979710578918, + 0.035185523331165314, + -0.1888381540775299, + 2.111732006072998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/74.png", + [ + 0.1921805441379547, + -0.0016848009545356035, + -0.10005849599838257, + 1.0801390409469604, + -0.020257916301488876, + -0.21281355619430542, + -0.03532562032341957, + 0.37600213289260864, + -0.09800080209970474, + 0.04068714752793312, + -0.18891344964504242, + 2.093717575073242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/129.png", + [ + 0.19114826619625092, + -0.0038048229180276394, + -0.10195960104465485, + 1.1117039918899536, + -0.02313923090696335, + -0.21249879896640778, + -0.035450346767902374, + 0.3808899223804474, + -0.09937209635972977, + 0.04216247797012329, + -0.18787071108818054, + 2.107168197631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/153.png", + [ + 0.19079555571079254, + -0.01860702782869339, + -0.10098876804113388, + 1.0751863718032837, + -0.036562081426382065, + -0.21143299341201782, + -0.030119607225060463, + 0.31222400069236755, + -0.09595920145511627, + 0.043563228100538254, + -0.18931975960731506, + 2.072618007659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/144.png", + [ + 0.19113068282604218, + -0.018559429794549942, + -0.10036186128854752, + 1.082180380821228, + -0.035569678992033005, + -0.21181713044643402, + -0.028569141402840614, + 0.29755184054374695, + -0.09566479921340942, + 0.041676681488752365, + -0.18989259004592896, + 2.10231351852417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/98.png", + [ + 0.19217322766780853, + -0.012124680913984776, + -0.09934958815574646, + 1.0619208812713623, + -0.02724073827266693, + -0.213295578956604, + -0.026661401614546776, + 0.2802995443344116, + -0.09630830585956573, + 0.03613696247339249, + -0.19070062041282654, + 2.096649169921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/0.png", + [ + 0.19754654169082642, + 0.02432708814740181, + -0.08562389016151428, + 0.9206051826477051, + 0.00905697699636221, + -0.21283726394176483, + -0.039574671536684036, + 0.4214574992656708, + -0.08855071663856506, + 0.032501935958862305, + -0.19506484270095825, + 2.1766233444213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/163.png", + [ + 0.1871013194322586, + -0.016758019104599953, + -0.10798219591379166, + 1.1590158939361572, + -0.03790506348013878, + -0.21077048778533936, + -0.03296832740306854, + 0.34573543071746826, + -0.10248997062444687, + 0.04735898599028587, + -0.18493466079235077, + 2.0374903678894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/96.png", + [ + 0.1907140612602234, + -0.013485589064657688, + -0.10195184499025345, + 1.0988965034484863, + -0.028797654435038567, + -0.2132129967212677, + -0.025667164474725723, + 0.2728901505470276, + -0.09872555732727051, + 0.03614204004406929, + -0.18945951759815216, + 2.0950675010681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/100.png", + [ + 0.191120445728302, + -0.010576236993074417, + -0.10153332352638245, + 1.078917145729065, + -0.0278665479272604, + -0.21272879838943481, + -0.030295439064502716, + 0.3153284788131714, + -0.09820554405450821, + 0.039780665189027786, + -0.1890001744031906, + 2.0677995681762695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/40.png", + [ + 0.19283930957317352, + 0.002215112093836069, + -0.09877244383096695, + 1.07954740524292, + -0.01571611501276493, + -0.21317407488822937, + -0.03546423092484474, + 0.3824708163738251, + -0.0975392535328865, + 0.03872726857662201, + -0.18956315517425537, + 2.1333069801330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/141.png", + [ + 0.18891732394695282, + -0.017239803448319435, + -0.10469447076320648, + 1.1320476531982422, + -0.03461665287613869, + -0.21211156249046326, + -0.027536539360880852, + 0.287757009267807, + -0.1002986952662468, + 0.04073527827858925, + -0.18769310414791107, + 2.0800347328186035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/52.png", + [ + 0.19380012154579163, + 0.003503314917907119, + -0.09683557599782944, + 1.0529804229736328, + -0.013996044173836708, + -0.2132502645254135, + -0.03572569042444229, + 0.38240912556648254, + -0.09588281065225601, + 0.03820917382836342, + -0.19051098823547363, + 2.1307058334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/3.png", + [ + 0.1965155303478241, + 0.02038179524242878, + -0.0889613926410675, + 0.9626402258872986, + 0.0017889343434944749, + -0.2120220810174942, + -0.044624269008636475, + 0.4763001501560211, + -0.09124882519245148, + 0.0397379994392395, + -0.19246411323547363, + 2.1518893241882324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/47.png", + [ + 0.1940760314464569, + 0.002123843180015683, + -0.09632176160812378, + 1.0462698936462402, + -0.016333768144249916, + -0.21276094019412994, + -0.037601713091135025, + 0.4032992720603943, + -0.09495052695274353, + 0.04094105586409569, + -0.19041040539741516, + 2.1277222633361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/104.png", + [ + 0.18683482706546783, + -0.009623154997825623, + -0.10930709540843964, + 1.1695998907089233, + -0.027859581634402275, + -0.21292732656002045, + -0.028873762115836143, + 0.29471635818481445, + -0.1061343103647232, + 0.03895183280110359, + -0.18484090268611908, + 2.0365543365478516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/21.png", + [ + 0.19230599701404572, + 0.008856767788529396, + -0.09943768382072449, + 1.0877376794815063, + -0.009047522209584713, + -0.2133859246969223, + -0.03650328889489174, + 0.3923359215259552, + -0.09942051023244858, + 0.036550045013427734, + -0.18901734054088593, + 2.124087333679199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/82.png", + [ + 0.1941525936126709, + -0.005293597932904959, + -0.09604501724243164, + 1.0439984798431396, + -0.023179790005087852, + -0.2125454694032669, + -0.035142749547958374, + 0.3774418532848358, + -0.09335612505674362, + 0.04176473990082741, + -0.1910189539194107, + 2.1284608840942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/106.png", + [ + 0.18634216487407684, + -0.007266562897711992, + -0.11032533645629883, + 1.1806142330169678, + -0.027926255017518997, + -0.2122892439365387, + -0.033185724169015884, + 0.34552592039108276, + -0.10697947442531586, + 0.04275938868522644, + -0.1835072636604309, + 2.024714946746826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/14.png", + [ + 0.19135373830795288, + 0.008934774436056614, + -0.10125120729207993, + 1.1036572456359863, + -0.009536504745483398, + -0.21330572664737701, + -0.03684583306312561, + 0.3924793303012848, + -0.1011962965130806, + 0.036996353417634964, + -0.18798530101776123, + 2.097529888153076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/67.png", + [ + 0.19297191500663757, + 0.000592556141782552, + -0.0985361784696579, + 1.061935305595398, + -0.017882773652672768, + -0.21286217868328094, + -0.03630145266652107, + 0.38604703545570374, + -0.09690167754888535, + 0.04046279564499855, + -0.18952763080596924, + 2.103330612182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/78.png", + [ + 0.19204720854759216, + -0.0039104679599404335, + -0.10025203227996826, + 1.0883307456970215, + -0.02144487574696541, + -0.2131062000989914, + -0.03276824578642845, + 0.35104048252105713, + -0.09800958633422852, + 0.03896600380539894, + -0.18927140533924103, + 2.107051372528076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/31.png", + [ + 0.1943580061197281, + 0.004116643685847521, + -0.09568654000759125, + 1.0342448949813843, + -0.011714918538928032, + -0.21382704377174377, + -0.0329945869743824, + 0.35313868522644043, + -0.09505590051412582, + 0.03476974740624428, + -0.1915811449289322, + 2.1275720596313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/152.png", + [ + 0.19026720523834229, + -0.01799195632338524, + -0.1020909771323204, + 1.0889005661010742, + -0.03589364513754845, + -0.21162082254886627, + -0.029600191861391068, + 0.3067273497581482, + -0.09725185483694077, + 0.042904723435640335, + -0.1888098418712616, + 2.0684995651245117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/39.png", + [ + 0.19256609678268433, + 0.0018135277787223458, + -0.09931214153766632, + 1.0853275060653687, + -0.01640998385846615, + -0.2130807489156723, + -0.03570998087525368, + 0.3851253092288971, + -0.09796377271413803, + 0.039258141070604324, + -0.18923474848270416, + 2.1284594535827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/92.png", + [ + 0.1932549625635147, + -0.014430135488510132, + -0.09691329300403595, + 1.0511301755905151, + -0.030489947646856308, + -0.21252821385860443, + -0.02915516495704651, + 0.3081333041191101, + -0.09311701357364655, + 0.03964128717780113, + -0.19158728420734406, + 2.125020980834961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/53.png", + [ + 0.19414477050304413, + 0.003764885710552335, + -0.09613289684057236, + 1.0459944009780884, + -0.013508247211575508, + -0.21329708397388458, + -0.03563394024968147, + 0.38106289505958557, + -0.09525353461503983, + 0.037921976298093796, + -0.19088369607925415, + 2.137260913848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/75.png", + [ + 0.1925048530101776, + -0.0019180455710738897, + -0.09942884743213654, + 1.0749346017837524, + -0.01979576051235199, + -0.21303807199001312, + -0.03421706333756447, + 0.36433085799217224, + -0.09745718538761139, + 0.039484184235334396, + -0.18944917619228363, + 2.101315498352051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/151.png", + [ + 0.19046129286289215, + -0.019683703780174255, + -0.10141468048095703, + 1.0823829174041748, + -0.03719261288642883, + -0.21150721609592438, + -0.02879769541323185, + 0.2982361614704132, + -0.09637993574142456, + 0.04272177070379257, + -0.18929778039455414, + 2.0760717391967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/87.png", + [ + 0.19608215987682343, + -0.01051310170441866, + -0.09159232676029205, + 0.9943559765815735, + -0.026178840547800064, + -0.21274977922439575, + -0.03162430599331856, + 0.33701324462890625, + -0.08839879930019379, + 0.039685048162937164, + -0.19380052387714386, + 2.1567606925964355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/139.png", + [ + 0.18916292488574982, + -0.016882967203855515, + -0.10430844873189926, + 1.1243990659713745, + -0.034114208072423935, + -0.2121949940919876, + -0.02752089686691761, + 0.2883028984069824, + -0.10000753402709961, + 0.04044928029179573, + -0.18791019916534424, + 2.0788040161132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/107.png", + [ + 0.18587490916252136, + -0.0074211545288562775, + -0.11110056191682816, + 1.1907846927642822, + -0.028301477432250977, + -0.21224166452884674, + -0.03317226096987724, + 0.3459055423736572, + -0.10769138485193253, + 0.04296858236193657, + -0.18304142355918884, + 2.025500774383545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/112.png", + [ + 0.18654334545135498, + -0.008280327543616295, + -0.109913170337677, + 1.184734582901001, + -0.03025079146027565, + -0.2116120606660843, + -0.03539946302771568, + 0.370119571685791, + -0.10599226504564285, + 0.0458221398293972, + -0.1833408623933792, + 2.0371360778808594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/69.png", + [ + 0.1934073567390442, + -0.002784943673759699, + -0.09764084219932556, + 1.0519646406173706, + -0.020603997632861137, + -0.21287661790847778, + -0.034740742295980453, + 0.3680696189403534, + -0.09548278898000717, + 0.040295008569955826, + -0.19028201699256897, + 2.1123228073120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/157.png", + [ + 0.18823030591011047, + -0.01776125468313694, + -0.10583846271038055, + 1.1311626434326172, + -0.038203705102205276, + -0.2107781171798706, + -0.032572392374277115, + 0.3403611481189728, + -0.10028817504644394, + 0.04695766046643257, + -0.18623949587345123, + 2.04628849029541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/45.png", + [ + 0.19356703758239746, + 0.003698194632306695, + -0.09729347378015518, + 1.0581586360931396, + -0.015446068719029427, + -0.2126099020242691, + -0.03881167992949486, + 0.41764846444129944, + -0.09613070636987686, + 0.0416083037853241, + -0.18967217206954956, + 2.1235928535461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/50.png", + [ + 0.19429145753383636, + 0.002908725757151842, + -0.09586583822965622, + 1.0405207872390747, + -0.015113982371985912, + -0.21294039487838745, + -0.03709249570965767, + 0.3968935012817383, + -0.09471160918474197, + 0.03994777798652649, + -0.19074009358882904, + 2.12786865234375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/101.png", + [ + 0.18955211341381073, + -0.010138873010873795, + -0.10447534173727036, + 1.110036849975586, + -0.02744053676724434, + -0.21294817328453064, + -0.02912033721804619, + 0.2995489835739136, + -0.10131589323282242, + 0.03870633617043495, + -0.18757614493370056, + 2.052358627319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/85.png", + [ + 0.19422972202301025, + -0.008420764468610287, + -0.09566505253314972, + 1.0396918058395386, + -0.02528231032192707, + -0.21270979940891266, + -0.032607488334178925, + 0.3504670262336731, + -0.0926472619175911, + 0.040392257273197174, + -0.1916581392288208, + 2.1363744735717773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/156.png", + [ + 0.1905195116996765, + -0.017190812155604362, + -0.10175798088312149, + 1.085995078086853, + -0.035908959805965424, + -0.2113395631313324, + -0.03152832016348839, + 0.3278900384902954, + -0.09675101190805435, + 0.04458659142255783, + -0.18867743015289307, + 2.0679521560668945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/131.png", + [ + 0.19223804771900177, + -0.0046136463060975075, + -0.09985560923814774, + 1.088747501373291, + -0.023227762430906296, + -0.21258099377155304, + -0.03489524498581886, + 0.3740328252315521, + -0.09722600877285004, + 0.04166439548134804, + -0.18910068273544312, + 2.1213955879211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/71.png", + [ + 0.19261357188224792, + -0.0032532461918890476, + -0.09918327629566193, + 1.0682834386825562, + -0.02109191194176674, + -0.21295233070850372, + -0.0339755155146122, + 0.3599129915237427, + -0.09696925431489944, + 0.03985749930143356, + -0.18962129950523376, + 2.102372169494629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/160.png", + [ + 0.18761089444160461, + -0.016178302466869354, + -0.1071835458278656, + 1.1459439992904663, + -0.037665605545043945, + -0.21062736213207245, + -0.034136634320020676, + 0.3575517237186432, + -0.10164324939250946, + 0.04818993806838989, + -0.18518711626529694, + 2.033407211303711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/115.png", + [ + 0.18785856664180756, + -0.008439267054200172, + -0.10763749480247498, + 1.1582415103912354, + -0.031176049262285233, + -0.21105040609836578, + -0.03786391764879227, + 0.3971867263317108, + -0.10336878895759583, + 0.04831564426422119, + -0.1841966062784195, + 2.043323040008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/54.png", + [ + 0.19367197155952454, + 0.003964025527238846, + -0.09707392007112503, + 1.0568313598632812, + -0.013086849823594093, + -0.21345670521259308, + -0.03482608124613762, + 0.3709774613380432, + -0.09626937657594681, + 0.03699199855327606, + -0.19055627286434174, + 2.1344761848449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/33.png", + [ + 0.1919596791267395, + 0.0005396138876676559, + -0.10049422830343246, + 1.0875098705291748, + -0.016433315351605415, + -0.2135864794254303, + -0.0325370728969574, + 0.34903931617736816, + -0.09914296120405197, + 0.03644754737615585, + -0.189182847738266, + 2.1089587211608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/159.png", + [ + 0.18763573467731476, + -0.015673456713557243, + -0.1072150245308876, + 1.1443337202072144, + -0.03726750984787941, + -0.21065092086791992, + -0.0344269759953022, + 0.3600101172924042, + -0.10174406319856644, + 0.048253778368234634, + -0.18511512875556946, + 2.030050277709961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/49.png", + [ + 0.19441770017147064, + 0.0034541215281933546, + -0.09559140354394913, + 1.0362675189971924, + -0.014177066273987293, + -0.21310128271579742, + -0.0365341491997242, + 0.3908187747001648, + -0.09459733963012695, + 0.03903590887784958, + -0.19098542630672455, + 2.1294450759887695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/118.png", + [ + 0.1868811696767807, + -0.007018139585852623, + -0.10942606627941132, + 1.1823620796203613, + -0.030575795099139214, + -0.2109890729188919, + -0.03868630528450012, + 0.4075009226799011, + -0.10530165582895279, + 0.048808351159095764, + -0.18296776711940765, + 2.032768726348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/110.png", + [ + 0.18664784729480743, + -0.005271814297884703, + -0.10992124676704407, + 1.181839942932129, + -0.026915377005934715, + -0.21203970909118652, + -0.03553329035639763, + 0.371812641620636, + -0.10670536011457443, + 0.04426352679729462, + -0.1833101063966751, + 2.0307044982910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/18.png", + [ + 0.1916479915380478, + 0.007363514043390751, + -0.10082022845745087, + 1.1018379926681519, + -0.010595593601465225, + -0.2134454846382141, + -0.0357302650809288, + 0.38236597180366516, + -0.1005319356918335, + 0.03653351217508316, + -0.1884317398071289, + 2.1132874488830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/66.png", + [ + 0.1938992440700531, + 0.0021184226498007774, + -0.09667723625898361, + 1.0409919023513794, + -0.015660766512155533, + -0.21307501196861267, + -0.03607875108718872, + 0.3815130889415741, + -0.0954238697886467, + 0.03927401825785637, + -0.1905248910188675, + 2.110579013824463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/16.png", + [ + 0.19184757769107819, + 0.0069408477284014225, + -0.10047002136707306, + 1.094399094581604, + -0.010754779912531376, + -0.21351134777069092, + -0.03528642654418945, + 0.3761153817176819, + -0.10013359040021896, + 0.036230120807886124, + -0.18870224058628082, + 2.107271194458008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/94.png", + [ + 0.19166013598442078, + -0.013328367844223976, + -0.10018300265073776, + 1.0826890468597412, + -0.029735947027802467, + -0.21271193027496338, + -0.02858862280845642, + 0.3011520504951477, + -0.09659218788146973, + 0.03903703764081001, + -0.18998408317565918, + 2.0997443199157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/28.png", + [ + 0.19304105639457703, + 0.0033760361839085817, + -0.09834455698728561, + 1.0656541585922241, + -0.012313632294535637, + -0.21401618421077728, + -0.03151737526059151, + 0.34100276231765747, + -0.09762901812791824, + 0.03366857394576073, + -0.19048069417476654, + 2.122282028198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/61.png", + [ + 0.19226856529712677, + 0.003457052167505026, + -0.09984362870454788, + 1.0735136270523071, + -0.015358746983110905, + -0.21294774115085602, + -0.036949533969163895, + 0.3908958435058594, + -0.09871580451726913, + 0.03986486792564392, + -0.18871641159057617, + 2.087883949279785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/132.png", + [ + 0.19278237223625183, + -0.006126122083514929, + -0.09871840476989746, + 1.0751885175704956, + -0.0241033174097538, + -0.21264873445034027, + -0.03387395665049553, + 0.3626716732978821, + -0.0959264412522316, + 0.04112037643790245, + -0.18988187611103058, + 2.1257987022399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/58.png", + [ + 0.19395864009857178, + 0.0028874350246042013, + -0.09653809666633606, + 1.0423381328582764, + -0.014897088520228863, + -0.21309150755405426, + -0.03630387410521507, + 0.38363268971443176, + -0.09542545676231384, + 0.03913511335849762, + -0.19055266678333282, + 2.1201252937316895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/123.png", + [ + 0.18944406509399414, + -0.005671209655702114, + -0.10500797629356384, + 1.1363680362701416, + -0.026854464784264565, + -0.21179479360580444, + -0.03700944408774376, + 0.39362064003944397, + -0.10167435556650162, + 0.04537288472056389, + -0.1858803927898407, + 2.065829277038574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/64.png", + [ + 0.19426248967647552, + -0.0007626593578606844, + -0.09596559405326843, + 1.0325757265090942, + -0.017564501613378525, + -0.2132905125617981, + -0.03386063128709793, + 0.35764744877815247, + -0.09434757381677628, + 0.03813754394650459, + -0.1912902444601059, + 2.1175994873046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/10.png", + [ + 0.1942640095949173, + 0.008954763412475586, + -0.09554685652256012, + 1.0388249158859253, + -0.009473185986280441, + -0.21288618445396423, + -0.03921264410018921, + 0.4167686402797699, + -0.09549684822559357, + 0.03933427110314369, + -0.19047588109970093, + 2.125354290008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/41.png", + [ + 0.19445940852165222, + 0.004968690685927868, + -0.09543979167938232, + 1.041317343711853, + -0.013458490371704102, + -0.2128015011548996, + -0.03850044682621956, + 0.4148210883140564, + -0.09461664408445358, + 0.04048120230436325, + -0.19067475199699402, + 2.139185905456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/91.png", + [ + 0.19344621896743774, + -0.01343507319688797, + -0.09667448699474335, + 1.0510739088058472, + -0.029849980026483536, + -0.2124728411436081, + -0.03020215407013893, + 0.3198843002319336, + -0.09292704612016678, + 0.040282633155584335, + -0.19154572486877441, + 2.1298294067382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/140.png", + [ + 0.1900792121887207, + -0.017780816182494164, + -0.10247744619846344, + 1.1072865724563599, + -0.03456510975956917, + -0.2121502310037613, + -0.027302643284201622, + 0.28532207012176514, + -0.09809708595275879, + 0.040299177169799805, + -0.1889466494321823, + 2.093205451965332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/23.png", + [ + 0.19167226552963257, + 0.0069909850135445595, + -0.10080058127641678, + 1.098514437675476, + -0.010451625101268291, + -0.21362419426441193, + -0.034689582884311676, + 0.37095654010772705, + -0.10050072520971298, + 0.03554897755384445, + -0.18863660097122192, + 2.1144165992736816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/37.png", + [ + 0.19209696352481842, + 0.0023076850920915604, + -0.10020644217729568, + 1.0931161642074585, + -0.015410907566547394, + -0.21336154639720917, + -0.034456461668014526, + 0.37053319811820984, + -0.09904121607542038, + 0.0376751683652401, + -0.18899554014205933, + 2.1224923133850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/36.png", + [ + 0.19248579442501068, + 0.002602068707346916, + -0.09945019334554672, + 1.0815494060516357, + -0.015051590278744698, + -0.21334539353847504, + -0.03471442684531212, + 0.3728923201560974, + -0.0983390212059021, + 0.03774746507406235, + -0.18934746086597443, + 2.120854377746582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/8.png", + [ + 0.19323769211769104, + 0.011762093752622604, + -0.0973074808716774, + 1.0616742372512817, + -0.00680592330172658, + -0.2129794806241989, + -0.03925952687859535, + 0.41747647523880005, + -0.09777919948101044, + 0.0380694642663002, + -0.1895727813243866, + 2.122889518737793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/6.png", + [ + 0.19432030618190765, + 0.014727531932294369, + -0.09471333771944046, + 1.028451681137085, + -0.004420940298587084, + -0.21249675750732422, + -0.04211266711354256, + 0.4486359655857086, + -0.09574952721595764, + 0.03970039263367653, + -0.1902729719877243, + 2.12959623336792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/154.png", + [ + 0.19002872705459595, + -0.01900751329958439, + -0.10235082358121872, + 1.0906307697296143, + -0.03753798082470894, + -0.21121160686016083, + -0.03047057054936886, + 0.31689733266830444, + -0.09709726274013519, + 0.04445526376366615, + -0.18853048980236053, + 2.067382335662842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/20.png", + [ + 0.19097287952899933, + 0.0075324904173612595, + -0.10208094120025635, + 1.1188287734985352, + -0.011024226434528828, + -0.21331661939620972, + -0.036364611238241196, + 0.39028221368789673, + -0.10176307708024979, + 0.03724487125873566, + -0.18762992322444916, + 2.1106371879577637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/2.png", + [ + 0.19641388952732086, + 0.0248470026999712, + -0.08804602921009064, + 0.9499530792236328, + 0.006941033992916346, + -0.21197639405727386, + -0.04433659836649895, + 0.47270384430885315, + -0.0912211537361145, + 0.03737029433250427, + -0.19295091927051544, + 2.15285062789917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/117.png", + [ + 0.18804582953453064, + -0.008225024677813053, + -0.10732664167881012, + 1.1576147079467773, + -0.03030897118151188, + -0.21134594082832336, + -0.03690742328763008, + 0.38710781931877136, + -0.10328613221645355, + 0.04704403504729271, + -0.1845717579126358, + 2.0487961769104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/149.png", + [ + 0.19065742194652557, + -0.022280162200331688, + -0.10050487518310547, + 1.075697898864746, + -0.038720954209566116, + -0.21152549982070923, + -0.026562044396996498, + 0.27443745732307434, + -0.09538513422012329, + 0.0413333885371685, + -0.19010816514492035, + 2.092702865600586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/161.png", + [ + 0.18770447373390198, + -0.015861568972468376, + -0.10706695914268494, + 1.147542953491211, + -0.03713824972510338, + -0.21076154708862305, + -0.0338854044675827, + 0.3558073043823242, + -0.10166452825069427, + 0.04770619422197342, + -0.18530066311359406, + 2.038583755493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/5.png", + [ + 0.19562514126300812, + 0.018756281584501266, + -0.09125186502933502, + 0.9895043969154358, + 8.352903387276456e-05, + -0.21227289736270905, + -0.043452370911836624, + 0.46329882740974426, + -0.0931595042347908, + 0.03919588401913643, + -0.19165824353694916, + 2.1423540115356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/108.png", + [ + 0.18611043691635132, + -0.005830989684909582, + -0.11080070585012436, + 1.1879295110702515, + -0.026516534388065338, + -0.21244274079799652, + -0.03335946053266525, + 0.34693387150764465, + -0.1077389121055603, + 0.042213503271341324, + -0.18318909406661987, + 2.0273661613464355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/60.png", + [ + 0.1928943395614624, + 0.0022940298076719046, + -0.0986630916595459, + 1.0606986284255981, + -0.01648261770606041, + -0.2128247320652008, + -0.03717326372861862, + 0.39099395275115967, + -0.097303606569767, + 0.04059883579611778, + -0.18929246068000793, + 2.0932750701904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/56.png", + [ + 0.19440607726573944, + 0.0036574287805706263, + -0.09560749679803848, + 1.0368660688400269, + -0.013764801435172558, + -0.21319471299648285, + -0.036144714802503586, + 0.3839711844921112, + -0.09468209743499756, + 0.038503680378198624, + -0.1910514533519745, + 2.134097099304199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/147.png", + [ + 0.1923043429851532, + -0.020630694925785065, + -0.09767960011959076, + 1.050011157989502, + -0.036268141120672226, + -0.21195051074028015, + -0.02663642168045044, + 0.27520671486854553, + -0.0930137112736702, + 0.03999064117670059, + -0.19156484305858612, + 2.1166815757751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/30.png", + [ + 0.19429050385951996, + 0.003405721392482519, + -0.09585142135620117, + 1.0375051498413086, + -0.011279299855232239, + -0.21422408521175385, + -0.03047475405037403, + 0.3251962661743164, + -0.09524637460708618, + 0.03231615945696831, + -0.1919158399105072, + 2.1344618797302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/17.png", + [ + 0.19196896255016327, + 0.007631785701960325, + -0.10018764436244965, + 1.0942354202270508, + -0.010458052158355713, + -0.21335764229297638, + -0.03629111498594284, + 0.3881004750728607, + -0.09993216395378113, + 0.03698880597949028, + -0.1886618286371231, + 2.11179780960083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/12.png", + [ + 0.19384950399398804, + 0.006807968020439148, + -0.09656043350696564, + 1.0486698150634766, + -0.011348786763846874, + -0.21304915845394135, + -0.03780418261885643, + 0.4019275903701782, + -0.09613257646560669, + 0.038879334926605225, + -0.19024935364723206, + 2.1201276779174805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/114.png", + [ + 0.18779143691062927, + -0.008606056682765484, + -0.10774137079715729, + 1.1599854230880737, + -0.031340591609478, + -0.2110431045293808, + -0.03776865452528, + 0.39557069540023804, + -0.10344097763299942, + 0.048318106681108475, + -0.1841554194688797, + 2.0409841537475586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/27.png", + [ + 0.1925831288099289, + 0.004867963492870331, + -0.0991763025522232, + 1.0718779563903809, + -0.010971199721097946, + -0.21404586732387543, + -0.03181037679314613, + 0.3422771692276001, + -0.09868773072957993, + 0.033295195549726486, + -0.19000014662742615, + 2.112903594970703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/42.png", + [ + 0.1937476098537445, + 0.005227354355156422, + -0.09686295688152313, + 1.0560616254806519, + -0.01337498240172863, + -0.21285374462604523, + -0.03823993355035782, + 0.41280892491340637, + -0.09607739746570587, + 0.04017284885048866, + -0.19000834226608276, + 2.1322274208068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/7.png", + [ + 0.19432510435581207, + 0.013655505143105984, + -0.09486402571201324, + 1.0323150157928467, + -0.004960719030350447, + -0.21274350583553314, + -0.04078587517142296, + 0.43652433156967163, + -0.09571335464715958, + 0.0387507863342762, + -0.19048680365085602, + 2.131840705871582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/73.png", + [ + 0.1909719705581665, + -0.001869740430265665, + -0.10234302282333374, + 1.1042119264602661, + -0.02092137187719345, + -0.21277812123298645, + -0.03515193983912468, + 0.3737252950668335, + -0.10019923001527786, + 0.0408640019595623, + -0.1877182424068451, + 2.0806732177734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/120.png", + [ + 0.1866987943649292, + -0.007518860511481762, + -0.10970381647348404, + 1.1879314184188843, + -0.030772274360060692, + -0.21110299229621887, + -0.037901073694229126, + 0.40108904242515564, + -0.10556763410568237, + 0.04823786020278931, + -0.18296578526496887, + 2.0357961654663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/46.png", + [ + 0.19413334131240845, + 0.003212500363588333, + -0.09617599844932556, + 1.0453319549560547, + -0.015656813979148865, + -0.21261383593082428, + -0.038705408573150635, + 0.4165080785751343, + -0.09494739770889282, + 0.0416284054517746, + -0.19026288390159607, + 2.1288886070251465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/127.png", + [ + 0.1904817670583725, + -0.00405301945284009, + -0.10318993777036667, + 1.1216052770614624, + -0.02404712326824665, + -0.21229685842990875, + -0.0360509492456913, + 0.38655802607536316, + -0.10043070465326309, + 0.04314519464969635, + -0.18708303570747375, + 2.089539051055908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/133.png", + [ + 0.19246919453144073, + -0.005844788160175085, + -0.09934456646442413, + 1.080467700958252, + -0.023332133889198303, + -0.21292191743850708, + -0.03267650306224823, + 0.35054129362106323, + -0.09674251824617386, + 0.039723802357912064, + -0.1897651106119156, + 2.1180710792541504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/57.png", + [ + 0.19529327750205994, + 0.0028555267490446568, + -0.09380978345870972, + 1.0135835409164429, + -0.014421818777918816, + -0.21308906376361847, + -0.036509688943624496, + 0.3866586685180664, + -0.0927385538816452, + 0.039150889962911606, + -0.19187147915363312, + 2.1364402770996094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/44.png", + [ + 0.19433994591236115, + 0.0058066872879862785, + -0.0956355407834053, + 1.0395727157592773, + -0.013232100754976273, + -0.21257726848125458, + -0.039795827120542526, + 0.42722776532173157, + -0.09489355236291885, + 0.04153406620025635, + -0.19031034409999847, + 2.128262996673584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/113.png", + [ + 0.1870986819267273, + -0.006127106491476297, + -0.10910742729902267, + 1.1748366355895996, + -0.02904594875872135, + -0.21134041249752045, + -0.03794015944004059, + 0.3978821635246277, + -0.10534849017858505, + 0.04738756641745567, + -0.18331393599510193, + 2.0315675735473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/126.png", + [ + 0.18998600542545319, + -0.004367529880255461, + -0.10408718138933182, + 1.131050944328308, + -0.024998974055051804, + -0.21207019686698914, + -0.0367310605943203, + 0.3928813338279724, + -0.10113489627838135, + 0.04421588033437729, + -0.18645264208316803, + 2.080927848815918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/29.png", + [ + 0.19517144560813904, + 0.004699366167187691, + -0.09398888796567917, + 1.016470193862915, + -0.010008186101913452, + -0.21414051949977875, + -0.03148922324180603, + 0.3380183279514313, + -0.09357260912656784, + 0.03270551562309265, + -0.1926717758178711, + 2.1404237747192383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/4.png", + [ + 0.1970045119524002, + 0.019711991772055626, + -0.08802586048841476, + 0.9514061212539673, + 0.0012483106693252921, + -0.21201354265213013, + -0.0446833036839962, + 0.4760184586048126, + -0.09019730985164642, + 0.04011973738670349, + -0.19288012385368347, + 2.1527633666992188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/55.png", + [ + 0.19448620080947876, + 0.004711311776190996, + -0.09539822489023209, + 1.0363364219665527, + -0.012355745770037174, + -0.2133515626192093, + -0.035725902765989304, + 0.3788403570652008, + -0.09471194446086884, + 0.03750744089484215, + -0.1912347674369812, + 2.1377921104431152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/9.png", + [ + 0.19505663216114044, + 0.009900525212287903, + -0.0938231498003006, + 1.0224781036376953, + -0.007824428379535675, + -0.21303831040859222, + -0.03874734416604042, + 0.41075414419174194, + -0.09401905536651611, + 0.038269538432359695, + -0.19142559170722961, + 2.137877941131592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/25.png", + [ + 0.19204457104206085, + 0.004676403943449259, + -0.10022430121898651, + 1.086570382118225, + -0.011709821410477161, + -0.2139153778553009, + -0.032418910413980484, + 0.34533506631851196, + -0.09964767098426819, + 0.03415020927786827, + -0.18934623897075653, + 2.111454963684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/99.png", + [ + 0.19184057414531708, + -0.012420414946973324, + -0.09995412081480026, + 1.0648292303085327, + -0.028526853770017624, + -0.21291682124137878, + -0.028293900191783905, + 0.2967836856842041, + -0.09659872204065323, + 0.03821071982383728, + -0.19014869630336761, + 2.087078094482422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/34.png", + [ + 0.19154003262519836, + 0.002092644339427352, + -0.10127151757478714, + 1.097664713859558, + -0.015884822234511375, + -0.2133275270462036, + -0.034451924264431, + 0.3699520230293274, + -0.10003985464572906, + 0.03787985444068909, + -0.18842780590057373, + 2.102504253387451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/72.png", + [ + 0.1913730800151825, + -0.002786471275612712, + -0.10157004743814468, + 1.0958137512207031, + -0.021058162674307823, + -0.21297821402549744, + -0.03383387252688408, + 0.3585771918296814, + -0.09940217435359955, + 0.03975440561771393, + -0.18837912380695343, + 2.0904932022094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/102.png", + [ + 0.18792451918125153, + -0.00879068486392498, + -0.10749416053295135, + 1.1462829113006592, + -0.02592216618359089, + -0.21330486238002777, + -0.027874212712049484, + 0.28319603204727173, + -0.1046915054321289, + 0.03703584894537926, + -0.1860535591840744, + 2.039928913116455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/134.png", + [ + 0.19137178361415863, + -0.007123313378542662, + -0.10136070102453232, + 1.1028114557266235, + -0.024775026366114616, + -0.21288944780826569, + -0.03181472048163414, + 0.3427529036998749, + -0.09854406118392944, + 0.03968925401568413, + -0.18884311616420746, + 2.107276439666748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/70.png", + [ + 0.19270333647727966, + -0.003614216111600399, + -0.09899625182151794, + 1.066555142402649, + -0.021320493891835213, + -0.2129691243171692, + -0.03372666984796524, + 0.35702982544898987, + -0.09674066305160522, + 0.03973649442195892, + -0.1897634118795395, + 2.104783535003662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/135.png", + [ + 0.19161583483219147, + -0.011274087242782116, + -0.10051944106817245, + 1.0908911228179932, + -0.027953052893280983, + -0.21284113824367523, + -0.02941378951072693, + 0.31440845131874084, + -0.09721054136753082, + 0.03897998481988907, + -0.18968015909194946, + 2.112919807434082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/130.png", + [ + 0.19202832877635956, + -0.0035822943318635225, + -0.10030043870210648, + 1.0951205492019653, + -0.022213909775018692, + -0.21268314123153687, + -0.03493311256170273, + 0.3748009204864502, + -0.0978751927614212, + 0.04124254733324051, + -0.18885812163352966, + 2.1202826499938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/90.png", + [ + 0.19414366781711578, + -0.01240632589906454, + -0.09540549665689468, + 1.0364607572555542, + -0.028549091890454292, + -0.21261657774448395, + -0.030447255820035934, + 0.3224477469921112, + -0.09187531471252441, + 0.0398518368601799, + -0.19214226305484772, + 2.136559009552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/122.png", + [ + 0.18793494999408722, + -0.007239797152578831, + -0.10759151726961136, + 1.1651802062988281, + -0.02950977347791195, + -0.21138624846935272, + -0.03732194006443024, + 0.3964495360851288, + -0.10371848195791245, + 0.04702487960457802, + -0.18433400988578796, + 2.050363540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/15.png", + [ + 0.19145017862319946, + 0.006149784661829472, + -0.10127636790275574, + 1.1024874448776245, + -0.011780623346567154, + -0.21346619725227356, + -0.035232044756412506, + 0.37595707178115845, + -0.10077668726444244, + 0.036636870354413986, + -0.18828091025352478, + 2.1021156311035156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/162.png", + [ + 0.18697108328342438, + -0.015170896425843239, + -0.10844148695468903, + 1.1640732288360596, + -0.03682855889201164, + -0.21079611778259277, + -0.034008290618658066, + 0.3574887812137604, + -0.10311823338270187, + 0.047778140753507614, + -0.1844770461320877, + 2.032866954803467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/22.png", + [ + 0.19191868603229523, + 0.005640759132802486, + -0.10041561722755432, + 1.0968658924102783, + -0.011948145925998688, + -0.213522806763649, + -0.03483027592301369, + 0.3742886781692505, + -0.09986168146133423, + 0.03638801723718643, + -0.18881593644618988, + 2.1219544410705566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/138.png", + [ + 0.18995144963264465, + -0.014983040280640125, + -0.10315932333469391, + 1.1124011278152466, + -0.0324176587164402, + -0.21228310465812683, + -0.028859583660960197, + 0.30356669425964355, + -0.09907287359237671, + 0.040734365582466125, + -0.18834321200847626, + 2.0826830863952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/109.png", + [ + 0.1868423968553543, + -0.005159831140190363, + -0.10959555208683014, + 1.1761951446533203, + -0.026454785838723183, + -0.21216781437397003, + -0.035112060606479645, + 0.3663962483406067, + -0.10647983849048615, + 0.043658774346113205, + -0.18358609080314636, + 2.0311412811279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/26.png", + [ + 0.1911269873380661, + 0.005540978629142046, + -0.10191992670297623, + 1.103940725326538, + -0.010742487385869026, + -0.21406157314777374, + -0.031782690435647964, + 0.3396109342575073, + -0.10150355845689774, + 0.03308834135532379, + -0.1885472983121872, + 2.1006689071655273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/43.png", + [ + 0.19352535903453827, + 0.005521868355572224, + -0.09728999435901642, + 1.0606238842010498, + -0.014102237299084663, + -0.21246220171451569, + -0.040110278874635696, + 0.432753324508667, + -0.09642073512077332, + 0.042157046496868134, + -0.18940359354019165, + 2.1242480278015137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/84.png", + [ + 0.193430095911026, + -0.005725004710257053, + -0.09746754914522171, + 1.061356544494629, + -0.023509064689278603, + -0.21266894042491913, + -0.034163471311330795, + 0.36807355284690857, + -0.09476297348737717, + 0.04107363149523735, + -0.19047527015209198, + 2.12595272064209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/136.png", + [ + 0.193404883146286, + -0.012168653309345245, + -0.09692453593015671, + 1.0456358194351196, + -0.02741282619535923, + -0.21310921013355255, + -0.02794465608894825, + 0.29500171542167664, + -0.09376022219657898, + 0.03720605745911598, + -0.19176189601421356, + 2.1223087310791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/89.png", + [ + 0.19367046654224396, + -0.011155636981129646, + -0.09651528298854828, + 1.0499647855758667, + -0.028189171105623245, + -0.2124348133802414, + -0.032011136412620544, + 0.3409377634525299, + -0.0929785892367363, + 0.04116908833384514, + -0.1913321167230606, + 2.131303310394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/63.png", + [ + 0.1922197788953781, + 0.0004422107303980738, + -0.09999626874923706, + 1.0759861469268799, + -0.017539922147989273, + -0.21316425502300262, + -0.03465912491083145, + 0.36786434054374695, + -0.09844694286584854, + 0.0388420931994915, + -0.18906979262828827, + 2.0939512252807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/88.png", + [ + 0.19464221596717834, + -0.010548990219831467, + -0.09460984915494919, + 1.0280983448028564, + -0.027358124032616615, + -0.21245460212230682, + -0.03259560093283653, + 0.3466637432575226, + -0.0911802351474762, + 0.04122691601514816, + -0.1921832412481308, + 2.1407175064086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/62.png", + [ + 0.19322514533996582, + 0.0005723150679841638, + -0.09803880006074905, + 1.0539188385009766, + -0.017402810975909233, + -0.2130299210548401, + -0.03554287552833557, + 0.3781351149082184, + -0.09648355841636658, + 0.03957052528858185, + -0.18992888927459717, + 2.1003079414367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/65.png", + [ + 0.19351597130298615, + 0.0015762114198878407, + -0.09745246917009354, + 1.0487778186798096, + -0.015874551609158516, + -0.21324366331100464, + -0.034971874207258224, + 0.37095412611961365, + -0.09616376459598541, + 0.038373809307813644, + -0.1903362274169922, + 2.1082515716552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/80.png", + [ + 0.19316139817237854, + -0.00502984831109643, + -0.09803711622953415, + 1.0653318166732788, + -0.022549500688910484, + -0.21287716925144196, + -0.03350723534822464, + 0.3601243793964386, + -0.09554106742143631, + 0.04007387533783913, + -0.19029945135116577, + 2.1213150024414062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/146.png", + [ + 0.19353796541690826, + -0.02097482793033123, + -0.09513674676418304, + 1.0228170156478882, + -0.03636225685477257, + -0.2118544727563858, + -0.027264615520834923, + 0.2824959456920624, + -0.09038102626800537, + 0.04031909629702568, + -0.19275251030921936, + 2.129805564880371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/119.png", + [ + 0.18701227009296417, + -0.007840631529688835, + -0.10914590954780579, + 1.1807540655136108, + -0.03114352934062481, + -0.21099378168582916, + -0.038204796612262726, + 0.40300390124320984, + -0.10490179061889648, + 0.048662617802619934, + -0.18323606252670288, + 2.0365395545959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/145.png", + [ + 0.19233210384845734, + -0.019738951697945595, + -0.09780910611152649, + 1.0526646375656128, + -0.03593842312693596, + -0.21184179186820984, + -0.02791742794215679, + 0.28984159231185913, + -0.09308424592018127, + 0.041003983467817307, + -0.19131620228290558, + 2.1162357330322266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/79.png", + [ + 0.1920231729745865, + -0.0043418011628091335, + -0.10028034448623657, + 1.0888655185699463, + -0.022132275626063347, + -0.212975412607193, + -0.03315916657447815, + 0.35571521520614624, + -0.09790382534265518, + 0.039629749953746796, + -0.18918830156326294, + 2.107710361480713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/165.png", + [ + 0.18741367757320404, + -0.01767123118042946, + -0.10729274898767471, + 1.1495903730392456, + -0.0381493903696537, + -0.21089021861553192, + -0.031903624534606934, + 0.3331053555011749, + -0.10182646661996841, + 0.04648596793413162, + -0.18552175164222717, + 2.040738105773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/116.png", + [ + 0.18733112514019012, + -0.008775458671152592, + -0.10852618515491486, + 1.1698980331420898, + -0.031210582703351974, + -0.21123458445072174, + -0.03679326921701431, + 0.3858754634857178, + -0.1043112650513649, + 0.04744298383593559, + -0.18389186263084412, + 2.0413150787353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/19.png", + [ + 0.19208449125289917, + 0.008051742799580097, + -0.09993305802345276, + 1.0935686826705933, + -0.009887523017823696, + -0.2134004682302475, + -0.036199089139699936, + 0.38693520426750183, + -0.09976814687252045, + 0.03665114566683769, + -0.18881447613239288, + 2.121293544769287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/77.png", + [ + 0.19276480376720428, + -0.0017801052890717983, + -0.09892650693655014, + 1.0724563598632812, + -0.01932278648018837, + -0.213145449757576, + -0.03381633758544922, + 0.3612106144428253, + -0.09703737497329712, + 0.03890688717365265, + -0.18978381156921387, + 2.110442638397217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/68.png", + [ + 0.1927027553319931, + -0.0009654475725255907, + -0.09905865043401718, + 1.0679312944412231, + -0.019286485388875008, + -0.21288412809371948, + -0.035443950444459915, + 0.37621068954467773, + -0.09716779738664627, + 0.04033993184566498, + -0.1894175410270691, + 2.1026268005371094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/143.png", + [ + 0.19119976460933685, + -0.018187111243605614, + -0.1002984270453453, + 1.0829790830612183, + -0.035046666860580444, + -0.21192963421344757, + -0.02838056907057762, + 0.2963974177837372, + -0.09571978449821472, + 0.04126686602830887, + -0.18995437026023865, + 2.1023788452148438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/86.png", + [ + 0.19507235288619995, + -0.008254768326878548, + -0.09394963830709457, + 1.020400047302246, + -0.02461066097021103, + -0.21282005310058594, + -0.032401178032159805, + 0.34719014167785645, + -0.09104388952255249, + 0.03984193876385689, + -0.19253966212272644, + 2.144407272338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/1.png", + [ + 0.19533602893352509, + 0.025269312784075737, + -0.09029502421617508, + 0.9751667976379395, + 0.00817848090082407, + -0.21245430409908295, + -0.04176335036754608, + 0.44708114862442017, + -0.09340686351060867, + 0.0342421717941761, + -0.19248513877391815, + 2.1515889167785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/81.png", + [ + 0.19276030361652374, + -0.004611825104802847, + -0.0988437831401825, + 1.0758378505706787, + -0.02275877259671688, + -0.2127028852701187, + -0.03445880860090256, + 0.3711320757865906, + -0.09629850089550018, + 0.04103781282901764, + -0.189711332321167, + 2.116548538208008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/95.png", + [ + 0.19195377826690674, + -0.013590449467301369, + -0.09958384186029434, + 1.0739446878433228, + -0.02966010943055153, + -0.21278329193592072, + -0.028132563456892967, + 0.29718199372291565, + -0.0960308313369751, + 0.03855467587709427, + -0.19036677479743958, + 2.1044669151306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/103.png", + [ + 0.1877681463956833, + -0.00828461442142725, + -0.10780715942382812, + 1.1522856950759888, + -0.02529752627015114, + -0.21340756118297577, + -0.027661142870783806, + 0.28032779693603516, + -0.10512400418519974, + 0.036557745188474655, + -0.18590418994426727, + 2.042819023132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/150.png", + [ + 0.1901763677597046, + -0.01937662810087204, + -0.10200682282447815, + 1.090954065322876, + -0.03680318966507912, + -0.21162711083889008, + -0.028414547443389893, + 0.2936737835407257, + -0.0970894917845726, + 0.04226591810584068, + -0.18903733789920807, + 2.07572078704834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/83.png", + [ + 0.1936948448419571, + -0.0054159811697900295, + -0.09695807099342346, + 1.0555435419082642, + -0.023256877437233925, + -0.2126287966966629, + -0.0345834381878376, + 0.3720267415046692, + -0.09428319334983826, + 0.041322678327560425, + -0.19065941870212555, + 2.126156806945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/142.png", + [ + 0.19001126289367676, + -0.01662800833582878, + -0.1027965173125267, + 1.1113497018814087, + -0.033681001514196396, + -0.21221069991588593, + -0.02793020009994507, + 0.2917371988296509, + -0.09853529185056686, + 0.040472399443387985, + -0.18868140876293182, + 2.0901050567626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/51.png", + [ + 0.19350872933864594, + 0.0025040183681994677, + -0.09744738042354584, + 1.0585894584655762, + -0.015350742265582085, + -0.21311774849891663, + -0.03595944494009018, + 0.3843657970428467, + -0.09626326709985733, + 0.039018671959638596, + -0.19015473127365112, + 2.1236462593078613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/128.png", + [ + 0.19107000529766083, + -0.003443198511376977, + -0.10211902856826782, + 1.111820936203003, + -0.023120805621147156, + -0.21239162981510162, + -0.036098916083574295, + 0.3877560794353485, + -0.0995267853140831, + 0.0427299402654171, + -0.18766051530838013, + 2.1003670692443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+uUG7S-4OivU+P1+C0+F7173-7340/93.png", + [ + 0.19255603849887848, + -0.014491393230855465, + -0.09828563779592514, + 1.0651346445083618, + -0.030849961563944817, + -0.212482288479805, + -0.029110880568623543, + 0.3073423206806183, + -0.09443700313568115, + 0.03986430540680885, + -0.19089365005493164, + 2.1145505905151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/76.png", + [ + 0.19724808633327484, + 0.01935882866382599, + -0.08755753189325333, + 1.0269745588302612, + 0.01864982210099697, + -0.21579529345035553, + -0.005698001477867365, + 0.05497944727540016, + -0.08771127462387085, + -0.002349201124161482, + -0.19811387360095978, + 2.368626594543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/48.png", + [ + 0.21375827491283417, + -0.013863200321793556, + -0.0326053723692894, + 0.38782310485839844, + -0.016112852841615677, + -0.21562354266643524, + -0.013955456204712391, + 0.15307950973510742, + -0.031554315239191055, + 0.016192296519875526, + -0.21375226974487305, + 2.5886926651000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/35.png", + [ + 0.20343521237373352, + -0.018106285482645035, + -0.07234759628772736, + 0.8427863121032715, + -0.017204364761710167, + -0.21591635048389435, + 0.005659759044647217, + -0.07761696726083755, + -0.07256735861301422, + 0.0004306004266254604, + -0.2041609287261963, + 2.444246768951416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/97.png", + [ + 0.20284225046634674, + 0.028808411210775375, + -0.07051941752433777, + 0.8500905632972717, + 0.02232464961707592, + -0.2142568826675415, + -0.02331298217177391, + 0.2656755745410919, + -0.0728321522474289, + 0.014558865688741207, + -0.20354707539081573, + 2.496901035308838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/13.png", + [ + 0.19933238625526428, + 0.002331549534574151, + -0.084906205534935, + 1.0097880363464355, + 0.012674781493842602, + -0.21498438715934753, + 0.0238527599722147, + -0.29704195261001587, + -0.08398720622062683, + -0.02691037580370903, + -0.19791381061077118, + 2.3986353874206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/32.png", + [ + 0.19504614174365997, + -0.002256048144772649, + -0.09433877468109131, + 1.1030888557434082, + -0.001478345482610166, + -0.21665915846824646, + 0.0021247670520097017, + -0.039617642760276794, + -0.09435417503118515, + -0.0012690104776993394, + -0.19504761695861816, + 2.326605796813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/38.png", + [ + 0.20730693638324738, + -0.02886231802403927, + -0.056024033576250076, + 0.6635584235191345, + -0.028302524238824844, + -0.2147371917963028, + 0.005899302661418915, + -0.08366692066192627, + -0.05630891025066376, + 0.001673733931966126, + -0.20922333002090454, + 2.523151397705078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/11.png", + [ + 0.19746781885623932, + 0.0020352068822830915, + -0.08916395902633667, + 1.0586906671524048, + 0.010959307663142681, + -0.21553029119968414, + 0.01935155875980854, + -0.24103562533855438, + -0.08851128071546555, + -0.022146042436361313, + -0.1965278536081314, + 2.3774309158325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/59.png", + [ + 0.21100561320781708, + 0.007752496749162674, + -0.04862533509731293, + 0.5737932324409485, + 0.006454299669712782, + -0.21648073196411133, + -0.0065063354559242725, + 0.05844913050532341, + -0.04881461337208748, + 0.004887654911726713, + -0.2110477238893509, + 2.543405055999756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/24.png", + [ + 0.199327290058136, + -0.003192014992237091, + -0.08489016443490982, + 1.0125138759613037, + 0.003589898580685258, + -0.21601168811321259, + 0.016551708802580833, + -0.2088659405708313, + -0.08487426489591599, + -0.01663302443921566, + -0.19866453111171722, + 2.4141507148742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/74.png", + [ + 0.19637256860733032, + 0.017873622477054596, + -0.0898122489452362, + 1.0562002658843994, + 0.018679162487387657, + -0.2158576101064682, + -0.0021164393983781338, + 0.011649593710899353, + -0.08964817970991135, + -0.005824432708323002, + -0.19717295467853546, + 2.3592185974121094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/98.png", + [ + 0.20262783765792847, + 0.027365949004888535, + -0.07170044630765915, + 0.865505039691925, + 0.020642239600419998, + -0.21440546214580536, + -0.0234966017305851, + 0.26758065819740295, + -0.07391715794801712, + 0.015142557211220264, + -0.2031129151582718, + 2.4969019889831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/0.png", + [ + 0.1919993758201599, + 0.022186381742358208, + -0.09793819487094879, + 1.114556908607483, + 0.013140941970050335, + -0.21505406498908997, + -0.02295548841357231, + 0.2521418333053589, + -0.09955622255802155, + 0.01440150011330843, + -0.19190895557403564, + 2.232769012451172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/96.png", + [ + 0.20266413688659668, + 0.02957323007285595, + -0.07071468979120255, + 0.8504756689071655, + 0.0230423416942358, + -0.2141578197479248, + -0.023523861542344093, + 0.26921525597572327, + -0.07310399413108826, + 0.014482595026493073, + -0.20345506072044373, + 2.494211196899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/100.png", + [ + 0.2011837363243103, + 0.026967015117406845, + -0.07580093294382095, + 0.9178066253662109, + 0.020575042814016342, + -0.2145974487066269, + -0.021737055853009224, + 0.24510788917541504, + -0.0777796134352684, + 0.012985064648091793, + -0.20181581377983093, + 2.485973834991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/40.png", + [ + 0.2099718153476715, + -0.025352725759148598, + -0.04708467796444893, + 0.5579758882522583, + -0.025809330865740776, + -0.21513070166110992, + 0.0007416062871925533, + -0.02062312886118889, + -0.046835947781801224, + 0.004889855161309242, + -0.21149557828903198, + 2.5541305541992188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/52.png", + [ + 0.21345335245132446, + 0.0017161088762804866, + -0.03718360513448715, + 0.4431874752044678, + -0.0026272572576999664, + -0.21520985662937164, + -0.02501426264643669, + 0.28712767362594604, + -0.03713035210967064, + 0.025093240663409233, + -0.21198953688144684, + 2.5648436546325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/3.png", + [ + 0.19389013946056366, + 0.017946140840649605, + -0.09503918141126633, + 1.0892146825790405, + 0.01281573623418808, + -0.21580170094966888, + -0.014604110270738602, + 0.15483027696609497, + -0.0958658829331398, + 0.007447090931236744, + -0.19417047500610352, + 2.290862560272217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/47.png", + [ + 0.21383264660835266, + -0.018677683547139168, + -0.029574325308203697, + 0.3491199016571045, + -0.020372966304421425, + -0.2154209464788437, + -0.011254413053393364, + 0.12122690677642822, + -0.0284330565482378, + 0.013887541368603706, + -0.2143515646457672, + 2.5928139686584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/104.png", + [ + 0.20240218937397003, + 0.024407261982560158, + -0.07338622212409973, + 0.8840480446815491, + 0.017742034047842026, + -0.21477198600769043, + -0.02249699831008911, + 0.25390201807022095, + -0.0752759799361229, + 0.015006006695330143, + -0.2026233971118927, + 2.490717887878418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/21.png", + [ + 0.2007225751876831, + -0.0018671790603548288, + -0.08157730102539062, + 0.9773836135864258, + 0.006036096718162298, + -0.2156846672296524, + 0.019788626581430435, + -0.24765586853027344, + -0.08137509971857071, + -0.020604318007826805, + -0.19975347816944122, + 2.4366378784179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/82.png", + [ + 0.1965244561433792, + 0.023985419422388077, + -0.08803824335336685, + 1.0186432600021362, + 0.01929130032658577, + -0.21525099873542786, + -0.015580423176288605, + 0.16767457127571106, + -0.08918450772762299, + 0.006293132435530424, + -0.19736872613430023, + 2.3337860107421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/14.png", + [ + 0.1989498883485794, + 0.0030898796394467354, + -0.08577461540699005, + 1.0209041833877563, + 0.012705164961516857, + -0.21520890295505524, + 0.021716471761465073, + -0.2694492042064667, + -0.08488468825817108, + -0.024969561025500298, + -0.19778524339199066, + 2.3991622924804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/67.png", + [ + 0.19935785233974457, + 0.014402118511497974, + -0.08364755660295486, + 0.9781743884086609, + 0.01437016949057579, + -0.21617716550827026, + -0.002972022397443652, + 0.026257436722517014, + -0.0836530551314354, + -0.0028131280560046434, + -0.19985531270503998, + 2.384427070617676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/78.png", + [ + 0.19719623029232025, + 0.022633101791143417, + -0.08688659220933914, + 1.014338731765747, + 0.01977398991584778, + -0.2154769003391266, + -0.01125091128051281, + 0.12036029994487762, + -0.08758154511451721, + 0.0023101118858903646, + -0.1981717348098755, + 2.3637375831604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/31.png", + [ + 0.1947026401758194, + -0.002023405861109495, + -0.09505090862512589, + 1.1055084466934204, + -0.000764903612434864, + -0.21665188670158386, + 0.0030451673083007336, + -0.05021221935749054, + -0.09506937116384506, + -0.0024008220061659813, + -0.19468936324119568, + 2.3143773078918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/39.png", + [ + 0.20811964571475983, + -0.0272650346159935, + -0.053765494376420975, + 0.6386291980743408, + -0.027126982808113098, + -0.21493279933929443, + 0.003989389631897211, + -0.06114910542964935, + -0.053835272789001465, + 0.0028993950691074133, + -0.20986007153987885, + 2.5338711738586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/92.png", + [ + 0.19850841164588928, + 0.034163523465394974, + -0.07984457910060883, + 0.9491307735443115, + 0.02928215265274048, + -0.2138701230287552, + -0.01870889589190483, + 0.20755967497825623, + -0.08176098763942719, + 0.006349852308630943, + -0.20055601000785828, + 2.4273486137390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/53.png", + [ + 0.21360138058662415, + 0.002832653233781457, + -0.03625353053212166, + 0.4301247298717499, + -0.0013218121603131294, + -0.21526867151260376, + -0.02460787259042263, + 0.28020215034484863, + -0.03633999451994896, + 0.024480003863573074, + -0.21219807863235474, + 2.567007541656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/75.png", + [ + 0.19583742320537567, + 0.019786346703767776, + -0.09057647734880447, + 1.0631771087646484, + 0.020044639706611633, + -0.215712308883667, + -0.0037831892259418964, + 0.03116707131266594, + -0.09051966667175293, + -0.0049598910845816135, + -0.19679808616638184, + 2.353468894958496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/87.png", + [ + 0.19857238233089447, + 0.030794575810432434, + -0.08104689419269562, + 0.9415009021759033, + 0.027166400104761124, + -0.21444639563560486, + -0.014920849353075027, + 0.1616954207420349, + -0.0823340192437172, + 0.0035127161536365747, + -0.20039129257202148, + 2.377941131591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/69.png", + [ + 0.1988755613565445, + 0.014501138590276241, + -0.08477096259593964, + 0.9902048110961914, + 0.014823265373706818, + -0.2161557972431183, + -0.0022002796176820993, + 0.017803102731704712, + -0.08471522480249405, + -0.0037798627745360136, + -0.1993914097547531, + 2.377984046936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/45.png", + [ + 0.21335957944393158, + -0.019144440069794655, + -0.03254354000091553, + 0.38252905011177063, + -0.02050950564444065, + -0.215566024184227, + -0.007651543710380793, + 0.08002559840679169, + -0.031700972467660904, + 0.0106149110943079, + -0.2140800505876541, + 2.5930299758911133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/50.png", + [ + 0.21338488161563873, + -0.0031535320449620485, + -0.03748122602701187, + 0.4508993327617645, + -0.0072077857330441475, + -0.21533870697021484, + -0.02291693724691868, + 0.2615104019641876, + -0.03691659867763519, + 0.0238158218562603, + -0.2121741622686386, + 2.5726261138916016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/101.png", + [ + 0.20143495500087738, + 0.025988569483160973, + -0.0754748210310936, + 0.9131503701210022, + 0.0195606742054224, + -0.21469390392303467, + -0.021720945835113525, + 0.24492201209068298, + -0.0773901492357254, + 0.01337959710508585, + -0.20193970203399658, + 2.487499713897705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/85.png", + [ + 0.19786293804645538, + 0.029219776391983032, + -0.0833328366279602, + 0.9627594947814941, + 0.025606168434023857, + -0.21466894447803497, + -0.014472892507910728, + 0.15514783561229706, + -0.08451320230960846, + 0.0033682503271847963, + -0.19948449730873108, + 2.356889247894287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/71.png", + [ + 0.1986120343208313, + 0.012852591462433338, + -0.08565022051334381, + 1.0034830570220947, + 0.013423437252640724, + -0.2162543684244156, + -0.0013236734084784985, + 0.007098950445652008, + -0.08556260168552399, + -0.004092878196388483, + -0.1990230530500412, + 2.376361846923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/54.png", + [ + 0.21361465752124786, + 0.003820038167759776, + -0.03608430549502373, + 0.4266568422317505, + 0.00032286904752254486, + -0.2156621515750885, + -0.020919568836688995, + 0.2318648099899292, + -0.03628451004624367, + 0.020570365712046623, + -0.21262218058109283, + 2.5693764686584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/33.png", + [ + 0.19798877835273743, + -0.0037571610882878304, + -0.08794444054365158, + 1.0314277410507202, + -0.0033878451213240623, + -0.21664203703403473, + 0.001628342317417264, + -0.03278125077486038, + -0.08795943856239319, + -0.00011284864012850448, + -0.19801773130893707, + 2.3657984733581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/49.png", + [ + 0.21392939984798431, + -0.008404437452554703, + -0.0333387553691864, + 0.39861565828323364, + -0.011451279744505882, + -0.21552276611328125, + -0.01914941892027855, + 0.21553170680999756, + -0.03241875022649765, + 0.0206687543541193, + -0.21323631703853607, + 2.5814781188964844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/18.png", + [ + 0.1996411830186844, + 0.0022823589388281107, + -0.08417882770299911, + 1.0074394941329956, + 0.009990766644477844, + -0.2157072126865387, + 0.01784590631723404, + -0.22286199033260345, + -0.0836150050163269, + -0.020324433222413063, + -0.19885508716106415, + 2.4241456985473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/66.png", + [ + 0.1989854872226715, + 0.01591605506837368, + -0.08425766229629517, + 0.9885072708129883, + 0.015095515176653862, + -0.21608635783195496, + -0.005168119911104441, + 0.05125736817717552, + -0.08440852165222168, + -0.0011239525629207492, + -0.19955408573150635, + 2.3855042457580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/16.png", + [ + 0.19965152442455292, + 0.0029391853604465723, + -0.08413399010896683, + 1.0042595863342285, + 0.011320559307932854, + -0.21551311016082764, + 0.019335037097334862, + -0.23968291282653809, + -0.08342069387435913, + -0.0222117081284523, + -0.19873479008674622, + 2.4143729209899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/94.png", + [ + 0.20060773193836212, + 0.0329674556851387, + -0.07495051622390747, + 0.8977630734443665, + 0.02698604017496109, + -0.21387481689453125, + -0.02184508927166462, + 0.24753504991531372, + -0.07730580121278763, + 0.01089041493833065, + -0.20212149620056152, + 2.4655189514160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/28.png", + [ + 0.1956215798854828, + -0.00028094337903894484, + -0.09316661208868027, + 1.0900019407272339, + 0.0028177304193377495, + -0.21655669808387756, + 0.006569401826709509, + -0.09123159199953079, + -0.09312442690134048, + -0.0071426681242883205, + -0.19551141560077667, + 2.335740566253662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/61.png", + [ + 0.20438241958618164, + 0.010991029441356659, + -0.0710979551076889, + 0.8436833024024963, + 0.010133691132068634, + -0.21639437973499298, + -0.004321484360843897, + 0.03220410272479057, + -0.07122520357370377, + 0.0007511304575018585, + -0.20463210344314575, + 2.468395709991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/58.png", + [ + 0.21295179426670074, + 0.0055736335925757885, + -0.03960248455405235, + 0.46234965324401855, + 0.003652615938335657, + -0.21637392044067383, + -0.010811390355229378, + 0.10950435698032379, + -0.03982562944293022, + 0.009958031587302685, + -0.21275021135807037, + 2.562753677368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/64.png", + [ + 0.19931070506572723, + 0.012269399128854275, + -0.08409874886274338, + 0.9895592927932739, + 0.00981738418340683, + -0.2162933498620987, + -0.008288823999464512, + 0.08482927083969116, + -0.08442012965679169, + 0.0038141144905239344, + -0.19951589405536652, + 2.395876884460449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/10.png", + [ + 0.19715718924999237, + 0.0032896907068789005, + -0.08981160074472427, + 1.0645462274551392, + 0.011384611949324608, + -0.21569928526878357, + 0.017091047018766403, + -0.21244026720523834, + -0.08914782106876373, + -0.0202704519033432, + -0.19644252955913544, + 2.373439311981201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/41.png", + [ + 0.21074581146240234, + -0.024149853736162186, + -0.0441688671708107, + 0.5226504802703857, + -0.02490975707769394, + -0.21523481607437134, + -0.001171354204416275, + 0.003802783787250519, + -0.043744806200265884, + 0.006217127200216055, + -0.21212173998355865, + 2.5636653900146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/91.png", + [ + 0.19761009514331818, + 0.03379872068762779, + -0.08219366520643234, + 0.9740712642669678, + 0.029086356982588768, + -0.21395345032215118, + -0.01805000565946102, + 0.1995856761932373, + -0.08397699892520905, + 0.005428180564194918, + -0.19966545701026917, + 2.405531883239746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/23.png", + [ + 0.1993255466222763, + -0.0030883473809808493, + -0.08489807695150375, + 1.0158262252807617, + 0.00496713537722826, + -0.21573732793331146, + 0.019509853795170784, + -0.24621933698654175, + -0.08480890840291977, + -0.019893940538167953, + -0.19839249551296234, + 2.4191832542419434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/37.png", + [ + 0.20619942247867584, + -0.0278469305485487, + -0.060450322926044464, + 0.7123435735702515, + -0.026938259601593018, + -0.21487639844417572, + 0.007096645887941122, + -0.09828898310661316, + -0.060860682278871536, + 0.0007619832176715136, + -0.20795021951198578, + 2.5032005310058594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/36.png", + [ + 0.20506733655929565, + -0.02398650161921978, + -0.065726138651371, + 0.7684860229492188, + -0.0228252112865448, + -0.21534283459186554, + 0.007373261731117964, + -0.09947586059570312, + -0.06613839417695999, + -5.446941941045225e-05, + -0.206333726644516, + 2.475606918334961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/8.png", + [ + 0.19693367183208466, + 0.004001719877123833, + -0.09027189761400223, + 1.0644419193267822, + 0.00994104240089655, + -0.21610760688781738, + 0.012107017450034618, + -0.15370701253414154, + -0.08981205523014069, + -0.015145639888942242, + -0.19660186767578125, + 2.36549711227417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/6.png", + [ + 0.19719021022319794, + 0.0030021669808775187, + -0.08974908292293549, + 1.0431852340698242, + 0.006078099366277456, + -0.2165030986070633, + 0.006112187635153532, + -0.08700045943260193, + -0.08959334343671799, + -0.008080167695879936, + -0.19711834192276, + 2.352381706237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/20.png", + [ + 0.2005952149629593, + 5.282761048874818e-05, + -0.08191125839948654, + 0.981835126876831, + 0.007044867612421513, + -0.21588283777236938, + 0.017113177105784416, + -0.21494002640247345, + -0.08160776644945145, + -0.01850643754005432, + -0.19986388087272644, + 2.439126491546631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/2.png", + [ + 0.19321152567863464, + 0.020748240873217583, + -0.09584730863571167, + 1.0945534706115723, + 0.014176481403410435, + -0.215454563498497, + -0.018062515184283257, + 0.19469769299030304, + -0.09703723341226578, + 0.00983552448451519, + -0.19348108768463135, + 2.2713422775268555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/5.png", + [ + 0.19611912965774536, + 0.007383048068732023, + -0.0918186828494072, + 1.0614556074142456, + 0.007811063900589943, + -0.21653257310390472, + -0.0007272065849974751, + -0.008089233189821243, + -0.09178325533866882, + -0.0026518211234360933, + -0.19625671207904816, + 2.335989475250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/60.png", + [ + 0.2078249454498291, + 0.00887220073491335, + -0.060646310448646545, + 0.7187832593917847, + 0.008579687215387821, + -0.21649278700351715, + -0.00227045058272779, + 0.00787298008799553, + -0.06068838760256767, + -0.000223700117203407, + -0.20800183713436127, + 2.509979724884033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/56.png", + [ + 0.21345961093902588, + 0.0046945251524448395, + -0.036889657378196716, + 0.4329754710197449, + 0.00229230266995728, + -0.2161935269832611, + -0.014248225837945938, + 0.14843915402889252, + -0.03711644187569618, + 0.013646540232002735, + -0.21303528547286987, + 2.570758819580078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/30.png", + [ + 0.19478227198123932, + -0.000761195202358067, + -0.09490618109703064, + 1.1055546998977661, + 0.0012909272918477654, + -0.2166263610124588, + 0.004386909306049347, + -0.0663820207118988, + -0.0949004516005516, + -0.004509106744080782, + -0.1947343349456787, + 2.3149919509887695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/17.png", + [ + 0.20016521215438843, + 0.002887317445129156, + -0.08290622383356094, + 0.9905146360397339, + 0.010899725370109081, + -0.21558144688606262, + 0.018807921558618546, + -0.23381321132183075, + -0.08223730325698853, + -0.021545425057411194, + -0.19930057227611542, + 2.4237828254699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/12.png", + [ + 0.1989012062549591, + 0.0026733758859336376, + -0.08590145409107208, + 1.02125883102417, + 0.01275095995515585, + -0.21509087085723877, + 0.022830376401543617, + -0.2843708097934723, + -0.08499187231063843, + -0.026012806221842766, + -0.1976046860218048, + 2.391780376434326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/27.png", + [ + 0.19677972793579102, + -0.0015667296247556806, + -0.09068172425031662, + 1.063545823097229, + 0.0018456507241353393, + -0.2165282666683197, + 0.007746078073978424, + -0.10497915744781494, + -0.09067647159099579, + -0.007807271555066109, + -0.1966334581375122, + 2.357379913330078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/42.png", + [ + 0.21159465610980988, + -0.0232425257563591, + -0.04043985530734062, + 0.4781236946582794, + -0.02407107874751091, + -0.21532225608825684, + -0.0021928639616817236, + 0.01686003804206848, + -0.039952222257852554, + 0.006634045392274857, + -0.21285606920719147, + 2.5783233642578125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/7.png", + [ + 0.19719228148460388, + 0.0037137039471417665, + -0.08971790969371796, + 1.0500341653823853, + 0.008438711054623127, + -0.21629756689071655, + 0.009594333358108997, + -0.12663228809833527, + -0.08939734101295471, + -0.012225852347910404, + -0.19699375331401825, + 2.360065460205078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/73.png", + [ + 0.19604051113128662, + 0.01557097863405943, + -0.09095906466245651, + 1.0687772035598755, + 0.017261432483792305, + -0.21598584949970245, + 0.0002289939293405041, + -0.015608543530106544, + -0.0906534492969513, + -0.007453458849340677, + -0.19665780663490295, + 2.3514938354492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/46.png", + [ + 0.21351449191570282, + -0.017550813034176826, + -0.03242582827806473, + 0.38150754570961, + -0.018942585214972496, + -0.21569734811782837, + -0.007982902228832245, + 0.0834907591342926, + -0.031632956117391586, + 0.010701271705329418, + -0.21408581733703613, + 2.5868382453918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/57.png", + [ + 0.2132527232170105, + 0.0032105150166898966, + -0.038221325725317, + 0.44659459590911865, + 0.0012140608159825206, + -0.2163710594177246, + -0.011400987394154072, + 0.11579620838165283, + -0.038336705416440964, + 0.011006772518157959, + -0.21297194063663483, + 2.5667929649353027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/44.png", + [ + 0.2129647135734558, + -0.02021219953894615, + -0.03442953899502754, + 0.4054145812988281, + -0.021519435569643974, + -0.21550244092941284, + -0.006596147548407316, + 0.06846614181995392, + -0.03362796828150749, + 0.00990264117717743, + -0.21381999552249908, + 2.589564323425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/29.png", + [ + 0.19572770595550537, + -0.0008698802557773888, + -0.09293976426124573, + 1.0837414264678955, + 0.0021863547153770924, + -0.21656212210655212, + 0.006631316617131233, + -0.09230025112628937, + -0.09291812777519226, + -0.0069280462339520454, + -0.19561727344989777, + 2.3294482231140137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/4.png", + [ + 0.19469855725765228, + 0.01327836886048317, + -0.09414910525083542, + 1.0829941034317017, + 0.010135636664927006, + -0.21622729301452637, + -0.00953542347997427, + 0.095026895403862, + -0.0945390909910202, + 0.004164178855717182, + -0.1949177086353302, + 2.310633659362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/55.png", + [ + 0.2135937362909317, + 0.004909974057227373, + -0.03607633709907532, + 0.42493194341659546, + 0.0018354190979152918, + -0.21587444841861725, + -0.01851363107562065, + 0.20060129463672638, + -0.03636263683438301, + 0.017944788560271263, + -0.2128465175628662, + 2.5706028938293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/9.png", + [ + 0.19804731011390686, + 0.004190761595964432, + -0.08779291063547134, + 1.0390725135803223, + 0.010772696696221828, + -0.2159537822008133, + 0.013993076980113983, + -0.17563332617282867, + -0.08723019063472748, + -0.01715501956641674, + -0.19759680330753326, + 2.3815407752990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/25.png", + [ + 0.19857566058635712, + -0.0016805360792204738, + -0.08667627722024918, + 1.0277973413467407, + 0.0032473644241690636, + -0.2163376808166504, + 0.011634217575192451, + -0.15037427842617035, + -0.08663172274827957, + -0.011961446143686771, + -0.19824166595935822, + 2.3982009887695312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/99.png", + [ + 0.20274318754673004, + 0.02682734839618206, + -0.07157789170742035, + 0.8649936318397522, + 0.02097276598215103, + -0.2146286517381668, + -0.021037673577666283, + 0.23667094111442566, + -0.07350676506757736, + 0.01275672484189272, + -0.20342546701431274, + 2.501437187194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/34.png", + [ + 0.20107245445251465, + -0.008877999149262905, + -0.08024298399686813, + 0.9371676445007324, + -0.008064903318881989, + -0.21649211645126343, + 0.0037434669211506844, + -0.05638309568166733, + -0.08032876253128052, + -0.00048716505989432335, + -0.20123356580734253, + 2.4050464630126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/72.png", + [ + 0.1970469206571579, + 0.013834277167916298, + -0.08904504776000977, + 1.0459531545639038, + 0.015465311706066132, + -0.21612101793289185, + 0.0006459008436650038, + -0.017755944281816483, + -0.08877630531787872, + -0.006943047512322664, + -0.19753089547157288, + 2.362062454223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/102.png", + [ + 0.20186246931552887, + 0.024928372353315353, + -0.07468607276678085, + 0.9029070138931274, + 0.0182211734354496, + -0.21473926305770874, + -0.022426249459385872, + 0.2524340748786926, + -0.07659909874200821, + 0.014612462371587753, + -0.20215573906898499, + 2.487877368927002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/70.png", + [ + 0.19860123097896576, + 0.01392731536179781, + -0.08550716191530228, + 0.9992355108261108, + 0.014329393394291401, + -0.21619164943695068, + -0.0019312348449602723, + 0.014238886535167694, + -0.08544069528579712, + -0.0038847187533974648, + -0.19907960295677185, + 2.3766984939575195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/90.png", + [ + 0.19765324890613556, + 0.03222113475203514, + -0.0827217549085617, + 0.9734352231025696, + 0.028018342331051826, + -0.2142212837934494, + -0.01649550162255764, + 0.18070276081562042, + -0.08423813432455063, + 0.004350590519607067, + -0.1995818167924881, + 2.390591621398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/15.png", + [ + 0.1999846249818802, + 0.003544724080711603, + -0.08331550657749176, + 0.9925345778465271, + 0.012070332653820515, + -0.21542952954769135, + 0.01980714499950409, + -0.24554657936096191, + -0.08251271396875381, + -0.022922715172171593, + -0.19903290271759033, + 2.4132165908813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/22.png", + [ + 0.1998269259929657, + -0.0026608232874423265, + -0.08372583240270615, + 1.0020592212677002, + 0.0059582628309726715, + -0.21556532382965088, + 0.021071184426546097, + -0.2639426290988922, + -0.08355594426393509, + -0.02173512801527977, + -0.1987306773662567, + 2.423553943634033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/26.png", + [ + 0.19662387669086456, + -0.0011555022792890668, + -0.09102531522512436, + 1.0745223760604858, + 0.0030165514908730984, + -0.21645550429821014, + 0.009263805113732815, + -0.1241302341222763, + -0.09098266065120697, + -0.009673804976046085, + -0.1964089423418045, + 2.367280960083008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/43.png", + [ + 0.2125966101884842, + -0.020492814481258392, + -0.03647781163454056, + 0.429532527923584, + -0.021504022181034088, + -0.21556346118450165, + -0.004226658493280411, + 0.0409325547516346, + -0.03589099273085594, + 0.007767373695969582, + -0.21354016661643982, + 2.5847244262695312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/84.png", + [ + 0.19689571857452393, + 0.026828626170754433, + -0.08637242019176483, + 0.9977594614028931, + 0.022429101169109344, + -0.21494273841381073, + -0.01563490927219391, + 0.1679912805557251, + -0.08761794865131378, + 0.0052668433636426926, + -0.1980990767478943, + 2.3407702445983887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/89.png", + [ + 0.19682060182094574, + 0.032787129282951355, + -0.08446627855300903, + 0.9893681406974792, + 0.028672225773334503, + -0.2141486257314682, + -0.016314607113599777, + 0.1796705573797226, + -0.08595028519630432, + 0.0036423946730792522, + -0.19886471331119537, + 2.3727669715881348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/63.png", + [ + 0.20041297376155853, + 0.012316028587520123, + -0.08142999559640884, + 0.9622620940208435, + 0.010332035832107067, + -0.2163054496049881, + -0.007286631967872381, + 0.07022066414356232, + -0.08170543611049652, + 0.0028568089473992586, + -0.20065881311893463, + 2.4162702560424805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/88.png", + [ + 0.19775071740150452, + 0.03228246048092842, + -0.08246445655822754, + 0.9616380929946899, + 0.028488175943493843, + -0.21423007547855377, + -0.015549951232969761, + 0.16925697028636932, + -0.08385087549686432, + 0.0033495044335722923, + -0.19976413249969482, + 2.3767342567443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/62.png", + [ + 0.20224647223949432, + 0.010992337949573994, + -0.07696381211280823, + 0.9129649996757507, + 0.01010464783757925, + -0.21639510989189148, + -0.004353459924459457, + 0.033844392746686935, + -0.07708538323640823, + 0.0004743504978250712, + -0.2024981826543808, + 2.4425363540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/65.png", + [ + 0.19937929511070251, + 0.01484468299895525, + -0.08351903408765793, + 0.9820218682289124, + 0.012775415554642677, + -0.21615257859230042, + -0.007921109907329082, + 0.08208175003528595, + -0.08386050164699554, + 0.0023644440807402134, + -0.19977417588233948, + 2.3938050270080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/80.png", + [ + 0.19625194370746613, + 0.02395230159163475, + -0.08865303546190262, + 1.0311428308486938, + 0.019293369725346565, + -0.21526028215885162, + -0.015449194237589836, + 0.1666957437992096, + -0.08978218585252762, + 0.006099093239754438, + -0.19710367918014526, + 2.3405065536499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/79.png", + [ + 0.19702857732772827, + 0.023700745776295662, + -0.08698222041130066, + 1.0139700174331665, + 0.01973244920372963, + -0.215321347117424, + -0.013973205350339413, + 0.15208366513252258, + -0.0879673957824707, + 0.004784817807376385, + -0.1979563981294632, + 2.3571290969848633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/19.png", + [ + 0.20069193840026855, + 0.0013999404618516564, + -0.08166199177503586, + 0.9780334830284119, + 0.008440244011580944, + -0.21583838760852814, + 0.01704254001379013, + -0.21311429142951965, + -0.08123671263456345, + -0.018966445699334145, + -0.19997191429138184, + 2.4384517669677734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/77.png", + [ + 0.19711731374263763, + 0.022448135539889336, + -0.08711335808038712, + 1.0191339254379272, + 0.020675281062722206, + -0.2155083417892456, + -0.00875072367489338, + 0.09098891913890839, + -0.0875510647892952, + -0.0003515593125484884, + -0.1981983333826065, + 2.368685722351074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/68.png", + [ + 0.19891849160194397, + 0.014588327147066593, + -0.08465521037578583, + 0.9887593388557434, + 0.014703616499900818, + -0.21615828573703766, + -0.002699968870729208, + 0.02339624986052513, + -0.08463526517152786, + -0.003266021143645048, + -0.19943442940711975, + 2.3793087005615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/86.png", + [ + 0.19862882792949677, + 0.029228676110506058, + -0.08148721605539322, + 0.9431702494621277, + 0.02582349255681038, + -0.21467070281505585, + -0.014054364524781704, + 0.15031005442142487, + -0.0826294794678688, + 0.003172115422785282, + -0.20027533173561096, + 2.3706841468811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/1.png", + [ + 0.19271300733089447, + 0.024013224989175797, + -0.09608826041221619, + 1.0929139852523804, + 0.016073288396000862, + -0.2150058001279831, + -0.02149534597992897, + 0.23373538255691528, + -0.09773042798042297, + 0.011990229599177837, + -0.19301007688045502, + 2.25128173828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/81.png", + [ + 0.19623905420303345, + 0.02448778785765171, + -0.08853520452976227, + 1.0261729955673218, + 0.019628603011369705, + -0.21518884599208832, + -0.016011705622076988, + 0.17283712327480316, + -0.0897376760840416, + 0.006481146439909935, + -0.19711175560951233, + 2.33351469039917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/95.png", + [ + 0.20190511643886566, + 0.031331539154052734, + -0.07211484014987946, + 0.8655765056610107, + 0.02529996819794178, + -0.21404817700386047, + -0.022162780165672302, + 0.2523481547832489, + -0.0744454637169838, + 0.012231593951582909, + -0.20311611890792847, + 2.485042095184326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/103.png", + [ + 0.2012237310409546, + 0.02553746849298477, + -0.0761888176202774, + 0.9200289249420166, + 0.01893954537808895, + -0.21472612023353577, + -0.021951718255877495, + 0.24666786193847656, + -0.07809091359376907, + 0.013726689852774143, + -0.20164641737937927, + 2.481264114379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/83.png", + [ + 0.19678674638271332, + 0.024040384218096733, + -0.08743532747030258, + 1.0114688873291016, + 0.019147343933582306, + -0.2152269184589386, + -0.016082681715488434, + 0.17310722172260284, + -0.08863551914691925, + 0.006879920605570078, + -0.19759632647037506, + 2.336270332336426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/51.png", + [ + 0.21343784034252167, + -0.0006115368450991809, + -0.037306979298591614, + 0.4469859302043915, + -0.004953169263899326, + -0.2151924967765808, + -0.02481025457382202, + 0.2851979732513428, + -0.03698175773024559, + 0.02529246173799038, + -0.2119918167591095, + 2.5695958137512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+2W7Bk7EcRMg+P0+C1+F3663-3770/93.png", + [ + 0.2000599205493927, + 0.03393837809562683, + -0.07597439736127853, + 0.9052659273147583, + 0.028606057167053223, + -0.21382680535316467, + -0.020191151648759842, + 0.22641965746879578, + -0.07813844084739685, + 0.008612509816884995, + -0.20191112160682678, + 2.4524664878845215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/76.png", + [ + 0.1613672524690628, + -0.02613968960940838, + 0.14221540093421936, + -1.5462106466293335, + 0.01198489684611559, + -0.2099536806344986, + -0.05218910425901413, + 0.5629019141197205, + 0.14410018920898438, + 0.04673390090465546, + -0.15491600334644318, + 1.7438822984695435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/48.png", + [ + 0.17131297290325165, + -0.02944876439869404, + 0.12935426831245422, + -1.4015982151031494, + 0.007310055196285248, + -0.20885245501995087, + -0.057228535413742065, + 0.6195127367973328, + 0.1324625015258789, + 0.049611616879701614, + -0.1641348898410797, + 1.8337994813919067, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/35.png", + [ + 0.16787362098693848, + -0.03183913603425026, + 0.13323894143104553, + -1.4088637828826904, + 0.009088601917028427, + -0.20768827199935913, + -0.06108087673783302, + 0.6448845863342285, + 0.1366884857416153, + 0.052912626415491104, + -0.1595757007598877, + 1.7431927919387817, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/97.png", + [ + 0.15749993920326233, + 0.00974088441580534, + 0.1484815776348114, + -1.6378095149993896, + 0.04248587042093277, + -0.21015335619449615, + -0.031279582530260086, + 0.34077391028404236, + 0.14260649681091309, + 0.051851484924554825, + -0.1546696424484253, + 1.762094259262085, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/13.png", + [ + 0.15735135972499847, + -0.006007550284266472, + 0.14883668720722198, + -1.6331965923309326, + 0.032018743455410004, + -0.2100735306739807, + -0.04232975095510483, + 0.45725637674331665, + 0.14547593891620636, + 0.05273439735174179, + -0.15166980028152466, + 1.7217028141021729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/32.png", + [ + 0.16100873053073883, + -0.02708715759217739, + 0.14244426786899567, + -1.461177945137024, + 0.016642915084958076, + -0.20800095796585083, + -0.058365337550640106, + 0.6024524569511414, + 0.14403852820396423, + 0.05431193485856056, + -0.1524827927350998, + 1.6335712671279907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/38.png", + [ + 0.16735538840293884, + -0.030566947534680367, + 0.13418541848659515, + -1.4434092044830322, + 0.010127944871783257, + -0.2079542875289917, + -0.060002751648426056, + 0.643078088760376, + 0.13724973797798157, + 0.05261717736721039, + -0.15919117629528046, + 1.7655577659606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/11.png", + [ + 0.15665556490421295, + -0.0048265340737998486, + 0.14961159229278564, + -1.6398981809616089, + 0.03429059684276581, + -0.2096460610628128, + -0.04266832396388054, + 0.4603901505470276, + 0.14570888876914978, + 0.05452646687626839, + -0.15081006288528442, + 1.7085915803909302, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/59.png", + [ + 0.1689126193523407, + -0.026994390413165092, + 0.13299518823623657, + -1.4556097984313965, + 0.007021539378911257, + -0.2103217989206314, + -0.0516074039041996, + 0.5615237355232239, + 0.13552533090114594, + 0.044541314244270325, + -0.16308540105819702, + 1.843575358390808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/105.png", + [ + 0.153794065117836, + 0.017337368801236153, + 0.15163999795913696, + -1.6932870149612427, + 0.04786675423383713, + -0.2098904401063919, + -0.02454943209886551, + 0.2725471556186676, + 0.1449277400970459, + 0.05092461779713631, + -0.1528087854385376, + 1.7727190256118774, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/24.png", + [ + 0.16949649155139923, + -0.017118830233812332, + 0.13388720154762268, + -1.276017427444458, + 0.019127700477838516, + -0.20970961451530457, + -0.05102849751710892, + 0.4534582793712616, + 0.13361497223377228, + 0.051737044006586075, + -0.16253678500652313, + 1.7095705270767212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/74.png", + [ + 0.1627715826034546, + -0.027059122920036316, + 0.14043185114860535, + -1.5298032760620117, + 0.009279311634600163, + -0.21031443774700165, + -0.05127989873290062, + 0.5540381073951721, + 0.14271368086338043, + 0.044536929577589035, + -0.15683481097221375, + 1.7675002813339233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/98.png", + [ + 0.1555953174829483, + 0.009329882450401783, + 0.1505022943019867, + -1.6662147045135498, + 0.0409097820520401, + -0.2107604295015335, + -0.02922879345715046, + 0.32124948501586914, + 0.14513573050498962, + 0.04940531775355339, + -0.1531098634004593, + 1.7550534009933472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/0.png", + [ + 0.158615380525589, + -0.010484481230378151, + 0.1472383439540863, + -1.6584337949752808, + 0.01843124069273472, + -0.21302925050258636, + -0.035024698823690414, + 0.38654354214668274, + 0.14645595848560333, + 0.038164325058460236, + -0.15505492687225342, + 1.8185490369796753, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/96.png", + [ + 0.1615050584077835, + 0.008991925977170467, + 0.14416362345218658, + -1.5832821130752563, + 0.0425451286137104, + -0.20962221920490265, + -0.034588102251291275, + 0.37495964765548706, + 0.13803593814373016, + 0.054088544100522995, + -0.15801392495632172, + 1.7888751029968262, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/100.png", + [ + 0.1586327999830246, + 0.010762282647192478, + 0.14719951152801514, + -1.6307989358901978, + 0.038930267095565796, + -0.2114960253238678, + -0.02649083361029625, + 0.29145514965057373, + 0.14236557483673096, + 0.04584215208888054, + -0.1567751169204712, + 1.7998309135437012, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/40.png", + [ + 0.16856838762760162, + -0.03052687644958496, + 0.1326676309108734, + -1.4392660856246948, + 0.009739273227751255, + -0.2079114317893982, + -0.0602152943611145, + 0.6516957879066467, + 0.13578562438488007, + 0.052809517830610275, + -0.16037864983081818, + 1.7927366495132446, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/52.png", + [ + 0.16599810123443604, + -0.0296571534126997, + 0.1360624134540558, + -1.4673781394958496, + 0.004942454397678375, + -0.21031591296195984, + -0.05187184736132622, + 0.5579741597175598, + 0.13916930556297302, + 0.04284355789422989, + -0.1604500710964203, + 1.7886360883712769, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/3.png", + [ + 0.15976066887378693, + -0.006731330417096615, + 0.14621597528457642, + -1.642556071281433, + 0.02632337249815464, + -0.21159511804580688, + -0.038503021001815796, + 0.42735394835472107, + 0.1439843773841858, + 0.04615291953086853, + -0.1551976203918457, + 1.8032175302505493, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/47.png", + [ + 0.17119371891021729, + -0.029345180839300156, + 0.12953558564186096, + -1.4063618183135986, + 0.006757435854524374, + -0.20912182331085205, + -0.05630537495017052, + 0.6105583310127258, + 0.13264591991901398, + 0.04852646589279175, + -0.16431108117103577, + 1.8393778800964355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/104.png", + [ + 0.1537579894065857, + 0.014410581439733505, + 0.1519826054573059, + -1.694262981414795, + 0.04323406517505646, + -0.21098676323890686, + -0.023733913898468018, + 0.263419508934021, + 0.14641445875167847, + 0.047167982906103134, + -0.15259712934494019, + 1.7670131921768188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/21.png", + [ + 0.1679302603006363, + -0.013444463722407818, + 0.13625921308994293, + -1.3892391920089722, + 0.021748587489128113, + -0.21027082204818726, + -0.04755072668194771, + 0.45578789710998535, + 0.13518255949020386, + 0.05053037777543068, + -0.16161760687828064, + 1.7741143703460693, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/82.png", + [ + 0.16584041714668274, + -0.004141123965382576, + 0.13938328623771667, + -1.5086314678192139, + 0.02776147425174713, + -0.21126309037208557, + -0.039307739585638046, + 0.42228829860687256, + 0.13665339350700378, + 0.04794422537088394, + -0.1611679047346115, + 1.7992154359817505, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/106.png", + [ + 0.1543799340724945, + 0.02012990415096283, + 0.1506967842578888, + -1.6839120388031006, + 0.053790271282196045, + -0.2081078588962555, + -0.027306143194437027, + 0.3039760887622833, + 0.1422017514705658, + 0.05686656013131142, + -0.15327343344688416, + 1.77639639377594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/14.png", + [ + 0.15149036049842834, + -0.008097094483673573, + 0.15470296144485474, + -1.698769211769104, + 0.03267994895577431, + -0.20983868837356567, + -0.04298418015241623, + 0.46507036685943604, + 0.15142850577831268, + 0.053385913372039795, + -0.14548969268798828, + 1.6621330976486206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/67.png", + [ + 0.1601683497428894, + -0.02779289148747921, + 0.14325343072414398, + -1.562846064567566, + 0.007968109101057053, + -0.21072529256343842, + -0.049792200326919556, + 0.5393901467323303, + 0.1457069218158722, + 0.04207504540681839, + -0.15474845468997955, + 1.7447417974472046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/78.png", + [ + 0.16016393899917603, + -0.020966917276382446, + 0.14441531896591187, + -1.5684953927993774, + 0.01974174939095974, + -0.2093421369791031, + -0.05228791758418083, + 0.5631296038627625, + 0.144587904214859, + 0.05180879309773445, + -0.1528335064649582, + 1.7162950038909912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/31.png", + [ + 0.1649313122034073, + -0.027337640523910522, + 0.13783399760723114, + -1.3904873132705688, + 0.013778693042695522, + -0.2083640992641449, + -0.05781390145421028, + 0.5839752554893494, + 0.1398417055606842, + 0.052772656083106995, + -0.15686693787574768, + 1.6547735929489136, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/39.png", + [ + 0.16883742809295654, + -0.030773013830184937, + 0.1322680562734604, + -1.4310076236724854, + 0.009231575764715672, + -0.20794925093650818, + -0.06016464903950691, + 0.6485626697540283, + 0.13548649847507477, + 0.05251694098114967, + -0.16072732210159302, + 1.7897711992263794, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/92.png", + [ + 0.15356232225894928, + 0.0018412864301353693, + 0.1528499722480774, + -1.6695494651794434, + 0.040860459208488464, + -0.20926959812641144, + -0.03852995112538338, + 0.4157581925392151, + 0.14729876816272736, + 0.05613148584961891, + -0.14866143465042114, + 1.6781595945358276, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/53.png", + [ + 0.16686435043811798, + -0.029092110693454742, + 0.13512153923511505, + -1.4607223272323608, + 0.007858099415898323, + -0.2094813585281372, + -0.054806143045425415, + 0.5912384390830994, + 0.13799433410167694, + 0.047107454389333725, + -0.1602696180343628, + 1.7898874282836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/75.png", + [ + 0.16169258952140808, + -0.026957208290696144, + 0.14169229567050934, + -1.5388357639312744, + 0.011610021814703941, + -0.20973338186740875, + -0.053150951862335205, + 0.5743093490600586, + 0.14376580715179443, + 0.047255951911211014, + -0.15506824851036072, + 1.7456198930740356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/87.png", + [ + 0.15753605961799622, + 0.0010918531334027648, + 0.14875850081443787, + -1.6247901916503906, + 0.03335988521575928, + -0.21140992641448975, + -0.033776599913835526, + 0.3671354353427887, + 0.1449737697839737, + 0.047461021691560745, + -0.1538763791322708, + 1.7423197031021118, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/107.png", + [ + 0.15599662065505981, + 0.021701520308852196, + 0.14880184829235077, + -1.669270396232605, + 0.05886586755514145, + -0.2061087042093277, + -0.031652867794036865, + 0.3509112596511841, + 0.1383754163980484, + 0.06321502476930618, + -0.15428543090820312, + 1.789350152015686, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/69.png", + [ + 0.1588038206100464, + -0.028139883652329445, + 0.14469757676124573, + -1.5805423259735107, + 0.007499077823013067, + -0.21087238192558289, + -0.04923928901553154, + 0.5317176580429077, + 0.1472175419330597, + 0.04109611734747887, + -0.15357734262943268, + 1.7325396537780762, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/45.png", + [ + 0.17156560719013214, + -0.030404414981603622, + 0.12879714369773865, + -1.4039210081100464, + 0.006503702607005835, + -0.20868656039237976, + -0.057926785200834274, + 0.6287257075309753, + 0.13217727839946747, + 0.04973311349749565, + -0.1643279492855072, + 1.845782995223999, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/50.png", + [ + 0.17333078384399414, + -0.028963031247258186, + 0.1267496645450592, + -1.3618639707565308, + 0.004391868598759174, + -0.20980529487133026, + -0.05394762009382248, + 0.5775630474090576, + 0.12994247674942017, + 0.0457250215113163, + -0.16724853217601776, + 1.8479528427124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/101.png", + [ + 0.15790697932243347, + 0.011055133305490017, + 0.1479562669992447, + -1.6416867971420288, + 0.03793485835194588, + -0.21189871430397034, + -0.024653302505612373, + 0.27063867449760437, + 0.1434371918439865, + 0.04387052357196808, + -0.156361922621727, + 1.8020814657211304, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/85.png", + [ + 0.15768930315971375, + 0.000534007151145488, + 0.14859910309314728, + -1.616240382194519, + 0.032062456011772156, + -0.21169191598892212, + -0.03326306492090225, + 0.36055946350097656, + 0.14509987831115723, + 0.0461968332529068, + -0.15414203703403473, + 1.7372311353683472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/71.png", + [ + 0.16014152765274048, + -0.028386695310473442, + 0.14316697418689728, + -1.566596269607544, + 0.006472587585449219, + -0.21094678342342377, + -0.049065861850976944, + 0.5304651260375977, + 0.14581046998500824, + 0.040540702641010284, + -0.15506017208099365, + 1.7513319253921509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/54.png", + [ + 0.17035821080207825, + -0.028688305988907814, + 0.1307782679796219, + -1.4158307313919067, + 0.009235016070306301, + -0.2086203396320343, + -0.05779419094324112, + 0.6247683167457581, + 0.13356904685497284, + 0.05101407319307327, + -0.16280284523963928, + 1.8157212734222412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/33.png", + [ + 0.16073277592658997, + -0.031163722276687622, + 0.14192141592502594, + -1.4768255949020386, + 0.01160507183521986, + -0.20820313692092896, + -0.05886145308613777, + 0.6157238483428955, + 0.14483849704265594, + 0.051265694200992584, + -0.15277935564517975, + 1.650926947593689, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/49.png", + [ + 0.17208194732666016, + -0.029348695650696754, + 0.12835243344306946, + -1.3864598274230957, + 0.006877995561808348, + -0.20893102884292603, + -0.056994881480932236, + 0.6146185398101807, + 0.13148531317710876, + 0.049339409917593, + -0.16500040888786316, + 1.8362873792648315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/18.png", + [ + 0.15896746516227722, + -0.010159135796129704, + 0.14688099920749664, + -1.5695815086364746, + 0.028292587026953697, + -0.21002183854579926, + -0.04514702782034874, + 0.4698226749897003, + 0.14448793232440948, + 0.05230217054486275, + -0.15275996923446655, + 1.7152312994003296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/66.png", + [ + 0.16190120577812195, + -0.02690795063972473, + 0.1414632350206375, + -1.5447226762771606, + 0.008431924507021904, + -0.21072149276733398, + -0.04973180219531059, + 0.5395621061325073, + 0.1437525451183319, + 0.042665109038352966, + -0.15640586614608765, + 1.7638767957687378, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/16.png", + [ + 0.15518707036972046, + -0.009269126690924168, + 0.15092697739601135, + -1.6460978984832764, + 0.030441703274846077, + -0.20992411673069, + -0.04419337213039398, + 0.47347983717918396, + 0.1481153964996338, + 0.05285673961043358, + -0.14904996752738953, + 1.6913865804672241, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/94.png", + [ + 0.16039422154426575, + 0.008734706789255142, + 0.14541423320770264, + -1.5895718336105347, + 0.04479121044278145, + -0.2087644338607788, + -0.036865413188934326, + 0.39999380707740784, + 0.13861939311027527, + 0.05734994634985924, + -0.15634430944919586, + 1.7639819383621216, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/28.png", + [ + 0.16720330715179443, + -0.026516588404774666, + 0.13523243367671967, + -1.2982714176177979, + 0.012697389349341393, + -0.20875686407089233, + -0.05663260444998741, + 0.5278624296188354, + 0.13722142577171326, + 0.051626987755298615, + -0.15953941643238068, + 1.64962637424469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/61.png", + [ + 0.16669325530529022, + -0.028850814327597618, + 0.13538417220115662, + -1.47745943069458, + 0.004979866091161966, + -0.2105291187763214, + -0.05099596455693245, + 0.547838568687439, + 0.13833454251289368, + 0.042344048619270325, + -0.16130228340625763, + 1.8172200918197632, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/58.png", + [ + 0.1646585911512375, + -0.02884540520608425, + 0.1378527730703354, + -1.5063762664794922, + 0.010080590844154358, + -0.2091236263513565, + -0.05579948052763939, + 0.6063120365142822, + 0.14047712087631226, + 0.04881744459271431, + -0.15757833421230316, + 1.7803858518600464, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/64.png", + [ + 0.16326799988746643, + -0.027616562321782112, + 0.13974542915821075, + -1.5241743326187134, + 0.008112938143312931, + -0.21041589975357056, + -0.05106104910373688, + 0.5524624586105347, + 0.14221686124801636, + 0.043707843869924545, + -0.15751788020133972, + 1.7788344621658325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/10.png", + [ + 0.15201249718666077, + -0.009185603819787502, + 0.15412892401218414, + -1.693452000617981, + 0.03215070068836212, + -0.20966680347919464, + -0.0442047119140625, + 0.4749756157398224, + 0.15101797878742218, + 0.05388273298740387, + -0.1457330286502838, + 1.656111478805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/41.png", + [ + 0.16992723941802979, + -0.03009616769850254, + 0.13102231919765472, + -1.4245034456253052, + 0.010672982782125473, + -0.2074882984161377, + -0.06150275841355324, + 0.6683061718940735, + 0.13401013612747192, + 0.0546874925494194, + -0.1612403690814972, + 1.8063015937805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/91.png", + [ + 0.15273752808570862, + 0.001984449103474617, + 0.15367239713668823, + -1.6805779933929443, + 0.03981874883174896, + -0.20976926386356354, + -0.036867655813694, + 0.39930230379104614, + 0.1484372317790985, + 0.054229315370321274, + -0.1482345014810562, + 1.6751139163970947, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/23.png", + [ + 0.17065738141536713, + -0.016140667721629143, + 0.13252706825733185, + -1.2815072536468506, + 0.02058577723801136, + -0.2093316912651062, + -0.05200347304344177, + 0.46968796849250793, + 0.13190971314907074, + 0.0535501129925251, + -0.16334044933319092, + 1.7379083633422852, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/37.png", + [ + 0.1651361584663391, + -0.031109776347875595, + 0.13678494095802307, + -1.4655296802520752, + 0.009561720304191113, + -0.2082914263010025, + -0.05891646444797516, + 0.6300978064537048, + 0.13995182514190674, + 0.050938770174980164, + -0.15737412869930267, + 1.7424771785736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/36.png", + [ + 0.16759836673736572, + -0.031731605529785156, + 0.1336105465888977, + -1.4207751750946045, + 0.008883585222065449, + -0.20786425471305847, + -0.06050974875688553, + 0.6423706412315369, + 0.13703924417495728, + 0.05228244140744209, + -0.15948255360126495, + 1.7536942958831787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/8.png", + [ + 0.14837831258773804, + -0.009553059935569763, + 0.15760870277881622, + -1.7365689277648926, + 0.03400510177016258, + -0.20926930010318756, + -0.044697925448417664, + 0.4830572307109833, + 0.15419280529022217, + 0.055344294756650925, + -0.1418078988790512, + 1.6201651096343994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/6.png", + [ + 0.1572083830833435, + -0.00532342866063118, + 0.1490136831998825, + -1.6509294509887695, + 0.03368018940091133, + -0.20967255532741547, + -0.04302279278635979, + 0.47029897570610046, + 0.1452551633119583, + 0.05437809228897095, + -0.1513005495071411, + 1.728426218032837, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/20.png", + [ + 0.16452763974666595, + -0.01267232745885849, + 0.14042063057422638, + -1.4544432163238525, + 0.025440501049160957, + -0.2095872312784195, + -0.04872234910726547, + 0.4834682047367096, + 0.13867704570293427, + 0.05348363518714905, + -0.15765807032585144, + 1.7483618259429932, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/2.png", + [ + 0.16001997888088226, + -0.010206686332821846, + 0.14573028683662415, + -1.639931559562683, + 0.02155710570514202, + -0.2121291607618332, + -0.03852804750204086, + 0.42631739377975464, + 0.14448800683021545, + 0.042952798306941986, + -0.15564756095409393, + 1.816702127456665, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/5.png", + [ + 0.1591281145811081, + -0.0038676264230161905, + 0.14700737595558167, + -1.6371678113937378, + 0.03374212607741356, + -0.20986078679561615, + -0.04204539954662323, + 0.4650888741016388, + 0.14313489198684692, + 0.05377162620425224, + -0.15352167189121246, + 1.7615642547607422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/108.png", + [ + 0.15455709397792816, + 0.020348194986581802, + 0.15048570930957794, + -1.701503872871399, + 0.061008092015981674, + -0.2049504667520523, + -0.03494592010974884, + 0.38978177309036255, + 0.13906116783618927, + 0.0672990009188652, + -0.15192343294620514, + 1.7717809677124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/60.png", + [ + 0.16905976831912994, + -0.030437638983130455, + 0.13206146657466888, + -1.4439568519592285, + 0.0018803089624270797, + -0.21059206128120422, + -0.05094452202320099, + 0.5488371849060059, + 0.13551069796085358, + 0.040895361453294754, + -0.16404971480369568, + 1.8489971160888672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/56.png", + [ + 0.16765549778938293, + -0.030012531206011772, + 0.13393574953079224, + -1.455127477645874, + 0.012055867351591587, + -0.2073942869901657, + -0.06156429275870323, + 0.6688721776008606, + 0.13672669231891632, + 0.05508860945701599, + -0.1588047593832016, + 1.7871989011764526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/30.png", + [ + 0.16469278931617737, + -0.027588095515966415, + 0.13806909322738647, + -1.3695892095565796, + 0.011791817843914032, + -0.20902550220489502, + -0.05583178251981735, + 0.5490783452987671, + 0.14030370116233826, + 0.04995130002498627, + -0.15737736225128174, + 1.6478586196899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/17.png", + [ + 0.15713360905647278, + -0.009172383695840836, + 0.14890529215335846, + -1.6092942953109741, + 0.030545935034751892, + -0.20970498025417328, + -0.04515143856406212, + 0.4776197373867035, + 0.14602693915367126, + 0.05373614653944969, + -0.15078610181808472, + 1.703183650970459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/12.png", + [ + 0.1608913242816925, + -0.003328351303935051, + 0.14508892595767975, + -1.5912582874298096, + 0.034604351967573166, + -0.2094898670911789, + -0.04317900538444519, + 0.4687172472476959, + 0.14094118773937225, + 0.055234137922525406, + -0.1550247222185135, + 1.7542625665664673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/27.png", + [ + 0.16277262568473816, + -0.027215709909796715, + 0.14040039479732513, + -1.336768388748169, + 0.010826745070517063, + -0.2097596526145935, + -0.053212493658065796, + 0.48205289244651794, + 0.14260345697402954, + 0.04699035733938217, + -0.15621796250343323, + 1.6202014684677124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/42.png", + [ + 0.1680964082479477, + -0.031419623643159866, + 0.13305750489234924, + -1.4504597187042236, + 0.00935403723269701, + -0.20773792266845703, + -0.060871630907058716, + 0.6621125340461731, + 0.13639646768569946, + 0.05296849086880684, + -0.15980689227581024, + 1.7969225645065308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/7.png", + [ + 0.15001286566257477, + -0.00946603249758482, + 0.15605905652046204, + -1.725054383277893, + 0.03362089768052101, + -0.20926415920257568, + -0.04501161351799965, + 0.4891659915447235, + 0.152688130736351, + 0.055378738790750504, + -0.1434134691953659, + 1.6404980421066284, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/73.png", + [ + 0.16208243370056152, + -0.0291423499584198, + 0.14081156253814697, + -1.5403685569763184, + 0.00604133028537035, + -0.21061080694198608, + -0.050541914999485016, + 0.5470038652420044, + 0.14366862177848816, + 0.0417337603867054, + -0.15673387050628662, + 1.7701966762542725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/46.png", + [ + 0.17167234420776367, + -0.029008885845541954, + 0.12897665798664093, + -1.4026192426681519, + 0.00712808920070529, + -0.20905499160289764, + -0.05650748685002327, + 0.6122194528579712, + 0.13200639188289642, + 0.049014199525117874, + -0.16468095779418945, + 1.8466601371765137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/57.png", + [ + 0.16554535925388336, + -0.028783222660422325, + 0.13679969310760498, + -1.4920234680175781, + 0.012758363969624043, + -0.20803648233413696, + -0.05921100452542305, + 0.6451343894004822, + 0.13921155035495758, + 0.05329395458102226, + -0.15725073218345642, + 1.7760995626449585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/44.png", + [ + 0.1695212572813034, + -0.03176993131637573, + 0.13115300238132477, + -1.4311115741729736, + 0.004922451917082071, + -0.20898841321468353, + -0.056986935436725616, + 0.6193521022796631, + 0.13485625386238098, + 0.047564830631017685, + -0.16278597712516785, + 1.8302838802337646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/29.png", + [ + 0.16668564081192017, + -0.027770867571234703, + 0.1356191784143448, + -1.320589542388916, + 0.012661542743444443, + -0.20832185447216034, + -0.05822019651532173, + 0.5564676523208618, + 0.13785308599472046, + 0.052713241428136826, + -0.1586371213197708, + 1.6443102359771729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/4.png", + [ + 0.16568365693092346, + -0.0021854410879313946, + 0.13961388170719147, + -1.559146523475647, + 0.033057961612939835, + -0.20987482368946075, + -0.0425160676240921, + 0.4718261659145355, + 0.1356612890958786, + 0.05381142348051071, + -0.1601506769657135, + 1.8411328792572021, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/55.png", + [ + 0.16705480217933655, + -0.028524156659841537, + 0.13500723242759705, + -1.4641733169555664, + 0.013797788880765438, + -0.20747917890548706, + -0.060909003019332886, + 0.6608134508132935, + 0.13729603588581085, + 0.05555770546197891, + -0.15814875066280365, + 1.7736748456954956, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/9.png", + [ + 0.14602960646152496, + -0.012206442654132843, + 0.15960654616355896, + -1.7566672563552856, + 0.032782625406980515, + -0.2091839611530304, + -0.045992009341716766, + 0.49383744597435, + 0.15667974948883057, + 0.05514497309923172, + -0.13913439214229584, + 1.5889924764633179, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/25.png", + [ + 0.16882473230361938, + -0.02162075974047184, + 0.13408444821834564, + -1.2721105813980103, + 0.014327236451208591, + -0.209882915019989, + -0.05188237503170967, + 0.45937225222587585, + 0.13505861163139343, + 0.04929090663790703, + -0.16210328042507172, + 1.6937980651855469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/99.png", + [ + 0.15263666212558746, + 0.009033353999257088, + 0.15351983904838562, + -1.703163504600525, + 0.040039751678705215, + -0.21117495000362396, + -0.027383532375097275, + 0.3017728924751282, + 0.14848151803016663, + 0.047659605741500854, + -0.15043167769908905, + 1.7311851978302002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/34.png", + [ + 0.16465045511722565, + -0.03157513216137886, + 0.13726301491260529, + -1.4407305717468262, + 0.009725028648972511, + -0.20810730755329132, + -0.0595371313393116, + 0.6259908676147461, + 0.14051173627376556, + 0.05140288919210434, + -0.15672296285629272, + 1.7031641006469727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/72.png", + [ + 0.16128966212272644, + -0.029403474181890488, + 0.1416649967432022, + -1.5499136447906494, + 0.004870055243372917, + -0.21092955768108368, + -0.04932446405291557, + 0.5338451862335205, + 0.14460226893424988, + 0.039900582283735275, + -0.1563522070646286, + 1.7684022188186646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/102.png", + [ + 0.15680137276649475, + 0.010568780824542046, + 0.14916275441646576, + -1.6559078693389893, + 0.03717800974845886, + -0.21210165321826935, + -0.02405364252626896, + 0.2648257911205292, + 0.14484135806560516, + 0.0430009663105011, + -0.15530548989772797, + 1.7948421239852905, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/70.png", + [ + 0.16223756968975067, + -0.028654469177126884, + 0.1407330334186554, + -1.5375406742095947, + 0.005935410037636757, + -0.21079924702644348, + -0.04976291581988335, + 0.5374048352241516, + 0.14349786937236786, + 0.04111567512154579, + -0.1570533663034439, + 1.7702058553695679, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/90.png", + [ + 0.15601232647895813, + 0.002501165959984064, + 0.15033890306949615, + -1.645674705505371, + 0.03846884146332741, + -0.21009819209575653, + -0.03642518073320389, + 0.3956339359283447, + 0.14535540342330933, + 0.05291871353983879, + -0.15172114968299866, + 1.7155126333236694, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/15.png", + [ + 0.15003518760204315, + -0.010547640733420849, + 0.15596817433834076, + -1.711101770401001, + 0.031156662851572037, + -0.20982594788074493, + -0.044161342084407806, + 0.475442498922348, + 0.153188094496727, + 0.053006693720817566, + -0.14377617835998535, + 1.6431466341018677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/22.png", + [ + 0.1693897396326065, + -0.01368794683367014, + 0.13441592454910278, + -1.3356009721755981, + 0.020565090700984, + -0.21043622493743896, + -0.04734523966908455, + 0.4371687173843384, + 0.13353683054447174, + 0.04977082088589668, + -0.1632135957479477, + 1.7643259763717651, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/109.png", + [ + 0.14562448859214783, + 0.01983715407550335, + 0.159210205078125, + -1.8023539781570435, + 0.06613098829984665, + -0.2033192366361618, + -0.03515488654375076, + 0.3942399024963379, + 0.14617829024791718, + 0.07221953570842743, + -0.14270298182964325, + 1.6757639646530151, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/26.png", + [ + 0.16158375144004822, + -0.026723260059952736, + 0.14186064898967743, + -1.3531370162963867, + 0.012295951135456562, + -0.2096078246831894, + -0.05349074304103851, + 0.4773055613040924, + 0.14383108913898468, + 0.04794076830148697, + -0.1547972559928894, + 1.620558738708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/43.png", + [ + 0.1697036325931549, + -0.030984021723270416, + 0.13110513985157013, + -1.4309959411621094, + 0.007122991140931845, + -0.20850735902786255, + -0.058496519923210144, + 0.6376593112945557, + 0.13452817499637604, + 0.050125543028116226, + -0.16228830814361572, + 1.8254649639129639, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/84.png", + [ + 0.1571854203939438, + -0.0010261835996061563, + 0.14912942051887512, + -1.6173542737960815, + 0.030159303918480873, + -0.21197392046451569, + -0.03324713930487633, + 0.3586900532245636, + 0.1460515409708023, + 0.04487653076648712, + -0.15363246202468872, + 1.727941870689392, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/89.png", + [ + 0.15432031452655792, + 0.0012237445916980505, + 0.1520908921957016, + -1.6697355508804321, + 0.03678492084145546, + -0.21053564548492432, + -0.03563013672828674, + 0.38889721035957336, + 0.14758048951625824, + 0.05119706317782402, + -0.15015575289726257, + 1.7077667713165283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/63.png", + [ + 0.1636280119419098, + -0.026826580986380577, + 0.13947796821594238, + -1.5187883377075195, + 0.006797508802264929, + -0.21105189621448517, + -0.048567261546850204, + 0.5259698033332825, + 0.1418716460466385, + 0.041052643209695816, + -0.1585402488708496, + 1.7910192012786865, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/88.png", + [ + 0.1588912457227707, + 0.0015053064562380314, + 0.14730647206306458, + -1.613638162612915, + 0.03367875888943672, + -0.2112964242696762, + -0.03416818380355835, + 0.3728581964969635, + 0.14341270923614502, + 0.04795266315340996, + -0.15518130362033844, + 1.7583860158920288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/62.png", + [ + 0.16729088127613068, + -0.02381904423236847, + 0.13562564551830292, + -1.4769552946090698, + 0.007855264469981194, + -0.21141020953655243, + -0.04681786894798279, + 0.506356418132782, + 0.1374771147966385, + 0.04106423631310463, + -0.16236275434494019, + 1.8264695405960083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/65.png", + [ + 0.16195499897003174, + -0.02661990560591221, + 0.14145617187023163, + -1.5432847738265991, + 0.007978621870279312, + -0.2109493762254715, + -0.04883230850100517, + 0.5291739106178284, + 0.14371779561042786, + 0.041708916425704956, + -0.1566953957080841, + 1.7676817178726196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/80.png", + [ + 0.16646896302700043, + -0.009498155675828457, + 0.13836821913719177, + -1.497571349143982, + 0.026136105880141258, + -0.21014472842216492, + -0.045869193971157074, + 0.49547603726387024, + 0.13620895147323608, + 0.051931340247392654, + -0.1603064239025116, + 1.7856700420379639, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/79.png", + [ + 0.1588166207075119, + -0.01375173032283783, + 0.14675168693065643, + -1.5945923328399658, + 0.026278866454958916, + -0.20963135361671448, + -0.048083361238241196, + 0.5195968151092529, + 0.1450330764055252, + 0.053042229264974594, + -0.1519862562417984, + 1.7059966325759888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/19.png", + [ + 0.15976224839687347, + -0.011724031530320644, + 0.14589881896972656, + -1.537855863571167, + 0.0257872361689806, + -0.21034559607505798, + -0.045140355825424194, + 0.45907193422317505, + 0.14407961070537567, + 0.050647612661123276, + -0.15370027720928192, + 1.7172681093215942, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/77.png", + [ + 0.16380278766155243, + -0.02228461019694805, + 0.14007121324539185, + -1.5185208320617676, + 0.01795363239943981, + -0.20900438725948334, + -0.05424695461988449, + 0.5842341184616089, + 0.14069192111492157, + 0.0526161715388298, + -0.1561576873064041, + 1.750955581665039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/68.png", + [ + 0.1615220159292221, + -0.02812572941184044, + 0.141659677028656, + -1.5446690320968628, + 0.008074939250946045, + -0.21043510735034943, + -0.050987835973501205, + 0.5512426495552063, + 0.14419889450073242, + 0.043288663029670715, + -0.1558225303888321, + 1.754805326461792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/86.png", + [ + 0.15853892266750336, + 0.0006632109871134162, + 0.1476917862892151, + -1.6102094650268555, + 0.03255864977836609, + -0.21149899065494537, + -0.03400016203522682, + 0.369905948638916, + 0.14405986666679382, + 0.04707055166363716, + -0.15485160052776337, + 1.7483667135238647, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/1.png", + [ + 0.1568347066640854, + -0.01224216353148222, + 0.1489996463060379, + -1.6791162490844727, + 0.01686045527458191, + -0.21312092244625092, + -0.03525757044553757, + 0.38993486762046814, + 0.1485479474067688, + 0.037114694714546204, + -0.15330980718135834, + 1.796542763710022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/81.png", + [ + 0.16722837090492249, + -0.006206251215189695, + 0.13763739168643951, + -1.4872703552246094, + 0.026423044502735138, + -0.21099215745925903, + -0.04161771014332771, + 0.4477559030056, + 0.13521979749202728, + 0.04890494421124458, + -0.16208581626415253, + 1.8059834241867065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/95.png", + [ + 0.15961039066314697, + 0.009144269861280918, + 0.14624908566474915, + -1.6028854846954346, + 0.04348653554916382, + -0.20946605503559113, + -0.03436253219842911, + 0.3741716146469116, + 0.13993330299854279, + 0.05466483533382416, + -0.15613557398319244, + 1.7664587497711182, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/103.png", + [ + 0.15488332509994507, + 0.012030377052724361, + 0.1510441154241562, + -1.6821954250335693, + 0.03937310725450516, + -0.2117665410041809, + -0.023507077246904373, + 0.2605329751968384, + 0.1463174968957901, + 0.044250357896089554, + -0.15356101095676422, + 1.7770631313323975, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/83.png", + [ + 0.16363514959812164, + -0.0019995716866105795, + 0.1420120894908905, + -1.5362634658813477, + 0.028835901990532875, + -0.21167297661304474, + -0.036206938326358795, + 0.38835078477859497, + 0.13906803727149963, + 0.04624341428279877, + -0.15959171950817108, + 1.7832509279251099, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/51.png", + [ + 0.16917665302753448, + -0.029309147968888283, + 0.1321670562028885, + -1.4197667837142944, + 0.003876554546877742, + -0.21040017902851105, + -0.05162006616592407, + 0.5531619787216187, + 0.13532233238220215, + 0.04266887158155441, + -0.16375325620174408, + 1.815571904182434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+3M1fHfKenTM+P0+C0+F5239-5350/93.png", + [ + 0.15002988278865814, + 0.002087578410282731, + 0.15631558001041412, + -1.711281418800354, + 0.041762422770261765, + -0.20931655168533325, + -0.03728768974542618, + 0.40313923358917236, + 0.15064799785614014, + 0.05594742298126221, + -0.14533738791942596, + 1.6495391130447388, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/76.png", + [ + 0.2019512951374054, + -0.00771738588809967, + -0.07812818884849548, + 0.8629226684570312, + -0.021929997950792313, + -0.2125873863697052, + -0.035687148571014404, + 0.389009952545166, + -0.07538333535194397, + 0.04116963967680931, + -0.19892287254333496, + 2.2642621994018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/48.png", + [ + 0.20095227658748627, + -0.01690085232257843, + -0.07924924045801163, + 0.8900344967842102, + -0.024626417085528374, + -0.21462388336658478, + -0.016674069687724113, + 0.17680808901786804, + -0.0771985724568367, + 0.024471333250403404, + -0.20097123086452484, + 2.3247580528259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/137.png", + [ + 0.20342831313610077, + 0.0026693157851696014, + -0.07454992830753326, + 0.8372081518173218, + -0.009741272777318954, + -0.21373116970062256, + -0.03423433005809784, + 0.3852039575576782, + -0.07395894080400467, + 0.035493042320013046, + -0.2005448043346405, + 2.3358206748962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/173.png", + [ + 0.20206671953201294, + 0.006215554662048817, + -0.07796347886323929, + 0.8904351592063904, + -0.010864934884011745, + -0.21166419982910156, + -0.04503457993268967, + 0.5126116871833801, + -0.07745249569416046, + 0.04590781033039093, + -0.19708241522312164, + 2.3285622596740723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/35.png", + [ + 0.19761477410793304, + -0.026144789531826973, + -0.08492787927389145, + 0.94111168384552, + -0.033865299075841904, + -0.21361418068408966, + -0.013039136305451393, + 0.1401115208864212, + -0.08215495198965073, + 0.02516600303351879, + -0.19890986382961273, + 2.271998882293701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/124.png", + [ + 0.2069062441587448, + 0.0015267307171598077, + -0.0643068328499794, + 0.7460727691650391, + -0.00986570492386818, + -0.2132975161075592, + -0.03680672496557236, + 0.4194277822971344, + -0.06356387585401535, + 0.03807540237903595, + -0.20361186563968658, + 2.439311981201172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/97.png", + [ + 0.20332205295562744, + -0.006223880220204592, + -0.07462774217128754, + 0.8192134499549866, + -0.018801797181367874, + -0.21325135231018066, + -0.0334402397274971, + 0.37148910760879517, + -0.07248812168836594, + 0.03785525634884834, + -0.20064981281757355, + 2.2893624305725098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/155.png", + [ + 0.20427091419696808, + 0.006426510866731405, + -0.07197213917970657, + 0.8160080909729004, + -0.007924258708953857, + -0.21252195537090302, + -0.04146701842546463, + 0.4679233133792877, + -0.07182266563177109, + 0.04172538220882416, + -0.2001209408044815, + 2.3560051918029785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/13.png", + [ + 0.20313887298107147, + -0.0320565439760685, + -0.0682266429066658, + 0.7698522210121155, + -0.032159365713596344, + -0.21421873569488525, + 0.004899756982922554, + -0.06890802830457687, + -0.06817824393510818, + 0.005532695911824703, + -0.2055942863225937, + 2.3847312927246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/32.png", + [ + 0.19872324168682098, + -0.028811687603592873, + -0.08140554279088974, + 0.9079221487045288, + -0.03318031504750252, + -0.21405497193336487, + -0.00523814233019948, + 0.04848307743668556, + -0.07972479611635208, + 0.017270144075155258, + -0.20073264837265015, + 2.3048534393310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/158.png", + [ + 0.20446206629276276, + 0.005122590344399214, + -0.07153265178203583, + 0.8143579363822937, + -0.009893854148685932, + -0.2120397835969925, + -0.04346422478556633, + 0.491129606962204, + -0.07103007286787033, + 0.0442807674407959, + -0.1998545378446579, + 2.34989595413208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/38.png", + [ + 0.1989385336637497, + -0.02442588284611702, + -0.08230876177549362, + 0.9079339504241943, + -0.03162901848554611, + -0.21396206319332123, + -0.012951460666954517, + 0.13696160912513733, + -0.07981830090284348, + 0.02390630729496479, + -0.20001354813575745, + 2.2633423805236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/148.png", + [ + 0.20277279615402222, + 0.00312629877589643, + -0.07629750669002533, + 0.8691089749336243, + -0.011445934884250164, + -0.21280278265476227, + -0.03913901746273041, + 0.44378066062927246, + -0.07549883425235748, + 0.040658313781023026, + -0.19898422062397003, + 2.3406519889831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/111.png", + [ + 0.20587953925132751, + -0.004118695855140686, + -0.06741326302289963, + 0.7709611058235168, + -0.01255194004625082, + -0.2148369550704956, + -0.025207791477441788, + 0.282674103975296, + -0.06636234372854233, + 0.027857141569256783, + -0.20437200367450714, + 2.4235010147094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/164.png", + [ + 0.20186591148376465, + 0.007894853129982948, + -0.07833085209131241, + 0.8945654034614563, + -0.00905605684965849, + -0.21182279288768768, + -0.04468761011958122, + 0.5069195628166199, + -0.07820510119199753, + 0.044907309114933014, + -0.1970156878232956, + 2.3245081901550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/11.png", + [ + 0.20398704707622528, + -0.033985815942287445, + -0.06466948986053467, + 0.7321414947509766, + -0.033482421189546585, + -0.21396300196647644, + 0.006830527912825346, + -0.08676061779260635, + -0.06493155658245087, + 0.0035627237521111965, + -0.20668597519397736, + 2.4047393798828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/125.png", + [ + 0.20583771169185638, + 0.0016642740229144692, + -0.06764586269855499, + 0.7844364047050476, + -0.01031340379267931, + -0.2133067101240158, + -0.0366302989423275, + 0.41622695326805115, + -0.06687574833631516, + 0.03801809251308441, + -0.20255902409553528, + 2.4265918731689453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/59.png", + [ + 0.2019364982843399, + -0.01736977882683277, + -0.0766017735004425, + 0.8550160527229309, + -0.02559221349656582, + -0.21432921290397644, + -0.01886577345430851, + 0.20186355710029602, + -0.07426020503044128, + 0.026630239561200142, + -0.20180225372314453, + 2.322176456451416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/105.png", + [ + 0.20508693158626556, + -0.00550779839977622, + -0.06969154626131058, + 0.7830908298492432, + -0.013901274651288986, + -0.21490058302879333, + -0.02392456866800785, + 0.2639535069465637, + -0.06851278990507126, + 0.0271163173019886, + -0.20376113057136536, + 2.3612895011901855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/121.png", + [ + 0.20702362060546875, + 0.00047719464055262506, + -0.06394436955451965, + 0.7419799566268921, + -0.009727843105793, + -0.21391180157661438, + -0.03309081867337227, + 0.37640607357025146, + -0.06320188194513321, + 0.034487754106521606, + -0.20436245203018188, + 2.4477548599243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/175.png", + [ + 0.20164471864700317, + 0.0059125968255102634, + -0.07907171547412872, + 0.904168426990509, + -0.01114118192344904, + -0.2118152230978012, + -0.044250186532735825, + 0.5032715201377869, + -0.07850585877895355, + 0.04524650424718857, + -0.19681838154792786, + 2.329066276550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/24.png", + [ + 0.20033441483974457, + -0.02870381996035576, + -0.07739584892988205, + 0.8705508708953857, + -0.03133610635995865, + -0.21439072489738464, + -0.0016004417557269335, + 0.004893872886896133, + -0.07636801153421402, + 0.01267295517027378, + -0.2023739516735077, + 2.341754913330078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/74.png", + [ + 0.2028219848871231, + -0.014330693520605564, + -0.07487169653177261, + 0.819491982460022, + -0.026713255792856216, + -0.21267849206924438, + -0.031656891107559204, + 0.3451858460903168, + -0.0713970810174942, + 0.038863711059093475, + -0.20084811747074127, + 2.294572353363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/129.png", + [ + 0.20352642238140106, + 0.003347933990880847, + -0.07425418496131897, + 0.8508469462394714, + -0.011897367425262928, + -0.21219663321971893, + -0.04217740520834923, + 0.48080357909202576, + -0.0733712762594223, + 0.04369521886110306, + -0.19913634657859802, + 2.3503479957580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/172.png", + [ + 0.2020537555217743, + 0.004173122812062502, + -0.07813292741775513, + 0.8935543894767761, + -0.01255561038851738, + -0.2118331491947174, + -0.04378326237201691, + 0.4992067515850067, + -0.07723034173250198, + 0.045356396585702896, + -0.19729715585708618, + 2.3340935707092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/153.png", + [ + 0.20488445460796356, + 0.006745339836925268, + -0.07017656415700912, + 0.7969616651535034, + -0.007281953003257513, + -0.21250218152999878, + -0.04168568179011345, + 0.47101739048957825, + -0.07012291997671127, + 0.04177587106823921, + -0.20071235299110413, + 2.362727642059326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/144.png", + [ + 0.20494107902050018, + 0.00595904840156436, + -0.07008231431245804, + 0.7922414541244507, + -0.007268569897860289, + -0.21294526755809784, + -0.03936200216412544, + 0.4420020580291748, + -0.06995861977338791, + 0.03958142176270485, + -0.2012138068675995, + 2.3549580574035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/98.png", + [ + 0.20178870856761932, + -0.0017806184478104115, + -0.07890527695417404, + 0.8719950914382935, + -0.01544994581490755, + -0.21331973373889923, + -0.034697093069553375, + 0.38537269830703735, + -0.0773984044790268, + 0.03793966770172119, + -0.1987912803888321, + 2.273221015930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/0.png", + [ + 0.2059301882982254, + -0.041346922516822815, + -0.05320791155099869, + 0.6223632097244263, + -0.036806706339120865, + -0.2123318463563919, + 0.02254657819867134, + -0.2847093641757965, + -0.056443918496370316, + -0.012390069663524628, + -0.20882639288902283, + 2.5084996223449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/163.png", + [ + 0.2031177282333374, + 0.005961872637271881, + -0.0752033144235611, + 0.858903169631958, + -0.010774881578981876, + -0.2114897221326828, + -0.045868244022130966, + 0.5196223258972168, + -0.07466581463813782, + 0.04673810303211212, + -0.197960764169693, + 2.3316850662231445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/96.png", + [ + 0.20386996865272522, + -0.005157841835170984, + -0.07320061326026917, + 0.8032421469688416, + -0.017768898978829384, + -0.2131763994693756, + -0.034467123448848724, + 0.38421833515167236, + -0.07119831442832947, + 0.03843322768807411, + -0.20100143551826477, + 2.2913408279418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/100.png", + [ + 0.20205587148666382, + -0.0005334033630788326, + -0.07823705673217773, + 0.860956609249115, + -0.012992785312235355, + -0.21388983726501465, + -0.03209705650806427, + 0.3574755787849426, + -0.07715249806642532, + 0.03462294861674309, + -0.19949094951152802, + 2.2747716903686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/40.png", + [ + 0.20005010068416595, + -0.02270522341132164, + -0.08007699251174927, + 0.8890494704246521, + -0.029091449454426765, + -0.2143833041191101, + -0.011890137568116188, + 0.11781677603721619, + -0.07798422873020172, + 0.021729258820414543, + -0.20098307728767395, + 2.2973833084106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/141.png", + [ + 0.2038685530424118, + 0.00500738900154829, + -0.07321498543024063, + 0.8284466862678528, + -0.00788086373358965, + -0.21342569589614868, + -0.03654122352600098, + 0.4098101556301117, + -0.07296164333820343, + 0.037044502794742584, + -0.20062950253486633, + 2.356558322906494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/52.png", + [ + 0.20126870274543762, + -0.019186118617653847, + -0.07791468501091003, + 0.87457674741745, + -0.02683865837752819, + -0.21436870098114014, + -0.01654217019677162, + 0.17678889632225037, + -0.07562071084976196, + 0.025016989558935165, + -0.2015032321214676, + 2.333983898162842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/3.png", + [ + 0.20519208908081055, + -0.03892020508646965, + -0.05770028382539749, + 0.6699113845825195, + -0.035514045506715775, + -0.2130347043275833, + 0.017402928322553635, + -0.21769282221794128, + -0.05985698103904724, + -0.007023308426141739, + -0.20812426507472992, + 2.4870758056640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/47.png", + [ + 0.20067061483860016, + -0.016231641173362732, + -0.08009826391935349, + 0.8980429172515869, + -0.02408990077674389, + -0.21467101573944092, + -0.016850216314196587, + 0.17781126499176025, + -0.07809529453516006, + 0.024510957300662994, + -0.2006196230649948, + 2.3142428398132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/104.png", + [ + 0.2041510045528412, + -0.005693864077329636, + -0.0723729282617569, + 0.8102864027023315, + -0.013824989087879658, + -0.2151034027338028, + -0.022074775770306587, + 0.24226707220077515, + -0.07126802206039429, + 0.025416646152734756, + -0.20303389430046082, + 2.3483362197875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/21.png", + [ + 0.2013150304555893, + -0.029307428747415543, + -0.07457372546195984, + 0.8350257277488708, + -0.03161301463842392, + -0.21435321867465973, + -0.0011000127997249365, + 0.00224129855632782, + -0.07362596690654755, + 0.011902404017746449, + -0.20343412458896637, + 2.3495163917541504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/82.png", + [ + 0.20245465636253357, + -0.0039007258601486683, + -0.07710239291191101, + 0.8501461744308472, + -0.02008001133799553, + -0.21161048114299774, + -0.042020201683044434, + 0.45871323347091675, + -0.07454385608434677, + 0.046407848596572876, + -0.19808435440063477, + 2.242537498474121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/106.png", + [ + 0.20608550310134888, + -0.0076622264459729195, + -0.06646766513586044, + 0.748796820640564, + -0.015049842186272144, + -0.21504178643226624, + -0.021873127669095993, + 0.2416253685951233, + -0.06519327312707901, + 0.025420892983675003, + -0.20506465435028076, + 2.3846988677978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/14.png", + [ + 0.2027907818555832, + -0.03230905905365944, + -0.06913692504167557, + 0.7787865996360779, + -0.03245260939002037, + -0.2141745239496231, + 0.004898795858025551, + -0.067879319190979, + -0.06906966120004654, + 0.005770139861851931, + -0.20528998970985413, + 2.378462314605713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/67.png", + [ + 0.19869881868362427, + -0.015407885424792767, + -0.0850251168012619, + 0.9376459121704102, + -0.02604147233068943, + -0.2139674574136734, + -0.022083165124058723, + 0.2324601113796234, + -0.08239243924617767, + 0.03047000803053379, + -0.1980680674314499, + 2.252528190612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/78.png", + [ + 0.20183821022510529, + -0.005961896851658821, + -0.07857280969619751, + 0.8683743476867676, + -0.022743871435523033, + -0.21126602590084076, + -0.042394258081912994, + 0.46651265025138855, + -0.07544499635696411, + 0.047738999128341675, + -0.19742578268051147, + 2.2385997772216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/31.png", + [ + 0.19990527629852295, + -0.031107721850275993, + -0.07757627964019775, + 0.8657940030097961, + -0.03445417806506157, + -0.21389652788639069, + -0.0030130152590572834, + 0.027100566774606705, + -0.07614906132221222, + 0.015115497633814812, + -0.20228874683380127, + 2.323479175567627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/152.png", + [ + 0.20285159349441528, + 0.004620839841663837, + -0.07601166516542435, + 0.8658481240272522, + -0.010405066423118114, + -0.21256518363952637, + -0.04068998992443085, + 0.46198469400405884, + -0.07543779164552689, + 0.04174432158470154, + -0.19878241419792175, + 2.350053310394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/39.png", + [ + 0.19886472821235657, + -0.021312719210982323, + -0.08334560692310333, + 0.9227574467658997, + -0.02771797589957714, + -0.21459923684597015, + -0.011259551160037518, + 0.11278370022773743, + -0.08143976330757141, + 0.02099599502980709, + -0.19968631863594055, + 2.2710986137390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/92.png", + [ + 0.20412416756153107, + -0.0026192693039774895, + -0.0726248249411583, + 0.799609363079071, + -0.016752175986766815, + -0.21239814162254333, + -0.03942447155714035, + 0.4333922564983368, + -0.07071486860513687, + 0.042755864560604095, + -0.20029787719249725, + 2.293973922729492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/53.png", + [ + 0.20178985595703125, + -0.018755953758955002, + -0.07666134834289551, + 0.8603498339653015, + -0.026490988209843636, + -0.21435320377349854, + -0.017286594957113266, + 0.18466626107692719, + -0.07434363663196564, + 0.025471806526184082, + -0.2019210159778595, + 2.339305877685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/75.png", + [ + 0.20326276123523712, + -0.012252000160515308, + -0.0740407332777977, + 0.8106409907341003, + -0.024776920676231384, + -0.2127370685338974, + -0.032816674560308456, + 0.3562922179698944, + -0.07083957642316818, + 0.039251990616321564, + -0.20096996426582336, + 2.291750431060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/151.png", + [ + 0.20297712087631226, + 0.005689880810678005, + -0.07560302317142487, + 0.8614497780799866, + -0.009404294192790985, + -0.212505504488945, + -0.04124157875776291, + 0.47047141194343567, + -0.07523130625486374, + 0.04191579297184944, + -0.19882456958293915, + 2.3487749099731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/87.png", + [ + 0.20199169218540192, + -0.0023782202042639256, + -0.07836832106113434, + 0.8621274828910828, + -0.01765267550945282, + -0.21239370107650757, + -0.039053723216056824, + 0.4220133423805237, + -0.0763913094997406, + 0.04279198870062828, + -0.19819460809230804, + 2.25766658782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/139.png", + [ + 0.2040984332561493, + 0.005189893767237663, + -0.07255883514881134, + 0.8174049854278564, + -0.006858245003968477, + -0.2137870043516159, + -0.034582819789648056, + 0.385311096906662, + -0.07242018729448318, + 0.03487222269177437, + -0.20121416449546814, + 2.3510704040527344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/107.png", + [ + 0.20634736120700836, + -0.007900909520685673, + -0.06562193483114243, + 0.742046594619751, + -0.014864823780953884, + -0.21515747904777527, + -0.020837198942899704, + 0.23160725831985474, + -0.06440263241529465, + 0.024345995858311653, + -0.2054445594549179, + 2.404542922973633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/112.png", + [ + 0.2044181078672409, + -0.00367324473336339, + -0.0717470794916153, + 0.8267757296562195, + -0.01348856370896101, + -0.21450527012348175, + -0.027448872104287148, + 0.3108862042427063, + -0.070563405752182, + 0.030362626537680626, + -0.2026001363992691, + 2.41511869430542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/69.png", + [ + 0.20086699724197388, + -0.01794339157640934, + -0.07923625409603119, + 0.8719193339347839, + -0.028670689091086388, + -0.21338343620300293, + -0.024359704926609993, + 0.26216763257980347, + -0.0760153979063034, + 0.03306717798113823, + -0.2001902014017105, + 2.291604995727539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/157.png", + [ + 0.20349137485027313, + 0.007686567958444357, + -0.07402754575014114, + 0.8438641428947449, + -0.007866796106100082, + -0.2120872139930725, + -0.04364656284451485, + 0.4938126504421234, + -0.07400861382484436, + 0.04367866367101669, + -0.19890397787094116, + 2.3448314666748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/45.png", + [ + 0.20066222548484802, + -0.01664108783006668, + -0.0800352469086647, + 0.8928908705711365, + -0.024164879694581032, + -0.21473224461078644, + -0.015937985852360725, + 0.16664601862430573, + -0.07809369266033173, + 0.023686179891228676, + -0.20071929693222046, + 2.3111753463745117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/50.png", + [ + 0.20151549577713013, + -0.017351269721984863, + -0.0777067169547081, + 0.8714414238929749, + -0.02529068849980831, + -0.21446461975574493, + -0.01769772544503212, + 0.19040340185165405, + -0.07549690455198288, + 0.02552962675690651, + -0.20148535072803497, + 2.329524040222168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/101.png", + [ + 0.20329858362674713, + -0.00701889069750905, + -0.07462112605571747, + 0.8200393319129944, + -0.016641637310385704, + -0.21456490457057953, + -0.025156596675515175, + 0.2788967192173004, + -0.07307963818311691, + 0.029334858059883118, + -0.20185817778110504, + 2.3071980476379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/85.png", + [ + 0.2023591548204422, + -0.0036276730243116617, + -0.07736604660749435, + 0.8470308780670166, + -0.019862893968820572, + -0.2116289585828781, + -0.04203029349446297, + 0.4554579555988312, + -0.07486072927713394, + 0.04634565860033035, + -0.1979793906211853, + 2.247969150543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/156.png", + [ + 0.20345577597618103, + 0.007979725487530231, + -0.07409431040287018, + 0.8436869382858276, + -0.006999045144766569, + -0.21243062615394592, + -0.0420968234539032, + 0.47544601559638977, + -0.07419335842132568, + 0.041921984404325485, + -0.1992129236459732, + 2.3498988151550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/131.png", + [ + 0.202641561627388, + 0.004655526019632816, + -0.07656775414943695, + 0.8774695992469788, + -0.011247225105762482, + -0.21213464438915253, + -0.042664870619773865, + 0.48651841282844543, + -0.07588014006614685, + 0.04387615993618965, + -0.19815392792224884, + 2.3323802947998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/71.png", + [ + 0.19887612760066986, + -0.007392981089651585, + -0.08568274229764938, + 0.9531483054161072, + -0.02005222626030445, + -0.2139088213443756, + -0.02808598428964615, + 0.30730217695236206, + -0.08363071829080582, + 0.03370842710137367, + -0.19702166318893433, + 2.2488183975219727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/160.png", + [ + 0.2033456414937973, + 0.006448728963732719, + -0.07454437762498856, + 0.8515486121177673, + -0.009606060571968555, + -0.2118319422006607, + -0.04452914744615555, + 0.5047480463981628, + -0.07420359551906586, + 0.04509473592042923, + -0.19851495325565338, + 2.336225986480713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/115.png", + [ + 0.20593546330928802, + 0.0013298341073095798, + -0.06735509634017944, + 0.7775681614875793, + -0.009050295688211918, + -0.21412259340286255, + -0.03189846873283386, + 0.36237651109695435, + -0.06675754487514496, + 0.03313082829117775, + -0.20345436036586761, + 2.42604398727417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/54.png", + [ + 0.2019287645816803, + -0.0182228684425354, + -0.07642371952533722, + 0.8584731221199036, + -0.026348857209086418, + -0.21426695585250854, + -0.01852872222661972, + 0.19964204728603363, + -0.07401618361473083, + 0.026561303064227104, + -0.20190094411373138, + 2.3380465507507324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/33.png", + [ + 0.19792748987674713, + -0.024336526170372963, + -0.0847368836402893, + 0.945624828338623, + -0.029907003045082092, + -0.21444137394428253, + -0.008268655277788639, + 0.08224540948867798, + -0.08293478190898895, + 0.01924923248589039, + -0.19924654066562653, + 2.287815570831299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/159.png", + [ + 0.20324379205703735, + 0.0056905122473835945, + -0.07488305121660233, + 0.8550927042961121, + -0.010002482682466507, + -0.21207556128501892, + -0.043264277279376984, + 0.49063870310783386, + -0.07442985475063324, + 0.04403936490416527, + -0.19866710901260376, + 2.340085029602051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/177.png", + [ + 0.20048364996910095, + 0.002027223352342844, + -0.08215893805027008, + 0.9463072419166565, + -0.01203232817351818, + -0.21355056762695312, + -0.0346304327249527, + 0.4012684226036072, + -0.08129836618900299, + 0.0366051159799099, + -0.1974804699420929, + 2.3599300384521484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/49.png", + [ + 0.20205257833003998, + -0.018884526565670967, + -0.07593438029289246, + 0.8508684039115906, + -0.02664535492658615, + -0.21430833637714386, + -0.017602721229195595, + 0.187525674700737, + -0.07357091456651688, + 0.025752777233719826, + -0.20216825604438782, + 2.3344154357910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/118.png", + [ + 0.20685479044914246, + -0.002289454685524106, + -0.06444954872131348, + 0.7443691492080688, + -0.012343271635472775, + -0.2139403522014618, + -0.03201664239168167, + 0.36218538880348206, + -0.06329794973134995, + 0.03423711657524109, + -0.20437486469745636, + 2.438347816467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/110.png", + [ + 0.2053767591714859, + -0.00507659837603569, + -0.06886588037014008, + 0.78885817527771, + -0.013591249473392963, + -0.21483314037322998, + -0.024695903062820435, + 0.27830183506011963, + -0.06770198047161102, + 0.027727928012609482, + -0.2039497345685959, + 2.4185590744018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/18.png", + [ + 0.20291614532470703, + -0.029358984902501106, + -0.07007840275764465, + 0.7847582101821899, + -0.030744917690753937, + -0.2144806683063507, + 0.0008318459731526673, + -0.017358940094709396, + -0.06948153674602509, + 0.00916470866650343, + -0.20502737164497375, + 2.3700642585754395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/66.png", + [ + 0.1968415379524231, + -0.013320105150341988, + -0.08957607299089432, + 0.993729829788208, + -0.02430640161037445, + -0.21422508358955383, + -0.021557198837399483, + 0.22796359658241272, + -0.08723816275596619, + 0.029632560908794403, + -0.19611045718193054, + 2.231204032897949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/16.png", + [ + 0.2022823840379715, + -0.030699878931045532, + -0.07132495939731598, + 0.8007616996765137, + -0.03206435963511467, + -0.21428506076335907, + 0.001296475064009428, + -0.022148387506604195, + -0.0707220658659935, + 0.009344588965177536, + -0.20459462702274323, + 2.3699541091918945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/94.png", + [ + 0.20107796788215637, + -0.001340063288807869, + -0.08070776611566544, + 0.8970205783843994, + -0.015306400135159492, + -0.21334706246852875, + -0.03459247574210167, + 0.38234907388687134, + -0.07925435900688171, + 0.037803832441568375, + -0.19808460772037506, + 2.266787052154541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/28.png", + [ + 0.20010900497436523, + -0.02814556658267975, + -0.0781799852848053, + 0.8785102963447571, + -0.031198028475046158, + -0.2144002467393875, + -0.0026680761948227882, + 0.014542866498231888, + -0.07701276242733002, + 0.01372088398784399, + -0.20206104218959808, + 2.337902069091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/61.png", + [ + 0.20345063507556915, + -0.019514426589012146, + -0.07193686068058014, + 0.785576581954956, + -0.025896957144141197, + -0.2145959436893463, + -0.015027560293674469, + 0.16042757034301758, + -0.06989330053329468, + 0.02270830236375332, + -0.20383119583129883, + 2.310133934020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/132.png", + [ + 0.2028920203447342, + 0.004741495940834284, + -0.0758962482213974, + 0.8663403391838074, + -0.011328241787850857, + -0.2119555026292801, + -0.04352515563368797, + 0.4939470589160919, + -0.07519569993019104, + 0.044724561274051666, + -0.19822515547275543, + 2.3300271034240723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/58.png", + [ + 0.20180091261863708, + -0.016424167901277542, + -0.0771656185388565, + 0.8614252805709839, + -0.025148747488856316, + -0.21426354348659515, + -0.020163636654615402, + 0.21805858612060547, + -0.07477851212024689, + 0.027735870331525803, + -0.20146164298057556, + 2.321164131164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/123.png", + [ + 0.2073887437582016, + 0.00021456199465319514, + -0.06275154650211334, + 0.7269797325134277, + -0.010313797742128372, + -0.2136102169752121, + -0.034816641360521317, + 0.39593836665153503, + -0.06189854070544243, + 0.036311522126197815, + -0.20444545149803162, + 2.447411060333252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/64.png", + [ + 0.1984783113002777, + -0.016086246818304062, + -0.08541363477706909, + 0.940647542476654, + -0.02562829665839672, + -0.21429572999477386, + -0.01919420249760151, + 0.20762979984283447, + -0.08305086195468903, + 0.027685005217790604, + -0.19820189476013184, + 2.2421936988830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/10.png", + [ + 0.20513492822647095, + -0.03333117067813873, + -0.061291053891181946, + 0.696024477481842, + -0.032477378845214844, + -0.21408739686012268, + 0.007726090028882027, + -0.09699180722236633, + -0.0617477223277092, + 0.0018723078537732363, + -0.20768149197101593, + 2.420351982116699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/170.png", + [ + 0.20309041440486908, + 0.004077688325196505, + -0.07540257275104523, + 0.8649430274963379, + -0.01260902639478445, + -0.21148967742919922, + -0.04539847746491432, + 0.5192550420761108, + -0.07445259392261505, + 0.046940188854932785, + -0.19799324870109558, + 2.3471713066101074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/41.png", + [ + 0.20055629312992096, + -0.020651839673519135, + -0.07936352491378784, + 0.882498562335968, + -0.027335738763213158, + -0.21453440189361572, + -0.013253250159323215, + 0.13482727110385895, + -0.07731639593839645, + 0.022279873490333557, + -0.20118071138858795, + 2.30631160736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/166.png", + [ + 0.20223844051361084, + 0.007926561869680882, + -0.07736074179410934, + 0.88727867603302, + -0.009302498772740364, + -0.21153251826763153, + -0.04599294811487198, + 0.5250145196914673, + -0.07720737159252167, + 0.04624994471669197, + -0.19709859788417816, + 2.3350605964660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/91.png", + [ + 0.2041739523410797, + -0.002736825030297041, + -0.07248042523860931, + 0.7958582043647766, + -0.01708810031414032, + -0.21224066615104675, + -0.04012226313352585, + 0.4401821792125702, + -0.07049042731523514, + 0.04352366179227829, + -0.20021159946918488, + 2.2913618087768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/140.png", + [ + 0.20405539870262146, + 0.005621728021651506, + -0.07264769822359085, + 0.819647490978241, + -0.006350127514451742, + -0.21383482217788696, + -0.03438373655080795, + 0.3834109306335449, + -0.07258765399456024, + 0.03451031073927879, + -0.2012162059545517, + 2.361370086669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/23.png", + [ + 0.20080071687698364, + -0.03134236857295036, + -0.07513071596622467, + 0.8449499011039734, + -0.034423235803842545, + -0.21390482783317566, + -0.0027675132732838392, + 0.019971948117017746, + -0.07376998662948608, + 0.014500824734568596, + -0.20321321487426758, + 2.3503966331481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/37.png", + [ + 0.19750089943408966, + -0.02691960521042347, + -0.08495071530342102, + 0.9394441843032837, + -0.034146588295698166, + -0.2136477530002594, + -0.011685234494507313, + 0.12652955949306488, + -0.08231221139431, + 0.024038907140493393, + -0.19898423552513123, + 2.2576441764831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/36.png", + [ + 0.1988281011581421, + -0.02609614096581936, + -0.08206258714199066, + 0.9038521647453308, + -0.03383421525359154, + -0.21355397999286652, + -0.014065591618418694, + 0.15420465171337128, + -0.07918664067983627, + 0.02572132647037506, + -0.20003946125507355, + 2.27193021774292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/8.png", + [ + 0.20499548316001892, + -0.03181013464927673, + -0.06255286186933517, + 0.7160291075706482, + -0.029349111020565033, + -0.21429607272148132, + 0.012794818729162216, + -0.15673863887786865, + -0.06374460458755493, + -0.003632217412814498, + -0.20705391466617584, + 2.432387351989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/6.png", + [ + 0.20475812256336212, + -0.03697660565376282, + -0.06045443192124367, + 0.6935107707977295, + -0.033951714634895325, + -0.21343231201171875, + 0.015550785697996616, + -0.18803289532661438, + -0.062203604727983475, + -0.00522266048938036, + -0.20748813450336456, + 2.456852436065674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/169.png", + [ + 0.20302808284759521, + 0.005716320592910051, + -0.07546400278806686, + 0.8659785985946655, + -0.010885776951909065, + -0.21160311996936798, + -0.04531576484441757, + 0.5169942378997803, + -0.07489320635795593, + 0.046253032982349396, + -0.19798879325389862, + 2.3506860733032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/154.png", + [ + 0.20499290525913239, + 0.007308102212846279, + -0.06980253756046295, + 0.7923257350921631, + -0.00680274935439229, + -0.21241314709186554, + -0.04221697896718979, + 0.4762285053730011, + -0.06985359638929367, + 0.042132437229156494, + -0.20073172450065613, + 2.360616683959961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/20.png", + [ + 0.20230887830257416, + -0.029845742508769035, + -0.07161178439855576, + 0.8025080561637878, + -0.03148162364959717, + -0.21437497437000275, + 0.0004073348536621779, + -0.01359299011528492, + -0.0709078460931778, + 0.01002446562051773, + -0.20449812710285187, + 2.3630118370056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/2.png", + [ + 0.20509405434131622, + -0.04061710834503174, + -0.05687331408262253, + 0.6622224450111389, + -0.03673575446009636, + -0.21265500783920288, + 0.019396573305130005, + -0.24280954897403717, + -0.05945425480604172, + -0.008717390708625317, + -0.2081756293773651, + 2.4968385696411133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/117.png", + [ + 0.20699572563171387, + 0.0004219422989990562, + -0.06403498351573944, + 0.7400231957435608, + -0.010247022844851017, + -0.21365967392921448, + -0.034531787037849426, + 0.3914691209793091, + -0.06321120262145996, + 0.03601760417222977, + -0.2040954977273941, + 2.435072898864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/149.png", + [ + 0.2026650309562683, + 0.004867265932261944, + -0.07649239897727966, + 0.8687649369239807, + -0.010005716234445572, + -0.21270683407783508, + -0.0400446355342865, + 0.4534662365913391, + -0.075991190969944, + 0.0409877672791481, + -0.1987290382385254, + 2.334728717803955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/161.png", + [ + 0.2028271108865738, + 0.00812348909676075, + -0.07578306645154953, + 0.8657167553901672, + -0.008572488091886044, + -0.21164187788963318, + -0.04563029110431671, + 0.5169278383255005, + -0.07573359459638596, + 0.04571235924959183, + -0.1977946013212204, + 2.3272790908813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/5.png", + [ + 0.20411504805088043, + -0.03770004212856293, + -0.06215819716453552, + 0.7127575278282166, + -0.03400588408112526, + -0.21325816214084625, + 0.01767631806433201, + -0.21183176338672638, + -0.06425367295742035, + -0.00689632399007678, + -0.20681345462799072, + 2.4568634033203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/108.png", + [ + 0.20487463474273682, + -0.0038894140161573887, + -0.0704212412238121, + 0.8008792996406555, + -0.011914930306375027, + -0.21514400839805603, + -0.022781234234571457, + 0.25437289476394653, + -0.06951484829187393, + 0.025413040071725845, + -0.20364126563072205, + 2.396035671234131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/60.png", + [ + 0.2038138210773468, + -0.017996516078710556, + -0.07130177319049835, + 0.7833174467086792, + -0.024617599323391914, + -0.214662104845047, + -0.016188057139515877, + 0.1722521185874939, + -0.06929495930671692, + 0.02332819625735283, + -0.203965425491333, + 2.323801040649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/56.png", + [ + 0.2025979459285736, + -0.01698613539338112, + -0.07492285966873169, + 0.838493824005127, + -0.02488258108496666, + -0.21442990005016327, + -0.018670203164219856, + 0.20159763097763062, + -0.07268301397562027, + 0.02606128342449665, + -0.20244969427585602, + 2.3367156982421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/147.png", + [ + 0.2033163160085678, + 0.004123871214687824, + -0.07478872686624527, + 0.8503592610359192, + -0.010187297128140926, + -0.21281321346759796, + -0.039429180324077606, + 0.4459083080291748, + -0.07420632988214493, + 0.04051462933421135, + -0.19949907064437866, + 2.3433656692504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/30.png", + [ + 0.19996896386146545, + -0.03137483447790146, + -0.07730414718389511, + 0.8623031973838806, + -0.03416108340024948, + -0.21395927667617798, + -0.0015292532043531537, + 0.010438941419124603, + -0.07611394673585892, + 0.013599175959825516, + -0.2024095505475998, + 2.332014560699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/17.png", + [ + 0.20210760831832886, + -0.03087221272289753, + -0.07174478471279144, + 0.8056955933570862, + -0.03283287584781647, + -0.2141723334789276, + -0.0003317288646940142, + -0.004065524786710739, + -0.07086896896362305, + 0.011180969886481762, + -0.20445163547992706, + 2.367828845977783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/12.png", + [ + 0.20363052189350128, + -0.03371258080005646, + -0.06592394411563873, + 0.7445624470710754, + -0.033192042261362076, + -0.21400557458400726, + 0.006913525052368641, + -0.09033852815628052, + -0.0661875456571579, + 0.0036014614161103964, + -0.20628653466701508, + 2.395549774169922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/114.png", + [ + 0.20558804273605347, + -9.560205216985196e-05, + -0.06842109560966492, + 0.7882100939750671, + -0.010410165414214134, + -0.21419553458690643, + -0.03098061867058277, + 0.3524692952632904, + -0.06762459129095078, + 0.03268273174762726, + -0.20324039459228516, + 2.421102523803711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/27.png", + [ + 0.20034174621105194, + -0.02829664945602417, + -0.07752664387226105, + 0.8718660473823547, + -0.031103765591979027, + -0.2144201099872589, + -0.002115563489496708, + 0.0079418383538723, + -0.07644369453191757, + 0.01308508776128292, + -0.2023191601037979, + 2.340412139892578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/42.png", + [ + 0.19992698729038239, + -0.01907917857170105, + -0.0813208669424057, + 0.9069517254829407, + -0.02626720257103443, + -0.214605450630188, + -0.014227927662432194, + 0.14702603220939636, + -0.0792914479970932, + 0.022986624389886856, + -0.2003306895494461, + 2.30580472946167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/174.png", + [ + 0.2020968347787857, + 0.007233568001538515, + -0.07779742777347565, + 0.8880040645599365, + -0.009741539135575294, + -0.21172788739204407, + -0.04499225318431854, + 0.5112677812576294, + -0.07752333581447601, + 0.04546291008591652, + -0.19715768098831177, + 2.329263210296631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/7.png", + [ + 0.2059001922607422, + -0.03395866975188255, + -0.058307990431785583, + 0.6685506701469421, + -0.03110857866704464, + -0.21392284333705902, + 0.01473680604249239, + -0.1786811798810959, + -0.059877123683691025, + -0.005632556509226561, + -0.20816075801849365, + 2.4545907974243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/73.png", + [ + 0.20133091509342194, + -0.01136274915188551, + -0.07927575707435608, + 0.8723239898681641, + -0.02465031109750271, + -0.21286220848560333, + -0.03209264576435089, + 0.3506752848625183, + -0.07619789987802505, + 0.0388389453291893, + -0.1990811675786972, + 2.266714572906494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/120.png", + [ + 0.20686233043670654, + 0.0006719254888594151, + -0.06446249037981033, + 0.748370885848999, + -0.009650337509810925, + -0.21389873325824738, + -0.03319784998893738, + 0.37714624404907227, + -0.0637395903468132, + 0.0345655120909214, + -0.2041822373867035, + 2.4461140632629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/46.png", + [ + 0.20044705271720886, + -0.01718956232070923, + -0.0804574117064476, + 0.900729775428772, + -0.025107871741056442, + -0.2145652174949646, + -0.01671091467142105, + 0.17533725500106812, + -0.07834839075803757, + 0.024782631546258926, + -0.20048752427101135, + 2.313492774963379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/127.png", + [ + 0.206978440284729, + 0.002221121685579419, + -0.06405375152826309, + 0.7345069646835327, + -0.010739272460341454, + -0.21228110790252686, + -0.042063113301992416, + 0.4769202768802643, + -0.06318610906600952, + 0.0433555543422699, + -0.20267142355442047, + 2.403987407684326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/133.png", + [ + 0.2036643624305725, + 0.0040496597066521645, + -0.07383985817432404, + 0.840603232383728, + -0.011884554289281368, + -0.2117449790239334, + -0.04439276084303856, + 0.5038881897926331, + -0.07298959791660309, + 0.04577728360891342, + -0.19880859553813934, + 2.3364477157592773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/57.png", + [ + 0.20159639418125153, + -0.015826666727662086, + -0.07782218605279922, + 0.8716027736663818, + -0.024722125381231308, + -0.21428480744361877, + -0.02046303078532219, + 0.2224852442741394, + -0.07546915113925934, + 0.02791837602853775, + -0.20117869973182678, + 2.322648048400879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/44.png", + [ + 0.20015549659729004, + -0.017272159457206726, + -0.0811624750494957, + 0.9074752330780029, + -0.02449100650846958, + -0.21478433907032013, + -0.014689305797219276, + 0.15284700691699982, + -0.0792834460735321, + 0.02274329960346222, + -0.20036160945892334, + 2.3111343383789062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/113.png", + [ + 0.20599021017551422, + 0.00028293670038692653, + -0.06720005720853806, + 0.7728418707847595, + -0.009599500335752964, + -0.21432673931121826, + -0.030328011140227318, + 0.34327518939971924, + -0.06651148200035095, + 0.0318097248673439, + -0.20374557375907898, + 2.4258923530578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/126.png", + [ + 0.2057356834411621, + 0.0011735705193132162, + -0.0679658055305481, + 0.7851946949958801, + -0.011419739574193954, + -0.21296660602092743, + -0.038245394825935364, + 0.4346194863319397, + -0.0670098289847374, + 0.039896659553050995, + -0.20215298235416412, + 2.4167098999023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/29.png", + [ + 0.19961746037006378, + -0.03248082846403122, + -0.07775447517633438, + 0.870330810546875, + -0.035107873380184174, + -0.21380989253520966, + -0.0008156683179549873, + -0.0010558068752288818, + -0.07660418003797531, + 0.013350043445825577, + -0.20224112272262573, + 2.33927583694458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/4.png", + [ + 0.20426201820373535, + -0.03841506689786911, + -0.06123080104589462, + 0.7061998248100281, + -0.034976277500391006, + -0.21315224468708038, + 0.01704915426671505, + -0.20897705852985382, + -0.0632581114768982, + -0.006188397295773029, + -0.20714248716831207, + 2.4719576835632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/55.png", + [ + 0.20175054669380188, + -0.016648057848215103, + -0.07724934816360474, + 0.8648094534873962, + -0.02481183595955372, + -0.21444545686244965, + -0.01858527772128582, + 0.20022521913051605, + -0.07502660900354385, + 0.026151133701205254, + -0.20158131420612335, + 2.3300223350524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/9.png", + [ + 0.2047448307275772, + -0.03382217511534691, + -0.06231781467795372, + 0.7102029323577881, + -0.032088518142700195, + -0.21401666104793549, + 0.010728076100349426, + -0.13079066574573517, + -0.06322798132896423, + -0.0009084213525056839, + -0.20724211633205414, + 2.424046516418457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/25.png", + [ + 0.20032352209091187, + -0.028745904564857483, + -0.07740837335586548, + 0.8716882467269897, + -0.031298235058784485, + -0.21439778804779053, + -0.0013785890769213438, + 0.001574970781803131, + -0.07641206681728363, + 0.012456047348678112, + -0.2023708075284958, + 2.341830253601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/99.png", + [ + 0.20184460282325745, + -0.0005894197383895516, + -0.07878010720014572, + 0.868655264377594, + -0.01415227260440588, + -0.21341527998447418, + -0.03466317057609558, + 0.38467615842819214, + -0.07750076055526733, + 0.03743627294898033, + -0.19884681701660156, + 2.2651166915893555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/34.png", + [ + 0.19792546331882477, + -0.026080815121531487, + -0.08422110974788666, + 0.937892735004425, + -0.0331389382481575, + -0.21380724012851715, + -0.011668958701193333, + 0.11977697908878326, + -0.08170199394226074, + 0.023540284484624863, + -0.19929508864879608, + 2.285881519317627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/72.png", + [ + 0.19901569187641144, + -0.004944308660924435, + -0.08553480356931686, + 0.9503691792488098, + -0.019136572256684303, + -0.2134140282869339, + -0.03218916058540344, + 0.352262020111084, + -0.08351311832666397, + 0.03712013363838196, + -0.19645749032497406, + 2.2404675483703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/102.png", + [ + 0.20347914099693298, + -0.008483747020363808, + -0.07397399097681046, + 0.8189321160316467, + -0.016345296055078506, + -0.21510225534439087, + -0.020291650667786598, + 0.2239021360874176, + -0.07264265418052673, + 0.024636272341012955, + -0.2026425302028656, + 2.330270767211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/134.png", + [ + 0.20364658534526825, + 0.0029758941382169724, + -0.07393992692232132, + 0.8364551663398743, + -0.012143654748797417, + -0.21222035586833954, + -0.0419875830411911, + 0.4716878831386566, + -0.072996586561203, + 0.043606989085674286, + -0.19929330050945282, + 2.327920436859131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/70.png", + [ + 0.20040227472782135, + -0.01196871418505907, + -0.08150814473628998, + 0.8997220993041992, + -0.0231979638338089, + -0.21389950811862946, + -0.025627166032791138, + 0.27842292189598083, + -0.07904861122369766, + 0.032429106533527374, + -0.19911696016788483, + 2.273714542388916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/135.png", + [ + 0.20353864133358002, + 0.003348306519910693, + -0.0742206797003746, + 0.8356130719184875, + -0.011251028627157211, + -0.21256907284259796, + -0.0404437854886055, + 0.4571681618690491, + -0.0734393298625946, + 0.041845839470624924, + -0.19950811564922333, + 2.325563430786133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/130.png", + [ + 0.20338085293769836, + 0.00431316252797842, + -0.07460244745016098, + 0.8560546040534973, + -0.011488557793200016, + -0.21193696558475494, + -0.043573249131441116, + 0.4985388219356537, + -0.07383861392736435, + 0.044855453073978424, + -0.19870516657829285, + 2.340512275695801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/90.png", + [ + 0.20237129926681519, + -0.0016235194634646177, + -0.07740230113267899, + 0.8536460995674133, + -0.016258209943771362, + -0.2126876264810562, + -0.03804657608270645, + 0.41594189405441284, + -0.07569294422864914, + 0.041342902928590775, + -0.19876930117607117, + 2.27714204788208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/122.png", + [ + 0.20675253868103027, + 3.909038059646264e-05, + -0.06481727957725525, + 0.7531688213348389, + -0.010642098262906075, + -0.21371370553970337, + -0.03407478332519531, + 0.38802921772003174, + -0.06393768638372421, + 0.035697951912879944, + -0.20392528176307678, + 2.4436631202697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/15.png", + [ + 0.20316919684410095, + -0.03300783783197403, + -0.06768052279949188, + 0.7620959877967834, + -0.033837515860795975, + -0.2139979749917984, + 0.002790618920698762, + -0.0421021431684494, + -0.06726956367492676, + 0.007952813059091568, + -0.20581412315368652, + 2.3873744010925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/162.png", + [ + 0.20242317020893097, + 0.006278271321207285, + -0.07702814787626266, + 0.8798760175704956, + -0.010671583004295826, + -0.2116190642118454, + -0.045292243361473083, + 0.5136352777481079, + -0.07654324918985367, + 0.0461069792509079, + -0.19739092886447906, + 2.326512336730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/22.png", + [ + 0.2011517733335495, + -0.029995022341609, + -0.07474061846733093, + 0.8376991152763367, + -0.03266182914376259, + -0.21418991684913635, + -0.0019447723170742393, + 0.011719603091478348, + -0.07361431419849396, + 0.013071950525045395, + -0.20336654782295227, + 2.34580659866333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/171.png", + [ + 0.20140330493450165, + 0.006493826862424612, + -0.07963937520980835, + 0.9126508235931396, + -0.010905834846198559, + -0.2117028683423996, + -0.04484255239367485, + 0.5121480226516724, + -0.07915595173835754, + 0.04569049924612045, + -0.19645512104034424, + 2.3292665481567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/138.png", + [ + 0.20305758714675903, + 0.005907347425818443, + -0.07536989450454712, + 0.8490793108940125, + -0.006708492524921894, + -0.21375210583209991, + -0.03482714295387268, + 0.388955295085907, + -0.07530282437801361, + 0.034971944987773895, + -0.20013581216335297, + 2.3374838829040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/109.png", + [ + 0.20438960194587708, + -0.004041939973831177, + -0.07180843502283096, + 0.8209043741226196, + -0.013300275430083275, + -0.21472513675689697, + -0.0257703959941864, + 0.2898988127708435, + -0.0706816166639328, + 0.028717124834656715, + -0.2027987390756607, + 2.3986430168151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/26.png", + [ + 0.20100224018096924, + -0.029488544911146164, + -0.07534198462963104, + 0.8468186855316162, + -0.031895797699689865, + -0.21431070566177368, + -0.0012133412528783083, + -0.0007928796112537384, + -0.0743548721075058, + 0.012216365896165371, + -0.20315022766590118, + 2.3469347953796387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/43.png", + [ + 0.2001500278711319, + -0.018380846828222275, + -0.0809321328997612, + 0.9034319519996643, + -0.02579115331172943, + -0.2146076261997223, + -0.015042598359286785, + 0.1568448692560196, + -0.07888399064540863, + 0.023528870195150375, + -0.2004285603761673, + 2.309217929840088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/84.png", + [ + 0.20206724107265472, + -0.0035155920777469873, + -0.07813042402267456, + 0.8564315438270569, + -0.019912824034690857, + -0.21163475513458252, + -0.041977353394031525, + 0.454917848110199, + -0.0756320133805275, + 0.04632773622870445, + -0.19769024848937988, + 2.2371773719787598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/136.png", + [ + 0.20350958406925201, + 0.00227611162699759, + -0.0743408277630806, + 0.8356857299804688, + -0.010735901072621346, + -0.2134060114622116, + -0.03592366725206375, + 0.4087025821208954, + -0.07359673827886581, + 0.03742443770170212, + -0.2003268003463745, + 2.334764003753662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/89.png", + [ + 0.20105606317520142, + 0.000405152328312397, + -0.08077248930931091, + 0.8942566514015198, + -0.015348059125244617, + -0.21253284811973572, + -0.03926990553736687, + 0.429300457239151, + -0.07930193841457367, + 0.042160697281360626, + -0.19718411564826965, + 2.2552061080932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/63.png", + [ + 0.20117241144180298, + -0.018865322694182396, + -0.07824103534221649, + 0.8553369641304016, + -0.02668147161602974, + -0.21435904502868652, + -0.01691725105047226, + 0.18564572930335999, + -0.07593192905187607, + 0.025341546162962914, + -0.20134557783603668, + 2.275113105773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/88.png", + [ + 0.20118267834186554, + -0.0012103748740628362, + -0.08044848591089249, + 0.8878467679023743, + -0.01665724813938141, + -0.2125828117132187, + -0.038457468152046204, + 0.41680678725242615, + -0.07871441543102264, + 0.04189243167638779, + -0.19747647643089294, + 2.250422954559326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/62.png", + [ + 0.202965646982193, + -0.020609423518180847, + -0.07299377024173737, + 0.7952700853347778, + -0.0274023599922657, + -0.21436287462711334, + -0.01567041501402855, + 0.1716422736644745, + -0.07072446495294571, + 0.023910310119390488, + -0.20340660214424133, + 2.2952094078063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/65.png", + [ + 0.19641193747520447, + -0.012578676454722881, + -0.09062020480632782, + 1.002064824104309, + -0.023704061284661293, + -0.2142849713563919, + -0.021632477641105652, + 0.23214221000671387, + -0.08836492896080017, + 0.029523270204663277, + -0.19562186300754547, + 2.2179431915283203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/80.png", + [ + 0.20403917133808136, + -0.012507311068475246, + -0.07182951271533966, + 0.7835479378700256, + -0.027772443369030952, + -0.21070259809494019, + -0.042201925069093704, + 0.4657810628414154, + -0.06741367280483246, + 0.048947710543870926, + -0.2000185251235962, + 2.2729506492614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/146.png", + [ + 0.20364277064800262, + 0.0054737781174480915, + -0.07380754500627518, + 0.8379907608032227, + -0.008534987457096577, + -0.21290266513824463, + -0.03933839499950409, + 0.44356927275657654, + -0.07351646572351456, + 0.039879731833934784, + -0.19988206028938293, + 2.3464293479919434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/119.png", + [ + 0.20703871548175812, + 0.00044049142161384225, + -0.06389576941728592, + 0.740547239780426, + -0.009526751935482025, + -0.21403495967388153, + -0.032344669103622437, + 0.36670517921447754, + -0.06318309158086777, + 0.03371560946106911, + -0.2044970691204071, + 2.445126533508301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/145.png", + [ + 0.20424103736877441, + 0.007010362576693296, + -0.07200241088867188, + 0.8151887059211731, + -0.006550834514200687, + -0.21297667920589447, + -0.0393180325627327, + 0.44158509373664856, + -0.07204567641019821, + 0.03923870995640755, + -0.2005433589220047, + 2.346752643585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/167.png", + [ + 0.2022353857755661, + 0.007144378498196602, + -0.07744483649730682, + 0.8886210322380066, + -0.009863733313977718, + -0.21166011691093445, + -0.04528353363275528, + 0.5169682502746582, + -0.07714565098285675, + 0.045791368931531906, + -0.19722980260849, + 2.3399248123168945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/79.png", + [ + 0.203646719455719, + -0.012055981904268265, + -0.07301071286201477, + 0.797809362411499, + -0.02767988294363022, + -0.21067111194133759, + -0.042419400066137314, + 0.46589675545692444, + -0.0686275064945221, + 0.04919588565826416, + -0.199544295668602, + 2.258340358734131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/176.png", + [ + 0.20099590718746185, + 0.005836587864905596, + -0.08071232587099075, + 0.9261864423751831, + -0.009819370694458485, + -0.21275436878204346, + -0.03983794525265694, + 0.45963919162750244, + -0.08032511919736862, + 0.04061300307512283, + -0.19709478318691254, + 2.347168445587158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/165.png", + [ + 0.202569380402565, + 0.008457493968307972, + -0.07643304765224457, + 0.873934805393219, + -0.008559392765164375, + -0.21154221892356873, + -0.04609247297048569, + 0.524072527885437, + -0.07642170041799545, + 0.04611127823591232, + -0.19743698835372925, + 2.3320813179016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/116.png", + [ + 0.20590537786483765, + 0.00021540869784075767, + -0.06745979189872742, + 0.782167911529541, + -0.010761947371065617, + -0.21379368007183075, + -0.03353102132678032, + 0.38140571117401123, + -0.06659617274999619, + 0.035215090960264206, + -0.20315693318843842, + 2.428999900817871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/19.png", + [ + 0.20158612728118896, + -0.028501486405730247, + -0.07415255159139633, + 0.8322020173072815, + -0.03007693588733673, + -0.21457578241825104, + 0.0007098473142832518, + -0.016849838197231293, + -0.07352763414382935, + 0.009632810950279236, + -0.2035897672176361, + 2.3560962677001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/77.png", + [ + 0.20093899965286255, + -0.004491946194320917, + -0.08093974739313126, + 0.8978057503700256, + -0.02106017805635929, + -0.2118060141801834, + -0.040528781712055206, + 0.4454207420349121, + -0.07828085124492645, + 0.04545256495475769, + -0.19686055183410645, + 2.2368083000183105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/68.png", + [ + 0.2007633000612259, + -0.019102901220321655, + -0.07922794669866562, + 0.869448721408844, + -0.029448246583342552, + -0.21341052651405334, + -0.02316565252840519, + 0.24636584520339966, + -0.07599203288555145, + 0.0322323702275753, + -0.20033515989780426, + 2.28607177734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/143.png", + [ + 0.20434364676475525, + 0.006570305675268173, + -0.07175234705209732, + 0.8130837082862854, + -0.006786298472434282, + -0.2130577117204666, + -0.03883623704314232, + 0.43681618571281433, + -0.07173223793506622, + 0.03887335956096649, + -0.20072677731513977, + 2.355997085571289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/86.png", + [ + 0.20245185494422913, + -0.0037753309588879347, + -0.07711606472730637, + 0.8453616499900818, + -0.01920487731695175, + -0.21207591891288757, + -0.04003584012389183, + 0.43262970447540283, + -0.07478176802396774, + 0.04424300044775009, + -0.19848965108394623, + 2.259246349334717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/1.png", + [ + 0.20497539639472961, + -0.04111959785223007, + -0.05693996697664261, + 0.6663912534713745, + -0.037010788917541504, + -0.21252816915512085, + 0.020245376974344254, + -0.25465112924575806, + -0.059692397713661194, + -0.00942616444081068, + -0.2080765813589096, + 2.500957489013672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/81.png", + [ + 0.20348721742630005, + -0.0076669007539749146, + -0.074040986597538, + 0.8124159574508667, + -0.023473210632801056, + -0.21113502979278564, + -0.04264862835407257, + 0.4694753587245941, + -0.07063892483711243, + 0.04807406663894653, + -0.1991153359413147, + 2.256335735321045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/95.png", + [ + 0.20271112024784088, + -0.002666381187736988, + -0.07647865265607834, + 0.8447588682174683, + -0.015784142538905144, + -0.21334359049797058, + -0.034398701041936874, + 0.3832296133041382, + -0.07487960904836655, + 0.0377531498670578, + -0.19978898763656616, + 2.2850914001464844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/103.png", + [ + 0.20490005612373352, + -0.008772923611104488, + -0.06990634649991989, + 0.7783266305923462, + -0.01586182788014412, + -0.2152131050825119, + -0.019483810290694237, + 0.21476702392101288, + -0.06864592432975769, + 0.02354256436228752, + -0.2041601687669754, + 2.356645107269287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/150.png", + [ + 0.2031245231628418, + 0.005372950341552496, + -0.07522931694984436, + 0.8557242751121521, + -0.009455102495849133, + -0.21260499954223633, + -0.04071390628814697, + 0.4617038667201996, + -0.07482593506574631, + 0.04145060479640961, + -0.1990749090909958, + 2.341360092163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/83.png", + [ + 0.20249946415424347, + -0.002305292757228017, + -0.07704898715019226, + 0.8484197854995728, + -0.01917768456041813, + -0.21127459406852722, + -0.044081322848796844, + 0.47851184010505676, + -0.07465974241495132, + 0.048016998916864395, + -0.1976567506790161, + 2.234219551086426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/142.png", + [ + 0.20457226037979126, + 0.004401873331516981, + -0.07126504927873611, + 0.8046669960021973, + -0.008613742887973785, + -0.21316149830818176, + -0.03789294511079788, + 0.4255734384059906, + -0.07087939232587814, + 0.038609519600868225, + -0.20108036696910858, + 2.358635425567627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/51.png", + [ + 0.20116451382637024, + -0.019530169665813446, + -0.0780981108546257, + 0.8752566576004028, + -0.027488166466355324, + -0.21423213183879852, + -0.017230287194252014, + 0.18449339270591736, + -0.07566467672586441, + 0.025904720649123192, + -0.20137451589107513, + 2.33050537109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/128.png", + [ + 0.20636337995529175, + -0.00034983785008080304, + -0.06604484468698502, + 0.7558358311653137, + -0.013500372879207134, + -0.21232011914253235, + -0.04105854779481888, + 0.4662696421146393, + -0.0646512433886528, + 0.04321969673037529, + -0.20223788917064667, + 2.3907856941223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/168.png", + [ + 0.20203161239624023, + 0.007828867062926292, + -0.07790908217430115, + 0.8955948948860168, + -0.009305541403591633, + -0.21166042983531952, + -0.04540003836154938, + 0.5189624428749084, + -0.07774653285741806, + 0.04567784070968628, + -0.19702006876468658, + 2.3403525352478027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+ka64cyDltpI+P0+C2+F2883-3062/93.png", + [ + 0.2026659995317459, + -0.0004931123112328351, + -0.0766429677605629, + 0.8482013940811157, + -0.015287735499441624, + -0.21257632970809937, + -0.039057470858097076, + 0.42878660559654236, + -0.07510441541671753, + 0.04193992540240288, + -0.19886744022369385, + 2.2729029655456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/76.png", + [ + 0.18936891853809357, + 0.05360680818557739, + -0.09062901139259338, + 1.016581654548645, + 0.050311632454395294, + -0.20989209413528442, + -0.019024645909667015, + 0.20611460506916046, + -0.09249889850616455, + -0.004416842013597488, + -0.19588859379291534, + 2.2470030784606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/48.png", + [ + 0.21542029082775116, + 0.00252544111572206, + -0.023143531754612923, + 0.26863816380500793, + 0.001837816322222352, + -0.21656852960586548, + -0.006525719538331032, + 0.06919904053211212, + -0.0232082586735487, + 0.0062916395254433155, + -0.21533621847629547, + 2.5609045028686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/137.png", + [ + 0.2165059894323349, + 0.003323363373056054, + -0.00787430815398693, + 0.09433353692293167, + 0.0027148243971168995, + -0.216026172041893, + -0.01652940921485424, + 0.1817442774772644, + -0.008104270324110985, + 0.016417883336544037, + -0.21589969098567963, + 2.5502982139587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/173.png", + [ + 0.21017512679100037, + 0.015313748270273209, + -0.050396423786878586, + 0.5686247944831848, + 0.01441881898790598, + -0.21612335741519928, + -0.005539704579859972, + 0.05032100901007652, + -0.05065973103046417, + 0.0020198544953018427, + -0.210659459233284, + 2.405569076538086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/35.png", + [ + 0.2162911593914032, + 0.006058385595679283, + -0.011372186243534088, + 0.13573603332042694, + 0.005611218046396971, + -0.21643196046352386, + -0.008579818531870842, + 0.09166879951953888, + -0.011599347926676273, + 0.00827012863010168, + -0.21620582044124603, + 2.610653877258301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/124.png", + [ + 0.21632906794548035, + 0.0074329315684735775, + -0.009714336134493351, + 0.11882159858942032, + 0.006482438184320927, + -0.21559523046016693, + -0.020605076104402542, + 0.23055678606033325, + -0.010372791439294815, + 0.020281584933400154, + -0.21547378599643707, + 2.579165458679199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/97.png", + [ + 0.21524755656719208, + 0.02482675015926361, + -0.0001294071553274989, + 0.006249991245567799, + 0.024696407839655876, + -0.21422739326953888, + -0.02108575776219368, + 0.24052080512046814, + -0.002543968614190817, + 0.020932132378220558, + -0.2156461626291275, + 2.603830337524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/155.png", + [ + 0.21642538905143738, + 0.009255655109882355, + -0.004719906952232122, + 0.05982201546430588, + 0.008851394057273865, + -0.21580052375793457, + -0.017311494797468185, + 0.19045087695121765, + -0.005440358072519302, + 0.017098767682909966, + -0.21593037247657776, + 2.5574636459350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/192.png", + [ + 0.196182519197464, + 0.018671153113245964, + -0.09006493538618088, + 1.0058801174163818, + 0.017099639400839806, + -0.21586844325065613, + -0.007504160515964031, + 0.07448047399520874, + -0.09037647396326065, + -0.0003133388818241656, + -0.19692610204219818, + 2.26267147064209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/13.png", + [ + 0.21570076048374176, + 0.004988078493624926, + -0.01990460604429245, + 0.2409423440694809, + 0.004475612659007311, + -0.21655163168907166, + -0.005766686517745256, + 0.05883536860346794, + -0.020026063546538353, + 0.005329620558768511, + -0.21568134427070618, + 2.6054983139038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/32.png", + [ + 0.2159852832555771, + 0.009214934892952442, + -0.014606115408241749, + 0.17603692412376404, + 0.008882108144462109, + -0.21642999351024628, + -0.005202190484851599, + 0.05313241109251976, + -0.01481087040156126, + 0.004586893133819103, + -0.216119185090065, + 2.614626407623291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/158.png", + [ + 0.2163916528224945, + 0.010930079035460949, + -0.001755165751092136, + 0.02418811433017254, + 0.010718383826315403, + -0.21545706689357758, + -0.020279789343476295, + 0.22568407654762268, + -0.0027683102525770664, + 0.020166480913758278, + -0.21571634709835052, + 2.560532569885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/38.png", + [ + 0.21609820425510406, + 0.007646579761058092, + -0.01381993480026722, + 0.1644415259361267, + 0.007357185240834951, + -0.21649767458438873, + -0.004746200051158667, + 0.04616514965891838, + -0.013976143673062325, + 0.0042643179185688496, + -0.21618135273456573, + 2.603483200073242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/148.png", + [ + 0.21647676825523376, + 0.005088195204734802, + -0.007733878679573536, + 0.09387846291065216, + 0.0045416452921926975, + -0.2161034196615219, + -0.01505270041525364, + 0.16426868736743927, + -0.008066974580287933, + 0.014876849949359894, + -0.21601271629333496, + 2.554814338684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/111.png", + [ + 0.21631427109241486, + 0.011574988253414631, + -0.004696488846093416, + 0.05469265207648277, + 0.010989279486238956, + -0.21507059037685394, + -0.0239118579775095, + 0.26143643260002136, + -0.005939117167145014, + 0.023633889853954315, + -0.21529993414878845, + 2.4930648803710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/164.png", + [ + 0.21609202027320862, + 0.014436548575758934, + -0.0066118002869188786, + 0.07847985625267029, + 0.013573812320828438, + -0.21476425230503082, + -0.025297462940216064, + 0.2913655638694763, + -0.0082390196621418, + 0.024815240874886513, + -0.21509118378162384, + 2.56162166595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/11.png", + [ + 0.21557864546775818, + 0.005309556145220995, + -0.02110815793275833, + 0.2565101981163025, + 0.004747098311781883, + -0.2165398895740509, + -0.0059862020425498486, + 0.060025934129953384, + -0.021241718903183937, + 0.005493466276675463, + -0.2155609130859375, + 2.6035051345825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/125.png", + [ + 0.21637661755084991, + 0.0073209661059081554, + -0.00868680514395237, + 0.10637125372886658, + 0.006482422351837158, + -0.21562828123569489, + -0.020256338641047478, + 0.2263258993625641, + -0.009329274296760559, + 0.019968587905168533, + -0.2155507355928421, + 2.573997974395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/59.png", + [ + 0.20883409678936005, + 0.0062392521649599075, + -0.05742201581597328, + 0.6441152095794678, + 0.0042159645818173885, + -0.21647877991199493, + -0.008188992738723755, + 0.08174128830432892, + -0.05760592222213745, + 0.006775374989956617, + -0.20876671373844147, + 2.403829574584961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/105.png", + [ + 0.21582446992397308, + 0.01845012791454792, + 0.005223858170211315, + -0.06100774556398392, + 0.018925918266177177, + -0.21445028483867645, + -0.024510785937309265, + 0.2772243618965149, + 0.0030831049662083387, + 0.024870900437235832, + -0.21522042155265808, + 2.591994285583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/121.png", + [ + 0.2161942720413208, + 0.009245660156011581, + -0.011065476574003696, + 0.13546711206436157, + 0.007899359799921513, + -0.2150425761938095, + -0.02534136176109314, + 0.28969040513038635, + -0.012063463218510151, + 0.024881767109036446, + -0.21490292251110077, + 2.594554901123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/175.png", + [ + 0.20323118567466736, + 0.017610518261790276, + -0.07304009795188904, + 0.8224783539772034, + 0.0179318655282259, + -0.21592049300670624, + -0.0021653438452631235, + 0.014596167951822281, + -0.07296186685562134, + -0.004013759084045887, + -0.20398125052452087, + 2.3415703773498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/24.png", + [ + 0.21613846719264984, + 0.007787696551531553, + -0.013092459179461002, + 0.15825989842414856, + 0.006764332763850689, + -0.21591922640800476, + -0.016763931140303612, + 0.18965895473957062, + -0.013649340718984604, + 0.016313716769218445, + -0.21562804281711578, + 2.601839065551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/74.png", + [ + 0.18760256469249725, + 0.05194906145334244, + -0.09515500068664551, + 1.0702630281448364, + 0.04915490001440048, + -0.2102663367986679, + -0.017881913110613823, + 0.19292820990085602, + -0.09662802517414093, + -0.006104276981204748, + -0.19383925199508667, + 2.2324414253234863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/193.png", + [ + 0.19779519736766815, + 0.0184136014431715, + -0.08652106672525406, + 0.9643415808677673, + 0.01641547679901123, + -0.21588782966136932, + -0.008418412879109383, + 0.08631275594234467, + -0.0869223102927208, + 0.001129975775256753, + -0.1984720081090927, + 2.279801368713379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/129.png", + [ + 0.21655309200286865, + 0.004228140693157911, + -0.005896941293030977, + 0.07220688462257385, + 0.0036955680698156357, + -0.21580639481544495, + -0.019022265449166298, + 0.21243491768836975, + -0.006244507618248463, + 0.01891101896762848, + -0.21575745940208435, + 2.5544896125793457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/172.png", + [ + 0.21343910694122314, + 0.013540690764784813, + -0.034760523587465286, + 0.3903105556964874, + 0.012729539535939693, + -0.21621543169021606, + -0.0060621765442192554, + 0.05426434054970741, + -0.035065699368715286, + 0.003929487429559231, + -0.21378226578235626, + 2.4340648651123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/153.png", + [ + 0.21648529171943665, + 0.007605987600982189, + -0.004915254190564156, + 0.061441756784915924, + 0.007144574075937271, + -0.21571075916290283, + -0.01912379078567028, + 0.21166229248046875, + -0.005564696155488491, + 0.018945004791021347, + -0.21577304601669312, + 2.550605297088623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/144.png", + [ + 0.21643881499767303, + 0.003993972670286894, + -0.009283359162509441, + 0.11199376732110977, + 0.003480828134343028, + -0.21631893515586853, + -0.011912238784134388, + 0.12884552776813507, + -0.0094876978546381, + 0.011750140227377415, + -0.21614767611026764, + 2.553561210632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/188.png", + [ + 0.1960664540529251, + 0.015304015949368477, + -0.09094853699207306, + 1.0147827863693237, + 0.015683423727750778, + -0.21609123051166534, + -0.002551666460931301, + 0.019066084176301956, + -0.09088388085365295, + -0.004274096339941025, + -0.19664624333381653, + 2.2577037811279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/98.png", + [ + 0.21538731455802917, + 0.023582935333251953, + 0.00020346097880974412, + 0.0034684285055845976, + 0.023492146283388138, + -0.2143775224685669, + -0.0209355391561985, + 0.23927515745162964, + -0.002077326877042651, + 0.020833218470215797, + -0.21566075086593628, + 2.6056113243103027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/0.png", + [ + 0.21625147759914398, + -0.00013945996761322021, + -0.013534193858504295, + 0.16334351897239685, + -0.000622597464825958, + -0.2165362685918808, + -0.00771670788526535, + 0.0821046382188797, + -0.01352058444172144, + 0.007740525994449854, + -0.21611380577087402, + 2.6212949752807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/163.png", + [ + 0.2161751687526703, + 0.013534130528569221, + -0.0057453131303191185, + 0.06854528933763504, + 0.012760077603161335, + -0.21475644409656525, + -0.025782713666558266, + 0.2979528605937958, + -0.00730491429567337, + 0.025384940207004547, + -0.21505844593048096, + 2.561401844024658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/96.png", + [ + 0.2151632308959961, + 0.02554510161280632, + -0.0003544887586031109, + 0.008121129125356674, + 0.02539869025349617, + -0.21421293914318085, + -0.02038663439452648, + 0.23165157437324524, + -0.0027539667207747698, + 0.02020287699997425, + -0.21571311354637146, + 2.598522186279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/100.png", + [ + 0.21540607511997223, + 0.023376034572720528, + 0.0012962790206074715, + -0.00929476972669363, + 0.023395709693431854, + -0.21447968482971191, + -0.01997506618499756, + 0.22624436020851135, + -0.000871871190611273, + 0.019998088479042053, + -0.21574802696704865, + 2.607288360595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/40.png", + [ + 0.21632523834705353, + 0.004588751122355461, + -0.011411572806537151, + 0.1358969509601593, + 0.004212940577417612, + -0.2165140062570572, + -0.007200012914836407, + 0.07626599073410034, + -0.011555595323443413, + 0.006966521497815847, + -0.2162540853023529, + 2.5976061820983887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/141.png", + [ + 0.2164694219827652, + 0.0036959382705390453, + -0.008673236705362797, + 0.10497888177633286, + 0.0031564845703542233, + -0.21623897552490234, + -0.013365653343498707, + 0.14486469328403473, + -0.008883782662451267, + 0.013226645067334175, + -0.21608801186084747, + 2.5562081336975098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/52.png", + [ + 0.21496672928333282, + 0.007885018363595009, + -0.025981195271015167, + 0.29738685488700867, + 0.007051811553537846, + -0.21643541753292084, + -0.007339639123529196, + 0.07718941569328308, + -0.02621961012482643, + 0.0064362115226686, + -0.21498605608940125, + 2.546229362487793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/184.png", + [ + 0.19662556052207947, + 0.018280360847711563, + -0.08917456865310669, + 0.9913704991340637, + 0.01723703183233738, + -0.21589744091033936, + -0.006251127924770117, + 0.06079493835568428, + -0.0893820971250534, + -0.0014213628601282835, + -0.19737455248832703, + 2.2610607147216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/3.png", + [ + 0.21598203480243683, + 0.002525624819099903, + -0.01712569035589695, + 0.20731352269649506, + 0.002121288562193513, + -0.21660204231739044, + -0.0051907566376030445, + 0.05253037437796593, + -0.017180459573864937, + 0.0050064995884895325, + -0.2159343957901001, + 2.608376979827881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/47.png", + [ + 0.21562063694000244, + 0.0021444344893097878, + -0.02123764529824257, + 0.24734291434288025, + 0.0014785779640078545, + -0.21656109392642975, + -0.0068552386946976185, + 0.07294729351997375, + -0.02129436284303665, + 0.006676966790109873, + -0.21552230417728424, + 2.5672402381896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/104.png", + [ + 0.2157319188117981, + 0.01973639242351055, + 0.00425459211692214, + -0.04861879721283913, + 0.020084543153643608, + -0.21444399654865265, + -0.023627763614058495, + 0.2668721079826355, + 0.0020585935562849045, + 0.023919343948364258, + -0.2153404951095581, + 2.598295211791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/21.png", + [ + 0.21618156135082245, + 0.004839230328798294, + -0.01378436665982008, + 0.16874919831752777, + 0.003782066749408841, + -0.21601086854934692, + -0.016519665718078613, + 0.18775610625743866, + -0.014111089520156384, + 0.016241468489170074, + -0.2156037539243698, + 2.604464054107666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/82.png", + [ + 0.2057865560054779, + 0.05076507851481438, + -0.04497433453798294, + 0.4928889274597168, + 0.04913527891039848, + -0.21063350141048431, + -0.012928411364555359, + 0.1375429332256317, + -0.04674941673874855, + 0.0020799250341951847, + -0.21156100928783417, + 2.4051103591918945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/106.png", + [ + 0.21591772139072418, + 0.017766844481229782, + 0.003430336946621537, + -0.03907999023795128, + 0.018041273579001427, + -0.2145354151725769, + -0.024432877078652382, + 0.27570533752441406, + 0.0013930269051343203, + 0.024633152410387993, + -0.21526533365249634, + 2.58394193649292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/14.png", + [ + 0.21569857001304626, + 0.004591585136950016, + -0.020023586228489876, + 0.24287070333957672, + 0.003970562946051359, + -0.2165289670228958, + -0.006880208384245634, + 0.07207950949668884, + -0.020155925303697586, + 0.006482282653450966, + -0.2156376987695694, + 2.608610153198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/67.png", + [ + 0.18150745332241058, + 0.053783342242240906, + -0.10540534555912018, + 1.1873446702957153, + 0.05292582884430885, + -0.2095186859369278, + -0.015769409015774727, + 0.16534213721752167, + -0.10583850741386414, + -0.01253676787018776, + -0.18865031003952026, + 2.177699565887451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/78.png", + [ + 0.19217535853385925, + 0.05213600769639015, + -0.08543043583631516, + 0.9589475989341736, + 0.05033059045672417, + -0.21020875871181488, + -0.015066584572196007, + 0.16095320880413055, + -0.08650638908147812, + -0.006481323391199112, + -0.19855107367038727, + 2.272736072540283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/191.png", + [ + 0.1952546089887619, + 0.017319131642580032, + -0.09232324361801147, + 1.0325593948364258, + 0.01735898107290268, + -0.21594476699829102, + -0.003797039622440934, + 0.031964320689439774, + -0.09231576323509216, + -0.003974845167249441, + -0.19598440825939178, + 2.250352382659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/31.png", + [ + 0.21592466533184052, + 0.00970399845391512, + -0.015174776315689087, + 0.18289217352867126, + 0.009276122786104679, + -0.21638193726539612, + -0.006380768958479166, + 0.06739312410354614, + -0.015440046787261963, + 0.005709031596779823, + -0.21604838967323303, + 2.6162896156311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/194.png", + [ + 0.19823944568634033, + 0.020534172654151917, + -0.08501390367746353, + 0.9447197318077087, + 0.017566395923495293, + -0.21567431092262268, + -0.011131597682833672, + 0.1168188601732254, + -0.08567635715007782, + 0.0032921903766691685, + -0.19898898899555206, + 2.286868095397949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/152.png", + [ + 0.21651269495487213, + 0.007059770170599222, + -0.004506294149905443, + 0.05641338229179382, + 0.006603727117180824, + -0.21560288965702057, + -0.02048601023852825, + 0.2265930473804474, + -0.005151487421244383, + 0.020333359017968178, + -0.21565692126750946, + 2.5450172424316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/39.png", + [ + 0.2161945104598999, + 0.006101734936237335, + -0.01306148525327444, + 0.15538454055786133, + 0.005836540833115578, + -0.2165481299161911, + -0.004554710350930691, + 0.04347795620560646, + -0.013182124122977257, + 0.00419278210029006, + -0.21623264253139496, + 2.6023755073547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/92.png", + [ + 0.21453818678855896, + 0.027917884290218353, + -0.01191022340208292, + 0.14468607306480408, + 0.027232639491558075, + -0.21459418535232544, + -0.012474535033106804, + 0.13699565827846527, + -0.013403171673417091, + 0.010854603722691536, + -0.21598710119724274, + 2.570547580718994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/53.png", + [ + 0.2148774266242981, + 0.007384357508271933, + -0.026852505281567574, + 0.30568626523017883, + 0.006496191490441561, + -0.21644596755504608, + -0.007538577076047659, + 0.07931552827358246, + -0.027081085368990898, + 0.006670975126326084, + -0.2148720771074295, + 2.5400233268737793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/75.png", + [ + 0.18772830069065094, + 0.05280167609453201, + -0.09443496912717819, + 1.0614159107208252, + 0.04958922788500786, + -0.21007685363292694, + -0.018881870433688164, + 0.20433735847473145, + -0.09616074711084366, + -0.00525348074734211, + -0.1940964013338089, + 2.2324905395507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/151.png", + [ + 0.21652700006961823, + 0.006380211561918259, + -0.004820886068046093, + 0.05967925488948822, + 0.005896051414310932, + -0.21561801433563232, + -0.020542746409773827, + 0.22719082236289978, + -0.005402280017733574, + 0.020397568121552467, + -0.2156447172164917, + 2.543701648712158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/87.png", + [ + 0.2125864177942276, + 0.040767084807157516, + -0.009641765616834164, + 0.1060008555650711, + 0.040276285260915756, + -0.21261663734912872, + -0.010949162766337395, + 0.11505526304244995, + -0.011521262116730213, + 0.008950326591730118, + -0.2161829173564911, + 2.5403823852539062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/139.png", + [ + 0.2165205031633377, + 0.0028718081302940845, + -0.007650267332792282, + 0.09186134487390518, + 0.002289188327267766, + -0.21604762971401215, + -0.016311991959810257, + 0.17896130681037903, + -0.007844327948987484, + 0.01621956191956997, + -0.21592426300048828, + 2.5499672889709473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/107.png", + [ + 0.21611765027046204, + 0.015275636687874794, + 0.002777199959382415, + -0.030786294490098953, + 0.015492391772568226, + -0.21472160518169403, + -0.024546295404434204, + 0.2723616659641266, + 0.0010216447990387678, + 0.02468176931142807, + -0.21526184678077698, + 2.54986572265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/112.png", + [ + 0.21622861921787262, + 0.011861049570143223, + -0.007238383404910564, + 0.08513571321964264, + 0.010990931652486324, + -0.2150532305240631, + -0.02406657487154007, + 0.2658948600292206, + -0.00850165355950594, + 0.02364986389875412, + -0.21521222591400146, + 2.514766216278076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/69.png", + [ + 0.18356925249099731, + 0.058530040085315704, + -0.09911839663982391, + 1.1145823001861572, + 0.05661565437912941, + -0.20835542678833008, + -0.018181869760155678, + 0.19385410845279694, + -0.10022418946027756, + -0.010495091788470745, + -0.1918146312236786, + 2.2150917053222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/157.png", + [ + 0.21637938916683197, + 0.011025616899132729, + -0.0025082549545913935, + 0.03234638273715973, + 0.010766169056296349, + -0.21558208763599396, + -0.018877150490880013, + 0.2091517150402069, + -0.0034561825450509787, + 0.01872679963707924, + -0.21583618223667145, + 2.563046455383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/45.png", + [ + 0.2159530073404312, + 0.0019767493940889835, + -0.017557809129357338, + 0.2069239616394043, + 0.0013436219887807965, + -0.21652813255786896, + -0.007851936854422092, + 0.08530217409133911, + -0.017617572098970413, + 0.007716909982264042, + -0.21581928431987762, + 2.5793070793151855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/50.png", + [ + 0.21517589688301086, + 0.0055063823238015175, + -0.024837519973516464, + 0.28577497601509094, + 0.004727532155811787, + -0.21650850772857666, + -0.007042895071208477, + 0.07488797605037689, + -0.02499745972454548, + 0.006452261004596949, + -0.21513108909130096, + 2.5562987327575684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/101.png", + [ + 0.21546699106693268, + 0.022841457277536392, + 0.0003703576512634754, + 0.001146349124610424, + 0.022776374593377113, + -0.21452556550502777, + -0.020196933299303055, + 0.22794729471206665, + -0.0017624408937990665, + 0.020123295485973358, + -0.2157309651374817, + 2.60646390914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/85.png", + [ + 0.21119600534439087, + 0.045897021889686584, + -0.015414668247103691, + 0.1619388312101364, + 0.04504760727286339, + -0.2115582823753357, + -0.01271649356931448, + 0.13620981574058533, + -0.01774434559047222, + 0.009190179407596588, + -0.21575118601322174, + 2.517277717590332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/156.png", + [ + 0.2164490669965744, + 0.009158851578831673, + -0.0037162392400205135, + 0.0472572036087513, + 0.00881825853139162, + -0.21573834121227264, + -0.01808595098555088, + 0.19984379410743713, + -0.004464675206691027, + 0.01791587844491005, + -0.21588650345802307, + 2.5599493980407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/181.png", + [ + 0.1967814564704895, + 0.020552009344100952, + -0.0883321464061737, + 0.9793435335159302, + 0.01958511210978031, + -0.21568816900253296, + -0.006552970968186855, + 0.06428299844264984, + -0.08855156600475311, + -0.0020329649560153484, + -0.197743222117424, + 2.259263038635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/131.png", + [ + 0.21660152077674866, + 0.0039522950537502766, + -0.004006802104413509, + 0.05006665736436844, + 0.0035720346495509148, + -0.2157464623451233, + -0.0197128988802433, + 0.22039851546287537, + -0.00434921495616436, + 0.01964019238948822, + -0.21573883295059204, + 2.540919780731201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/71.png", + [ + 0.18464143574237823, + 0.05544229596853256, + -0.09890193492174149, + 1.1134248971939087, + 0.05298781394958496, + -0.20928847789764404, + -0.018398914486169815, + 0.19713298976421356, + -0.1002383828163147, + -0.008507668040692806, + -0.1919056624174118, + 2.216111183166504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/160.png", + [ + 0.21629250049591064, + 0.012825383804738522, + -0.0009836475364863873, + 0.013435572385787964, + 0.012642365880310535, + -0.21501524746418, + -0.02359030768275261, + 0.26752564311027527, + -0.0023724697530269623, + 0.023491308093070984, + -0.215384379029274, + 2.5621280670166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/115.png", + [ + 0.21600180864334106, + 0.01164335384964943, + -0.012471909634768963, + 0.14827969670295715, + 0.009979993104934692, + -0.2146809846162796, + -0.02757476456463337, + 0.3146093785762787, + -0.013838929124176502, + 0.026914680376648903, + -0.21455064415931702, + 2.554694175720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/54.png", + [ + 0.21463310718536377, + 0.006510148756206036, + -0.028950734063982964, + 0.32821324467658997, + 0.005572961177676916, + -0.21647778153419495, + -0.007362866308540106, + 0.07620613276958466, + -0.029145654290914536, + 0.0065488675609230995, + -0.21460555493831635, + 2.5305023193359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/33.png", + [ + 0.21603068709373474, + 0.008920121937990189, + -0.014109129086136818, + 0.16945359110832214, + 0.008486192673444748, + -0.216399148106575, + -0.006877001374959946, + 0.07192102074623108, + -0.014374303631484509, + 0.006303971633315086, + -0.2161053717136383, + 2.613532543182373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/159.png", + [ + 0.21640244126319885, + 0.010781224817037582, + -0.0012815528316423297, + 0.01800680346786976, + 0.010596497915685177, + -0.21530137956142426, + -0.021929940208792686, + 0.2460925579071045, + -0.0023646133486181498, + 0.021839719265699387, + -0.21555818617343903, + 2.5620789527893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/177.png", + [ + 0.19850435853004456, + 0.019292563199996948, + -0.08468601852655411, + 0.9518364667892456, + 0.019710995256900787, + -0.21575607359409332, + -0.0029493507463485003, + 0.02301565557718277, + -0.08458960801362991, + -0.005001909099519253, + -0.199417844414711, + 2.2914352416992188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/49.png", + [ + 0.21532242000102997, + 0.005289528053253889, + -0.023583166301250458, + 0.27205729484558105, + 0.004445057827979326, + -0.21648234128952026, + -0.00797046534717083, + 0.08690294623374939, + -0.023756815120577812, + 0.007436918560415506, + -0.21523986756801605, + 2.554819107055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/118.png", + [ + 0.21595194935798645, + 0.011823938228189945, + -0.013146736659109592, + 0.15866248309612274, + 0.010100875049829483, + -0.21472331881523132, + -0.02719852700829506, + 0.31274133920669556, + -0.014512566849589348, + 0.026494940742850304, + -0.21455839276313782, + 2.579160690307617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/179.png", + [ + 0.19706138968467712, + 0.018722467124462128, + -0.08811455219984055, + 0.9838932156562805, + 0.01837804727256298, + -0.21584133803844452, + -0.004760608542710543, + 0.04473195597529411, + -0.08818703144788742, + -0.003144075395539403, + -0.19789153337478638, + 2.268217086791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/110.png", + [ + 0.21631737053394318, + 0.012137578800320625, + -0.0027142351027578115, + 0.031565286219120026, + 0.011779098771512508, + -0.2151099145412445, + -0.02317049913108349, + 0.24966824054718018, + -0.003992588724941015, + 0.022984743118286133, + -0.21541506052017212, + 2.485109329223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/18.png", + [ + 0.21614085137844086, + 0.004162507131695747, + -0.014618667773902416, + 0.17703160643577576, + 0.0030948638450354338, + -0.2160779982805252, + -0.015767499804496765, + 0.17861750721931458, + -0.014881323091685772, + 0.015519851818680763, + -0.21560513973236084, + 2.614114284515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/66.png", + [ + 0.1821696013212204, + 0.04900107532739639, + -0.10658808797597885, + 1.2013866901397705, + 0.04805971309542656, + -0.21076171100139618, + -0.014753347262740135, + 0.154006227850914, + -0.10701584070920944, + -0.01123796496540308, + -0.18806704878807068, + 2.168243408203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/16.png", + [ + 0.21571919322013855, + 0.005046626087278128, + -0.019689036533236504, + 0.23922258615493774, + 0.0042306226678192616, + -0.2164410501718521, + -0.009125418029725552, + 0.09925545752048492, + -0.019880352541804314, + 0.008700745180249214, + -0.21558517217636108, + 2.6146583557128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/190.png", + [ + 0.19592103362083435, + 0.015255854465067387, + -0.09126938879489899, + 1.019008755683899, + 0.015513488091528416, + -0.21610014140605927, + -0.0028199332300573587, + 0.02235303819179535, + -0.09122595936059952, + -0.003984880167990923, + -0.19649386405944824, + 2.253065586090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/94.png", + [ + 0.21524572372436523, + 0.024511681869626045, + -0.004042885731905699, + 0.050809409469366074, + 0.024108216166496277, + -0.21460774540901184, + -0.01761259324848652, + 0.19829979538917542, + -0.0059967744164168835, + 0.0170466136187315, + -0.21591976284980774, + 2.5871481895446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/28.png", + [ + 0.21585451066493988, + 0.009794283658266068, + -0.016087282449007034, + 0.19503416121006012, + 0.008892272599041462, + -0.21614359319210052, + -0.012278912588953972, + 0.13845303654670715, + -0.0166028942912817, + 0.01157221756875515, + -0.21572744846343994, + 2.6152725219726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/61.png", + [ + 0.2030685842037201, + 0.012493514455854893, + -0.07453155517578125, + 0.838158905506134, + 0.011007444933056831, + -0.21630406379699707, + -0.006267570424824953, + 0.05836024507880211, + -0.07476547360420227, + 0.0020876682829111814, + -0.20335599780082703, + 2.3482470512390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/132.png", + [ + 0.2165963053703308, + 0.0033119821455329657, + -0.004792689811438322, + 0.05986737832427025, + 0.0028731273487210274, + -0.21579599380493164, + -0.01928013376891613, + 0.2144099622964859, + -0.005067962687462568, + 0.019209614023566246, + -0.21576188504695892, + 2.5397987365722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/58.png", + [ + 0.2114955335855484, + 0.002632417716085911, + -0.04701715335249901, + 0.5279343724250793, + 0.000726394762750715, + -0.2164924442768097, + -0.00885356031358242, + 0.09010346233844757, + -0.04708518087863922, + 0.0084843123331666, + -0.21132652461528778, + 2.4369850158691406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/123.png", + [ + 0.21632790565490723, + 0.007978974841535091, + -0.009298577904701233, + 0.11451596766710281, + 0.006964534986764193, + -0.21536211669445038, + -0.022771792486310005, + 0.2574830949306488, + -0.010080816224217415, + 0.02243647351861, + -0.21527394652366638, + 2.581584930419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/64.png", + [ + 0.1867271363735199, + 0.03588955104351044, + -0.10388841480016708, + 1.176002860069275, + 0.03609893471002579, + -0.21346256136894226, + -0.00885973684489727, + 0.08827446401119232, + -0.10381584614515305, + -0.00967306736856699, + -0.18993839621543884, + 2.1971302032470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/10.png", + [ + 0.21561026573181152, + 0.0045941490679979324, + -0.020952334627509117, + 0.25385528802871704, + 0.004072800278663635, + -0.2165646106004715, + -0.005574221257120371, + 0.05534535273909569, + -0.02105988934636116, + 0.005153001751750708, + -0.21558716893196106, + 2.6004714965820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/170.png", + [ + 0.21604260802268982, + 0.011522814631462097, + -0.011862451210618019, + 0.125248983502388, + 0.010852876119315624, + -0.21605759859085083, + -0.012215700000524521, + 0.12334777414798737, + -0.012478304095566273, + 0.011585896834731102, + -0.21600452065467834, + 2.4761838912963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/41.png", + [ + 0.2163919359445572, + 0.00265921070240438, + -0.01074040587991476, + 0.12849876284599304, + 0.0022713858634233475, + -0.21652063727378845, + -0.007845547050237656, + 0.08364680409431458, + -0.010829058475792408, + 0.007722720503807068, + -0.2162659913301468, + 2.5954928398132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/166.png", + [ + 0.21612638235092163, + 0.015141969546675682, + -0.002829373814165592, + 0.030341515317559242, + 0.014779558405280113, + -0.2150535136461258, + -0.02194179594516754, + 0.24666184186935425, + -0.004341573920100927, + 0.021693279966711998, + -0.21554221212863922, + 2.5635180473327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/91.png", + [ + 0.2142251431941986, + 0.029110202565789223, + -0.014425165951251984, + 0.17491579055786133, + 0.02855839394032955, + -0.2145979106426239, + -0.008947067894041538, + 0.09494303166866302, + -0.015488944016397, + 0.006944639608263969, + -0.21600870788097382, + 2.5622363090515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/140.png", + [ + 0.2164984494447708, + 0.003609616309404373, + -0.007955149747431278, + 0.09591379761695862, + 0.003039834089577198, + -0.2161102294921875, + -0.015330392867326736, + 0.16726553440093994, + -0.008189818821847439, + 0.015206320211291313, + -0.21598514914512634, + 2.5504112243652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/23.png", + [ + 0.2162015587091446, + 0.005901861470192671, + -0.013036292977631092, + 0.15815715491771698, + 0.004908343777060509, + -0.21599845588207245, + -0.016385139897465706, + 0.18433870375156403, + -0.01344191562384367, + 0.016054054722189903, + -0.21566055715084076, + 2.6022753715515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/37.png", + [ + 0.21610966324806213, + 0.008080420084297657, + -0.013386949896812439, + 0.15879881381988525, + 0.007736224215477705, + -0.21645964682102203, + -0.005767718888819218, + 0.05770860239863396, + -0.013588761910796165, + 0.00527470838278532, + -0.21618376672267914, + 2.6062374114990234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/178.png", + [ + 0.19715136289596558, + 0.01979653351008892, + -0.08767739683389664, + 0.9827340245246887, + 0.019468769431114197, + -0.21574176847934723, + -0.004934502765536308, + 0.046439219266176224, + -0.08775077015161514, + -0.0033881552517414093, + -0.1980813443660736, + 2.2734484672546387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/36.png", + [ + 0.2161368578672409, + 0.00800271611660719, + -0.012988865375518799, + 0.15415403246879578, + 0.007582572754472494, + -0.21642324328422546, + -0.007167699746787548, + 0.07459893822669983, + -0.013238528743386269, + 0.006695362739264965, + -0.21616613864898682, + 2.607757091522217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/182.png", + [ + 0.19552215933799744, + 0.020425081253051758, + -0.09111420065164566, + 1.011061429977417, + 0.019087301567196846, + -0.21570554375648499, + -0.007395259104669094, + 0.07263053953647614, + -0.09140382707118988, + -0.0013531239237636328, + -0.1964469701051712, + 2.247471332550049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/8.png", + [ + 0.21564845740795135, + 0.004009452648460865, + -0.020677657797932625, + 0.2510872185230255, + 0.003485248424112797, + -0.21657299995422363, + -0.005646223202347755, + 0.05450349673628807, + -0.02077244222164154, + 0.005286878906190395, + -0.21561181545257568, + 2.598954677581787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/6.png", + [ + 0.21590867638587952, + 0.0034698115196079016, + -0.017868822440505028, + 0.21732161939144135, + 0.003030106658115983, + -0.21658502519130707, + -0.005444278009235859, + 0.053612153977155685, + -0.017948618158698082, + 0.005175144877284765, + -0.21586790680885315, + 2.6066465377807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/197.png", + [ + 0.1966225802898407, + 0.02590264193713665, + -0.08727259188890457, + 0.9611040353775024, + 0.02312234416604042, + -0.21511651575565338, + -0.01175296027213335, + 0.12129871547222137, + -0.08805004507303238, + 0.0013520297361537814, + -0.1979728639125824, + 2.280017852783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/169.png", + [ + 0.21624086797237396, + 0.01247596275061369, + -0.005669343285262585, + 0.054679784923791885, + 0.012108047492802143, + -0.21592456102371216, + -0.01333706732839346, + 0.1370517909526825, + -0.006417655851691961, + 0.012993556447327137, + -0.2161894589662552, + 2.5238680839538574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/154.png", + [ + 0.21641285717487335, + 0.009146482683718204, + -0.005450740456581116, + 0.06812919676303864, + 0.008675702847540379, + -0.21578167378902435, + -0.017632346600294113, + 0.19418315589427948, + -0.006172590889036655, + 0.017392795532941818, + -0.21588720381259918, + 2.555438995361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/20.png", + [ + 0.21624909341335297, + 0.004033766221255064, + -0.012959600426256657, + 0.15870162844657898, + 0.0029304290656000376, + -0.215880885720253, + -0.018296130001544952, + 0.20854006707668304, + -0.013252739794552326, + 0.018084924668073654, + -0.2155114710330963, + 2.607536792755127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/2.png", + [ + 0.21610815823078156, + 0.001510165398940444, + -0.015584442764520645, + 0.1883864551782608, + 0.0011146381730213761, + -0.21660113334655762, + -0.005532519891858101, + 0.056269217282533646, + -0.015617716126143932, + 0.005437884945422411, + -0.216042622923851, + 2.611452102661133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/117.png", + [ + 0.21598125994205475, + 0.011074811220169067, + -0.013316945172846317, + 0.16042831540107727, + 0.009221176616847515, + -0.21454478800296783, + -0.028868606314063072, + 0.33256733417510986, + -0.014661595225334167, + 0.02820948325097561, + -0.2143295556306839, + 2.571700096130371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/149.png", + [ + 0.21648789942264557, + 0.006046934984624386, + -0.0066572558134794235, + 0.08089988678693771, + 0.0054802726954221725, + -0.21586742997169495, + -0.01786377839744091, + 0.19664490222930908, + -0.007130995858460665, + 0.017680004239082336, + -0.2158343344926834, + 2.545602321624756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/161.png", + [ + 0.21628035604953766, + 0.012637371197342873, + -0.0033181323669850826, + 0.04010329768061638, + 0.012183383107185364, + -0.21494105458259583, + -0.024490831419825554, + 0.2795444428920746, + -0.004719992633908987, + 0.024259688332676888, + -0.21526050567626953, + 2.5630335807800293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/5.png", + [ + 0.21593447029590607, + 0.003008300205692649, + -0.017639629542827606, + 0.21459293365478516, + 0.0026246567722409964, + -0.2166053205728531, + -0.004810757469385862, + 0.04695591703057289, + -0.01770078018307686, + 0.0045806486159563065, + -0.21590183675289154, + 2.6081385612487793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/187.png", + [ + 0.19618843495845795, + 0.015857569873332977, + -0.09058989584445953, + 1.009761929512024, + 0.015881791710853577, + -0.21606463193893433, + -0.0034268293529748917, + 0.02895548939704895, + -0.09058564901351929, + -0.0035372180864214897, + -0.1967984437942505, + 2.2577829360961914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/108.png", + [ + 0.21614696085453033, + 0.015000615268945694, + 0.0018344682175666094, + -0.020029399544000626, + 0.015111553482711315, + -0.2148108333349228, + -0.023996572941541672, + 0.26382529735565186, + 0.0001573799381731078, + 0.024066077545285225, + -0.21533390879631042, + 2.5191335678100586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/60.png", + [ + 0.2067725658416748, + 0.009265697561204433, + -0.06408703327178955, + 0.7180741429328918, + 0.007486729882657528, + -0.21642763912677765, + -0.007135655730962753, + 0.06825114786624908, + -0.06431911885738373, + 0.004595165140926838, + -0.20685704052448273, + 2.3830699920654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/56.png", + [ + 0.21445466578006744, + 0.0014865942066535354, + -0.03090117685496807, + 0.34377461671829224, + 0.0002748522674664855, + -0.21650734543800354, + -0.008508258499205112, + 0.0886363536119461, + -0.03093569166958332, + 0.008381889201700687, + -0.21429097652435303, + 2.4881510734558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/147.png", + [ + 0.21637436747550964, + 0.0055356998927891254, + -0.009969042614102364, + 0.12146815657615662, + 0.004936926998198032, + -0.21623289585113525, + -0.012917581014335155, + 0.1406208872795105, + -0.010278742760419846, + 0.01267253514379263, + -0.2160593718290329, + 2.556673526763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/30.png", + [ + 0.21586042642593384, + 0.010253953747451305, + -0.01571708545088768, + 0.18923009932041168, + 0.009689640253782272, + -0.21630840003490448, + -0.008042622357606888, + 0.08808788657188416, + -0.016071129590272903, + 0.007309536449611187, + -0.21595412492752075, + 2.6163411140441895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/17.png", + [ + 0.21595266461372375, + 0.004821639508008957, + -0.01700310781598091, + 0.2061104029417038, + 0.0037709041498601437, + -0.21622559428215027, + -0.013422571122646332, + 0.15093569457530975, + -0.017266564071178436, + 0.013081930577754974, + -0.2155890166759491, + 2.612119197845459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/12.png", + [ + 0.21559877693653107, + 0.004910738673061132, + -0.020998679101467133, + 0.2546752095222473, + 0.004347935318946838, + -0.216547891497612, + -0.006000404711812735, + 0.06186431273818016, + -0.021122390404343605, + 0.005549238529056311, + -0.21557119488716125, + 2.604322910308838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/114.png", + [ + 0.21602937579154968, + 0.011801854707300663, + -0.011829077266156673, + 0.1401737481355667, + 0.010227671824395657, + -0.21469011902809143, + -0.027412455528974533, + 0.3111799359321594, + -0.013213839381933212, + 0.026772454380989075, + -0.214607834815979, + 2.541378974914551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/27.png", + [ + 0.21593716740608215, + 0.009187835268676281, + -0.015317222103476524, + 0.18533754348754883, + 0.008250330574810505, + -0.21610747277736664, + -0.013318793848156929, + 0.15070085227489471, + -0.0158418957144022, + 0.012690228410065174, + -0.21572178602218628, + 2.615060806274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/42.png", + [ + 0.21633313596248627, + 0.0038676082622259855, + -0.01152893342077732, + 0.13810446858406067, + 0.003432872937992215, + -0.21649178862571716, + -0.00821076612919569, + 0.0873359888792038, + -0.01166576612740755, + 0.008015166968107224, + -0.21621184051036835, + 2.5919814109802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/174.png", + [ + 0.20696815848350525, + 0.017486000433564186, + -0.061695344746112823, + 0.6956194639205933, + 0.01690470054745674, + -0.2159672975540161, + -0.004500652197748423, + 0.03982601687312126, + -0.06185714527964592, + -0.0005143638700246811, + -0.20765675604343414, + 2.377674102783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/7.png", + [ + 0.2156762182712555, + 0.0040513607673347, + -0.020377689972519875, + 0.24696604907512665, + 0.0035601453855633736, + -0.2165786176919937, + -0.005378398112952709, + 0.05233609303832054, + -0.020469224080443382, + 0.0050187925808131695, + -0.21564722061157227, + 2.6020021438598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/73.png", + [ + 0.18670092523097992, + 0.05283349007368088, + -0.09643279016017914, + 1.0853360891342163, + 0.049979906529188156, + -0.21003496646881104, + -0.018308985978364944, + 0.1976439207792282, + -0.09794218093156815, + -0.006467748899012804, + -0.19316674768924713, + 2.225879669189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/120.png", + [ + 0.21611717343330383, + 0.00938241183757782, + -0.012378854677081108, + 0.14952096343040466, + 0.007821394130587578, + -0.21492429077625275, + -0.026349006220698357, + 0.30316779017448425, + -0.013419817201793194, + 0.025834370404481888, + -0.21471001207828522, + 2.5921335220336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/46.png", + [ + 0.21587714552879333, + 0.001856176066212356, + -0.018479766324162483, + 0.21571384370326996, + 0.0011590690119192004, + -0.21651601791381836, + -0.00820764061063528, + 0.0890389233827591, + -0.018536550924181938, + 0.008078576996922493, + -0.21572907269001007, + 2.5726752281188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/127.png", + [ + 0.21648284792900085, + 0.005857800133526325, + -0.006983096711337566, + 0.0857807993888855, + 0.00520823709666729, + -0.21573187410831451, + -0.01950712688267231, + 0.21734894812107086, + -0.007480088621377945, + 0.019322004169225693, + -0.21568171679973602, + 2.5623435974121094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/133.png", + [ + 0.2165866643190384, + 0.0034584251698106527, + -0.005112749058753252, + 0.06359308212995529, + 0.0029855796601623297, + -0.21577629446983337, + -0.019482551142573357, + 0.21657179296016693, + -0.005402519833296537, + 0.019404195249080658, + -0.21573635935783386, + 2.5407161712646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/57.png", + [ + 0.21361345052719116, + 0.0008401977247558534, + -0.03628339245915413, + 0.4040096402168274, + -0.0006402339204214513, + -0.21649561822414398, + -0.008782581426203251, + 0.08998961746692657, + -0.036287467926740646, + 0.008765713311731815, + -0.21343447268009186, + 2.4611353874206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/44.png", + [ + 0.2160644680261612, + 0.0027657451573759317, + -0.016012102365493774, + 0.1891113668680191, + 0.0021814159117639065, + -0.21651728451251984, + -0.007963052950799465, + 0.0857086032629013, + -0.01610211841762066, + 0.007779424078762531, + -0.21593539416790009, + 2.583935260772705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/113.png", + [ + 0.21616016328334808, + 0.011329307220876217, + -0.009712429717183113, + 0.11367083340883255, + 0.010101499035954475, + -0.21489040553569794, + -0.025845050811767578, + 0.2901727557182312, + -0.010983818210661411, + 0.025330884382128716, + -0.21490834653377533, + 2.5319266319274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/126.png", + [ + 0.21642254292964935, + 0.006658476777374744, + -0.008052259683609009, + 0.09812334179878235, + 0.005921769421547651, + -0.2157379537820816, + -0.01923457160592079, + 0.21391740441322327, + -0.008608534000813961, + 0.018992122262716293, + -0.2156689316034317, + 2.567727565765381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/29.png", + [ + 0.2158689647912979, + 0.00965318363159895, + -0.01597798429429531, + 0.19363735616207123, + 0.008908681571483612, + -0.2162468582391739, + -0.010286842472851276, + 0.11480499804019928, + -0.016404734924435616, + 0.00959165021777153, + -0.2158397138118744, + 2.614941120147705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/4.png", + [ + 0.21599195897579193, + 0.0025806459598243237, + -0.016991451382637024, + 0.20578601956367493, + 0.0022378102876245975, + -0.21661730110645294, + -0.004453037399798632, + 0.04364589974284172, + -0.017039991915225983, + 0.004263520706444979, + -0.21596145629882812, + 2.6088361740112305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/55.png", + [ + 0.21454989910125732, + 0.0034650478046387434, + -0.030070455744862556, + 0.33907416462898254, + 0.0023909658193588257, + -0.21651773154735565, + -0.007890230044722557, + 0.0819021612405777, + -0.03017486073076725, + 0.007481036242097616, + -0.2144327461719513, + 2.5164871215820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/9.png", + [ + 0.2156543880701065, + 0.004740169737488031, + -0.02046009711921215, + 0.24858339130878448, + 0.0042046247981488705, + -0.21655474603176117, + -0.005853358656167984, + 0.05748825892806053, + -0.020576830953359604, + 0.005428763572126627, + -0.2156270295381546, + 2.5998082160949707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/25.png", + [ + 0.21610839664936066, + 0.00849640741944313, + -0.013147990219295025, + 0.1587551385164261, + 0.007604995742440224, + -0.2160475254058838, + -0.014612482860684395, + 0.16401107609272003, + -0.013682933524250984, + 0.01411281805485487, + -0.21578115224838257, + 2.607025623321533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/99.png", + [ + 0.21541599929332733, + 0.02329191379249096, + 0.0011523566208779812, + -0.0069869039580225945, + 0.023297032341361046, + -0.21445801854133606, + -0.020319966599345207, + 0.23089569807052612, + -0.001043771393597126, + 0.020325833931565285, + -0.2157166302204132, + 2.6070117950439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/34.png", + [ + 0.21628208458423615, + 0.006568455137312412, + -0.011261139065027237, + 0.13499777019023895, + 0.006129689514636993, + -0.2164207547903061, + -0.008507846854627132, + 0.09066793322563171, + -0.011505857110023499, + 0.008173857815563679, + -0.21621446311473846, + 2.609745502471924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/72.png", + [ + 0.18517543375492096, + 0.05405109375715256, + -0.09867338836193085, + 1.1108901500701904, + 0.05168119817972183, + -0.2096615433692932, + -0.017860407009720802, + 0.1918431669473648, + -0.09993503987789154, + -0.00827162154018879, + -0.19207412004470825, + 2.216785430908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/102.png", + [ + 0.21553483605384827, + 0.02210989035665989, + 0.0019448541570454836, + -0.018606344237923622, + 0.022194374352693558, + -0.21452730894088745, + -0.020816709846258163, + 0.23469260334968567, + -0.0001985962881008163, + 0.020906420424580574, + -0.2156635820865631, + 2.6050662994384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/134.png", + [ + 0.21654832363128662, + 0.0038951579481363297, + -0.006288622971624136, + 0.07686442881822586, + 0.003338151378557086, + -0.21583692729473114, + -0.018739856779575348, + 0.20740880072116852, + -0.006601195782423019, + 0.01863204874098301, + -0.21577109396457672, + 2.544365406036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/70.png", + [ + 0.1840403825044632, + 0.0573299378156662, + -0.0989459753036499, + 1.112954020500183, + 0.05538025125861168, + -0.20870982110500336, + -0.017920061945915222, + 0.19214460253715515, + -0.10005026310682297, + -0.010068724863231182, + -0.19192826747894287, + 2.2162303924560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/135.png", + [ + 0.21653537452220917, + 0.0034863713663071394, + -0.006940473802387714, + 0.08450696617364883, + 0.002931938273832202, + -0.21598511934280396, + -0.017021330073475838, + 0.18700599670410156, + -0.007192266173660755, + 0.01691647432744503, + -0.21589350700378418, + 2.5447869300842285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/130.png", + [ + 0.2165970802307129, + 0.0038837213069200516, + -0.004303471650928259, + 0.05329876393079758, + 0.0034702515695244074, + -0.21571998298168182, + -0.020018694922327995, + 0.2245272397994995, + -0.004643329884856939, + 0.01994260773062706, + -0.21570496261119843, + 2.546873092651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/90.png", + [ + 0.21345633268356323, + 0.03354935348033905, + -0.016085021197795868, + 0.19489018619060516, + 0.03307439386844635, + -0.21400582790374756, + -0.007449087221175432, + 0.07663477957248688, + -0.017040299251675606, + 0.004883140325546265, + -0.21594831347465515, + 2.554563522338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/122.png", + [ + 0.21620634198188782, + 0.008832001127302647, + -0.011167341843247414, + 0.13661065697669983, + 0.007577633950859308, + -0.21525919437408447, + -0.02353622205555439, + 0.26733002066612244, + -0.012053764425218105, + 0.02309480309486389, + -0.21510285139083862, + 2.593733310699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/15.png", + [ + 0.21573273837566376, + 0.004902394022792578, + -0.019576681777834892, + 0.23802953958511353, + 0.004195077810436487, + -0.216486856341362, + -0.007983378134667873, + 0.0859544575214386, + -0.01974034681916237, + 0.007569645997136831, + -0.21564070880413055, + 2.612208366394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/162.png", + [ + 0.21620814502239227, + 0.01322650071233511, + -0.0051954216323792934, + 0.06275983154773712, + 0.012536998838186264, + -0.21483804285526276, + -0.025205757468938828, + 0.29018110036849976, + -0.0066900234669446945, + 0.024850882589817047, + -0.21514080464839935, + 2.5636725425720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/22.png", + [ + 0.21621228754520416, + 0.005020142998546362, + -0.013226238079369068, + 0.16123007237911224, + 0.004036324564367533, + -0.21604397892951965, + -0.016018815338611603, + 0.18115201592445374, + -0.013558883219957352, + 0.01573825068771839, + -0.21567651629447937, + 2.6042637825012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/171.png", + [ + 0.2153022289276123, + 0.011412377469241619, + -0.02150806039571762, + 0.23571515083312988, + 0.0104997418820858, + -0.2162063866853714, + -0.009615516290068626, + 0.09266473352909088, + -0.02196803130209446, + 0.008512363769114017, + -0.21538996696472168, + 2.4474682807922363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/138.png", + [ + 0.21650655567646027, + 0.0031176996417343616, + -0.007942424155771732, + 0.09584742039442062, + 0.002494940534234047, + -0.21600943803787231, + -0.01678096316754818, + 0.18470752239227295, + -0.008159499615430832, + 0.016676492989063263, + -0.21587775647640228, + 2.550163745880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/109.png", + [ + 0.21627351641654968, + 0.013159699738025665, + -0.0006929350784048438, + 0.008644209243357182, + 0.013010787777602673, + -0.21504385769367218, + -0.023124633356928825, + 0.2510068118572235, + -0.002092190785333514, + 0.02304021641612053, + -0.21543599665164948, + 2.496481418609619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/26.png", + [ + 0.21600286662578583, + 0.008999018929898739, + -0.01448011677712202, + 0.17531868815422058, + 0.008048059418797493, + -0.216057687997818, + -0.014219732955098152, + 0.16013498604297638, + -0.015029464848339558, + 0.013637804426252842, + -0.21572208404541016, + 2.6103873252868652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/43.png", + [ + 0.21618437767028809, + 0.003372589824721217, + -0.01417185552418232, + 0.16873042285442352, + 0.0028812671080231667, + -0.21652300655841827, + -0.007575469557195902, + 0.07969564199447632, + -0.01427985168993473, + 0.0073698763735592365, + -0.21607792377471924, + 2.590121269226074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/84.png", + [ + 0.20978601276874542, + 0.04821207374334335, + -0.024765312671661377, + 0.2668493986129761, + 0.04692967236042023, + -0.21110455691814423, + -0.013430023565888405, + 0.14439484477043152, + -0.027116971090435982, + 0.007639117538928986, + -0.2148353010416031, + 2.4834237098693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/136.png", + [ + 0.21649639308452606, + 0.0033565813209861517, + -0.008120378479361534, + 0.09813336282968521, + 0.002745603211224079, + -0.21605761349201202, + -0.016107847914099693, + 0.17655685544013977, + -0.008346786722540855, + 0.0159916989505291, + -0.21592243015766144, + 2.547311782836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/89.png", + [ + 0.2134454846382141, + 0.0345454216003418, + -0.013983184471726418, + 0.1680903434753418, + 0.03398042172193527, + -0.21378427743911743, + -0.009461252018809319, + 0.09882709383964539, + -0.015305104665458202, + 0.007127309218049049, + -0.21601587533950806, + 2.5495223999023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/63.png", + [ + 0.19278645515441895, + 0.027259038761258125, + -0.09506954997777939, + 1.0760761499404907, + 0.027022643014788628, + -0.2148749828338623, + -0.0068127550184726715, + 0.06493937969207764, + -0.09513701498508453, + -0.00579497218132019, + -0.19458484649658203, + 2.2554450035095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/88.png", + [ + 0.21288326382637024, + 0.03824673220515251, + -0.012876495718955994, + 0.1509765088558197, + 0.037726689130067825, + -0.2131572663784027, + -0.009411507286131382, + 0.09707553684711456, + -0.014328756369650364, + 0.007004811428487301, + -0.21608681976795197, + 2.5420422554016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/62.png", + [ + 0.19821478426456451, + 0.018985755741596222, + -0.08543028682470322, + 0.9641283750534058, + 0.017877062782645226, + -0.21583837270736694, + -0.006488991901278496, + 0.06256167590618134, + -0.0856691524386406, + -0.0011123972944915295, + -0.19901621341705322, + 2.304429054260254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/65.png", + [ + 0.1821906417608261, + 0.043002814054489136, + -0.10911104083061218, + 1.2338722944259644, + 0.04350803419947624, + -0.21198157966136932, + -0.010897589847445488, + 0.11083881556987762, + -0.10891056060791016, + -0.012746152468025684, + -0.18687942624092102, + 2.1593518257141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/80.png", + [ + 0.1991496980190277, + 0.05290635675191879, + -0.06699413806200027, + 0.7451348304748535, + 0.0516599677503109, + -0.2100648283958435, + -0.012324929237365723, + 0.13040970265865326, + -0.06795987486839294, + -0.004644796252250671, + -0.20568853616714478, + 2.341151237487793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/146.png", + [ + 0.2163943499326706, + 0.004407484550029039, + -0.010097079910337925, + 0.12232910096645355, + 0.0038452246226370335, + -0.21630723774433136, + -0.012011982500553131, + 0.13003280758857727, + -0.010324301198124886, + 0.011817256920039654, + -0.216105654835701, + 2.5571484565734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/119.png", + [ + 0.21591854095458984, + 0.011506653390824795, + -0.013952602632343769, + 0.16881278157234192, + 0.009809947572648525, + -0.21495011448860168, + -0.025458132848143578, + 0.29203441739082336, + -0.015193522907793522, + 0.02473759464919567, + -0.21472099423408508, + 2.585292339324951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/180.png", + [ + 0.19699323177337646, + 0.01972699537873268, + -0.08804775774478912, + 0.9788722395896912, + 0.01896987110376358, + -0.21576200425624847, + -0.0058990600518882275, + 0.05751742050051689, + -0.0882139801979065, + -0.0023453598842024803, + -0.19789059460163116, + 2.26369047164917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/145.png", + [ + 0.21635949611663818, + 0.004859417211264372, + -0.01062321849167347, + 0.12827500700950623, + 0.004299444146454334, + -0.21633222699165344, + -0.011392306536436081, + 0.12336605787277222, + -0.010861928574740887, + 0.011164942756295204, + -0.21611398458480835, + 2.5536489486694336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/167.png", + [ + 0.21609841287136078, + 0.015379959717392921, + -0.0035815041046589613, + 0.035416413098573685, + 0.014994905330240726, + -0.21526122093200684, + -0.019638027995824814, + 0.21706508100032806, + -0.004952084273099899, + 0.01933794654905796, + -0.21575312316417694, + 2.56321382522583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/189.png", + [ + 0.19533424079418182, + 0.015399893745779991, + -0.09249471127986908, + 1.0337586402893066, + 0.015450648963451385, + -0.21609710156917572, + -0.0033497214317321777, + 0.02721303328871727, + -0.09248625487089157, + -0.0035758130252361298, + -0.1959117203950882, + 2.2499442100524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/79.png", + [ + 0.1946437805891037, + 0.05463932454586029, + -0.07795020937919617, + 0.8736807107925415, + 0.05268107354640961, + -0.20960929989814758, + -0.015379898250102997, + 0.16522575914859772, + -0.07928679138422012, + -0.005136271007359028, + -0.20158153772354126, + 2.3063859939575195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/176.png", + [ + 0.19986708462238312, + 0.01923869177699089, + -0.08143043518066406, + 0.9168812036514282, + 0.019587822258472443, + -0.21576794981956482, + -0.0028998027555644512, + 0.021862424910068512, + -0.08134716004133224, + -0.004686610773205757, + -0.20076994597911835, + 2.30795955657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/185.png", + [ + 0.19695238769054413, + 0.01693500205874443, + -0.08871786296367645, + 0.9882990717887878, + 0.016216663643717766, + -0.21600358188152313, + -0.005231313407421112, + 0.049096908420324326, + -0.08885197341442108, + -0.0018847985193133354, + -0.19760990142822266, + 2.2663779258728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/165.png", + [ + 0.21618632972240448, + 0.013823824934661388, + -0.004502241965383291, + 0.05088285729289055, + 0.013259358704090118, + -0.2149941474199295, + -0.023443764075636864, + 0.26798442006111145, + -0.005963033996522427, + 0.02311541698873043, + -0.21535556018352509, + 2.56610107421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/116.png", + [ + 0.2159808874130249, + 0.011866500601172447, + -0.012622879818081856, + 0.1507205069065094, + 0.010144171305000782, + -0.21459627151489258, + -0.028167903423309326, + 0.3238023519515991, + -0.014044457115232944, + 0.02748674340546131, + -0.21446475386619568, + 2.5644397735595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/19.png", + [ + 0.216234490275383, + 0.0037322237621992826, + -0.013289458118379116, + 0.16223067045211792, + 0.0025574490427970886, + -0.21582484245300293, + -0.018999870866537094, + 0.21626800298690796, + -0.013564609922468662, + 0.018804416060447693, + -0.21543048322200775, + 2.6082448959350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/77.png", + [ + 0.18963991105556488, + 0.0521533228456974, + -0.09091000258922577, + 1.0203161239624023, + 0.0504097044467926, + -0.21016475558280945, + -0.015411945059895515, + 0.1648789793252945, + -0.09188829362392426, + -0.007661378011107445, + -0.19607584178447723, + 2.247757911682129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/68.png", + [ + 0.18244332075119019, + 0.057222772389650345, + -0.10192092508077621, + 1.1469486951828003, + 0.055809859186410904, + -0.2086523473262787, + -0.017244040966033936, + 0.18236905336380005, + -0.10270141810178757, + -0.011732487939298153, + -0.19042757153511047, + 2.1964755058288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/143.png", + [ + 0.21642807126045227, + 0.004052870906889439, + -0.009505799040198326, + 0.11477028578519821, + 0.0035431201104074717, + -0.21633663773536682, + -0.011567043140530586, + 0.12399744987487793, + -0.009707332588732243, + 0.011398439295589924, + -0.2161567360162735, + 2.554542064666748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/183.png", + [ + 0.19653961062431335, + 0.01911870390176773, + -0.08918827772140503, + 0.989910900592804, + 0.017806554213166237, + -0.21582737565040588, + -0.007026109844446182, + 0.06900610029697418, + -0.08945948630571365, + -0.0009563970379531384, + -0.19734227657318115, + 2.257430076599121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/86.png", + [ + 0.21199442446231842, + 0.04380768537521362, + -0.009335068054497242, + 0.09576022624969482, + 0.043213166296482086, + -0.21191532909870148, + -0.013130106963217258, + 0.14171303808689117, + -0.011784692294895649, + 0.010984727181494236, + -0.2160748690366745, + 2.5305585861206055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/1.png", + [ + 0.21618372201919556, + 0.002231315243989229, + -0.014405453577637672, + 0.17459352314472198, + 0.0018786439904943109, + -0.21660025417804718, + -0.00535708200186491, + 0.0534740574657917, + -0.014455675147473812, + 0.005220044404268265, + -0.216128870844841, + 2.6202588081359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/81.png", + [ + 0.20251421630382538, + 0.053305622190237045, + -0.05562729388475418, + 0.6145437955856323, + 0.05172364413738251, + -0.21001192927360535, + -0.012944042682647705, + 0.13740862905979156, + -0.05710121989250183, + -0.0011810065479949117, + -0.20901183784008026, + 2.369231700897217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/95.png", + [ + 0.21522846817970276, + 0.024842502549290657, + -0.002730934415012598, + 0.03587346896529198, + 0.024497006088495255, + -0.2143906205892563, + -0.019607558846473694, + 0.22285032272338867, + -0.004950222093611956, + 0.019167933613061905, + -0.21576835215091705, + 2.590517997741699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/103.png", + [ + 0.21563062071800232, + 0.021088743582367897, + 0.0025677576195448637, + -0.027274325489997864, + 0.02124117873609066, + -0.2144790142774582, + -0.02225899137556553, + 0.2513163089752197, + 0.00037529037217609584, + 0.02240346558392048, + -0.2155129611492157, + 2.6030588150024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/196.png", + [ + 0.1979471892118454, + 0.02286399155855179, + -0.0851002186536789, + 0.9395105242729187, + 0.019937774166464806, + -0.21544821560382843, + -0.011508547700941563, + 0.12033939361572266, + -0.08583294600248337, + 0.0026831720024347305, + -0.19893065094947815, + 2.2895069122314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/150.png", + [ + 0.21650488674640656, + 0.00645909970626235, + -0.005640732124447823, + 0.06882597506046295, + 0.005938525777310133, + -0.21574817597866058, + -0.019114390015602112, + 0.21045884490013123, + -0.006186416372656822, + 0.018944816663861275, + -0.21575616300106049, + 2.542555332183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/83.png", + [ + 0.20822428166866302, + 0.04914360120892525, + -0.03428487479686737, + 0.37383559346199036, + 0.04763822257518768, + -0.21096806228160858, + -0.013075626455247402, + 0.1398385614156723, + -0.03634757176041603, + 0.005027778912335634, + -0.213545024394989, + 2.4447097778320312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/142.png", + [ + 0.21647000312805176, + 0.0036785586271435022, + -0.008666195906698704, + 0.10493913292884827, + 0.0032047266140580177, + -0.2163306176662445, + -0.011776517145335674, + 0.126495823264122, + -0.008852371014654636, + 0.011637217365205288, + -0.2161807119846344, + 2.5564780235290527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/186.png", + [ + 0.19637537002563477, + 0.01607486419379711, + -0.09014543145895004, + 1.0048967599868774, + 0.01575794816017151, + -0.21606004238128662, + -0.004200569353997707, + 0.03834916278719902, + -0.09020137041807175, + -0.002748908009380102, + -0.19698743522167206, + 2.260204792022705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/195.png", + [ + 0.19848358631134033, + 0.021666141226887703, + -0.0841590166091919, + 0.9319130182266235, + 0.018940936774015427, + -0.21557345986366272, + -0.010826889425516129, + 0.11397039890289307, + -0.0848139300942421, + 0.002561025321483612, + -0.19936883449554443, + 2.293259620666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/51.png", + [ + 0.21497514843940735, + 0.006717304699122906, + -0.026238415390253067, + 0.3019300699234009, + 0.005892453249543905, + -0.2164766788482666, + -0.007142537273466587, + 0.07535459101200104, + -0.02643587812781334, + 0.006372963078320026, + -0.2149614542722702, + 2.5528769493103027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/128.png", + [ + 0.21652278304100037, + 0.005243198946118355, + -0.006187389139086008, + 0.07562530040740967, + 0.00468417489901185, + -0.21579396724700928, + -0.01894497498869896, + 0.21100491285324097, + -0.006620680447667837, + 0.018797937780618668, + -0.2157561033964157, + 2.5575475692749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/168.png", + [ + 0.21614088118076324, + 0.014651203528046608, + -0.004044001922011375, + 0.03712799400091171, + 0.014333358034491539, + -0.2156614512205124, + -0.015251022763550282, + 0.16338388621807098, + -0.005056342110037804, + 0.014945938251912594, + -0.21609939634799957, + 2.5613532066345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+Y-Mi5-dACwA+P0+C2+F26876-27075/93.png", + [ + 0.21491360664367676, + 0.026345260441303253, + -0.008121317252516747, + 0.09861709177494049, + 0.025709928944706917, + -0.21457034349441528, + -0.015699094161391258, + 0.176265686750412, + -0.009951283223927021, + 0.014607850462198257, + -0.21595248579978943, + 2.5816802978515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/76.png", + [ + 0.16309881210327148, + 0.0032628702465444803, + -0.14260444045066833, + 1.641021490097046, + -0.023445021361112595, + -0.2130586802959442, + -0.031689323484897614, + 0.349687397480011, + -0.14070181548595428, + 0.03928404301404953, + -0.16002391278743744, + 1.8817273378372192, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/48.png", + [ + 0.18988586962223053, + -0.006300188601016998, + -0.10417082160711288, + 1.208475112915039, + -0.029095277190208435, + -0.21090005338191986, + -0.04028068855404854, + 0.45819130539894104, + -0.10022333264350891, + 0.049288712441921234, + -0.18567121028900146, + 2.19846773147583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/35.png", + [ + 0.19531650841236115, + -0.011209212243556976, + -0.09313274174928665, + 1.1281013488769531, + -0.03122507594525814, + -0.210623100399971, + -0.04013468697667122, + 0.47977152466773987, + -0.08845534175634384, + 0.04959992319345474, + -0.19147686660289764, + 2.3551487922668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/97.png", + [ + 0.19000957906246185, + 0.00018163659842684865, + -0.10413560271263123, + 1.1689505577087402, + -0.018936743959784508, + -0.21300140023231506, + -0.03492419049143791, + 0.3859410285949707, + -0.10239949822425842, + 0.039727404713630676, + -0.18677251040935516, + 2.147268295288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/13.png", + [ + 0.20879648625850677, + 0.004555673338472843, + -0.0577162504196167, + 0.6899620890617371, + -0.0072686634957790375, + -0.21223099529743195, + -0.043047260493040085, + 0.5104509592056274, + -0.05743766576051712, + 0.0434182733297348, + -0.20436160266399384, + 2.482776165008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/32.png", + [ + 0.19851242005825043, + -0.01126092579215765, + -0.08610406517982483, + 1.0457158088684082, + -0.029240673407912254, + -0.21096675097942352, + -0.03982338681817055, + 0.47900667786598206, + -0.08176614344120026, + 0.048105206340551376, + -0.1948026716709137, + 2.3983936309814453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/38.png", + [ + 0.19292022287845612, + -0.013118686154484749, + -0.09776287525892258, + 1.1703715324401855, + -0.03396240994334221, + -0.21045339107513428, + -0.03877917677164078, + 0.4558412730693817, + -0.09260796755552292, + 0.04985148087143898, + -0.18943728506565094, + 2.3072752952575684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/111.png", + [ + 0.20481881499290466, + 0.0013133658794686198, + -0.07067831605672836, + 0.8441449999809265, + -0.01287835743278265, + -0.21231861412525177, + -0.0412655770778656, + 0.48730549216270447, + -0.06950753927230835, + 0.04320850595831871, + -0.20062308013439178, + 2.4353342056274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/11.png", + [ + 0.20817023515701294, + -0.0009111309191212058, + -0.06010175868868828, + 0.71843022108078, + -0.013027490116655827, + -0.2121840864419937, + -0.041905730962753296, + 0.49912217259407043, + -0.05867994576692581, + 0.04387453943490982, + -0.2039107233285904, + 2.4822206497192383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/59.png", + [ + 0.19397345185279846, + 0.01077945064753294, + -0.09594792127609253, + 1.1128668785095215, + -0.007666897494345903, + -0.21292045712471008, + -0.03942076116800308, + 0.4506116807460785, + -0.09624665975570679, + 0.038685668259859085, + -0.19023115932941437, + 2.259769916534424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/105.png", + [ + 0.20422481000423431, + 0.0014102027053013444, + -0.07237490266561508, + 0.8502762317657471, + -0.012765171006321907, + -0.21253705024719238, + -0.040161509066820145, + 0.4663037061691284, + -0.07125423848628998, + 0.04211778566241264, + -0.20024190843105316, + 2.399995803833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/121.png", + [ + 0.20140041410923004, + 0.0038947698194533587, + -0.07981602102518082, + 0.9709467887878418, + -0.012380953878164291, + -0.21228300034999847, + -0.04159970581531525, + 0.5019991397857666, + -0.07894604653120041, + 0.04322793334722519, + -0.1970958411693573, + 2.437985420227051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/24.png", + [ + 0.20796985924243927, + 0.004488609731197357, + -0.06063237413764, + 0.707482635974884, + -0.003871693043038249, + -0.21466699242591858, + -0.029171740636229515, + 0.3328690230846405, + -0.06067488715052605, + 0.02908320352435112, + -0.205962672829628, + 2.4561023712158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/74.png", + [ + 0.16792477667331696, + 0.00487998453900218, + -0.1368405967950821, + 1.579005241394043, + -0.022056926041841507, + -0.21274510025978088, + -0.0346541702747345, + 0.3823187053203583, + -0.13513940572738647, + 0.04078731685876846, + -0.16438259184360504, + 1.9343253374099731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/98.png", + [ + 0.19337373971939087, + 0.000865477486513555, + -0.09774322062730789, + 1.0939900875091553, + -0.016565723344683647, + -0.21324177086353302, + -0.034661561250686646, + 0.3842482566833496, + -0.0963330864906311, + 0.03840700536966324, + -0.1902438849210739, + 2.189620018005371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/0.png", + [ + 0.18850034475326538, + -0.010822540149092674, + -0.10629387199878693, + 1.2404450178146362, + -0.030920349061489105, + -0.21186181902885437, + -0.033262625336647034, + 0.381499320268631, + -0.1022714301943779, + 0.04410604014992714, + -0.18585775792598724, + 2.1944589614868164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/96.png", + [ + 0.18548808991909027, + 0.0020160747226327658, + -0.11197320371866226, + 1.2597217559814453, + -0.018753495067358017, + -0.21302133798599243, + -0.03490136191248894, + 0.38572070002555847, + -0.11041000485420227, + 0.03956935554742813, + -0.18218615651130676, + 2.0958032608032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/100.png", + [ + 0.19625405967235565, + 0.002160911448299885, + -0.09180177003145218, + 1.044173002243042, + -0.014462996274232864, + -0.21318358182907104, + -0.03593713045120239, + 0.40714430809020996, + -0.09068107604980469, + 0.03867798298597336, + -0.19294779002666473, + 2.256113052368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/40.png", + [ + 0.19182175397872925, + -0.011513332836329937, + -0.10009870678186417, + 1.183397650718689, + -0.033438995480537415, + -0.21032994985580444, + -0.03988789767026901, + 0.46348315477371216, + -0.09504810720682144, + 0.05076075345277786, + -0.18798165023326874, + 2.2657113075256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/52.png", + [ + 0.19039329886436462, + -0.0022789700888097286, + -0.10340739786624908, + 1.1987860202789307, + -0.022881098091602325, + -0.2121831178665161, + -0.0374523401260376, + 0.4232085943222046, + -0.10086990892887115, + 0.0438295416533947, + -0.18668724596500397, + 2.207690715789795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/3.png", + [ + 0.19630394876003265, + -0.015317214652895927, + -0.0904325470328331, + 1.0614713430404663, + -0.03235512971878052, + -0.21146278083324432, + -0.034417010843753815, + 0.39944201707839966, + -0.08582427352666855, + 0.04468521103262901, + -0.19386933743953705, + 2.3154735565185547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/47.png", + [ + 0.18875055015087128, + -0.008576193824410439, + -0.10605455189943314, + 1.2328956127166748, + -0.03207965940237045, + -0.21050681173801422, + -0.040070950984954834, + 0.4576045274734497, + -0.10144957154989243, + 0.050608642399311066, + -0.1846473515033722, + 2.188884735107422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/104.png", + [ + 0.2034294158220291, + 0.0011646210914477706, + -0.07458559423685074, + 0.8723682761192322, + -0.013788900338113308, + -0.2123275250196457, + -0.040924105793237686, + 0.47420957684516907, + -0.07330916821956635, + 0.043168969452381134, + -0.19927392899990082, + 2.3795785903930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/21.png", + [ + 0.20899276435375214, + 0.007208720315247774, + -0.056727029383182526, + 0.6644604802131653, + -0.0021469967905431986, + -0.21380527317523956, + -0.03507973253726959, + 0.40253233909606934, + -0.05714291334152222, + 0.03439813107252121, + -0.2061537206172943, + 2.4728007316589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/82.png", + [ + 0.16257770359516144, + 0.0008533843792974949, + -0.14323285222053528, + 1.6367683410644531, + -0.030194148421287537, + -0.21159780025482178, + -0.03553282842040062, + 0.3922828733921051, + -0.14001677930355072, + 0.04662124440073967, + -0.1586494743824005, + 1.8536356687545776, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/106.png", + [ + 0.20348186790943146, + 0.001729557872749865, + -0.07443143427371979, + 0.876613199710846, + -0.013011482544243336, + -0.2124563753604889, + -0.040507834404706955, + 0.4716390073299408, + -0.07330573350191116, + 0.04251107946038246, + -0.19941656291484833, + 2.396091938018799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/14.png", + [ + 0.20851482450962067, + 0.00644758390262723, + -0.05854816734790802, + 0.6994858384132385, + -0.005034841131418943, + -0.21263337135314941, + -0.041347332298755646, + 0.4906104505062103, + -0.058686528354883194, + 0.04115070402622223, + -0.20447592437267303, + 2.482980728149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/67.png", + [ + 0.17699116468429565, + 0.012571578845381737, + -0.12435426563024521, + 1.4461548328399658, + -0.013931585475802422, + -0.21224817633628845, + -0.04128577187657356, + 0.46845516562461853, + -0.12420924752950668, + 0.04172001779079437, + -0.17256708443164825, + 2.0450282096862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/78.png", + [ + 0.16594348847866058, + -0.00023745611542835832, + -0.13932189345359802, + 1.595786213874817, + -0.02958585135638714, + -0.21179254353046417, + -0.034878138452768326, + 0.3870930075645447, + -0.1361445039510727, + 0.045735664665699005, + -0.16223691403865814, + 1.899377703666687, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/31.png", + [ + 0.1999949812889099, + -0.011114171706140041, + -0.08262189477682114, + 1.0009701251983643, + -0.02800174430012703, + -0.2112201452255249, + -0.039368148893117905, + 0.4727136790752411, + -0.07852264493703842, + 0.04701514169573784, + -0.19639670848846436, + 2.4124865531921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/39.png", + [ + 0.19251415133476257, + -0.01322190836071968, + -0.09854629635810852, + 1.171167254447937, + -0.03437561169266701, + -0.21035833656787872, + -0.038930464535951614, + 0.45399197936058044, + -0.09329795837402344, + 0.0502239465713501, + -0.18899983167648315, + 2.2855682373046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/92.png", + [ + 0.17092549800872803, + 0.008586661890149117, + -0.13288576900959015, + 1.5018994808197021, + -0.020989369601011276, + -0.21178355813026428, + -0.04068255424499512, + 0.44412508606910706, + -0.1314983367919922, + 0.0449654683470726, + -0.16623535752296448, + 1.9169472455978394, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/53.png", + [ + 0.19049760699272156, + -0.0006515939603559673, + -0.10323826223611832, + 1.1993660926818848, + -0.020675495266914368, + -0.2125217169523239, + -0.03680955246090889, + 0.4157085716724396, + -0.10114883631467819, + 0.04221367835998535, + -0.1869085729122162, + 2.213792324066162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/75.png", + [ + 0.16361553966999054, + 0.005233564879745245, + -0.1419522762298584, + 1.636972427368164, + -0.01985258236527443, + -0.21355992555618286, + -0.03075590543448925, + 0.33797067403793335, + -0.14065459370613098, + 0.0362306609749794, + -0.160784050822258, + 1.8920482397079468, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/87.png", + [ + 0.16657423973083496, + 0.0006959064048714936, + -0.13856562972068787, + 1.5793261528015137, + -0.03124598041176796, + -0.2109028398990631, + -0.03862100467085838, + 0.4247283637523651, + -0.13499853014945984, + 0.04967302456498146, + -0.16203665733337402, + 1.8823350667953491, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/107.png", + [ + 0.20355847477912903, + 0.0011441002134233713, + -0.07423295080661774, + 0.8761741518974304, + -0.013808702118694782, + -0.21228499710559845, + -0.041137438267469406, + 0.48012790083885193, + -0.07294628769159317, + 0.043378107249736786, + -0.1993616670370102, + 2.396851062774658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/112.png", + [ + 0.20479907095432281, + 0.00164225441403687, + -0.07072862982749939, + 0.8461667895317078, + -0.012639055959880352, + -0.212282195687294, + -0.04152616113424301, + 0.49128398299217224, + -0.06960955262184143, + 0.04337592422962189, + -0.2005515694618225, + 2.4398193359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/69.png", + [ + 0.1719224601984024, + 0.01141079980880022, + -0.1313786506652832, + 1.5229871273040771, + -0.015684373676776886, + -0.2125604748725891, + -0.03898639976978302, + 0.4387892484664917, + -0.13093723356723785, + 0.04044419527053833, + -0.16783206164836884, + 1.9818919897079468, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/45.png", + [ + 0.18994081020355225, + -0.009730047546327114, + -0.10380613803863525, + 1.2098103761672974, + -0.03281804174184799, + -0.21034280955791473, + -0.04033325985074043, + 0.4606989920139313, + -0.09896143525838852, + 0.05107956752181053, + -0.18586395680904388, + 2.21114444732666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/50.png", + [ + 0.18968446552753448, + -0.0048828101716935635, + -0.10461284965276718, + 1.2117180824279785, + -0.026657573878765106, + -0.211560919880867, + -0.03846101462841034, + 0.4362221658229828, + -0.10127716511487961, + 0.046540673822164536, + -0.1858084797859192, + 2.1937952041625977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/101.png", + [ + 0.1991264671087265, + 1.4521607454298646e-06, + -0.08541982620954514, + 0.9788683652877808, + -0.015931420028209686, + -0.21287214756011963, + -0.037142153829336166, + 0.42419058084487915, + -0.08392101526260376, + 0.0404147244989872, + -0.19563183188438416, + 2.303586006164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/85.png", + [ + 0.16374042630195618, + 0.0008050416363403201, + -0.14190247654914856, + 1.6215811967849731, + -0.02972671017050743, + -0.21166910231113434, + -0.035502318292856216, + 0.39011192321777344, + -0.13875620067119598, + 0.0462973415851593, + -0.15984730422496796, + 1.863366961479187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/71.png", + [ + 0.17016564309597015, + 0.01040273904800415, + -0.13372857868671417, + 1.5456409454345703, + -0.01671328768134117, + -0.21269404888153076, + -0.037812624126672745, + 0.42209291458129883, + -0.13308723270893097, + 0.040011387318372726, + -0.16623708605766296, + 1.9583405256271362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/115.png", + [ + 0.20441237092018127, + 0.005878457333892584, + -0.07161644101142883, + 0.8583648204803467, + -0.00970580242574215, + -0.21171069145202637, + -0.04508069157600403, + 0.539477527141571, + -0.07119878381490707, + 0.045737460255622864, + -0.1994660496711731, + 2.4389634132385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/54.png", + [ + 0.19061937928199768, + 0.0026041462551802397, + -0.10298234224319458, + 1.1953023672103882, + -0.017833352088928223, + -0.21250085532665253, + -0.03838294371962547, + 0.43419405817985535, + -0.10145992785692215, + 0.04224330931901932, + -0.1867331862449646, + 2.209226608276367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/33.png", + [ + 0.1977161169052124, + -0.011846774257719517, + -0.08784009516239166, + 1.066429853439331, + -0.030532071366906166, + -0.21069158613681793, + -0.040308091789484024, + 0.48461857438087463, + -0.08321069926023483, + 0.049158964306116104, + -0.19392594695091248, + 2.3887081146240234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/49.png", + [ + 0.18961964547634125, + -0.0065879812464118, + -0.10463688522577286, + 1.2140196561813354, + -0.028897695243358612, + -0.21115423738956451, + -0.03907313942909241, + 0.4434334337711334, + -0.10078294575214386, + 0.04814961552619934, + -0.18566720187664032, + 2.1962971687316895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/118.png", + [ + 0.20403128862380981, + 0.005457094870507717, + -0.07272785156965256, + 0.8766469955444336, + -0.010219787247478962, + -0.21179616451263428, + -0.0445626862347126, + 0.5360063314437866, + -0.07221271097660065, + 0.045392703264951706, + -0.19918012619018555, + 2.4489431381225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/110.png", + [ + 0.2040197253227234, + 0.002025232883170247, + -0.07293655723333359, + 0.8678135275840759, + -0.012213236652314663, + -0.21258750557899475, + -0.040066055953502655, + 0.47165969014167786, + -0.0719352588057518, + 0.041837189346551895, + -0.20005714893341064, + 2.4224514961242676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/18.png", + [ + 0.20889009535312653, + 0.008634666912257671, + -0.056905798614025116, + 0.674921989440918, + -0.0020981987472623587, + -0.21293778717517853, + -0.040012430399656296, + 0.46660104393959045, + -0.05751891806721687, + 0.039125945419073105, + -0.20520387589931488, + 2.4816765785217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/66.png", + [ + 0.178953155875206, + 0.013197744265198708, + -0.12144742161035538, + 1.414566159248352, + -0.014173404313623905, + -0.21170872449874878, + -0.04389104247093201, + 0.5009337067604065, + -0.12133744359016418, + 0.044194214046001434, + -0.1739884912967682, + 2.0653905868530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/16.png", + [ + 0.20885303616523743, + 0.007134533487260342, + -0.05724853277206421, + 0.6815891861915588, + -0.0038345579523593187, + -0.2128191739320755, + -0.040511518716812134, + 0.4771551787853241, + -0.05756380409002304, + 0.04006226733326912, + -0.2050105184316635, + 2.48482084274292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/94.png", + [ + 0.17739304900169373, + 0.0006037094863131642, + -0.12441554665565491, + 1.3939217329025269, + -0.023175165057182312, + -0.21271967887878418, + -0.03407559543848038, + 0.3725613057613373, + -0.12223954498767853, + 0.04120521992444992, + -0.17409054934978485, + 1.9940065145492554, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/28.png", + [ + 0.2046741247177124, + -0.0047501795925199986, + -0.07094952464103699, + 0.8476066589355469, + -0.017773963510990143, + -0.21274568140506744, + -0.0370304100215435, + 0.4360954761505127, + -0.06885118037462234, + 0.040799520909786224, + -0.20135244727134705, + 2.4384164810180664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/61.png", + [ + 0.1925254911184311, + 0.01123835425823927, + -0.09877009689807892, + 1.1524170637130737, + -0.008122709579765797, + -0.21278709173202515, + -0.040044572204351425, + 0.457443505525589, + -0.09907498955726624, + 0.03928415849804878, + -0.18864992260932922, + 2.249720573425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/58.png", + [ + 0.19391846656799316, + 0.009911106899380684, + -0.0961524099111557, + 1.1136482954025269, + -0.008635571226477623, + -0.2128944993019104, + -0.03936060518026352, + 0.4485996663570404, + -0.09627535939216614, + 0.039058931171894073, + -0.19014035165309906, + 2.253000259399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/123.png", + [ + 0.1986989825963974, + 0.0016297973925247788, + -0.08639415353536606, + 1.0581165552139282, + -0.016262641176581383, + -0.21205943822860718, + -0.04140308499336243, + 0.5000581741333008, + -0.08486537635326385, + 0.04445258900523186, + -0.19434435665607452, + 2.3996801376342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/64.png", + [ + 0.18510323762893677, + 0.015101448632776737, + -0.11160928755998611, + 1.3053879737854004, + -0.008032954297959805, + -0.21240098774433136, + -0.042061805725097656, + 0.4805075228214264, + -0.11233948171138763, + 0.04007081687450409, + -0.18089242279529572, + 2.1526966094970703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/10.png", + [ + 0.2076297551393509, + -0.0037575317546725273, + -0.06183576583862305, + 0.739527702331543, + -0.015885205939412117, + -0.21227386593818665, + -0.040439631789922714, + 0.48025283217430115, + -0.05987854674458504, + 0.04328491911292076, + -0.20368815958499908, + 2.47756290435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/41.png", + [ + 0.19055607914924622, + -0.010949505493044853, + -0.10254938900470734, + 1.208004117012024, + -0.03340086340904236, + -0.21039018034934998, + -0.03960110619664192, + 0.4577198326587677, + -0.09757383167743683, + 0.0506356917321682, + -0.18671707808971405, + 2.2423410415649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/91.png", + [ + 0.16886074841022491, + 0.007246190216392279, + -0.13557812571525574, + 1.5355770587921143, + -0.023201067000627518, + -0.21164335310459137, + -0.04020823910832405, + 0.4410702884197235, + -0.13377460837364197, + 0.04585286229848862, + -0.16416381299495697, + 1.8972660303115845, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/23.png", + [ + 0.20871660113334656, + 0.002785802586004138, + -0.05811634287238121, + 0.677318274974823, + -0.005525489803403616, + -0.21449892222881317, + -0.030125999823212624, + 0.3451753854751587, + -0.057920124381780624, + 0.030501578003168106, + -0.2065497636795044, + 2.462585926055908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/37.png", + [ + 0.1940411776304245, + -0.012164496816694736, + -0.09564485400915146, + 1.1515330076217651, + -0.032770827412605286, + -0.21046754717826843, + -0.039716292172670364, + 0.47030994296073914, + -0.09067516773939133, + 0.05003334954380989, + -0.19032226502895355, + 2.328512668609619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/36.png", + [ + 0.1953841596841812, + -0.012623146176338196, + -0.09280934184789658, + 1.1199012994766235, + -0.03280045837163925, + -0.21032394468784332, + -0.0404457189142704, + 0.48236605525016785, + -0.08773282915353775, + 0.050521109253168106, + -0.19156841933727264, + 2.3483428955078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/8.png", + [ + 0.20438866317272186, + -0.009321215562522411, + -0.07131818681955338, + 0.8535258173942566, + -0.022968541830778122, + -0.21205665171146393, + -0.038109272718429565, + 0.45131075382232666, + -0.06815874576568604, + 0.04350845143198967, + -0.20102064311504364, + 2.44504976272583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/6.png", + [ + 0.2004256397485733, + -0.013290020637214184, + -0.08124550431966782, + 0.9671567678451538, + -0.02887105755507946, + -0.2115989625453949, + -0.03660936281085014, + 0.43049389123916626, + -0.07709681987762451, + 0.04468958079814911, + -0.19750145077705383, + 2.388604164123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/20.png", + [ + 0.2090538889169693, + 0.008467082865536213, + -0.056326523423194885, + 0.6629772782325745, + -0.0010872981511056423, + -0.21363505721092224, + -0.036149393767118454, + 0.41614705324172974, + -0.056948982179164886, + 0.035160619765520096, + -0.20607872307300568, + 2.476767063140869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/2.png", + [ + 0.1936374008655548, + -0.01333942636847496, + -0.09630424529314041, + 1.1274895668029785, + -0.03113996982574463, + -0.21182823181152344, + -0.03327159956097603, + 0.3841303288936615, + -0.09210184961557388, + 0.04357472434639931, + -0.1912233978509903, + 2.27459716796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/117.png", + [ + 0.20478762686252594, + 0.007431048899888992, + -0.07038960605859756, + 0.847240149974823, + -0.008203517645597458, + -0.21153318881988525, + -0.04619847983121872, + 0.5544008016586304, + -0.07030375301837921, + 0.04632900282740593, + -0.1996469348669052, + 2.4479618072509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/5.png", + [ + 0.19983913004398346, + -0.01473558135330677, + -0.08243228495121002, + 0.9750291109085083, + -0.030520835891366005, + -0.21143874526023865, + -0.036194365471601486, + 0.42440178990364075, + -0.07797882705926895, + 0.04499351605772972, + -0.19708572328090668, + 2.369236946105957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/108.png", + [ + 0.2036561369895935, + 0.0018508218927308917, + -0.07395035773515701, + 0.8744922876358032, + -0.012986062094569206, + -0.21234849095344543, + -0.04107769951224327, + 0.48086223006248474, + -0.07282473891973495, + 0.04304172098636627, + -0.19947898387908936, + 2.402195930480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/60.png", + [ + 0.1927858144044876, + 0.01157117635011673, + -0.09822235256433487, + 1.1428501605987549, + -0.006957188714295626, + -0.21306686103343964, + -0.03875575587153435, + 0.442777156829834, + -0.09865657240152359, + 0.03763667494058609, + -0.18920427560806274, + 2.254971504211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/56.png", + [ + 0.1920776665210724, + 0.006044158712029457, + -0.10008760541677475, + 1.1584725379943848, + -0.01367098093032837, + -0.21268236637115479, + -0.03907953202724457, + 0.44196778535842896, + -0.09933360666036606, + 0.04095819219946861, + -0.18815726041793823, + 2.223905563354492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/30.png", + [ + 0.20135179162025452, + -0.00902057159692049, + -0.0795234888792038, + 0.9593455195426941, + -0.024811120703816414, + -0.21172265708446503, + -0.03880494087934494, + 0.46424856781959534, + -0.0760904997587204, + 0.045166850090026855, + -0.19778293371200562, + 2.421051025390625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/17.png", + [ + 0.2087799608707428, + 0.008997933939099312, + -0.057252608239650726, + 0.6808838248252869, + -0.0019670354668051004, + -0.2128237932920456, + -0.04062088951468468, + 0.47706499695777893, + -0.05792197212576866, + 0.03966060280799866, + -0.20498774945735931, + 2.481917381286621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/12.png", + [ + 0.2086823433637619, + 0.0021971329115331173, + -0.058264393359422684, + 0.6966279745101929, + -0.00958856288343668, + -0.2122795432806015, + -0.042347829788923264, + 0.5028927326202393, + -0.057511962950229645, + 0.04336417838931084, + -0.20435218513011932, + 2.4859023094177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/114.png", + [ + 0.20462936162948608, + 0.004244680050760508, + -0.07111044228076935, + 0.8519166707992554, + -0.010945910587906837, + -0.21184761822223663, + -0.04414372891187668, + 0.5260584354400635, + -0.07039105147123337, + 0.04528205469250679, + -0.19985626637935638, + 2.4409055709838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/27.png", + [ + 0.20565226674079895, + -0.002436889335513115, + -0.06818436831235886, + 0.8109117746353149, + -0.014011784456670284, + -0.21342937648296356, + -0.034633319824934006, + 0.40458911657333374, + -0.06677363067865372, + 0.03728080168366432, + -0.20272967219352722, + 2.447122097015381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/42.png", + [ + 0.18995602428913116, + -0.010624155402183533, + -0.10369053483009338, + 1.2154905796051025, + -0.03356418386101723, + -0.2103000283241272, + -0.039940573275089264, + 0.45936086773872375, + -0.09868153184652328, + 0.051077701151371, + -0.18601322174072266, + 2.22572660446167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/7.png", + [ + 0.2032446563243866, + -0.011845719069242477, + -0.0741565003991127, + 0.885280430316925, + -0.026045139878988266, + -0.21180064976215363, + -0.037550367414951324, + 0.44229039549827576, + -0.07043550163507462, + 0.044136811047792435, + -0.20009666681289673, + 2.4255857467651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/73.png", + [ + 0.16590596735477448, + 0.006701859179884195, + -0.13920556008815765, + 1.6098370552062988, + -0.020485125482082367, + -0.2129005789756775, + -0.0346640981733799, + 0.3840827941894531, + -0.13785305619239807, + 0.03970296308398247, + -0.1623826026916504, + 1.915345549583435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/120.png", + [ + 0.20234908163547516, + 0.005153363570570946, + -0.07730580866336823, + 0.936704158782959, + -0.011070809327065945, + -0.212053120136261, + -0.04311390221118927, + 0.5197657942771912, + -0.07668234407901764, + 0.04421328380703926, + -0.19776980578899384, + 2.440122604370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/46.png", + [ + 0.18931874632835388, + -0.008374462835490704, + -0.10505320131778717, + 1.2235356569290161, + -0.03149095177650452, + -0.2106165736913681, + -0.03996095806360245, + 0.455884724855423, + -0.10057149827480316, + 0.05018392950296402, + -0.1852426528930664, + 2.2012734413146973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/57.png", + [ + 0.19382421672344208, + 0.007404703181236982, + -0.09656728804111481, + 1.116262435913086, + -0.011503029614686966, + -0.21275120973587036, + -0.03940179944038391, + 0.4468691349029541, + -0.096165232360363, + 0.04037315770983696, + -0.18992143869400024, + 2.2441554069519043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/44.png", + [ + 0.18925535678863525, + -0.009303564205765724, + -0.10508918762207031, + 1.2269130945205688, + -0.032898031175136566, + -0.21027305722236633, + -0.040630631148815155, + 0.46541982889175415, + -0.10023977607488632, + 0.051444847136735916, + -0.1850764900445938, + 2.204575538635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/113.png", + [ + 0.20467957854270935, + 0.0035227742046117783, + -0.07100533694028854, + 0.8506380915641785, + -0.011506646871566772, + -0.21191345155239105, + -0.04368261620402336, + 0.519068717956543, + -0.07015529274940491, + 0.045035138726234436, + -0.19999492168426514, + 2.4392127990722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/29.png", + [ + 0.20281149446964264, + -0.006882163695991039, + -0.07594752311706543, + 0.9115171432495117, + -0.021808398887515068, + -0.21201248466968536, + -0.03902549296617508, + 0.4634978771209717, + -0.07307381927967072, + 0.0441727451980114, + -0.19914034008979797, + 2.424640655517578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/4.png", + [ + 0.19836746156215668, + -0.014872212894260883, + -0.08588976413011551, + 1.011443853378296, + -0.031292591243982315, + -0.21141597628593445, + -0.03566442430019379, + 0.4160989224910736, + -0.08135728538036346, + 0.045055460184812546, + -0.1957010179758072, + 2.344839096069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/55.png", + [ + 0.19143368303775787, + 0.0036738719791173935, + -0.10142752528190613, + 1.175533413887024, + -0.016996504738926888, + -0.2123143970966339, + -0.03976947441697121, + 0.44995632767677307, + -0.10006078332662582, + 0.043092865496873856, + -0.1872931867837906, + 2.2145466804504395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/9.png", + [ + 0.20657822489738464, + -0.0071108671836555, + -0.06498280167579651, + 0.7775029540061951, + -0.01974870264530182, + -0.21211349964141846, + -0.03956955298781395, + 0.46964773535728455, + -0.062316279858350754, + 0.043648555874824524, + -0.2028777301311493, + 2.4674782752990723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/25.png", + [ + 0.20690830051898956, + 0.002761007519438863, + -0.06425905972719193, + 0.7544881105422974, + -0.0066847847774624825, + -0.2143794149160385, + -0.030735602602362633, + 0.3531288802623749, + -0.06397001445293427, + 0.03133273497223854, + -0.20463135838508606, + 2.4498114585876465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/99.png", + [ + 0.19457539916038513, + 0.00188649061601609, + -0.09531392902135849, + 1.07427179813385, + -0.015296279452741146, + -0.2132076472043991, + -0.03544596582651138, + 0.3978474736213684, + -0.09409744292497635, + 0.038559481501579285, + -0.19132886826992035, + 2.2176880836486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/34.png", + [ + 0.19691184163093567, + -0.01208574790507555, + -0.08959659188985825, + 1.0862277746200562, + -0.03128201887011528, + -0.21057431399822235, + -0.04034586250782013, + 0.48392799496650696, + -0.08482365310192108, + 0.04960129037499428, + -0.1931128054857254, + 2.377957344055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/72.png", + [ + 0.16658669710159302, + 0.008873896673321724, + -0.13826793432235718, + 1.5996294021606445, + -0.018045764416456223, + -0.21299825608730316, + -0.03541174158453941, + 0.393695592880249, + -0.1373722106218338, + 0.03874138370156288, + -0.16302110254764557, + 1.9235159158706665, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/102.png", + [ + 0.2012239396572113, + 0.001368529163300991, + -0.08034271001815796, + 0.926368236541748, + -0.01426525879651308, + -0.21259354054927826, + -0.03934957832098007, + 0.45227232575416565, + -0.07907797396183014, + 0.04183317348361015, + -0.19734373688697815, + 2.3331522941589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/70.png", + [ + 0.16791673004627228, + 0.011027194559574127, + -0.13649269938468933, + 1.5806987285614014, + -0.016193263232707977, + -0.21285660564899445, + -0.037117961794137955, + 0.4160892069339752, + -0.1359766125679016, + 0.03896621614694595, + -0.16413374245166779, + 1.938759684562683, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/90.png", + [ + 0.1676653027534485, + 0.004919650498777628, + -0.13715697824954987, + 1.555506706237793, + -0.026398472487926483, + -0.21133604645729065, + -0.039850737899541855, + 0.4391019940376282, + -0.13468243181705475, + 0.04754742980003357, + -0.16293486952781677, + 1.8862165212631226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/122.png", + [ + 0.19974608719348907, + 0.0034661751706153154, + -0.08388912677764893, + 1.0250879526138306, + -0.01355753093957901, + -0.2123173475265503, + -0.04105410352349281, + 0.4967157542705536, + -0.0828588679432869, + 0.04309561476111412, + -0.1955123245716095, + 2.422297477722168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/15.png", + [ + 0.2085765302181244, + 0.007579784840345383, + -0.05819160118699074, + 0.6939364671707153, + -0.00357464118860662, + -0.21281951665878296, + -0.040533553808927536, + 0.4791245758533478, + -0.05857420340180397, + 0.039978671818971634, + -0.2047404795885086, + 2.4840149879455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/22.png", + [ + 0.20934726297855377, + 0.003751735668629408, + -0.05574537813663483, + 0.65103679895401, + -0.004664621315896511, + -0.21425719559192657, + -0.03193739056587219, + 0.36583995819091797, + -0.055676426738500595, + 0.03205744922161102, + -0.20693078637123108, + 2.471200466156006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/109.png", + [ + 0.20425164699554443, + 0.0005132812657393515, + -0.07231109589338303, + 0.8567953109741211, + -0.01367858611047268, + -0.21248333156108856, + -0.04014511778950691, + 0.4704616367816925, + -0.07100742310285568, + 0.042408380657434464, + -0.2002682387828827, + 2.4142627716064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/26.png", + [ + 0.20601068437099457, + 0.0008234435808844864, + -0.06713277846574783, + 0.7932510375976562, + -0.009494710713624954, + -0.21412347257137299, + -0.03176288306713104, + 0.36698392033576965, + -0.06646306067705154, + 0.033141396939754486, + -0.20354901254177094, + 2.4467477798461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/43.png", + [ + 0.18973197042942047, + -0.009238479658961296, + -0.1042320728302002, + 1.2203763723373413, + -0.03257263824343681, + -0.21031999588012695, + -0.04064999893307686, + 0.46668317914009094, + -0.09944193065166473, + 0.05126450955867767, + -0.1855563223361969, + 2.2166099548339844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/84.png", + [ + 0.16410793364048004, + 0.00019990371947642416, + -0.1414794772863388, + 1.6156964302062988, + -0.030343439429998398, + -0.21158267557621002, + -0.0354955792427063, + 0.38902315497398376, + -0.13818737864494324, + 0.046697117388248444, + -0.1602233201265335, + 1.8672205209732056, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/89.png", + [ + 0.16768188774585724, + 0.003414071397855878, + -0.13718241453170776, + 1.5566368103027344, + -0.02888091467320919, + -0.21087788045406342, + -0.04055008664727211, + 0.44721126556396484, + -0.13415127992630005, + 0.049666497856378555, + -0.1627407968044281, + 1.8863085508346558, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/63.png", + [ + 0.18769729137420654, + 0.014642260037362576, + -0.10725308954715729, + 1.2554136514663696, + -0.006937908940017223, + -0.21261458098888397, + -0.041167907416820526, + 0.4703660309314728, + -0.10802539438009262, + 0.03909648209810257, + -0.18371139466762543, + 2.191160202026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/88.png", + [ + 0.16886669397354126, + 0.0013236681697890162, + -0.13575778901576996, + 1.5432320833206177, + -0.030911190435290337, + -0.2105988711118698, + -0.04050326347351074, + 0.44697093963623047, + -0.13219842314720154, + 0.050933923572301865, + -0.16394266486167908, + 1.900555968284607, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/62.png", + [ + 0.19058096408843994, + 0.012130669318139553, + -0.10237011313438416, + 1.1967363357543945, + -0.007915028370916843, + -0.2128121256828308, + -0.039953138679265976, + 0.45573821663856506, + -0.10278202593326569, + 0.03888119384646416, + -0.1867404729127884, + 2.227574348449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/65.png", + [ + 0.18317174911499023, + 0.014791073277592659, + -0.114792101085186, + 1.3391350507736206, + -0.010382205247879028, + -0.21193192899227142, + -0.043874341994524, + 0.500410795211792, + -0.11527451127767563, + 0.042590752243995667, + -0.17845366895198822, + 2.1188321113586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/80.png", + [ + 0.16475869715213776, + 0.002530094003304839, + -0.14069844782352448, + 1.6089991331100464, + -0.028516508638858795, + -0.21154451370239258, + -0.03719706833362579, + 0.4122931957244873, + -0.13780154287815094, + 0.046801842749118805, + -0.16052480041980743, + 1.8766125440597534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/119.png", + [ + 0.20296591520309448, + 0.006274295039474964, + -0.07558681070804596, + 0.9145029783248901, + -0.009800642728805542, + -0.21195216476917267, + -0.043910399079322815, + 0.5279502272605896, + -0.07521089911460876, + 0.044551197439432144, + -0.1982584297657013, + 2.442183494567871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/79.png", + [ + 0.16700023412704468, + -0.0011025064159184694, + -0.13804924488067627, + 1.5797545909881592, + -0.031241564080119133, + -0.21134863793849945, + -0.03610549122095108, + 0.39971885085105896, + -0.13447220623493195, + 0.04773285984992981, + -0.16305425763130188, + 1.9062246084213257, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/116.png", + [ + 0.20462100207805634, + 0.006644432432949543, + -0.07095060497522354, + 0.8516052961349487, + -0.008920794352889061, + -0.21164526045322418, + -0.04554780200123787, + 0.5455427765846252, + -0.07070047408342361, + 0.04593511298298836, + -0.19959783554077148, + 2.44431734085083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/19.png", + [ + 0.2094230204820633, + 0.007468917407095432, + -0.05508273094892502, + 0.6500798463821411, + -0.0024064709432423115, + -0.21329030394554138, + -0.03807033970952034, + 0.4410834312438965, + -0.05553467571735382, + 0.03740798309445381, + -0.2060690075159073, + 2.485785484313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/77.png", + [ + 0.16335086524486542, + 0.0029184308368712664, + -0.14232312142848969, + 1.633597731590271, + -0.02474028430879116, + -0.2127503752708435, + -0.03275816887617111, + 0.3619670867919922, + -0.14018668234348297, + 0.040947068482637405, + -0.1600591391324997, + 1.8766478300094604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/68.png", + [ + 0.17267964780330658, + 0.012298095971345901, + -0.1303011178970337, + 1.5147922039031982, + -0.014817670919001102, + -0.21249200403690338, + -0.03969234600663185, + 0.4489623010158539, + -0.13003870844841003, + 0.04054383933544159, + -0.16850528120994568, + 1.9952279329299927, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/86.png", + [ + 0.16507278382778168, + 0.0015567903174087405, + -0.14034399390220642, + 1.602864146232605, + -0.029128195717930794, + -0.21156401932239532, + -0.03660742938518524, + 0.4008658230304718, + -0.13729679584503174, + 0.046756092458963394, + -0.16097001731395721, + 1.8744357824325562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/1.png", + [ + 0.19078589975833893, + -0.012555317021906376, + -0.1019362136721611, + 1.190557599067688, + -0.03136739507317543, + -0.21189773082733154, + -0.0326087586581707, + 0.3751402497291565, + -0.09779936075210571, + 0.0434696339070797, + -0.1883973628282547, + 2.233224391937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/81.png", + [ + 0.16417939960956573, + 0.001990624936297536, + -0.14138264954090118, + 1.6165385246276855, + -0.02969808131456375, + -0.21133504807949066, + -0.037462178617715836, + 0.41457027196884155, + -0.1382426768541336, + 0.04776429757475853, + -0.15986064076423645, + 1.8670531511306763, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/95.png", + [ + 0.1800704300403595, + 0.002230949467048049, + -0.12048881500959396, + 1.3522223234176636, + -0.02119307592511177, + -0.21267490088939667, + -0.03561088442802429, + 0.39377361536026, + -0.11863129585981369, + 0.04137999936938286, + -0.1765281856060028, + 2.027721881866455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/103.png", + [ + 0.20238959789276123, + 0.001926449011079967, + -0.07734748721122742, + 0.8980655670166016, + -0.013456027954816818, + -0.21243010461330414, + -0.04050029069185257, + 0.4667905569076538, + -0.07619238644838333, + 0.04263363406062126, + -0.19830529391765594, + 2.3561806678771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/83.png", + [ + 0.16229401528835297, + 0.001075455453246832, + -0.1435527205467224, + 1.6411610841751099, + -0.030492959544062614, + -0.21146604418754578, + -0.03605816513299942, + 0.39826688170433044, + -0.14028087258338928, + 0.047210752964019775, + -0.15824133157730103, + 1.8464275598526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/51.png", + [ + 0.18794135749340057, + -0.0029945033602416515, + -0.10778208076953888, + 1.248615026473999, + -0.02530594728887081, + -0.21176636219024658, + -0.038242898881435394, + 0.43260568380355835, + -0.10481199622154236, + 0.04575962573289871, + -0.18403369188308716, + 2.17470645904541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+g7Dd3DFXE9I+P0+C0+F8141-8266/93.png", + [ + 0.17576344311237335, + 0.001961562316864729, + -0.12669353187084198, + 1.4217684268951416, + -0.02391142025589943, + -0.21224255859851837, + -0.03645869344472885, + 0.3955290615558624, + -0.12443208694458008, + 0.04355622082948685, + -0.17195174098014832, + 1.9717670679092407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/76.png", + [ + 0.2069808542728424, + 0.01111678034067154, + -0.06311287730932236, + 0.7064934372901917, + -0.00015442636504303664, + -0.21330247819423676, + -0.038077808916568756, + 0.42673200368881226, + -0.06408427655696869, + 0.03641923516988754, + -0.20375166833400726, + 2.3506627082824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/48.png", + [ + 0.19960324466228485, + 0.013937445357441902, + -0.08313961327075958, + 0.950286328792572, + -0.001170668052509427, + -0.21321387588977814, + -0.03855353221297264, + 0.4340396523475647, + -0.08429161459207535, + 0.03596516698598862, + -0.19633983075618744, + 2.3056321144104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/137.png", + [ + 0.1993332952260971, + 0.003753132652491331, + -0.08485310524702072, + 0.9510829448699951, + -0.010051468387246132, + -0.21389952301979065, + -0.033073458820581436, + 0.3715308606624603, + -0.0843392014503479, + 0.03436276316642761, + -0.19660617411136627, + 2.291933536529541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/35.png", + [ + 0.20407918095588684, + 0.009110010229051113, + -0.07222595065832138, + 0.8135806322097778, + -0.0035289220977574587, + -0.2134806364774704, + -0.03689795732498169, + 0.4199581742286682, + -0.07271263003349304, + 0.03592937812209129, + -0.20092247426509857, + 2.3590011596679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/124.png", + [ + 0.20460332930088043, + 0.007353497669100761, + -0.0709315836429596, + 0.7966105341911316, + -0.0043914588168263435, + -0.21381127834320068, + -0.03483311086893082, + 0.3960535228252411, + -0.07117639482021332, + 0.03433011472225189, + -0.2017504870891571, + 2.334163188934326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/97.png", + [ + 0.20813673734664917, + 0.012143620289862156, + -0.05898755416274071, + 0.6753448247909546, + 0.0021282853558659554, + -0.21357469260692596, + -0.036458466202020645, + 0.42703378200531006, + -0.060186952352523804, + 0.034442443400621414, + -0.2052782028913498, + 2.4139351844787598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/13.png", + [ + 0.19811393320560455, + 0.01092122495174408, + -0.08706027269363403, + 0.9549352526664734, + -0.004870141390711069, + -0.2132895439863205, + -0.03783845156431198, + 0.41403836011886597, + -0.08760733157396317, + 0.03655398264527321, + -0.194773331284523, + 2.2278738021850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/32.png", + [ + 0.20462456345558167, + 0.009249658323824406, + -0.07064787298440933, + 0.7915249466896057, + -0.0031739186961203814, + -0.2134445160627365, + -0.03713842108845711, + 0.42288878560066223, + -0.07118009030818939, + 0.03610789403319359, + -0.20143860578536987, + 2.3612146377563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/38.png", + [ + 0.20400230586528778, + 0.009307692758738995, + -0.07241768389940262, + 0.8228184580802917, + -0.0030080555006861687, + -0.21365295350551605, + -0.03593412786722183, + 0.4074527621269226, + -0.07295138388872147, + 0.03483786806464195, + -0.20102813839912415, + 2.3684639930725098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/148.png", + [ + 0.20019379258155823, + 0.002870009047910571, + -0.0828377977013588, + 0.9299736618995667, + -0.01030134130269289, + -0.21400435268878937, + -0.0323096364736557, + 0.3625994324684143, + -0.082244873046875, + 0.033790428191423416, + -0.197590172290802, + 2.3023862838745117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/111.png", + [ + 0.20850728452205658, + 0.010227612219750881, + -0.058034464716911316, + 0.6394613981246948, + -0.0011520313564687967, + -0.2126380056142807, + -0.04161296412348747, + 0.4695381820201874, + -0.058917537331581116, + 0.040352966636419296, + -0.20456846058368683, + 2.3631725311279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/11.png", + [ + 0.1966128647327423, + 0.009428026154637337, + -0.09056704491376877, + 0.9915608167648315, + -0.006104050669819117, + -0.2136606127023697, + -0.035493403673172, + 0.3853399455547333, + -0.09085163474082947, + 0.03475850075483322, + -0.19361230731010437, + 2.210827350616455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/125.png", + [ + 0.20436035096645355, + 0.0064960564486682415, + -0.07171151787042618, + 0.803525984287262, + -0.005591209977865219, + -0.21370790898799896, + -0.03529252111911774, + 0.3997071385383606, + -0.07178773730993271, + 0.03513722866773605, + -0.20139461755752563, + 2.3296141624450684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/59.png", + [ + 0.20664404332637787, + 0.01659589260816574, + -0.06301359087228775, + 0.7033504247665405, + 0.0039401669055223465, + -0.21232850849628448, + -0.0429997518658638, + 0.49074915051460266, + -0.065043143928051, + 0.03986326605081558, + -0.2028008997440338, + 2.3180017471313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/105.png", + [ + 0.2081889808177948, + 0.008492816239595413, + -0.05943997576832771, + 0.662354052066803, + -0.0025100160855799913, + -0.21307775378227234, + -0.03923601284623146, + 0.4441639184951782, + -0.059991154819726944, + 0.038387980312108994, + -0.20463457703590393, + 2.3801279067993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/121.png", + [ + 0.20547038316726685, + 0.004947463981807232, + -0.06859548389911652, + 0.772614061832428, + -0.004851535428315401, + -0.21453213691711426, + -0.030005423352122307, + 0.3462311923503876, + -0.06860233843326569, + 0.029989758506417274, + -0.20332787930965424, + 2.3507118225097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/24.png", + [ + 0.20193183422088623, + 0.010109683498740196, + -0.07790517807006836, + 0.862941563129425, + -0.0036683783400803804, + -0.21342507004737854, + -0.03720448538661003, + 0.41543740034103394, + -0.07847270369529724, + 0.035992011427879333, + -0.19873224198818207, + 2.296267509460449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/74.png", + [ + 0.20782040059566498, + 0.008225192315876484, + -0.06075291335582733, + 0.6759634613990784, + -0.0030500644352287054, + -0.21306268870830536, + -0.03927955403923988, + 0.44106557965278625, + -0.061231259256601334, + 0.03852963447570801, + -0.20424027740955353, + 2.3463287353515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/129.png", + [ + 0.20274081826210022, + 0.005979269277304411, + -0.07621219009160995, + 0.8471130132675171, + -0.0070211258716881275, + -0.2136414647102356, + -0.035439059138298035, + 0.3993554413318634, + -0.07612328976392746, + 0.035629648715257645, + -0.199708953499794, + 2.30178165435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/144.png", + [ + 0.2005080282688141, + 0.0036364328116178513, + -0.08204386383295059, + 0.9193540215492249, + -0.010901316069066525, + -0.2133680284023285, + -0.036098986864089966, + 0.4045615494251251, + -0.08139766752719879, + 0.037533339112997055, + -0.19726520776748657, + 2.3002610206604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/98.png", + [ + 0.2092778980731964, + 0.010544322431087494, + -0.055131398141384125, + 0.6268487572669983, + 0.0019366319756954908, + -0.214046910405159, + -0.0335867665708065, + 0.39146316051483154, + -0.05609726533293724, + 0.031947437673807144, + -0.2068341225385666, + 2.4231009483337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/0.png", + [ + 0.19266964495182037, + -0.001056290464475751, + -0.09912210702896118, + 1.1055282354354858, + -0.017065348103642464, + -0.2137809842824936, + -0.03089279867708683, + 0.3377859592437744, + -0.09764774143695831, + 0.035277120769023895, + -0.1901797503232956, + 2.2049942016601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/96.png", + [ + 0.20783299207687378, + 0.013014950789511204, + -0.05986611917614937, + 0.6853753328323364, + 0.002918435726314783, + -0.2135917693376541, + -0.036303333938121796, + 0.42579060792922974, + -0.06119496002793312, + 0.034015584737062454, + -0.2050512433052063, + 2.4087400436401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/100.png", + [ + 0.20970454812049866, + 0.0023064776323735714, + -0.05446626618504524, + 0.612909197807312, + -0.005726185627281666, + -0.2143511176109314, + -0.031123913824558258, + 0.35683727264404297, + -0.0542135089635849, + 0.03156211972236633, + -0.20739483833312988, + 2.4162583351135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/40.png", + [ + 0.2046772688627243, + 0.010068983770906925, + -0.07038271427154541, + 0.8033960461616516, + -0.002151592168956995, + -0.21351543068885803, + -0.036802586168050766, + 0.41752445697784424, + -0.07106673717498779, + 0.035463716834783554, + -0.20159299671649933, + 2.3831963539123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/141.png", + [ + 0.19952313601970673, + 0.004103224258869886, + -0.08438942581415176, + 0.9482128024101257, + -0.010457221418619156, + -0.21355558931827545, + -0.03510776162147522, + 0.3949061334133148, + -0.08383948355913162, + 0.03640153631567955, + -0.19645294547080994, + 2.2992048263549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/52.png", + [ + 0.20477581024169922, + 0.011558291502296925, + -0.069865383207798, + 0.7865242958068848, + -0.0018677450716495514, + -0.2128131240606308, + -0.04068145155906677, + 0.45937708020210266, + -0.0707903802394867, + 0.039049647748470306, + -0.20102672278881073, + 2.345353603363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/3.png", + [ + 0.1940743625164032, + -0.00025844224728643894, + -0.09634821116924286, + 1.0744966268539429, + -0.015792107209563255, + -0.2138288915157318, + -0.031236495822668076, + 0.34333279728889465, + -0.0950455442070961, + 0.03500061109662056, + -0.19154424965381622, + 2.223235607147217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/47.png", + [ + 0.19894616305828094, + 0.011415373533964157, + -0.08507650345563889, + 0.9780882000923157, + -0.003890860825777054, + -0.21333017945289612, + -0.03772269934415817, + 0.42622873187065125, + -0.08575070649385452, + 0.03616393357515335, + -0.19567035138607025, + 2.3082571029663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/104.png", + [ + 0.20850281417369843, + 0.007626879494637251, + -0.05844913795590401, + 0.6519924402236938, + -0.002178786089643836, + -0.21370917558670044, + -0.03565864637494087, + 0.40342840552330017, + -0.05890437215566635, + 0.03490152955055237, + -0.20557251572608948, + 2.389878749847412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/21.png", + [ + 0.20066966116428375, + 0.011857233010232449, + -0.08086398988962173, + 0.8961907625198364, + -0.0024713901802897453, + -0.21340380609035492, + -0.037424709647893906, + 0.4166010022163391, + -0.08169131726026535, + 0.035582613199949265, + -0.1975051909685135, + 2.2802200317382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/82.png", + [ + 0.20703265070915222, + 0.014524479396641254, + -0.06224481016397476, + 0.702800989151001, + 0.0038770537357777357, + -0.21347133815288544, + -0.03691685572266579, + 0.41743579506874084, + -0.06379926204681396, + 0.03416029363870621, + -0.20423179864883423, + 2.366929531097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/106.png", + [ + 0.2079683244228363, + 0.00867144949734211, + -0.06018203869462013, + 0.669621467590332, + -0.002291707554832101, + -0.21318960189819336, + -0.038637202233076096, + 0.43741026520729065, + -0.06076034903526306, + 0.03772123157978058, + -0.20453161001205444, + 2.3779983520507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/14.png", + [ + 0.19937875866889954, + 0.010463615879416466, + -0.08418147265911102, + 0.9249023199081421, + -0.0047070677392184734, + -0.21332404017448425, + -0.037664227187633514, + 0.4122270345687866, + -0.08469859510660172, + 0.03648648038506508, + -0.19606830179691315, + 2.244992256164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/67.png", + [ + 0.20396003127098083, + 0.01851428858935833, + -0.0707489624619484, + 0.7841405272483826, + 0.004661687184125185, + -0.21248121559619904, + -0.04216514900326729, + 0.4738178551197052, + -0.07298262417316437, + 0.038168732076883316, + -0.20041103661060333, + 2.2948813438415527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/78.png", + [ + 0.2071366161108017, + 0.014562531374394894, + -0.06188897415995598, + 0.6958987712860107, + 0.0032539046369493008, + -0.2130661904811859, + -0.0392441563308239, + 0.44003239274024963, + -0.06349585950374603, + 0.03658721596002579, + -0.20390573143959045, + 2.35459566116333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/31.png", + [ + 0.20402288436889648, + 0.008431312628090382, + -0.07246703654527664, + 0.8104246258735657, + -0.004127063788473606, + -0.21354438364505768, + -0.03646450862288475, + 0.414923757314682, + -0.07283903658390045, + 0.035715632140636444, + -0.20091480016708374, + 2.3501663208007812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/39.png", + [ + 0.20422014594078064, + 0.007937874644994736, + -0.07196542620658875, + 0.8198365569114685, + -0.00435060728341341, + -0.21363389492034912, + -0.03591003641486168, + 0.4079161584377289, + -0.07227104902267456, + 0.0352909117937088, + -0.20119479298591614, + 2.3759427070617676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/92.png", + [ + 0.20749394595623016, + 0.014489997178316116, + -0.06069759279489517, + 0.6927679181098938, + 0.004201491363346577, + -0.2135181576013565, + -0.03660924732685089, + 0.42340707778930664, + -0.062261588871479034, + 0.033881112933158875, + -0.20475217700004578, + 2.4016542434692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/53.png", + [ + 0.20553499460220337, + 0.013254291377961636, + -0.06728733330965042, + 0.752363920211792, + 0.0010915955062955618, + -0.2131948471069336, + -0.03866084665060043, + 0.4349668323993683, + -0.06857164204120636, + 0.03633423149585724, + -0.20230089128017426, + 2.3456215858459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/75.png", + [ + 0.20737653970718384, + 0.009418517351150513, + -0.06208179518580437, + 0.6919084191322327, + -0.0016784465406090021, + -0.21331535279750824, + -0.03796901926398277, + 0.42530348896980286, + -0.06276974081993103, + 0.036820583045482635, + -0.2040884643793106, + 2.351077079772949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/87.png", + [ + 0.20692814886569977, + 0.01510613039135933, + -0.06245351955294609, + 0.7072386741638184, + 0.003948829136788845, + -0.21319322288036346, + -0.038483038544654846, + 0.43950334191322327, + -0.06413301825523376, + 0.03561379387974739, + -0.20387867093086243, + 2.3772220611572266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/139.png", + [ + 0.19968824088573456, + 0.003390308003872633, + -0.08402979373931885, + 0.9439665079116821, + -0.010174307972192764, + -0.21393433213233948, + -0.03280971199274063, + 0.3683350384235382, + -0.08348044008016586, + 0.0341833233833313, + -0.1970035880804062, + 2.3023176193237305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/107.png", + [ + 0.2079605758190155, + 0.0111069455742836, + -0.059807416051626205, + 0.6642736196517944, + -0.00020766477973666042, + -0.2129012793302536, + -0.040260378271341324, + 0.4541938602924347, + -0.06082966551184654, + 0.03869853913784027, + -0.20432834327220917, + 2.3697195053100586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/112.png", + [ + 0.20841993391513824, + 0.010084005072712898, + -0.05837247520685196, + 0.6431035995483398, + -0.0014648059150204062, + -0.2125694453716278, + -0.041952069848775864, + 0.4737558662891388, + -0.05921897664666176, + 0.04074843227863312, + -0.20440295338630676, + 2.354763984680176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/69.png", + [ + 0.20442277193069458, + 0.018372219055891037, + -0.0694383755326271, + 0.7728087306022644, + 0.004659004043787718, + -0.21241731941699982, + -0.042486172169446945, + 0.4781319200992584, + -0.07167650014162064, + 0.03859070688486099, + -0.20080122351646423, + 2.3101859092712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/45.png", + [ + 0.20142009854316711, + 0.010650631971657276, + -0.07914802432060242, + 0.9126752018928528, + -0.003375279949977994, + -0.21341191232204437, + -0.03730757161974907, + 0.42333120107650757, + -0.07979004830121994, + 0.035913947969675064, + -0.19822116196155548, + 2.3546338081359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/50.png", + [ + 0.20084848999977112, + 0.011962555348873138, + -0.080403171479702, + 0.9140630960464478, + -0.0035784048959612846, + -0.21280664205551147, + -0.04060075059533119, + 0.458385705947876, + -0.08120939880609512, + 0.03896309807896614, + -0.19706547260284424, + 2.310112476348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/101.png", + [ + 0.20924705266952515, + 0.0035282436292618513, + -0.0561349019408226, + 0.6299105286598206, + -0.005389254540205002, + -0.21399527788162231, + -0.03353908285498619, + 0.3843355178833008, + -0.05598689615726471, + 0.03378557786345482, + -0.2065717726945877, + 2.4055442810058594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/85.png", + [ + 0.20670323073863983, + 0.014395652338862419, + -0.06335961818695068, + 0.7172908782958984, + 0.0035136023070663214, + -0.21345698833465576, + -0.03703589364886284, + 0.4212283790111542, + -0.06487935036420822, + 0.03430405259132385, + -0.203867107629776, + 2.371853828430176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/131.png", + [ + 0.20176014304161072, + 0.004783660639077425, + -0.07885336130857468, + 0.8748154044151306, + -0.008655409328639507, + -0.2136363834142685, + -0.03510668873786926, + 0.39363932609558105, + -0.07852274924516678, + 0.03584009408950806, + -0.1987399309873581, + 2.2881317138671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/71.png", + [ + 0.20567069947719574, + 0.017107577994465828, + -0.0659908801317215, + 0.7351283431053162, + 0.004387977067381144, + -0.21262842416763306, + -0.041446320712566376, + 0.468024343252182, + -0.0680309534072876, + 0.0380050353705883, + -0.20217642188072205, + 2.3302345275878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/115.png", + [ + 0.20828846096992493, + 0.009652880020439625, + -0.05891210213303566, + 0.6538907289505005, + -0.0017048117006197572, + -0.21277432143688202, + -0.040891051292419434, + 0.4678431451320648, + -0.059673335403203964, + 0.03977192938327789, + -0.2044631540775299, + 2.347041606903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/54.png", + [ + 0.20551717281341553, + 0.01530158706009388, + -0.06690625846385956, + 0.7463490962982178, + 0.003087038639932871, + -0.21306823194026947, + -0.03924659267067909, + 0.44119513034820557, + -0.06856424361467361, + 0.03627239540219307, + -0.20231449604034424, + 2.3353614807128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/33.png", + [ + 0.20474125444889069, + 0.008952265605330467, + -0.07034751027822495, + 0.7885170578956604, + -0.0033802445977926254, + -0.2134648561477661, + -0.037003010511398315, + 0.42149850726127625, + -0.07083424180746078, + 0.03606253117322922, + -0.201568603515625, + 2.364398956298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/49.png", + [ + 0.20047210156917572, + 0.012243986129760742, + -0.08129522204399109, + 0.9269164204597473, + -0.0027757303323596716, + -0.2131279557943344, + -0.03894438594579697, + 0.4390988349914551, + -0.08216521888971329, + 0.03707364201545715, + -0.1970338076353073, + 2.3093528747558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/118.png", + [ + 0.20697341859340668, + 0.009879780933260918, + -0.0633426308631897, + 0.7042325139045715, + -0.00034138542832806706, + -0.21391327679157257, + -0.03448031470179558, + 0.40004095435142517, + -0.06410757452249527, + 0.03303632140159607, + -0.20432013273239136, + 2.3363094329833984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/110.png", + [ + 0.20791517198085785, + 0.010726764798164368, + -0.060034263879060745, + 0.6629583835601807, + -0.0009987765224650502, + -0.2126690149307251, + -0.041458189487457275, + 0.4659262001514435, + -0.060976866632699966, + 0.04005889967083931, + -0.20402206480503082, + 2.3577871322631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/18.png", + [ + 0.19897744059562683, + 0.013235492631793022, + -0.08473896235227585, + 0.9372811913490295, + -0.001884473953396082, + -0.21335269510746002, + -0.03774881735444069, + 0.4172251522541046, + -0.0857456624507904, + 0.035402629524469376, + -0.19581171870231628, + 2.2529964447021484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/66.png", + [ + 0.2043505758047104, + 0.01744193397462368, + -0.06988934427499771, + 0.7748205661773682, + 0.003875958966091275, + -0.2125847041606903, + -0.04172072559595108, + 0.4695652425289154, + -0.07192856073379517, + 0.03809751570224762, + -0.20080527663230896, + 2.298185348510742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/16.png", + [ + 0.19802308082580566, + 0.012224579229950905, + -0.08709372580051422, + 0.9629857540130615, + -0.0033916134852916002, + -0.21335017681121826, + -0.03765752911567688, + 0.4139423072338104, + -0.08788204193115234, + 0.03577921539545059, + -0.1947934478521347, + 2.2394142150878906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/94.png", + [ + 0.20769314467906952, + 0.01286309864372015, + -0.060382090508937836, + 0.6897903680801392, + 0.002234281273558736, + -0.2133466750383377, + -0.03776375949382782, + 0.4407068192958832, + -0.06169654056429863, + 0.035575754940509796, + -0.20463576912879944, + 2.4010777473449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/28.png", + [ + 0.2028617411851883, + 0.009686458855867386, + -0.07550614327192307, + 0.8401259183883667, + -0.004136309493333101, + -0.21319331228733063, + -0.03846292570233345, + 0.43401038646698, + -0.07601246982812881, + 0.037452347576618195, + -0.19941747188568115, + 2.3170132637023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/61.png", + [ + 0.20572291314601898, + 0.015456043183803558, + -0.06623508036136627, + 0.739294171333313, + 0.0032174387015402317, + -0.21298113465309143, + -0.03970622271299362, + 0.4574693739414215, + -0.06793837249279022, + 0.03671575337648392, + -0.2024456113576889, + 2.3101868629455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/132.png", + [ + 0.20141981542110443, + 0.004513752646744251, + -0.0797344222664833, + 0.8849815130233765, + -0.00905890204012394, + -0.2136407494544983, + -0.034978169947862625, + 0.391737163066864, + -0.07934662699699402, + 0.035849157720804214, + -0.19841080904006958, + 2.284027099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/58.png", + [ + 0.2065940946340561, + 0.01657835952937603, + -0.06318175792694092, + 0.7044933438301086, + 0.004141311161220074, + -0.21248264610767365, + -0.042212244123220444, + 0.48086223006248474, + -0.06518915295600891, + 0.03904077038168907, + -0.20291398465633392, + 2.3258705139160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/123.png", + [ + 0.20518450438976288, + 0.007273178081959486, + -0.06924097239971161, + 0.7780136466026306, + -0.0037771903444081545, + -0.21400877833366394, + -0.03367290645837784, + 0.38480672240257263, + -0.06951937824487686, + 0.03309429809451103, + -0.20253324508666992, + 2.3423514366149902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/64.png", + [ + 0.20497819781303406, + 0.016221798956394196, + -0.06832780689001083, + 0.7586761116981506, + 0.0037826995830982924, + -0.2130591720342636, + -0.039234865456819534, + 0.4460655152797699, + -0.07012508064508438, + 0.0359240397810936, + -0.2018411010503769, + 2.3064680099487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/10.png", + [ + 0.19665975868701935, + 0.009482000954449177, + -0.09045952558517456, + 0.9937687516212463, + -0.005782612599432468, + -0.21375463902950287, + -0.03497728705406189, + 0.3803587555885315, + -0.09077111631631851, + 0.034160517156124115, + -0.19375644624233246, + 2.218073844909668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/41.png", + [ + 0.20380514860153198, + 0.01094348356127739, + -0.07274329662322998, + 0.8351836204528809, + -0.002218141919001937, + -0.21325191855430603, + -0.03829614445567131, + 0.43504688143730164, + -0.07352840900421143, + 0.03676621988415718, + -0.20047371089458466, + 2.3775925636291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/91.png", + [ + 0.20748616755008698, + 0.015435623936355114, + -0.06049070507287979, + 0.6879883408546448, + 0.005342357326298952, + -0.21356715261936188, + -0.03617211803793907, + 0.4167233407497406, + -0.06220002844929695, + 0.03314671292901039, + -0.20489105582237244, + 2.3967361450195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/140.png", + [ + 0.19980476796627045, + 0.004524905700236559, + -0.08369870483875275, + 0.9406044483184814, + -0.009527584537863731, + -0.21373046934604645, + -0.03429882228374481, + 0.38543596863746643, + -0.08327768743038177, + 0.03530877083539963, + -0.19689086079597473, + 2.302611827850342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/23.png", + [ + 0.20106381177902222, + 0.01094017643481493, + -0.08000969886779785, + 0.8871248960494995, + -0.003616674104705453, + -0.21324171125888824, + -0.03824641555547714, + 0.42749834060668945, + -0.08067316561937332, + 0.03682636842131615, + -0.19769561290740967, + 2.287290573120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/37.png", + [ + 0.20454762876033783, + 0.009807095862925053, + -0.07079529017210007, + 0.8002186417579651, + -0.002824287861585617, + -0.21334832906723022, + -0.03771477937698364, + 0.42811980843544006, + -0.07141551375389099, + 0.03652673959732056, + -0.20127969980239868, + 2.3659892082214355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/36.png", + [ + 0.20442956686019897, + 0.009535808116197586, + -0.07117243856191635, + 0.8027709722518921, + -0.0032964057754725218, + -0.21328306198120117, + -0.03804434463381767, + 0.43195536732673645, + -0.07173271477222443, + 0.03697711229324341, + -0.20108456909656525, + 2.36080265045166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/8.png", + [ + 0.19644351303577423, + 0.006352194584906101, + -0.0912003219127655, + 1.0071535110473633, + -0.009288452565670013, + -0.21364565193653107, + -0.03488776087760925, + 0.3808741271495819, + -0.090948186814785, + 0.03553984686732292, + -0.1934250295162201, + 2.2261219024658203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/6.png", + [ + 0.1946360319852829, + 0.004095676355063915, + -0.09512060880661011, + 1.0566353797912598, + -0.01114857941865921, + -0.21400441229343414, + -0.03202679008245468, + 0.3498796820640564, + -0.09455376863479614, + 0.03366350382566452, + -0.19202667474746704, + 2.2217655181884766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/20.png", + [ + 0.20110933482646942, + 0.011941246688365936, + -0.07975174486637115, + 0.8819378614425659, + -0.002177206566557288, + -0.21340374648571014, + -0.037443242967128754, + 0.4166087210178375, + -0.08061137050390244, + 0.03555479273200035, + -0.19795343279838562, + 2.2822670936584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/2.png", + [ + 0.1935712993144989, + 0.00048396727652288973, + -0.09735405445098877, + 1.0869065523147583, + -0.01528530940413475, + -0.21383364498615265, + -0.031455148011446, + 0.3451906144618988, + -0.09614782780408859, + 0.0349690280854702, + -0.1909991055727005, + 2.217925548553467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/117.png", + [ + 0.20708592236042023, + 0.00966236088424921, + -0.06300760060548782, + 0.7002454996109009, + -0.0009734908235259354, + -0.21366657316684723, + -0.03596581891179085, + 0.41706860065460205, + -0.06373672932386398, + 0.034657273441553116, + -0.20416757464408875, + 2.3341217041015625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/149.png", + [ + 0.20120781660079956, + 0.0029887172859162092, + -0.08033916354179382, + 0.8993939757347107, + -0.009511224925518036, + -0.2141193002462387, + -0.03178616985678673, + 0.35588183999061584, + -0.07983013987541199, + 0.03304378688335419, + -0.19870369136333466, + 2.311042308807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/5.png", + [ + 0.19481037557125092, + 0.003593180561438203, + -0.0947834700345993, + 1.05405855178833, + -0.011351526714861393, + -0.21407976746559143, + -0.03144664689898491, + 0.34324783086776733, + -0.09416984766721725, + 0.03323910012841225, + -0.1922890990972519, + 2.2255430221557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/108.png", + [ + 0.20798319578170776, + 0.010814856737852097, + -0.05978231877088547, + 0.6619160771369934, + -0.0006647291593253613, + -0.21279600262641907, + -0.040808238089084625, + 0.46051377058029175, + -0.060749027878046036, + 0.039354704320430756, + -0.20422698557376862, + 2.3669309616088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/60.png", + [ + 0.20625297725200653, + 0.016782084479928017, + -0.06423363089561462, + 0.7166476249694824, + 0.004417206160724163, + -0.2126421481370926, + -0.04137266427278519, + 0.47535666823387146, + -0.06624262779951096, + 0.03807322680950165, + -0.2027565985918045, + 2.3135805130004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/56.png", + [ + 0.2065037041902542, + 0.01638963259756565, + -0.06352553516626358, + 0.7091422080993652, + 0.004259441047906876, + -0.21271109580993652, + -0.041033368557691574, + 0.4626113474369049, + -0.06546732038259506, + 0.037858422845602036, + -0.20304842293262482, + 2.337155342102051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/147.png", + [ + 0.20101308822631836, + 0.0023739340249449015, + -0.08084546774625778, + 0.9057812094688416, + -0.010674574412405491, + -0.21390803158283234, + -0.03282228484749794, + 0.36681410670280457, + -0.08017280697822571, + 0.034432731568813324, + -0.19832953810691833, + 2.306934356689453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/30.png", + [ + 0.20381374657154083, + 0.008979088626801968, + -0.07298789173364639, + 0.8142794370651245, + -0.0037280188407748938, + -0.2135152965784073, + -0.03667723760008812, + 0.41614198684692383, + -0.07344356924295425, + 0.035756032913923264, + -0.200687438249588, + 2.341756820678711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/17.png", + [ + 0.19804184138774872, + 0.013787517324090004, + -0.08681721985340118, + 0.9621695280075073, + -0.001315304427407682, + -0.2135041505098343, + -0.03690716624259949, + 0.40637949109077454, + -0.08789536356925964, + 0.03426036983728409, + -0.19506031274795532, + 2.2469778060913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/12.png", + [ + 0.19750908017158508, + 0.010002164170145988, + -0.08853254467248917, + 0.9693089127540588, + -0.005580243654549122, + -0.2134934514760971, + -0.03656898811459541, + 0.39841681718826294, + -0.08892084658145905, + 0.035614416003227234, + -0.19435171782970428, + 2.220569610595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/114.png", + [ + 0.20830585062503815, + 0.00998635496944189, + -0.05879492312669754, + 0.6496546864509583, + -0.0016149699222296476, + -0.21259228885173798, + -0.041830651462078094, + 0.47660407423973083, + -0.0596151165664196, + 0.04065321385860443, + -0.20430675148963928, + 2.347446918487549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/27.png", + [ + 0.2028784453868866, + 0.010445542633533478, + -0.07535994052886963, + 0.83640056848526, + -0.0030012275092303753, + -0.2133568823337555, + -0.03765280172228813, + 0.4225344955921173, + -0.07602120190858841, + 0.036299191415309906, + -0.19962725043296814, + 2.3143677711486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/42.png", + [ + 0.20401039719581604, + 0.010919637978076935, + -0.07216934859752655, + 0.8278526663780212, + -0.002360620768740773, + -0.21313706040382385, + -0.03892193362116814, + 0.4418295621871948, + -0.07295259833335876, + 0.037433285266160965, + -0.20056062936782837, + 2.3766531944274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/7.png", + [ + 0.19450166821479797, + 0.0065134852193295956, + -0.09526058286428452, + 1.0589802265167236, + -0.009158657863736153, + -0.21390050649642944, + -0.03332555294036865, + 0.36463919281959534, + -0.09504275023937225, + 0.033941835165023804, + -0.19173607230186462, + 2.2182703018188477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/73.png", + [ + 0.20714326202869415, + 0.008065878413617611, + -0.06304370611906052, + 0.7039777040481567, + -0.0034029216039925814, + -0.21320702135562897, + -0.038458939641714096, + 0.43388158082962036, + -0.06346642225980759, + 0.0377572737634182, + -0.20370148122310638, + 2.346709728240967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/120.png", + [ + 0.20577780902385712, + 0.0058820778504014015, + -0.0675927996635437, + 0.75843346118927, + -0.0038444995880126953, + -0.21450115740299225, + -0.030370473861694336, + 0.3518061935901642, + -0.06773923337459564, + 0.030042419210076332, + -0.20360928773880005, + 2.3447322845458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/46.png", + [ + 0.2003222107887268, + 0.011616982519626617, + -0.08175544440746307, + 0.9415730834007263, + -0.0029072249308228493, + -0.2133946269750595, + -0.03744562715291977, + 0.42430388927459717, + -0.08252546936273575, + 0.03571655973792076, + -0.1971338838338852, + 2.3356523513793945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/127.png", + [ + 0.20365098118782043, + 0.00613712752237916, + -0.07373271882534027, + 0.8228657245635986, + -0.006868776399642229, + -0.21342718601226807, + -0.03673623502254486, + 0.4148121178150177, + -0.07366815954446793, + 0.03686552122235298, + -0.20040416717529297, + 2.3137450218200684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/133.png", + [ + 0.20069779455661774, + 0.00432170694693923, + -0.0815451592206955, + 0.9065382480621338, + -0.00941709615290165, + -0.2137024849653244, + -0.034502968192100525, + 0.38622111082077026, + -0.08111478388309479, + 0.035502951592206955, + -0.19775699079036713, + 2.2803335189819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/57.png", + [ + 0.20679035782814026, + 0.016605554148554802, + -0.06252917647361755, + 0.6977518796920776, + 0.005093135870993137, + -0.2129443883895874, + -0.03970703110098839, + 0.449340283870697, + -0.064495749771595, + 0.0364258699119091, + -0.20362061262130737, + 2.338012218475342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/44.png", + [ + 0.20331062376499176, + 0.009323421865701675, + -0.074335478246212, + 0.8549057245254517, + -0.004238628316670656, + -0.21321436762809753, + -0.038334932178258896, + 0.4362460672855377, + -0.07479789853096008, + 0.03742467984557152, + -0.19988137483596802, + 2.3766117095947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/113.png", + [ + 0.2081579566001892, + 0.008963425643742085, + -0.05947951227426529, + 0.6563289165496826, + -0.0030346177518367767, + -0.21241772174835205, + -0.04263099282979965, + 0.48337051272392273, + -0.06007450446486473, + 0.041788361966609955, + -0.20394285023212433, + 2.347524642944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/126.png", + [ + 0.20381343364715576, + 0.007075704634189606, + -0.07319778949022293, + 0.8187807202339172, + -0.005578795913606882, + -0.21356019377708435, + -0.036177631467580795, + 0.4092654883861542, + -0.07332707196474075, + 0.03591487556695938, + -0.20070166885852814, + 2.31974458694458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/29.png", + [ + 0.20355333387851715, + 0.009606619365513325, + -0.07363185286521912, + 0.8204753398895264, + -0.0034649199806153774, + -0.21339088678359985, + -0.03741941973567009, + 0.42311346530914307, + -0.07417500019073486, + 0.03633086010813713, + -0.20031483471393585, + 2.333509922027588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/4.png", + [ + 0.19443994760513306, + 0.003390910103917122, + -0.09554843604564667, + 1.063863754272461, + -0.012284239754080772, + -0.2138574868440628, + -0.03258785605430603, + 0.35838600993156433, + -0.09481614083051682, + 0.03466082364320755, + -0.1917196661233902, + 2.2225565910339355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/55.png", + [ + 0.20585912466049194, + 0.016489412635564804, + -0.06555917859077454, + 0.7318575978279114, + 0.004249393939971924, + -0.212870791554451, + -0.04019784554839134, + 0.4525499939918518, + -0.06746739894151688, + 0.03690560162067413, + -0.20256857573986053, + 2.336989402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/9.png", + [ + 0.1967741996049881, + 0.008356895297765732, + -0.09032151103019714, + 0.9938495755195618, + -0.006975648459047079, + -0.21372002363204956, + -0.03497133404016495, + 0.38064199686050415, + -0.09043866395950317, + 0.03466721996665001, + -0.19382189214229584, + 2.2230896949768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/25.png", + [ + 0.2017086148262024, + 0.009443921968340874, + -0.07856424152851105, + 0.8728966116905212, + -0.004329299554228783, + -0.2134866565465927, + -0.036777645349502563, + 0.41217225790023804, + -0.07901130616664886, + 0.035807132720947266, + -0.19855216145515442, + 2.301360607147217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/99.png", + [ + 0.20914529263973236, + 0.0033207822125405073, + -0.05652537941932678, + 0.6401442289352417, + -0.005174972582608461, + -0.21427540481090546, + -0.03173588588833809, + 0.3659443259239197, + -0.056385867297649384, + 0.03198310732841492, + -0.20675009489059448, + 2.414198875427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/34.png", + [ + 0.20474368333816528, + 0.008581488393247128, + -0.0703866258263588, + 0.7905446290969849, + -0.003705944400280714, + -0.21349301934242249, + -0.036808934062719345, + 0.419319212436676, + -0.07081090658903122, + 0.03598596155643463, + -0.20159047842025757, + 2.3665452003479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/72.png", + [ + 0.20702430605888367, + 0.009226152673363686, + -0.06327478587627411, + 0.7052900791168213, + -0.002639011014252901, + -0.21299192309379578, + -0.039690930396318436, + 0.44818535447120667, + -0.06388941407203674, + 0.038693830370903015, + -0.20339326560497284, + 2.342268943786621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/102.png", + [ + 0.20934340357780457, + 0.0029750289395451546, + -0.05580674856901169, + 0.6224079728126526, + -0.005400658585131168, + -0.21427778899669647, + -0.0316820926964283, + 0.3622555136680603, + -0.05562443286180496, + 0.03200111538171768, + -0.2069534957408905, + 2.406795024871826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/134.png", + [ + 0.19951879978179932, + 0.005005970131605864, + -0.08435095846652985, + 0.940334141254425, + -0.009002359583973885, + -0.21380379796028137, + -0.03398225083947182, + 0.3800734579563141, + -0.08401846140623093, + 0.03479620814323425, + -0.19666728377342224, + 2.272348403930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/70.png", + [ + 0.2043994516134262, + 0.018194284290075302, + -0.06955379992723465, + 0.775862455368042, + 0.004351734183728695, + -0.21236810088157654, + -0.04276392608880997, + 0.48257026076316833, + -0.07176228612661362, + 0.0389443077147007, + -0.20070229470729828, + 2.3125476837158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/135.png", + [ + 0.19985756278038025, + 0.003938002046197653, + -0.08360229432582855, + 0.9321330785751343, + -0.01034351997077465, + -0.21361328661441803, + -0.03478899970650673, + 0.38925549387931824, + -0.08305338025093079, + 0.03607984259724617, + -0.19684582948684692, + 2.2784228324890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/130.png", + [ + 0.2025761604309082, + 0.005104845855385065, + -0.07671201974153519, + 0.8496478199958801, + -0.007853520102798939, + -0.21369151771068573, + -0.03495929762721062, + 0.3923860490322113, + -0.07647950947284698, + 0.0354650616645813, + -0.1996021419763565, + 2.2950472831726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/90.png", + [ + 0.2073373943567276, + 0.014074912294745445, + -0.061326924711465836, + 0.6978955864906311, + 0.00286506419070065, + -0.21307693421840668, + -0.03921612724661827, + 0.4505294859409332, + -0.06285607069730759, + 0.03671525418758392, + -0.20408084988594055, + 2.387661933898926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/122.png", + [ + 0.20589976012706757, + 0.0055505046620965, + -0.06724857538938522, + 0.7562080025672913, + -0.004938697442412376, + -0.21412155032157898, + -0.03279414772987366, + 0.3756258189678192, + -0.06729625910520554, + 0.032696161419153214, + -0.20334716141223907, + 2.353606700897217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/15.png", + [ + 0.19961830973625183, + 0.012063113041222095, + -0.08339610695838928, + 0.916294276714325, + -0.00315033458173275, + -0.21322450041770935, + -0.03838328644633293, + 0.42064619064331055, + -0.08420513570308685, + 0.036574333906173706, + -0.1962643712759018, + 2.246016025543213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/22.png", + [ + 0.20167334377765656, + 0.011398104950785637, + -0.07839542627334595, + 0.8674086928367615, + -0.0024574759881943464, + -0.21341685950756073, + -0.0373510979115963, + 0.4155901074409485, + -0.07918156683444977, + 0.03565426915884018, + -0.19851183891296387, + 2.2906856536865234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/138.png", + [ + 0.19995203614234924, + 0.003893666435033083, + -0.08337812125682831, + 0.9352895617485046, + -0.009784833528101444, + -0.21385300159454346, + -0.03345206007361412, + 0.37530457973480225, + -0.0828934833407402, + 0.03463556990027428, + -0.1971723735332489, + 2.301652431488037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/109.png", + [ + 0.20803149044513702, + 0.01104684080928564, + -0.059571508318185806, + 0.6579285860061646, + -9.092564869206399e-05, + -0.21298545598983765, + -0.03981318697333336, + 0.44716691970825195, + -0.06058702990412712, + 0.038250040262937546, + -0.20448483526706696, + 2.3629493713378906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/26.png", + [ + 0.20274531841278076, + 0.010410210117697716, + -0.07572226226329803, + 0.840116560459137, + -0.0027856514789164066, + -0.21350663900375366, + -0.036811184138059616, + 0.4129476845264435, + -0.07638373225927353, + 0.035418227314949036, + -0.19964711368083954, + 2.3141283988952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/43.png", + [ + 0.20415015518665314, + 0.009538325481116772, + -0.0719696506857872, + 0.8272022008895874, + -0.0034661926329135895, + -0.2132708579301834, + -0.03809759393334389, + 0.4323323965072632, + -0.07251618057489395, + 0.03704674541950226, + -0.20079053938388824, + 2.3835792541503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/84.png", + [ + 0.20692642033100128, + 0.014527195133268833, + -0.06259637326002121, + 0.7075335383415222, + 0.0035681009758263826, + -0.21333706378936768, + -0.037715520709753036, + 0.4281449317932129, + -0.06416085362434387, + 0.03498788923025131, + -0.2039782702922821, + 2.367427349090576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/136.png", + [ + 0.19936668872833252, + 0.0030307951383292675, + -0.0848035216331482, + 0.947770893573761, + -0.01078773569315672, + -0.21387428045272827, + -0.03300480917096138, + 0.37002304196357727, + -0.0841691642999649, + 0.03459056839346886, + -0.19663912057876587, + 2.285068988800049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/89.png", + [ + 0.20712454617023468, + 0.014248870313167572, + -0.062002334743738174, + 0.7046602964401245, + 0.0031297169625759125, + -0.2131965607404709, + -0.038539983332157135, + 0.4407171607017517, + -0.06354151666164398, + 0.035945724695920944, + -0.20400556921958923, + 2.383856773376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/63.png", + [ + 0.20515960454940796, + 0.015064092352986336, + -0.06804780662059784, + 0.7575181126594543, + 0.0022219126112759113, + -0.21285900473594666, + -0.040422771126031876, + 0.462345153093338, + -0.06965983659029007, + 0.03757672384381294, + -0.20170123875141144, + 2.3043174743652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/88.png", + [ + 0.20708239078521729, + 0.014376099221408367, + -0.062113698571920395, + 0.7042803764343262, + 0.0032812641002237797, + -0.2132178395986557, + -0.038409389555454254, + 0.43879178166389465, + -0.06367116421461105, + 0.035768359899520874, + -0.20399633049964905, + 2.3820981979370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/62.png", + [ + 0.2056160718202591, + 0.01532724779099226, + -0.06659575551748276, + 0.7416307330131531, + 0.0033993376418948174, + -0.21318696439266205, + -0.038570187985897064, + 0.4434720277786255, + -0.06825219839811325, + 0.035556863993406296, + -0.2025468796491623, + 2.309119701385498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/65.png", + [ + 0.2051820158958435, + 0.017280466854572296, + -0.06745091080665588, + 0.7445166707038879, + 0.00437149778008461, + -0.21267876029014587, + -0.04118899628520012, + 0.46458399295806885, + -0.06949195265769958, + 0.0376434400677681, + -0.20174670219421387, + 2.3001112937927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/80.png", + [ + 0.2070864737033844, + 0.015203472226858139, + -0.06190268322825432, + 0.6974184513092041, + 0.003911331761628389, + -0.21305550634860992, + -0.039242230355739594, + 0.4430810511112213, + -0.06362224370241165, + 0.03638825938105583, + -0.20390193164348602, + 2.359591007232666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/146.png", + [ + 0.19999994337558746, + 0.001309946645051241, + -0.08334385603666306, + 0.9361786246299744, + -0.01239473931491375, + -0.21377187967300415, + -0.033103540539741516, + 0.37130269408226013, + -0.08242745697498322, + 0.035323616117239, + -0.19724567234516144, + 2.301112174987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/119.png", + [ + 0.20681102573871613, + 0.00568285072222352, + -0.06438010931015015, + 0.7177295684814453, + -0.003761447034776211, + -0.21441124379634857, + -0.03100920096039772, + 0.3589281737804413, + -0.06452088803052902, + 0.030715212225914, + -0.20455202460289001, + 2.343291759490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/145.png", + [ + 0.20083720982074738, + 0.0030248824041336775, + -0.08125977218151093, + 0.9114252924919128, + -0.010918224230408669, + -0.21356089413166046, + -0.03493465483188629, + 0.3922087848186493, + -0.0805797353386879, + 0.036475855857133865, + -0.19779865443706512, + 2.30659818649292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/79.png", + [ + 0.20705288648605347, + 0.0149761401116848, + -0.06207023188471794, + 0.6987254023551941, + 0.0037959280889481306, + -0.21314498782157898, + -0.03876466304063797, + 0.4358525276184082, + -0.06373844295740128, + 0.035955846309661865, + -0.20394235849380493, + 2.3554115295410156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/116.png", + [ + 0.20712435245513916, + 0.009452971629798412, + -0.06291293352842331, + 0.6993868947029114, + -0.001461308915168047, + -0.21350595355033875, + -0.03689127787947655, + 0.4262048602104187, + -0.06360235810279846, + 0.03568954020738602, + -0.2040315866470337, + 2.3369832038879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/19.png", + [ + 0.20025163888931274, + 0.010840372182428837, + -0.08203452825546265, + 0.9065987467765808, + -0.003970930818468332, + -0.21330085396766663, + -0.037879735231399536, + 0.4199504554271698, + -0.08265233784914017, + 0.036512043327093124, + -0.19693490862846375, + 2.267768383026123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/77.png", + [ + 0.20721983909606934, + 0.013982787728309631, + -0.06174394488334656, + 0.6918322443962097, + 0.0028269444592297077, + -0.21315640211105347, + -0.03878472000360489, + 0.4337660074234009, + -0.0632443055510521, + 0.036286741495132446, + -0.20403754711151123, + 2.3507304191589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/68.png", + [ + 0.2041366994380951, + 0.01870971918106079, + -0.07018586993217468, + 0.778651773929596, + 0.0049997298046946526, + -0.2124861627817154, + -0.042101457715034485, + 0.4727354943752289, + -0.07246457040309906, + 0.03804571554064751, + -0.2006222903728485, + 2.300168037414551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/143.png", + [ + 0.1995784044265747, + 0.004525208380073309, + -0.08423708379268646, + 0.9446055889129639, + -0.010564806871116161, + -0.21331843733787537, + -0.03649007901549339, + 0.4100481867790222, + -0.08369437605142593, + 0.037718210369348526, + -0.19626635313034058, + 2.290043354034424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/86.png", + [ + 0.20687545835971832, + 0.014170397073030472, + -0.06284625828266144, + 0.7123196721076965, + 0.0031236859504133463, + -0.21332594752311707, + -0.03781767934560776, + 0.4311562776565552, + -0.0643482357263565, + 0.035201333463191986, + -0.20388248562812805, + 2.3767380714416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/1.png", + [ + 0.19382856786251068, + -0.0006996376905590296, + -0.09683950990438461, + 1.0794073343276978, + -0.016466571018099785, + -0.21375194191932678, + -0.031414277851581573, + 0.3438442051410675, + -0.09543181210756302, + 0.035461463034152985, + -0.1912672072649002, + 2.218653678894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/81.png", + [ + 0.2070193737745285, + 0.015380354598164558, + -0.06208318844437599, + 0.6997303366661072, + 0.004430512897670269, + -0.21325992047786713, + -0.03805879130959511, + 0.43080002069473267, + -0.06380634009838104, + 0.035093385726213455, + -0.2040712982416153, + 2.362076759338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/95.png", + [ + 0.20780017971992493, + 0.013154103420674801, + -0.05994963273406029, + 0.6849134564399719, + 0.0028421981260180473, + -0.21347513794898987, + -0.03698881343007088, + 0.43332046270370483, + -0.06130995228886604, + 0.034687455743551254, + -0.20490428805351257, + 2.404634475708008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/103.png", + [ + 0.20874647796154022, + 0.007793501019477844, + -0.05755050852894783, + 0.6435081362724304, + -0.00119197613094002, + -0.2140946239233017, + -0.03331625461578369, + 0.37890756130218506, + -0.058063577860593796, + 0.03241381049156189, + -0.20621798932552338, + 2.400836944580078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/83.png", + [ + 0.20685884356498718, + 0.01439399179071188, + -0.06285005062818527, + 0.7106238007545471, + 0.0033735083416104317, + -0.2133333384990692, + -0.037754595279693604, + 0.42825847864151, + -0.0643889382481575, + 0.035065699368715286, + -0.2038930058479309, + 2.3658018112182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/142.png", + [ + 0.20084848999977112, + 0.004158128052949905, + -0.08118181675672531, + 0.9097359776496887, + -0.010537042282521725, + -0.21323350071907043, + -0.03699105605483055, + 0.41582995653152466, + -0.08060240000486374, + 0.03823712468147278, + -0.1974565088748932, + 2.3045129776000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/51.png", + [ + 0.20338965952396393, + 0.012563908472657204, + -0.0736389085650444, + 0.832514226436615, + -0.0016504608793184161, + -0.21278031170368195, + -0.040862083435058594, + 0.4615802466869354, + -0.07468477636575699, + 0.03891763463616371, + -0.19963839650154114, + 2.33406400680542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/128.png", + [ + 0.20296692848205566, + 0.006225720513612032, + -0.07558806985616684, + 0.8418445587158203, + -0.006650985684245825, + -0.21365047991275787, + -0.0354561023414135, + 0.40061748027801514, + -0.075551837682724, + 0.03553324565291405, + -0.19994300603866577, + 2.307340145111084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+o8-8YWCDJt0+P0+C0+F5209-5360/93.png", + [ + 0.20780935883522034, + 0.013366865925490856, + -0.059870634227991104, + 0.6834858655929565, + 0.0029477160423994064, + -0.21339984238147736, + -0.03741272911429405, + 0.4344465732574463, + -0.06127379089593887, + 0.03506748005747795, + -0.20485042035579681, + 2.4009337425231934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/76.png", + [ + 0.20691196620464325, + -0.024977147579193115, + -0.0592576339840889, + 0.6858224868774414, + -0.023896552622318268, + -0.215229794383049, + 0.00727912737056613, + -0.09197992086410522, + -0.059701595455408096, + -0.00041576361400075257, + -0.20828691124916077, + 2.463028907775879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/48.png", + [ + 0.20890618860721588, + -0.013812114484608173, + -0.05581504851579666, + 0.6478561162948608, + -0.01278483122587204, + -0.21622318029403687, + 0.005655614193528891, + -0.07368780672550201, + -0.056059274822473526, + -0.00215949141420424, + -0.2092858999967575, + 2.4837584495544434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/35.png", + [ + 0.20772577822208405, + -0.013148931786417961, + -0.060207996517419815, + 0.6951029896736145, + -0.010909869335591793, + -0.21618793904781342, + 0.009573136456310749, + -0.12145330011844635, + -0.06065370887517929, + -0.006146200001239777, + -0.20792125165462494, + 2.4400672912597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/97.png", + [ + 0.20497958362102509, + -0.018963169306516647, + -0.06761407107114792, + 0.7852129936218262, + -0.022588247433304787, + -0.21534235775470734, + -0.008083478547632694, + 0.08273325860500336, + -0.06649087369441986, + 0.014695913530886173, + -0.20569612085819244, + 2.4331092834472656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/13.png", + [ + 0.2153136134147644, + -0.018430503085255623, + 0.015756133943796158, + -0.17752797901630402, + -0.018296994268894196, + -0.21588627994060516, + -0.0024943517055362463, + 0.018498875200748444, + 0.015910979360342026, + 0.001148164039477706, + -0.21608658134937286, + 2.542954921722412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/32.png", + [ + 0.20999020338058472, + -0.013766903430223465, + -0.05159926414489746, + 0.5953313112258911, + -0.012279551476240158, + -0.21618907153606415, + 0.007706863339990377, + -0.0977310985326767, + -0.05197330564260483, + -0.004544833675026894, + -0.21029981970787048, + 2.464909553527832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/38.png", + [ + 0.20781546831130981, + -0.013041707687079906, + -0.05992111191153526, + 0.6908538937568665, + -0.011674639768898487, + -0.21625982224941254, + 0.0065790992230176926, + -0.08250629901885986, + -0.06020239740610123, + -0.0030814921483397484, + -0.20812033116817474, + 2.4499311447143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/11.png", + [ + 0.21548639237880707, + -0.01629452407360077, + 0.015747925266623497, + -0.17948569357395172, + -0.015738356858491898, + -0.21595075726509094, + -0.008090815506875515, + 0.08343662321567535, + 0.016303766518831253, + 0.006902580615133047, + -0.21595007181167603, + 2.5512590408325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/59.png", + [ + 0.20851153135299683, + -0.016852090135216713, + -0.056452102959156036, + 0.6567224264144897, + -0.014967590570449829, + -0.21596182882785797, + 0.00918464083224535, + -0.11636993288993835, + -0.056980740278959274, + -0.004938980098813772, + -0.2089896947145462, + 2.470484733581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/105.png", + [ + 0.20607849955558777, + -0.012405053712427616, + -0.0657697394490242, + 0.7507709264755249, + -0.016920296475291252, + -0.21566016972064972, + -0.012340530753135681, + 0.13083668053150177, + -0.06475529819726944, + 0.01687305048108101, + -0.20608237385749817, + 2.413318634033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/24.png", + [ + 0.21529105305671692, + -0.014114700257778168, + -0.019960777834057808, + 0.22972647845745087, + -0.013392916880548, + -0.216098815202713, + 0.00835613813251257, + -0.10969474911689758, + -0.020452070981264114, + -0.007068978622555733, + -0.21559135615825653, + 2.5441842079162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/74.png", + [ + 0.20731817185878754, + -0.023976685479283333, + -0.05824252590537071, + 0.6736545562744141, + -0.02088228240609169, + -0.21519425511360168, + 0.014257073402404785, + -0.17779242992401123, + -0.05942224711179733, + -0.008028228767216206, + -0.2082124948501587, + 2.4656076431274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/98.png", + [ + 0.20567572116851807, + -0.017690332606434822, + -0.06582129001617432, + 0.7644514441490173, + -0.021070558577775955, + -0.21550215780735016, + -0.007921411655843258, + 0.07961665093898773, + -0.0648183673620224, + 0.013920105062425137, + -0.2062830775976181, + 2.4398436546325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/0.png", + [ + 0.2145415097475052, + -0.016830189153552055, + 0.025230523198843002, + -0.2865414023399353, + -0.01517073716968298, + -0.21563293039798737, + -0.014838765375316143, + 0.16483065485954285, + 0.026261823251843452, + 0.012926135212182999, + -0.21468845009803772, + 2.547018051147461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/96.png", + [ + 0.20465385913848877, + -0.018380261957645416, + -0.06875213980674744, + 0.7986235618591309, + -0.02190757729113102, + -0.21542958915233612, + -0.007618938107043505, + 0.07868777215480804, + -0.0677107647061348, + 0.014147654175758362, + -0.2053362876176834, + 2.4290614128112793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/100.png", + [ + 0.20591522753238678, + -0.015680335462093353, + -0.06558156758546829, + 0.761816680431366, + -0.018556468188762665, + -0.21577538549900055, + -0.006673038937151432, + 0.06355364620685577, + -0.06482648104429245, + 0.011958219110965729, + -0.20640353858470917, + 2.440011978149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/40.png", + [ + 0.2081613391637802, + -0.013493589125573635, + -0.058606140315532684, + 0.678011417388916, + -0.012330267578363419, + -0.21624049544334412, + 0.005992132239043713, + -0.07604171335697174, + -0.0588618740439415, + -0.0024216072633862495, + -0.20851214230060577, + 2.465132236480713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/52.png", + [ + 0.20919057726860046, + -0.01652279496192932, + -0.05398333817720413, + 0.6240993142127991, + -0.015350387431681156, + -0.21602830290794373, + 0.006636028178036213, + -0.08853815495967865, + -0.054328352212905884, + -0.0025823472533375025, + -0.2097371220588684, + 2.4781975746154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/3.png", + [ + 0.21471768617630005, + -0.016804736107587814, + 0.02370249480009079, + -0.26979783177375793, + -0.015444520860910416, + -0.21572977304458618, + -0.01303953118622303, + 0.14462940394878387, + 0.024610446766018867, + 0.011232253164052963, + -0.21497920155525208, + 2.5535473823547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/47.png", + [ + 0.2089346945285797, + -0.015012526884675026, + -0.05539684742689133, + 0.6432503461837769, + -0.013934166170656681, + -0.21614229679107666, + 0.006020393688231707, + -0.0782240629196167, + -0.0556778758764267, + -0.0022428110241889954, + -0.20938681066036224, + 2.489820957183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/104.png", + [ + 0.20609749853610992, + -0.013032430782914162, + -0.06558868288993835, + 0.7507731318473816, + -0.0171163659542799, + -0.2157212793827057, + -0.010920594446361065, + 0.11510562896728516, + -0.0646432489156723, + 0.015568722039461136, + -0.20622016489505768, + 2.4236550331115723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/21.png", + [ + 0.21566198766231537, + -0.016484607011079788, + -0.01288669090718031, + 0.15123455226421356, + -0.016131123527884483, + -0.21598078310489655, + 0.006323426961898804, + -0.08059181272983551, + -0.013326509855687618, + -0.0053344774059951305, + -0.2161986231803894, + 2.5532236099243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/82.png", + [ + 0.20423834025859833, + -0.025406625121831894, + -0.06774288415908813, + 0.7860696315765381, + -0.030486881732940674, + -0.21420642733573914, + -0.011578010395169258, + 0.12954579293727875, + -0.06561359763145447, + 0.020445136353373528, + -0.20548662543296814, + 2.4331612586975098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/106.png", + [ + 0.20621903240680695, + -0.011656592600047588, + -0.06546545028686523, + 0.7436602115631104, + -0.017019130289554596, + -0.21546651422977448, + -0.01524564903229475, + 0.16404761373996735, + -0.06428025662899017, + 0.01965208537876606, + -0.20598480105400085, + 2.4007930755615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/14.png", + [ + 0.21543195843696594, + -0.018116548657417297, + 0.014448610134422779, + -0.1594831347465515, + -0.01806880719959736, + -0.21591588854789734, + -0.0013186415890231729, + 0.005982313305139542, + 0.014508267864584923, + 0.00010618905071169138, + -0.21618832647800446, + 2.52520751953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/67.png", + [ + 0.20714566111564636, + -0.018401332199573517, + -0.060827307403087616, + 0.707805335521698, + -0.014549430459737778, + -0.21561619639396667, + 0.01568002998828888, + -0.1960756778717041, + -0.06186182424426079, + -0.010905971750617027, + -0.20736940205097198, + 2.466215133666992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/78.png", + [ + 0.20427879691123962, + -0.02565234899520874, + -0.0675278902053833, + 0.783602237701416, + -0.02769346907734871, + -0.2148868590593338, + -0.002144827740266919, + 0.02018202841281891, + -0.06671679019927979, + 0.010652951896190643, + -0.20587198436260223, + 2.4344568252563477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/31.png", + [ + 0.21093714237213135, + -0.016288815066218376, + -0.046777013689279556, + 0.542235791683197, + -0.015252374112606049, + -0.21604083478450775, + 0.006450972519814968, + -0.08405802398920059, + -0.04712515324354172, + -0.002987377578392625, + -0.21146677434444427, + 2.4779462814331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/39.png", + [ + 0.2082761973142624, + -0.014766491018235683, + -0.05788671597838402, + 0.6685567498207092, + -0.013494989834725857, + -0.21615371108055115, + 0.006584357004612684, + -0.0822291150689125, + -0.058196283876895905, + -0.0027238258626312017, + -0.2086951583623886, + 2.459303379058838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/92.png", + [ + 0.20483671128749847, + -0.02225009724497795, + -0.06704292446374893, + 0.7774841785430908, + -0.025831788778305054, + -0.21499602496623993, + -0.007571505382657051, + 0.07873426377773285, + -0.0657460168004036, + 0.015150646679103374, + -0.20590244233608246, + 2.4449501037597656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/53.png", + [ + 0.2081228643655777, + -0.013370916247367859, + -0.058770664036273956, + 0.6812262535095215, + -0.011960195377469063, + -0.21623608469963074, + 0.006841589231044054, + -0.0884598046541214, + -0.059073906391859055, + -0.0033274886664003134, + -0.2084396779537201, + 2.466588020324707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/75.png", + [ + 0.20678620040416718, + -0.0260027963668108, + -0.05925551429390907, + 0.6856999397277832, + -0.02356557734310627, + -0.2150474637746811, + 0.01213049702346325, + -0.15101897716522217, + -0.06026627495884895, + -0.005132253747433424, + -0.2080613672733307, + 2.465503692626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/87.png", + [ + 0.20358310639858246, + -0.02340451255440712, + -0.0703849345445633, + 0.8188311457633972, + -0.027922140434384346, + -0.2146630436182022, + -0.009382586926221848, + 0.1007794439792633, + -0.06871800869703293, + 0.01788596250116825, + -0.20470911264419556, + 2.432774543762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/107.png", + [ + 0.20693150162696838, + -0.010900041088461876, + -0.06331221759319305, + 0.7123253345489502, + -0.01681075058877468, + -0.2152801901102066, + -0.017881397157907486, + 0.19269713759422302, + -0.06200521066784859, + 0.021989423781633377, + -0.20644544064998627, + 2.3912720680236816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/69.png", + [ + 0.20685912668704987, + -0.019366877153515816, + -0.0614989772439003, + 0.7150038480758667, + -0.016291670501232147, + -0.21566279232501984, + 0.013116231188178062, + -0.1619359850883484, + -0.062384139746427536, + -0.007897976785898209, + -0.20734931528568268, + 2.462728977203369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/45.png", + [ + 0.20756429433822632, + -0.013794644735753536, + -0.06061903387308121, + 0.7066108584403992, + -0.012655341066420078, + -0.2162250131368637, + 0.0058719259686768055, + -0.07532176375389099, + -0.060867078602313995, + -0.0020844521932303905, + -0.2079392820596695, + 2.4833626747131348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/50.png", + [ + 0.20934616029262543, + -0.015635143965482712, + -0.053643472492694855, + 0.6200752854347229, + -0.014395283535122871, + -0.21608881652355194, + 0.006803855299949646, + -0.08747779577970505, + -0.05398940294981003, + -0.0030098038259893656, + -0.20981892943382263, + 2.4811630249023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/101.png", + [ + 0.20640189945697784, + -0.015839317813515663, + -0.06399430334568024, + 0.7385693788528442, + -0.01872921735048294, + -0.21574990451335907, + -0.007007106207311153, + 0.06641244888305664, + -0.0632089376449585, + 0.012206519953906536, + -0.20689012110233307, + 2.4370474815368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/85.png", + [ + 0.20346501469612122, + -0.02276560477912426, + -0.07093387097120285, + 0.824080228805542, + -0.02865692973136902, + -0.21435250341892242, + -0.013404276221990585, + 0.14861470460891724, + -0.0687653124332428, + 0.021968645974993706, + -0.20429539680480957, + 2.4258742332458496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/71.png", + [ + 0.2071579396724701, + -0.018931983038783073, + -0.06062222644686699, + 0.7025619149208069, + -0.014903821982443333, + -0.21553973853588104, + 0.016382602974772453, + -0.20323865115642548, + -0.061736129224300385, + -0.011493194848299026, + -0.20737512409687042, + 2.4597954750061035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/54.png", + [ + 0.2089405506849289, + -0.015757553279399872, + -0.05516735464334488, + 0.638207733631134, + -0.014494834467768669, + -0.21608160436153412, + 0.006822123657912016, + -0.0886973887681961, + -0.05551249533891678, + -0.0028880927711725235, + -0.20942282676696777, + 2.4728317260742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/33.png", + [ + 0.20850978791713715, + -0.01237054169178009, + -0.05760672688484192, + 0.6646054983139038, + -0.010356783866882324, + -0.21624185144901276, + 0.008949270471930504, + -0.11292105913162231, + -0.05800260975956917, + -0.005858507938683033, + -0.20868462324142456, + 2.4457483291625977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/49.png", + [ + 0.20876428484916687, + -0.0165330208837986, + -0.05560598522424698, + 0.6442671418190002, + -0.015154215507209301, + -0.21601957082748413, + 0.007333695422858, + -0.0939093604683876, + -0.055997464805841446, + -0.0031768768094480038, + -0.20928947627544403, + 2.4771342277526855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/18.png", + [ + 0.21599137783050537, + -0.016851838678121567, + -0.003411556128412485, + 0.04440191388130188, + -0.016808047890663147, + -0.2160031795501709, + 0.0028307547327131033, + -0.04091385751962662, + -0.0036211456172168255, + -0.0025571840815246105, + -0.2166292667388916, + 2.541271209716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/66.png", + [ + 0.20706041157245636, + -0.017337637022137642, + -0.06142708659172058, + 0.7131016254425049, + -0.014636107720434666, + -0.21586868166923523, + 0.011592520400881767, + -0.1483144611120224, + -0.06212620064616203, + -0.00692881690338254, + -0.2074613720178604, + 2.463315486907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/16.png", + [ + 0.2157215178012848, + -0.019091179594397545, + 0.006902615074068308, + -0.07153622806072235, + -0.019106490537524223, + -0.2158305048942566, + 0.0001770973758539185, + -0.009451458230614662, + 0.0068601202219724655, + -0.0007849946850910783, + -0.2165645807981491, + 2.520704746246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/94.png", + [ + 0.20453114807605743, + -0.020103977993130684, + -0.06863480806350708, + 0.7962217330932617, + -0.023802204057574272, + -0.2152187079191208, + -0.007890155538916588, + 0.08187772333621979, + -0.06744154542684555, + 0.01498764380812645, + -0.20536530017852783, + 2.4306883811950684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/28.png", + [ + 0.21316860616207123, + -0.01666303165256977, + -0.035062599927186966, + 0.40537700057029724, + -0.01595156267285347, + -0.21601207554340363, + 0.005676800850778818, + -0.07401610910892487, + -0.035391949117183685, + -0.003003639169037342, + -0.21374349296092987, + 2.5141477584838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/61.png", + [ + 0.20793181657791138, + -0.015162813477218151, + -0.059011444449424744, + 0.6854019165039062, + -0.01315219234675169, + -0.21608024835586548, + 0.009178311564028263, + -0.11690717935562134, + -0.05949186161160469, + -0.005225959699600935, + -0.20828180015087128, + 2.465822696685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/58.png", + [ + 0.2088112235069275, + -0.015495180152356625, + -0.055728524923324585, + 0.6474830508232117, + -0.014091899618506432, + -0.21609321236610413, + 0.0072827422991395, + -0.09308260679244995, + -0.056099798530340195, + -0.003394016996026039, + -0.20925866067409515, + 2.4719953536987305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/64.png", + [ + 0.20839187502861023, + -0.015395881608128548, + -0.05730348452925682, + 0.6653797626495361, + -0.013909737579524517, + -0.21609844267368317, + 0.007475107442587614, + -0.09866045415401459, + -0.057682253420352936, + -0.0035106793511658907, + -0.20882605016231537, + 2.467467784881592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/10.png", + [ + 0.21540029346942902, + -0.015636911615729332, + 0.017495494335889816, + -0.19894540309906006, + -0.014905392192304134, + -0.21595248579978943, + -0.009499837644398212, + 0.101022869348526, + 0.01812276616692543, + 0.00824042409658432, + -0.21575810015201569, + 2.5561842918395996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/41.png", + [ + 0.207960844039917, + -0.013179597444832325, + -0.059384167194366455, + 0.6888775825500488, + -0.011975268833339214, + -0.21625860035419464, + 0.006059097126126289, + -0.0784275159239769, + -0.059638701379299164, + -0.0025333536323159933, + -0.2082899510860443, + 2.4702229499816895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/91.png", + [ + 0.20469145476818085, + -0.022257035598158836, + -0.06748282164335251, + 0.7836086750030518, + -0.025825003162026405, + -0.21500204503536224, + -0.007421878632158041, + 0.07628953456878662, + -0.06619951874017715, + 0.015054550021886826, + -0.20576414465904236, + 2.445932388305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/23.png", + [ + 0.21568766236305237, + -0.01244586892426014, + -0.016487019136548042, + 0.1902458220720291, + -0.012038450688123703, + -0.21626314520835876, + 0.005764365661889315, + -0.0777110755443573, + -0.016786811873316765, + -0.004822090268135071, + -0.21596954762935638, + 2.5555548667907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/37.png", + [ + 0.20822295546531677, + -0.012960347346961498, + -0.05850747972726822, + 0.6736853122711182, + -0.01142676081508398, + -0.21625208854675293, + 0.007236477918922901, + -0.09112821519374847, + -0.05882622301578522, + -0.0038687027990818024, + -0.20850035548210144, + 2.453092575073242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/36.png", + [ + 0.20860891044139862, + -0.014864489436149597, + -0.056650299578905106, + 0.6525496244430542, + -0.012914053164422512, + -0.2160959243774414, + 0.009146803990006447, + -0.11481328308582306, + -0.057126495987176895, + -0.00542989419773221, + -0.20893771946430206, + 2.454528331756592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/8.png", + [ + 0.21488513052463531, + -0.017994647845625877, + 0.021177003160119057, + -0.24075795710086823, + -0.01695699244737625, + -0.2157176285982132, + -0.011236601509153843, + 0.12262007594108582, + 0.022016659379005432, + 0.009486483410000801, + -0.21534429490566254, + 2.555202007293701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/6.png", + [ + 0.21442538499832153, + -0.01871923729777336, + 0.024884633719921112, + -0.2840881049633026, + -0.017447054386138916, + -0.21564412117004395, + -0.01187891699373722, + 0.1304963231086731, + 0.025792542845010757, + 0.009751847013831139, + -0.21491287648677826, + 2.5518126487731934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/20.png", + [ + 0.21571888029575348, + -0.017582768574357033, + -0.010203148238360882, + 0.1205238625407219, + -0.017376480624079704, + -0.21592523157596588, + 0.004716993309557438, + -0.0625932365655899, + -0.010550634935498238, + -0.0038779324386268854, + -0.21638286113739014, + 2.5466742515563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/2.png", + [ + 0.2141089141368866, + -0.01847582869231701, + 0.02763889916241169, + -0.3138120472431183, + -0.01668127253651619, + -0.21552085876464844, + -0.014845614321529865, + 0.16553515195846558, + 0.028757605701684952, + 0.012541968375444412, + -0.21439121663570404, + 2.5448389053344727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/5.png", + [ + 0.2147313952445984, + -0.016965389251708984, + 0.023462750017642975, + -0.2665363550186157, + -0.01570381410419941, + -0.21575526893138885, + -0.0122862933203578, + 0.13711489737033844, + 0.02432519756257534, + 0.01047560665756464, + -0.2150498628616333, + 2.5562939643859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/108.png", + [ + 0.20678021013736725, + -0.011122962459921837, + -0.06376617401838303, + 0.7100360989570618, + -0.01712169498205185, + -0.21524782478809357, + -0.01797558180987835, + 0.19296911358833313, + -0.06242348998785019, + 0.02219354920089245, + -0.20629748702049255, + 2.3874359130859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/60.png", + [ + 0.20877647399902344, + -0.016206441447138786, + -0.05565636232495308, + 0.6475593447685242, + -0.01428897026926279, + -0.21600298583507538, + 0.0092970235273242, + -0.11814694106578827, + -0.0561792217195034, + -0.005287779029458761, + -0.20919805765151978, + 2.4754600524902344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/56.png", + [ + 0.20888181030750275, + -0.016932953149080276, + -0.05504140630364418, + 0.6369964480400085, + -0.015571449883282185, + -0.21598923206329346, + 0.007353425957262516, + -0.09470443427562714, + -0.055441964417696, + -0.003133373335003853, + -0.20943798124790192, + 2.4685821533203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/30.png", + [ + 0.2119775265455246, + -0.015585599467158318, + -0.04207755625247955, + 0.48793911933898926, + -0.01470092311501503, + -0.21609258651733398, + 0.005981038324534893, + -0.07922007143497467, + -0.04239474609494209, + -0.002996505703777075, + -0.21246552467346191, + 2.4928460121154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/17.png", + [ + 0.21598081290721893, + -0.017244091257452965, + 0.0016808711225166917, + -0.014058949425816536, + -0.017252428457140923, + -0.21598421037197113, + 0.0010365934576839209, + -0.020105678588151932, + 0.0015930176014080644, + -0.0011671115644276142, + -0.21666564047336578, + 2.5311713218688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/12.png", + [ + 0.21557746827602386, + -0.016570894047617912, + 0.014130091294646263, + -0.16090035438537598, + -0.01613270491361618, + -0.21595558524131775, + -0.007128737401217222, + 0.07255490124225616, + 0.014628393575549126, + 0.006040571723133326, + -0.21609583497047424, + 2.5407967567443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/27.png", + [ + 0.2138780951499939, + -0.014913948252797127, + -0.03133096918463707, + 0.36171722412109375, + -0.014164591208100319, + -0.21612270176410675, + 0.006183883175253868, + -0.08142624795436859, + -0.03167680278420448, + -0.0040558818727731705, + -0.2143082618713379, + 2.5239009857177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/42.png", + [ + 0.20749422907829285, + -0.013078981079161167, + -0.0610162615776062, + 0.7100296020507812, + -0.01193641871213913, + -0.21626873314380646, + 0.005766287446022034, + -0.07581526041030884, + -0.06125003471970558, + -0.0021606397349387407, + -0.20782603323459625, + 2.4753613471984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/7.png", + [ + 0.21483580768108368, + -0.017641043290495872, + 0.021960509940981865, + -0.2496625781059265, + -0.01657027192413807, + -0.215749129652977, + -0.011208836920559406, + 0.12230506539344788, + 0.022779298946261406, + 0.009434274397790432, + -0.21526725590229034, + 2.554999828338623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/73.png", + [ + 0.20680908858776093, + -0.019366253167390823, + -0.06166725233197212, + 0.7140179872512817, + -0.014879396185278893, + -0.21543268859386444, + 0.01775544509291649, + -0.22039681673049927, + -0.06290076673030853, + -0.01271221973001957, + -0.20695358514785767, + 2.4528861045837402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/46.png", + [ + 0.20811501145362854, + -0.013698793947696686, + -0.05872292071580887, + 0.6830998659133911, + -0.012551394291222095, + -0.21622870862483978, + 0.005959148518741131, + -0.07645513117313385, + -0.05897882208228111, + -0.00232206960208714, + -0.20848022401332855, + 2.4849390983581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/57.png", + [ + 0.20910926163196564, + -0.017157351598143578, + -0.05410027876496315, + 0.6265585422515869, + -0.01574123464524746, + -0.21596670150756836, + 0.007648363243788481, + -0.09761039912700653, + -0.05452914535999298, + -0.003450974589213729, + -0.2096724808216095, + 2.472982406616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/44.png", + [ + 0.20740114152431488, + -0.013177960179746151, + -0.06131070479750633, + 0.7151283621788025, + -0.012193278409540653, + -0.2162678837776184, + 0.005236765835434198, + -0.06841576844453812, + -0.061514101922512054, + -0.0015623997896909714, + -0.20775337517261505, + 2.4825453758239746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/29.png", + [ + 0.21256087720394135, + -0.015483428724110126, + -0.039064422249794006, + 0.4521230459213257, + -0.014620226807892323, + -0.21609480679035187, + 0.006097628269344568, + -0.08128028362989426, + -0.03939562290906906, + -0.0033459686674177647, + -0.21303682029247284, + 2.5034241676330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/4.png", + [ + 0.2145715206861496, + -0.017040953040122986, + 0.024830713868141174, + -0.2821059823036194, + -0.015653444454073906, + -0.2157299518585205, + -0.012784997932612896, + 0.14140024781227112, + 0.02572796493768692, + 0.01086703222244978, + -0.21486712992191315, + 2.551680088043213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/55.png", + [ + 0.20877791941165924, + -0.015600224956870079, + -0.055823929607868195, + 0.6459531784057617, + -0.014250296168029308, + -0.2160891592502594, + 0.007091809064149857, + -0.09042754024267197, + -0.056183695793151855, + -0.003161909058690071, + -0.20923979580402374, + 2.471038341522217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/9.png", + [ + 0.21529266238212585, + -0.01638164184987545, + 0.018127478659152985, + -0.20613713562488556, + -0.015603874810039997, + -0.21589075028896332, + -0.009777700528502464, + 0.10413333773612976, + 0.018801137804985046, + 0.00840988289564848, + -0.21569350361824036, + 2.5557546615600586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/25.png", + [ + 0.21498195827007294, + -0.015853065997362137, + -0.021893542259931564, + 0.25181543827056885, + -0.015120436437427998, + -0.21600082516670227, + 0.007931744679808617, + -0.10237331688404083, + -0.02240578643977642, + -0.006341960281133652, + -0.2154197245836258, + 2.5371317863464355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/99.png", + [ + 0.20575253665447235, + -0.017429612576961517, + -0.06565060466527939, + 0.7628047466278076, + -0.020641135051846504, + -0.21556010842323303, + -0.007461259141564369, + 0.07387353479862213, + -0.06471271812915802, + 0.013339243829250336, + -0.20635460317134857, + 2.4423627853393555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/34.png", + [ + 0.20756231248378754, + -0.010800755582749844, + -0.061230119317770004, + 0.7047286033630371, + -0.008542275987565517, + -0.21631067991256714, + 0.009199131280183792, + -0.11594390869140625, + -0.06158582121133804, + -0.006398295983672142, + -0.20763945579528809, + 2.4338159561157227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/72.png", + [ + 0.20675945281982422, + -0.018854457885026932, + -0.061991408467292786, + 0.7192271947860718, + -0.01418804470449686, + -0.21544185280799866, + 0.01820456236600876, + -0.22681839764118195, + -0.06322281807661057, + -0.013312255032360554, + -0.20681768655776978, + 2.4545488357543945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/102.png", + [ + 0.20640012621879578, + -0.01417575217783451, + -0.06438896059989929, + 0.7396060228347778, + -0.01747593656182289, + -0.21580103039741516, + -0.008509118109941483, + 0.08430574834346771, + -0.06357263773679733, + 0.013298927806317806, + -0.2067112773656845, + 2.431553363800049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/70.png", + [ + 0.2072550356388092, + -0.02064097300171852, + -0.05972599983215332, + 0.6922956109046936, + -0.017884565517306328, + -0.21557658910751343, + 0.012440879829227924, + -0.15350182354450226, + -0.06060847267508507, + -0.006970180664211512, + -0.20790845155715942, + 2.4637136459350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/90.png", + [ + 0.20464834570884705, + -0.022124033421278, + -0.06765701621770859, + 0.7853032350540161, + -0.025725124403834343, + -0.21501117944717407, + -0.007503868546336889, + 0.075521320104599, + -0.06637139618396759, + 0.015120088122785091, + -0.20570392906665802, + 2.4418396949768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/15.png", + [ + 0.21564823389053345, + -0.018140342086553574, + 0.010707982815802097, + -0.11521697789430618, + -0.01815882883965969, + -0.2159123569726944, + -7.508911949116737e-05, + -0.007926687598228455, + 0.010676597245037556, + -0.0008226687205024064, + -0.2164098620414734, + 2.5208187103271484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/22.png", + [ + 0.21568654477596283, + -0.015885688364505768, + -0.013223215937614441, + 0.1538373827934265, + -0.015493609942495823, + -0.2160133421421051, + 0.0067878905683755875, + -0.08856240659952164, + -0.013680519536137581, + -0.005811392795294523, + -0.21616420149803162, + 2.558239459991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/109.png", + [ + 0.2071574479341507, + -0.012067803181707859, + -0.06235422566533089, + 0.684420108795166, + -0.018167812377214432, + -0.21509777009487152, + -0.018729127943515778, + 0.20182856917381287, + -0.06085730716586113, + 0.02313477173447609, + -0.20666170120239258, + 2.384312629699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/26.png", + [ + 0.21452933549880981, + -0.015622948296368122, + -0.026095673441886902, + 0.3002351224422455, + -0.014823810197412968, + -0.21603776514530182, + 0.007472672499716282, + -0.09581467509269714, + -0.02655777521431446, + -0.005613348446786404, + -0.21496762335300446, + 2.5343074798583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/43.png", + [ + 0.20781941711902618, + -0.015066017396748066, + -0.059430621564388275, + 0.6930168271064758, + -0.014292536303400993, + -0.21614909172058105, + 0.004816361237317324, + -0.06398516893386841, + -0.059621378779411316, + -0.0006992927519604564, + -0.208309143781662, + 2.4848408699035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/84.png", + [ + 0.20404380559921265, + -0.02414010278880596, + -0.06878425180912018, + 0.799938976764679, + -0.030509404838085175, + -0.21396145224571228, + -0.015413467772305012, + 0.17209433019161224, + -0.0662057027220726, + 0.02420029044151306, + -0.20488788187503815, + 2.429720878601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/89.png", + [ + 0.20459336042404175, + -0.022565053775906563, + -0.06767770648002625, + 0.7858981490135193, + -0.026272399351000786, + -0.21493592858314514, + -0.007759083528071642, + 0.07956798374652863, + -0.0663265809416771, + 0.015532566234469414, + -0.20568767189979553, + 2.444969654083252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/63.png", + [ + 0.2085312455892563, + -0.016543054953217506, + -0.05647073686122894, + 0.6554917693138123, + -0.01470357459038496, + -0.2159886658191681, + 0.00897734984755516, + -0.11598290503025055, + -0.056977368891239166, + -0.00480783823877573, + -0.20899367332458496, + 2.471235752105713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/88.png", + [ + 0.20412707328796387, + -0.023200571537017822, + -0.06886051595211029, + 0.8012004494667053, + -0.02693585678935051, + -0.2148645669221878, + -0.007455013692378998, + 0.07688203454017639, + -0.06748702377080917, + 0.015583675354719162, + -0.20530597865581512, + 2.4412050247192383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/62.png", + [ + 0.20865356922149658, + -0.017468569800257683, + -0.05573534592986107, + 0.6460283398628235, + -0.015597139485180378, + -0.21591314673423767, + 0.00928126648068428, + -0.11826825141906738, + -0.0562877394258976, + -0.004925621673464775, + -0.20917773246765137, + 2.472404956817627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/65.png", + [ + 0.20778398215770721, + -0.015227709896862507, + -0.05951327085494995, + 0.6905145049095154, + -0.013353166170418262, + -0.2160889357328415, + 0.008669755421578884, + -0.11397452652454376, + -0.059961698949337006, + -0.004646347835659981, + -0.20816074311733246, + 2.4652252197265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/80.png", + [ + 0.20407502353191376, + -0.0264622513204813, + -0.0678308829665184, + 0.7885897159576416, + -0.029868192970752716, + -0.21451732516288757, + -0.006173308938741684, + 0.06688772141933441, + -0.06640158593654633, + 0.015164692886173725, + -0.2056909203529358, + 2.436056613922119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/79.png", + [ + 0.20364753901958466, + -0.026391154155135155, + -0.06913095712661743, + 0.803733766078949, + -0.02922813408076763, + -0.21465401351451874, + -0.004155437462031841, + 0.04406419023871422, + -0.06798014044761658, + 0.013230958953499794, + -0.20530840754508972, + 2.430511474609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/19.png", + [ + 0.21589845418930054, + -0.016848167404532433, + -0.007203219924122095, + 0.08544029295444489, + -0.016717104241251945, + -0.21598908305168152, + 0.004140259698033333, + -0.05696550011634827, + -0.007502368185669184, + -0.0035696777049452066, + -0.21651527285575867, + 2.549441337585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/77.png", + [ + 0.206197127699852, + -0.026408549398183823, + -0.061100125312805176, + 0.7079778909683228, + -0.02743696980178356, + -0.21493026614189148, + 0.00030396642978303134, + -0.009397851303219795, + -0.06064527481794357, + 0.007447688840329647, + -0.2078811675310135, + 2.4562878608703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/68.png", + [ + 0.20700018107891083, + -0.019731830805540085, + -0.06090550124645233, + 0.7093535661697388, + -0.016459882259368896, + -0.21560049057006836, + 0.013906686566770077, + -0.17236630618572235, + -0.06187000498175621, + -0.008659016340970993, + -0.20747292041778564, + 2.4675354957580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/86.png", + [ + 0.2032259851694107, + -0.02273280918598175, + -0.07162617892026901, + 0.8337960839271545, + -0.027858130633831024, + -0.21459797024726868, + -0.01093288417905569, + 0.11894631385803223, + -0.06979265064001083, + 0.019463365897536278, + -0.20420101284980774, + 2.426908016204834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/1.png", + [ + 0.21422822773456573, + -0.016634497791528702, + 0.027882803231477737, + -0.3173580467700958, + -0.014752713963389397, + -0.21563009917736053, + -0.015294382348656654, + 0.1701917052268982, + 0.028922559693455696, + 0.013223244808614254, + -0.2143280953168869, + 2.542203903198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/81.png", + [ + 0.20428428053855896, + -0.025467921048402786, + -0.0675811618566513, + 0.7854178547859192, + -0.029430584982037544, + -0.21451281011104584, + -0.008123724721372128, + 0.08837912976741791, + -0.06595202535390854, + 0.016838623210787773, + -0.20570534467697144, + 2.4370574951171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/95.png", + [ + 0.20473134517669678, + -0.02068265527486801, + -0.0678616389632225, + 0.7866138815879822, + -0.024197105318307877, + -0.21519158780574799, + -0.0074146767146885395, + 0.07725189626216888, + -0.0666894018650055, + 0.014584412798285484, + -0.2056397646665573, + 2.4314661026000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/103.png", + [ + 0.2061692476272583, + -0.014220543205738068, + -0.0651145949959755, + 0.7468221783638, + -0.017955398187041283, + -0.21570950746536255, + -0.009741969406604767, + 0.10111044347286224, + -0.06418519467115402, + 0.014665552414953709, + -0.2064293622970581, + 2.429265022277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/83.png", + [ + 0.20389589667320251, + -0.024041887372732162, + -0.06925560534000397, + 0.8043551445007324, + -0.02982141636312008, + -0.2141912877559662, + -0.013441543094813824, + 0.1504386067390442, + -0.06697040796279907, + 0.02218061313033104, + -0.20486795902252197, + 2.430251121520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/51.png", + [ + 0.20972774922847748, + -0.016712063923478127, + -0.05179644376039505, + 0.5989484190940857, + -0.01555930357426405, + -0.21601152420043945, + 0.006695061456412077, + -0.08777841925621033, + -0.052154313772916794, + -0.0027609302196651697, + -0.2102859914302826, + 2.485238552093506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+KSF3tPr9zAk+P0+C2+F8769-8880/93.png", + [ + 0.2045518457889557, + -0.021750466898083687, + -0.06806876510381699, + 0.7901023626327515, + -0.025338325649499893, + -0.21505986154079437, + -0.007424087729305029, + 0.07724116742610931, + -0.06681623309850693, + 0.01496879942715168, + -0.20557096600532532, + 2.43735933303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/76.png", + [ + 0.21165433526039124, + -0.010464608669281006, + -0.04517555236816406, + 0.5085676312446594, + -0.020536702126264572, + -0.21040913462638855, + -0.04747774451971054, + 0.5335680246353149, + -0.04157622158527374, + 0.05065949633717537, + -0.20652584731578827, + 2.413717746734619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/48.png", + [ + 0.21057848632335663, + -0.0093889394775033, + -0.05016413703560829, + 0.5715699195861816, + -0.020359670743346214, + -0.2107497751712799, + -0.04602076858282089, + 0.5179771780967712, + -0.04679825156927109, + 0.04943961277604103, + -0.20570255815982819, + 2.4257049560546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/35.png", + [ + 0.20867224037647247, + -0.02301643230021, + -0.05361008271574974, + 0.6124867796897888, + -0.03386624902486801, + -0.2099095582962036, + -0.041700683534145355, + 0.47366753220558167, + -0.04750657454133034, + 0.048539817333221436, + -0.20575448870658875, + 2.4363484382629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/124.png", + [ + 0.2066529393196106, + 0.016018865630030632, + -0.06313365697860718, + 0.6900542974472046, + -0.0006411954527720809, + -0.20950917899608612, + -0.055257439613342285, + 0.604019820690155, + -0.06513103097677231, + 0.05288849025964737, + -0.19977149367332458, + 2.2567672729492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/97.png", + [ + 0.20744040608406067, + 0.0020212195813655853, + -0.06254826486110687, + 0.721327006816864, + -0.00966095831245184, + -0.21293121576309204, + -0.038921210914850235, + 0.4387941360473633, + -0.061830710619688034, + 0.04005133733153343, + -0.20376642048358917, + 2.418806552886963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/13.png", + [ + 0.20598110556602478, + -0.037181053310632706, + -0.056011173874139786, + 0.6710759997367859, + -0.046120256185531616, + -0.2094947099685669, + -0.030541516840457916, + 0.3648383915424347, + -0.048914261162281036, + 0.04095645621418953, + -0.20706968009471893, + 2.5974488258361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/32.png", + [ + 0.20793992280960083, + -0.025507526472210884, + -0.05530140921473503, + 0.636871874332428, + -0.03541812300682068, + -0.2107091099023819, + -0.03598777577280998, + 0.4090881645679474, + -0.04954225569963455, + 0.04357670992612839, + -0.20638442039489746, + 2.4558582305908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/38.png", + [ + 0.20872734487056732, + -0.02076113037765026, + -0.05431172996759415, + 0.6180559396743774, + -0.031987521797418594, + -0.21001285314559937, + -0.0426531545817852, + 0.48086950182914734, + -0.04855499044060707, + 0.04910670593380928, + -0.20537486672401428, + 2.423114776611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/111.png", + [ + 0.2070341259241104, + 0.009994152002036572, + -0.06312587857246399, + 0.7075117826461792, + -0.0032199497800320387, + -0.21210625767707825, + -0.04414135590195656, + 0.4893488585948944, + -0.06383095681667328, + 0.04311547428369522, + -0.20252051949501038, + 2.341054916381836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/11.png", + [ + 0.20633673667907715, + -0.0374678410589695, + -0.05449046939611435, + 0.6466944217681885, + -0.04657804220914841, + -0.20908123254776, + -0.032610099762678146, + 0.38573262095451355, + -0.04694183170795441, + 0.04276790842413902, + -0.20715999603271484, + 2.5703492164611816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/125.png", + [ + 0.20609928667545319, + 0.016376838088035583, + -0.06482882052659988, + 0.7077390551567078, + -0.0005421478999778628, + -0.20965911448001862, + -0.054686933755874634, + 0.5974208116531372, + -0.06686317920684814, + 0.05218001455068588, + -0.19938519597053528, + 2.2536306381225586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/59.png", + [ + 0.20892690122127533, + -0.005591086111962795, + -0.05715054273605347, + 0.6735104918479919, + -0.01720891334116459, + -0.2118300348520279, + -0.042187608778476715, + 0.49271413683891296, + -0.054784104228019714, + 0.045218151062726974, + -0.2046995609998703, + 2.4799437522888184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/105.png", + [ + 0.20786412060260773, + 0.004053321201354265, + -0.06102431192994118, + 0.7080978751182556, + -0.005722190253436565, + -0.2139609158039093, + -0.03370280563831329, + 0.3858081102371216, + -0.060890499502420425, + 0.03394397348165512, + -0.20515373349189758, + 2.4518485069274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/121.png", + [ + 0.20706051588058472, + 0.015723705291748047, + -0.061859507113695145, + 0.6830816268920898, + -0.00025250460021197796, + -0.20979344844818115, + -0.0541713684797287, + 0.5972514748573303, + -0.06382608413696289, + 0.051839809864759445, + -0.2004663497209549, + 2.283602237701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/24.png", + [ + 0.20637230575084686, + -0.03591128811240196, + -0.05539626628160477, + 0.6585637927055359, + -0.04369361698627472, + -0.21059292554855347, + -0.026256097480654716, + 0.3066733777523041, + -0.04948974400758743, + 0.036178648471832275, + -0.20782148838043213, + 2.563864231109619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/74.png", + [ + 0.21130864322185516, + -0.010718348436057568, + -0.046708252280950546, + 0.5266921520233154, + -0.020012127235531807, + -0.21162642538547516, + -0.041972242295742035, + 0.4725908935070038, + -0.04354375600814819, + 0.045246779918670654, + -0.2073754072189331, + 2.4299755096435547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/98.png", + [ + 0.2067989557981491, + 0.0012568824458867311, + -0.0646568164229393, + 0.7484921813011169, + -0.010148021392524242, + -0.2133191078901291, + -0.03660429269075394, + 0.41258397698402405, + -0.06386784464120865, + 0.03796415403485298, + -0.20353750884532928, + 2.424686908721924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/0.png", + [ + 0.20848076045513153, + -0.037267643958330154, + -0.045768871903419495, + 0.5261686444282532, + -0.04451870918273926, + -0.20960618555545807, + -0.03211277350783348, + 0.3664127588272095, + -0.038752444088459015, + 0.04030220955610275, + -0.2093367576599121, + 2.50901460647583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/96.png", + [ + 0.20765167474746704, + -0.0008626685594208539, + -0.061870213598012924, + 0.7114050388336182, + -0.01272582821547985, + -0.212617427110672, + -0.03974645212292671, + 0.4441952705383301, + -0.06055345758795738, + 0.04172509163618088, + -0.20381410419940948, + 2.4081063270568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/100.png", + [ + 0.20657111704349518, + 0.0028814312536269426, + -0.06532968580722809, + 0.7644373774528503, + -0.007951103150844574, + -0.2137514054775238, + -0.034568943083286285, + 0.3928491175174713, + -0.06490801274776459, + 0.035354338586330414, + -0.20367847383022308, + 2.4512758255004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/40.png", + [ + 0.20869183540344238, + -0.017867600545287132, + -0.05546499043703079, + 0.6308864951133728, + -0.029547762125730515, + -0.21020473539829254, + -0.04346024617552757, + 0.48845675587654114, + -0.05022495612502098, + 0.049422793090343475, + -0.20489688217639923, + 2.416377067565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/52.png", + [ + 0.20951023697853088, + -0.008284884504973888, + -0.05463258922100067, + 0.6257851123809814, + -0.02046637050807476, + -0.210624098777771, + -0.04654579237103462, + 0.5274877548217773, + -0.05132725462317467, + 0.050167154520750046, + -0.2044423371553421, + 2.418459415435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/3.png", + [ + 0.20760034024715424, + -0.03862329199910164, + -0.048561643809080124, + 0.565177321434021, + -0.0464680939912796, + -0.2091536670923233, + -0.03230099752545357, + 0.36835604906082153, + -0.04111821576952934, + 0.04136278107762337, + -0.2086775153875351, + 2.49613094329834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/47.png", + [ + 0.21046997606754303, + -0.011139814741909504, + -0.050261206924915314, + 0.5711135268211365, + -0.02212437056005001, + -0.2105822116136551, + -0.04597320780158043, + 0.5163820385932922, + -0.04648436978459358, + 0.049788836389780045, + -0.20568948984146118, + 2.4230098724365234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/104.png", + [ + 0.20855067670345306, + 0.00393983768299222, + -0.05864287167787552, + 0.6850239634513855, + -0.004729389678686857, + -0.21436136960983276, + -0.031220614910125732, + 0.3555602431297302, + -0.058584488928318024, + 0.03133004531264305, + -0.20623816549777985, + 2.4761228561401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/21.png", + [ + 0.20631323754787445, + -0.038056954741477966, + -0.054170161485672, + 0.6495038866996765, + -0.046115901321172714, + -0.20981962978839874, + -0.02823002263903618, + 0.33440467715263367, + -0.04749801754951477, + 0.03840935602784157, + -0.20788592100143433, + 2.597236156463623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/82.png", + [ + 0.21068930625915527, + -0.006840859539806843, + -0.05011099949479103, + 0.5600196123123169, + -0.01920870691537857, + -0.2094203382730484, + -0.05217325687408447, + 0.5779054760932922, + -0.04678605869412422, + 0.05517450347542763, + -0.20424184203147888, + 2.3647189140319824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/106.png", + [ + 0.20787964761257172, + 0.004804478958249092, + -0.06091683357954025, + 0.7069488763809204, + -0.005470576696097851, + -0.21367324888706207, + -0.03552072122693062, + 0.4061228632926941, + -0.060860637575387955, + 0.035616934299468994, + -0.2048787623643875, + 2.441580295562744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/14.png", + [ + 0.20594896376132965, + -0.0377168245613575, + -0.05577059090137482, + 0.6688939929008484, + -0.046640794724226, + -0.2093643695116043, + -0.030644534155726433, + 0.3676951825618744, + -0.04855464771389961, + 0.041132617741823196, + -0.2071194052696228, + 2.6060056686401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/67.png", + [ + 0.2110484540462494, + -0.013990423642098904, + -0.04701815918087959, + 0.5437851548194885, + -0.019900452345609665, + -0.21423719823360443, + -0.025579294189810753, + 0.2841032147407532, + -0.04483760893344879, + 0.029233479872345924, + -0.2099592536687851, + 2.5198569297790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/78.png", + [ + 0.21178069710731506, + -0.007089145015925169, + -0.04523907229304314, + 0.5082322955131531, + -0.018042588606476784, + -0.2096637487411499, + -0.05160883069038391, + 0.57813960313797, + -0.04208674654364586, + 0.05421024560928345, + -0.20551849901676178, + 2.393843650817871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/31.png", + [ + 0.20795559883117676, + -0.027132024988532066, + -0.054463014006614685, + 0.6311386823654175, + -0.036576204001903534, + -0.2107308954000473, + -0.03467803820967674, + 0.3953554034233093, + -0.0486266165971756, + 0.04247632250189781, + -0.20683111250400543, + 2.4736671447753906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/39.png", + [ + 0.2085743397474289, + -0.019204936921596527, + -0.055459946393966675, + 0.6305508613586426, + -0.030752936378121376, + -0.21015019714832306, + -0.04288414865732193, + 0.4818730652332306, + -0.04998892918229103, + 0.04915245249867439, + -0.20501960813999176, + 2.414524555206299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/92.png", + [ + 0.20923665165901184, + -0.003225967986509204, + -0.056191712617874146, + 0.6343361735343933, + -0.016491219401359558, + -0.21033863723278046, + -0.04933151230216026, + 0.5450429916381836, + -0.053814079612493515, + 0.051914844661951065, + -0.20336368680000305, + 2.361082077026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/53.png", + [ + 0.20919527113437653, + -0.008650139905512333, + -0.055771030485630035, + 0.6399067640304565, + -0.02101328782737255, + -0.2106580287218094, + -0.04614689201116562, + 0.5248540639877319, + -0.052380092442035675, + 0.04996267333626747, + -0.20422525703907013, + 2.4213194847106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/75.png", + [ + 0.2116987556219101, + -0.011066695675253868, + -0.0448225736618042, + 0.5053421854972839, + -0.02031569369137287, + -0.21122673153877258, + -0.04379991814494133, + 0.49328240752220154, + -0.041458502411842346, + 0.04699668660759926, + -0.20741359889507294, + 2.427978992462158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/87.png", + [ + 0.21115778386592865, + -0.00497898506000638, + -0.048326920717954636, + 0.5398610234260559, + -0.01774214394390583, + -0.2085500806570053, + -0.056035518646240234, + 0.6199864149093628, + -0.045227181166410446, + 0.05856597423553467, + -0.20364779233932495, + 2.3557915687561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/107.png", + [ + 0.20837704837322235, + 0.006009432952851057, + -0.05908294767141342, + 0.6792818307876587, + -0.004330730997025967, + -0.21345095336437225, + -0.036984339356422424, + 0.42106154561042786, + -0.05922966077923775, + 0.03674892708659172, + -0.20515665411949158, + 2.428164482116699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/112.png", + [ + 0.20685485005378723, + 0.010304369032382965, + -0.06366147100925446, + 0.7106112241744995, + -0.002884859684854746, + -0.21219822764396667, + -0.04372056946158409, + 0.48207828402519226, + -0.06442547589540482, + 0.04258674383163452, + -0.20244412124156952, + 2.332155227661133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/69.png", + [ + 0.21137450635433197, + -0.0125077273696661, + -0.0459594689309597, + 0.5291655659675598, + -0.01821875385940075, + -0.21440310776233673, + -0.02544163540005684, + 0.28089258074760437, + -0.0440090149641037, + 0.028683733195066452, + -0.21021024882793427, + 2.503347396850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/45.png", + [ + 0.2100096344947815, + -0.01221612561494112, + -0.05190961807966232, + 0.5905274748802185, + -0.023640461266040802, + -0.21038280427455902, + -0.04613138362765312, + 0.5162872672080994, + -0.047801367938518524, + 0.05037601292133331, + -0.20524419844150543, + 2.4132561683654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/50.png", + [ + 0.21015077829360962, + -0.009012504480779171, + -0.05199345201253891, + 0.5937342643737793, + -0.020420504733920097, + -0.21074703335762024, + -0.04600631073117256, + 0.518257737159729, + -0.04865744709968567, + 0.04952123016119003, + -0.2052510529756546, + 2.4219064712524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/101.png", + [ + 0.20631901919841766, + 0.0036252683494240046, + -0.0660848394036293, + 0.7754070162773132, + -0.006785821169614792, + -0.21405047178268433, + -0.03292788937687874, + 0.3736632466316223, + -0.06583541631698608, + 0.03342380374670029, + -0.203706756234169, + 2.4577856063842773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/85.png", + [ + 0.21123740077018738, + -0.005371865350753069, + -0.04793526604771614, + 0.5349552035331726, + -0.017898524180054665, + -0.20868311822414398, + -0.055487748235464096, + 0.6146935224533081, + -0.04479162395000458, + 0.05805506184697151, + -0.20389018952846527, + 2.3602423667907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/71.png", + [ + 0.21184991300106049, + -0.011447384022176266, + -0.04400515928864479, + 0.5014861822128296, + -0.0183561984449625, + -0.21337994933128357, + -0.03286244347691536, + 0.3673417270183563, + -0.04159983620047569, + 0.03585871681571007, + -0.20959842205047607, + 2.469472885131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/115.png", + [ + 0.20643554627895355, + 0.011800418607890606, + -0.06475343555212021, + 0.7214588522911072, + -0.0016033272258937359, + -0.2121991366147995, + -0.04378180578351021, + 0.4809103310108185, + -0.06580035388469696, + 0.04219203442335129, + -0.2020842432975769, + 2.319201946258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/54.png", + [ + 0.20913080871105194, + -0.0070908041670918465, + -0.056230925023555756, + 0.6461005806922913, + -0.01947251707315445, + -0.2108752727508545, + -0.045829370617866516, + 0.5213894248008728, + -0.05322609469294548, + 0.04928721860051155, + -0.20417062938213348, + 2.4222540855407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/33.png", + [ + 0.2080119401216507, + -0.025684816762804985, + -0.0549473911523819, + 0.6303864121437073, + -0.03608778864145279, + -0.21017423272132874, + -0.03837133198976517, + 0.43654513359069824, + -0.04875035956501961, + 0.045988887548446655, + -0.20604932308197021, + 2.4457387924194336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/49.png", + [ + 0.2107142060995102, + -0.009255939163267612, + -0.0496160089969635, + 0.5652143955230713, + -0.020094141364097595, + -0.21077603101730347, + -0.04601722210645676, + 0.5178968906402588, + -0.0462995283305645, + 0.049352679401636124, + -0.2058362364768982, + 2.4260425567626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/118.png", + [ + 0.20790588855743408, + 0.014210585504770279, + -0.05933879315853119, + 0.6616582870483398, + 0.001177063095383346, + -0.21161124110221863, + -0.04655304551124573, + 0.5135863423347473, + -0.06100530922412872, + 0.044346705079078674, + -0.20312462747097015, + 2.3321995735168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/110.png", + [ + 0.2069961130619049, + 0.00843030121177435, + -0.06347787380218506, + 0.7138227224349976, + -0.004648685455322266, + -0.2122436761856079, + -0.043346405029296875, + 0.4833586513996124, + -0.0638662725687027, + 0.0427720844745636, + -0.2025821954011917, + 2.352910041809082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/18.png", + [ + 0.20552387833595276, + -0.03757164627313614, + -0.05741257965564728, + 0.6943796277046204, + -0.045536890625953674, + -0.21030940115451813, + -0.02538202330470085, + 0.29983022809028625, + -0.05132470652461052, + 0.036141760647296906, + -0.20738236606121063, + 2.6135830879211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/66.png", + [ + 0.21072226762771606, + -0.007942155003547668, + -0.049809131771326065, + 0.5876742005348206, + -0.014275497756898403, + -0.21461376547813416, + -0.0261733066290617, + 0.2932886779308319, + -0.04837599769234657, + 0.02873593382537365, + -0.20924127101898193, + 2.5391974449157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/16.png", + [ + 0.20576146245002747, + -0.038100071251392365, + -0.05620051547884941, + 0.6773528456687927, + -0.04652122035622597, + -0.20974330604076385, + -0.02813214808702469, + 0.3364155888557434, + -0.0494559146463871, + 0.0387817807495594, + -0.20735955238342285, + 2.6139140129089355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/94.png", + [ + 0.20772141218185425, + -0.003228249493986368, + -0.06155721843242645, + 0.7038969993591309, + -0.016201699152588844, + -0.21162885427474976, + -0.04357326403260231, + 0.4850858151912689, + -0.059474509209394455, + 0.04637567326426506, + -0.20312552154064178, + 2.38686466217041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/28.png", + [ + 0.20788657665252686, + -0.03355180472135544, + -0.051042526960372925, + 0.6002051830291748, + -0.04168488457798958, + -0.21027237176895142, + -0.03155624493956566, + 0.36365363001823425, + -0.044647883623838425, + 0.040096163749694824, + -0.20819886028766632, + 2.5337719917297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/61.png", + [ + 0.20834369957447052, + -0.006131458096206188, + -0.059187885373830795, + 0.7017340064048767, + -0.017167972400784492, + -0.21255017817020416, + -0.03841319680213928, + 0.4474755823612213, + -0.05697421729564667, + 0.04162593558430672, + -0.20486365258693695, + 2.4973807334899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/58.png", + [ + 0.20850318670272827, + -0.005227949004620314, + -0.05871102958917618, + 0.6900092959403992, + -0.017435720190405846, + -0.21163271367549896, + -0.04307534918189049, + 0.5013166069984436, + -0.056305527687072754, + 0.04617530107498169, + -0.20407211780548096, + 2.4645633697509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/123.png", + [ + 0.2065325826406479, + 0.017346689477562904, + -0.06317654997110367, + 0.693691611289978, + 0.0005675375577993691, + -0.20940743386745453, + -0.05564264580607414, + 0.6098028421401978, + -0.06551229953765869, + 0.052872661501169205, + -0.19965098798274994, + 2.259620189666748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/64.png", + [ + 0.20926006138324738, + -0.009169243276119232, + -0.05544413626194, + 0.6604400277137756, + -0.01745329052209854, + -0.2138039767742157, + -0.030514603480696678, + 0.35076597332954407, + -0.05341826006770134, + 0.03393645957112312, + -0.2072262167930603, + 2.5348567962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/10.png", + [ + 0.206342414021492, + -0.038098566234111786, + -0.05402965843677521, + 0.6387559771537781, + -0.04698873311281204, + -0.20908033847808838, + -0.03202144056558609, + 0.37473416328430176, + -0.04650552570819855, + 0.04221152514219284, + -0.20737241208553314, + 2.5565085411071777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/41.png", + [ + 0.20849984884262085, + -0.015964163467288017, + -0.056752610951662064, + 0.6471619606018066, + -0.02775455266237259, + -0.21059943735599518, + -0.042725346982479095, + 0.4803300201892853, + -0.052013445645570755, + 0.04838300868868828, + -0.20469877123832703, + 2.417130470275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/91.png", + [ + 0.20941731333732605, + -0.0039940401911735535, + -0.055464647710323334, + 0.6269295811653137, + -0.01817403733730316, + -0.20916305482387543, + -0.05355757474899292, + 0.5952330827713013, + -0.05255458503961563, + 0.05641592666506767, + -0.2024923413991928, + 2.351761817932129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/23.png", + [ + 0.20625607669353485, + -0.03811751678586006, + -0.05434504523873329, + 0.6476056575775146, + -0.04578261449933052, + -0.21013425290584564, + -0.026371261104941368, + 0.30910858511924744, + -0.04806537926197052, + 0.036586157977581024, + -0.20808427035808563, + 2.5790719985961914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/37.png", + [ + 0.2086496204137802, + -0.022588282823562622, + -0.05387946963310242, + 0.6129916310310364, + -0.033376459032297134, + -0.21009215712547302, + -0.041172709316015244, + 0.4649970233440399, + -0.047950394451618195, + 0.04794735834002495, + -0.2057904452085495, + 2.429131031036377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/36.png", + [ + 0.2087002843618393, + -0.022036075592041016, + -0.05391194298863411, + 0.6148998737335205, + -0.03298880159854889, + -0.2100173383951187, + -0.04186112806200981, + 0.4743904769420624, + -0.047998178750276566, + 0.04852861166000366, + -0.20564301311969757, + 2.4307260513305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/8.png", + [ + 0.20702141523361206, + -0.038844577968120575, + -0.05080479383468628, + 0.5938823819160461, + -0.0470028854906559, + -0.20913732051849365, + -0.03162601217627525, + 0.36558106541633606, + -0.043367695063352585, + 0.041238024830818176, + -0.2082463800907135, + 2.527343273162842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/6.png", + [ + 0.20790940523147583, + -0.03753744810819626, + -0.04808860644698143, + 0.5587825179100037, + -0.04514986276626587, + -0.2095436155796051, + -0.031636375933885574, + 0.3635843098163605, + -0.04102516174316406, + 0.04037710279226303, + -0.20888876914978027, + 2.504539966583252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/20.png", + [ + 0.20626647770404816, + -0.03740400820970535, + -0.054799433797597885, + 0.6582099199295044, + -0.04526280611753464, + -0.21017849445343018, + -0.026910528540611267, + 0.31971585750579834, + -0.04851099103689194, + 0.037065327167510986, + -0.20789597928524017, + 2.608689785003662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/2.png", + [ + 0.20796631276607513, + -0.03793063014745712, + -0.04753071442246437, + 0.5497496724128723, + -0.0453525073826313, + -0.2095656543970108, + -0.031197432428598404, + 0.35420510172843933, + -0.0405098982155323, + 0.03989231213927269, + -0.20908240973949432, + 2.4966583251953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/117.png", + [ + 0.20676517486572266, + 0.012495316565036774, + -0.0635603740811348, + 0.7089471817016602, + -0.001145688584074378, + -0.2118665724992752, + -0.04537777975201607, + 0.49789145588874817, + -0.06476682424545288, + 0.04363854229450226, + -0.20211093127727509, + 2.317042350769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/5.png", + [ + 0.20769377052783966, + -0.038262221962213516, + -0.048447880893945694, + 0.565629780292511, + -0.04604126885533333, + -0.2092795968055725, + -0.03209597244858742, + 0.36778295040130615, + -0.041126593947410583, + 0.041060347110033035, + -0.20873558521270752, + 2.501779556274414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/108.png", + [ + 0.20786358416080475, + 0.006530640181154013, + -0.06081106513738632, + 0.6959629654884338, + -0.005027534905821085, + -0.21288226544857025, + -0.04004697501659393, + 0.45398396253585815, + -0.06095374375581741, + 0.03982946649193764, + -0.20407387614250183, + 2.400674819946289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/60.png", + [ + 0.20825403928756714, + -0.005477642174810171, + -0.059566304087638855, + 0.7041983008384705, + -0.01711495779454708, + -0.21220041811466217, + -0.04032314568758011, + 0.47068825364112854, + -0.05731690302491188, + 0.04346117004752159, + -0.2043863832950592, + 2.484445571899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/56.png", + [ + 0.20786450803279877, + -0.004967006854712963, + -0.06095556914806366, + 0.710639238357544, + -0.018017351627349854, + -0.21134790778160095, + -0.04421910271048546, + 0.5094433426856995, + -0.058443374931812286, + 0.047489818185567856, + -0.2031673938035965, + 2.4363298416137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/30.png", + [ + 0.20853334665298462, + -0.02763941138982773, + -0.05194040760397911, + 0.6043726205825806, + -0.036473192274570465, + -0.21081869304180145, + -0.03425026312470436, + 0.39176231622695923, + -0.04616761580109596, + 0.04170656204223633, + -0.2075500190258026, + 2.4940128326416016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/17.png", + [ + 0.20586666464805603, + -0.03733854368329048, + -0.0563262440264225, + 0.6794431209564209, + -0.04537665843963623, + -0.21020586788654327, + -0.026502033695578575, + 0.3146447539329529, + -0.05007766932249069, + 0.03697609528899193, + -0.2075400948524475, + 2.6163439750671387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/12.png", + [ + 0.20583759248256683, + -0.038099393248558044, + -0.05592158064246178, + 0.667601466178894, + -0.047180790454149246, + -0.2091674655675888, + -0.031158408150076866, + 0.3710339665412903, + -0.048505254089832306, + 0.041776902973651886, + -0.20700201392173767, + 2.583590030670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/114.png", + [ + 0.2063123732805252, + 0.012111090123653412, + -0.06508778780698776, + 0.728006899356842, + -0.001267305575311184, + -0.21225683391094208, + -0.04351234808564186, + 0.47888240218162537, + -0.06619284301996231, + 0.04181210324168205, + -0.20203500986099243, + 2.3249692916870117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/27.png", + [ + 0.20764192938804626, + -0.035440895706415176, + -0.050760913640260696, + 0.598993182182312, + -0.04347952455282211, + -0.20995140075683594, + -0.03127024695277214, + 0.36244991421699524, + -0.04407106339931488, + 0.040152713656425476, + -0.2083108127117157, + 2.5456957817077637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/42.png", + [ + 0.20862223207950592, + -0.013901364989578724, + -0.05684550106525421, + 0.6480796933174133, + -0.02611335925757885, + -0.2104700654745102, + -0.04436597228050232, + 0.4979640543460846, + -0.05237128213047981, + 0.04956812411546707, + -0.20432361960411072, + 2.4087271690368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/7.png", + [ + 0.2074706107378006, + -0.040244705975055695, + -0.04779341071844101, + 0.5569687485694885, + -0.047824058681726456, + -0.20894600450992584, + -0.031659528613090515, + 0.3650694787502289, + -0.040208276361227036, + 0.040863554924726486, + -0.20895302295684814, + 2.520125389099121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/73.png", + [ + 0.2109740823507309, + -0.008224830962717533, + -0.0486844927072525, + 0.5526739358901978, + -0.017234189435839653, + -0.2124767154455185, + -0.038788165897130966, + 0.4368949830532074, + -0.04626888781785965, + 0.0416400246322155, + -0.207540825009346, + 2.4369406700134277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/120.png", + [ + 0.20793862640857697, + 0.017397388815879822, + -0.05836743116378784, + 0.6469542384147644, + 0.003130207536742091, + -0.21042510867118835, + -0.05156911164522171, + 0.5680567622184753, + -0.06082456186413765, + 0.0486467108130455, + -0.20219239592552185, + 2.3092994689941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/46.png", + [ + 0.21031807363033295, + -0.012279858812689781, + -0.050630103796720505, + 0.5746371746063232, + -0.02333293855190277, + -0.2104727178812027, + -0.04587714374065399, + 0.5145662426948547, + -0.04658085107803345, + 0.0499834269285202, + -0.20562046766281128, + 2.416685104370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/57.png", + [ + 0.20830728113651276, + -0.004498416557908058, + -0.059462107717990875, + 0.6962921023368835, + -0.017159657552838326, + -0.21144047379493713, + -0.04411774128675461, + 0.5111819505691528, + -0.057109758257865906, + 0.04712316766381264, + -0.20363149046897888, + 2.4492359161376953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/44.png", + [ + 0.20904208719730377, + -0.01181449182331562, + -0.0557648241519928, + 0.6354917287826538, + -0.024104714393615723, + -0.2104063183069229, + -0.04578254744410515, + 0.5130659937858582, + -0.05165521800518036, + 0.05037357285618782, + -0.20430892705917358, + 2.4033498764038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/113.png", + [ + 0.20619164407253265, + 0.01173256617039442, + -0.06553809344768524, + 0.7340924143791199, + -0.001591667183674872, + -0.212354376912117, + -0.043023064732551575, + 0.473941832780838, + -0.06656096875667572, + 0.04142299294471741, + -0.20199422538280487, + 2.3300886154174805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/29.png", + [ + 0.20775575935840607, + -0.030893512070178986, + -0.05320737883448601, + 0.6252015829086304, + -0.039664071053266525, + -0.21049535274505615, + -0.032655224204063416, + 0.3763248324394226, + -0.04703398421406746, + 0.04105110093951225, + -0.20748615264892578, + 2.5160913467407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/4.png", + [ + 0.20781947672367096, + -0.03795395791530609, + -0.04815036058425903, + 0.5611320734024048, + -0.04579227417707443, + -0.20923884212970734, + -0.032711781561374664, + 0.37505990266799927, + -0.04076796770095825, + 0.04155105724930763, + -0.20870883762836456, + 2.498997688293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/55.png", + [ + 0.20873944461345673, + -0.00599646894261241, + -0.057790882885456085, + 0.6684674620628357, + -0.01804802194237709, + -0.2115481048822403, + -0.043238524347543716, + 0.49362871050834656, + -0.055226922035217285, + 0.046468738466501236, + -0.20430012047290802, + 2.4358839988708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/9.png", + [ + 0.20679344236850739, + -0.041207995265722275, + -0.04986254498362541, + 0.5838678479194641, + -0.04926566779613495, + -0.20856614410877228, + -0.031952302902936935, + 0.3710988461971283, + -0.0419197604060173, + 0.04183248430490494, + -0.20842424035072327, + 2.545017719268799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/25.png", + [ + 0.20652401447296143, + -0.036265987902879715, + -0.05459394305944443, + 0.6471975445747375, + -0.04443250596523285, + -0.21014806628227234, + -0.02848583273589611, + 0.3318251967430115, + -0.04818166792392731, + 0.03834668919444084, + -0.20774012804031372, + 2.5558524131774902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/99.png", + [ + 0.2062472701072693, + 0.0017728939419612288, + -0.06638385355472565, + 0.7726914882659912, + -0.009553090669214725, + -0.21355240046977997, + -0.0353836715221405, + 0.4004196524620056, + -0.06571680307388306, + 0.036607686430215836, + -0.20319712162017822, + 2.434166431427002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/34.png", + [ + 0.20840388536453247, + -0.024325719103217125, + -0.05407377704977989, + 0.6194525361061096, + -0.034898146986961365, + -0.21007215976715088, + -0.03999633714556694, + 0.4546171724796295, + -0.04793572053313255, + 0.047178879380226135, + -0.2059713900089264, + 2.443303108215332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/72.png", + [ + 0.2117648720741272, + -0.010842847637832165, + -0.04456419125199318, + 0.5052410364151001, + -0.018266716971993446, + -0.2130533754825592, + -0.03496403247117996, + 0.3920935392379761, + -0.04206971824169159, + 0.037928737699985504, + -0.20913976430892944, + 2.458251953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/102.png", + [ + 0.2063770294189453, + 0.004293073900043964, + -0.06586339324712753, + 0.7752770185470581, + -0.006020288914442062, + -0.21409012377262115, + -0.0328187495470047, + 0.37438055872917175, + -0.06572802364826202, + 0.03308902680873871, + -0.20379605889320374, + 2.468204975128174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/70.png", + [ + 0.21152392029762268, + -0.012280327267944813, + -0.04532907158136368, + 0.5184677839279175, + -0.01848912052810192, + -0.21402192115783691, + -0.02829599566757679, + 0.31469666957855225, + -0.04317040741443634, + 0.03149133920669556, + -0.20998217165470123, + 2.48911190032959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/90.png", + [ + 0.21002638339996338, + -0.005615113768726587, + -0.052965011447668076, + 0.5988903045654297, + -0.01956409588456154, + -0.20853808522224426, + -0.055470794439315796, + 0.617799699306488, + -0.04953855648636818, + 0.0585511177778244, + -0.20264647901058197, + 2.354278564453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/122.png", + [ + 0.20691679418087006, + 0.01523174624890089, + -0.062460578978061676, + 0.6879285573959351, + -0.0010544589022174478, + -0.2096734344959259, + -0.054624494165182114, + 0.6006574034690857, + -0.06428233534097672, + 0.052468471229076385, + -0.2001567780971527, + 2.273350238800049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/15.png", + [ + 0.2057565450668335, + -0.03856143355369568, + -0.05590301379561424, + 0.6731268763542175, + -0.04734167456626892, + -0.20932070910930634, + -0.02985801175236702, + 0.3576214909553528, + -0.04869186505675316, + 0.040567852556705475, + -0.20719857513904572, + 2.6126708984375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/22.png", + [ + 0.20649072527885437, + -0.038909733295440674, + -0.052872613072395325, + 0.6306478977203369, + -0.046507783234119415, + -0.20987100899219513, + -0.02718612737953663, + 0.31986814737319946, + -0.04633040726184845, + 0.0372571162879467, + -0.20835857093334198, + 2.590932846069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/109.png", + [ + 0.2073022723197937, + 0.008004087023437023, + -0.06252678483724594, + 0.7110677361488342, + -0.004744904115796089, + -0.21232983469963074, + -0.04291178286075592, + 0.4824628531932831, + -0.06285818666219711, + 0.042424868792295456, + -0.20297014713287354, + 2.3730058670043945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/26.png", + [ + 0.20716825127601624, + -0.034876540303230286, + -0.05303619056940079, + 0.6281746625900269, + -0.04319940507411957, + -0.2101115882396698, + -0.030574969947338104, + 0.3559783101081848, + -0.0465083047747612, + 0.03980758786201477, + -0.20784664154052734, + 2.5504817962646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/43.png", + [ + 0.20883934199810028, + -0.013002627529203892, + -0.05625784024596214, + 0.6425624489784241, + -0.025392623618245125, + -0.21028126776218414, + -0.04566066339612007, + 0.5125634074211121, + -0.05185776203870773, + 0.0506025031208992, + -0.20420099794864655, + 2.403794288635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/84.png", + [ + 0.21147406101226807, + -0.005856106523424387, + -0.04682231694459915, + 0.5223950743675232, + -0.01790648326277733, + -0.2088770568370819, + -0.05475061386823654, + 0.6058595180511475, + -0.04365754500031471, + 0.05730600282549858, + -0.20434759557247162, + 2.3621745109558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/89.png", + [ + 0.21070866286754608, + -0.004089743364602327, + -0.05032919719815254, + 0.5665636658668518, + -0.017551619559526443, + -0.20842866599559784, + -0.05654487386345863, + 0.6269555687904358, + -0.04734654352068901, + 0.0590648390352726, + -0.20302104949951172, + 2.353569507598877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/63.png", + [ + 0.2092565894126892, + -0.007826771587133408, + -0.05566255748271942, + 0.6634231209754944, + -0.016806744039058685, + -0.21346034109592438, + -0.0331680104136467, + 0.3832152187824249, + -0.05363871902227402, + 0.03635003790259361, + -0.20675942301750183, + 2.529560089111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/88.png", + [ + 0.21078301966190338, + -0.004515664651989937, + -0.04998019337654114, + 0.5608329772949219, + -0.0177118182182312, + -0.20860254764556885, + -0.05584954842925072, + 0.6186410188674927, + -0.04695425555109978, + 0.058416519314050674, + -0.20329955220222473, + 2.3551764488220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/62.png", + [ + 0.208908811211586, + -0.006752553395926952, + -0.057091210037469864, + 0.678094208240509, + -0.017004746943712234, + -0.2128044068813324, + -0.03705418109893799, + 0.43077510595321655, + -0.054916683584451675, + 0.0402066744863987, + -0.20570726692676544, + 2.511838436126709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/65.png", + [ + 0.20994584262371063, + -0.006294610444456339, + -0.053207285702228546, + 0.6315358877182007, + -0.013917888514697552, + -0.21419470012187958, + -0.029577352106571198, + 0.3377963900566101, + -0.051739051938056946, + 0.032076556235551834, + -0.2079472541809082, + 2.5359272956848145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/80.png", + [ + 0.21108587086200714, + -0.0062391445972025394, + -0.04849453642964363, + 0.5438132286071777, + -0.01816779375076294, + -0.20952557027339935, + -0.05212349072098732, + 0.5801348090171814, + -0.04539358988404274, + 0.05484523996710777, + -0.2046443670988083, + 2.375850200653076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/119.png", + [ + 0.20757880806922913, + 0.013762068003416061, + -0.06057669594883919, + 0.6761148571968079, + 9.315374427387724e-07, + -0.21129128336906433, + -0.04799884930253029, + 0.5309028029441833, + -0.06212029233574867, + 0.045983634889125824, + -0.20242151618003845, + 2.325387954711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/79.png", + [ + 0.21093547344207764, + -0.007065463811159134, + -0.04903267323970795, + 0.550745964050293, + -0.018956800922751427, + -0.20964880287647247, + -0.051341183483600616, + 0.5737673044204712, + -0.045768581330776215, + 0.054271142929792404, + -0.2047138810157776, + 2.383164882659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/116.png", + [ + 0.2061120718717575, + 0.011934342794120312, + -0.06575164943933487, + 0.7332664728164673, + -0.0023100238759070635, + -0.211791530251503, + -0.04568275064229965, + 0.502090334892273, + -0.06678600609302521, + 0.04415678232908249, + -0.20133976638317108, + 2.3090906143188477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/19.png", + [ + 0.20647674798965454, + -0.03852606564760208, + -0.05320707708597183, + 0.6400390267372131, + -0.04583122581243515, + -0.2102138102054596, + -0.02564268745481968, + 0.30168938636779785, + -0.047061122953891754, + 0.03569021448493004, + -0.20846906304359436, + 2.616568088531494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/77.png", + [ + 0.2116173952817917, + -0.007500325795263052, + -0.045931585133075714, + 0.51778244972229, + -0.017957178875803947, + -0.21044208109378815, + -0.04836905747652054, + 0.5437713861465454, + -0.0429360568523407, + 0.05104675516486168, + -0.20615193247795105, + 2.407893180847168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/68.png", + [ + 0.21111707389354706, + -0.012526167556643486, + -0.047122932970523834, + 0.5436766147613525, + -0.018271785229444504, + -0.21446794271469116, + -0.024850405752658844, + 0.27315643429756165, + -0.04520638659596443, + 0.028186803683638573, + -0.21002328395843506, + 2.5095877647399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/86.png", + [ + 0.21135933697223663, + -0.003995913080871105, + -0.04753054305911064, + 0.5302790999412537, + -0.016706110909581184, + -0.2084382027387619, + -0.05676542967557907, + 0.6269134879112244, + -0.04467690363526344, + 0.059037622064352036, + -0.20363306999206543, + 2.3494606018066406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/1.png", + [ + 0.20789453387260437, + -0.03863297402858734, + -0.04727840796113014, + 0.543243408203125, + -0.046075500547885895, + -0.20935796201229095, + -0.031530726701021194, + 0.35776612162590027, + -0.040060002356767654, + 0.04030671343207359, + -0.20908959209918976, + 2.4977688789367676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/81.png", + [ + 0.211088627576828, + -0.005981575231999159, + -0.04851498827338219, + 0.5417365431785583, + -0.018047552555799484, + -0.2093895673751831, + -0.05270854011178017, + 0.5833972692489624, + -0.04542872682213783, + 0.05539065971970558, + -0.20448961853981018, + 2.3669047355651855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/95.png", + [ + 0.20761384069919586, + 8.099195110844448e-05, + -0.06200311705470085, + 0.7113810181617737, + -0.012642842717468739, + -0.2120669037103653, + -0.042610835283994675, + 0.4773903787136078, + -0.06070050597190857, + 0.044446803629398346, + -0.20319406688213348, + 2.396815299987793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/103.png", + [ + 0.20799653232097626, + 0.00255809398368001, + -0.060653023421764374, + 0.7102818489074707, + -0.0065250215120613575, + -0.21428599953651428, + -0.031413864344358444, + 0.3575497269630432, + -0.06035526096820831, + 0.03198222815990448, + -0.20562654733657837, + 2.479405403137207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/83.png", + [ + 0.21081726253032684, + -0.005570274777710438, + -0.04972876235842705, + 0.5575931072235107, + -0.018085788935422897, + -0.20925363898277283, + -0.053232692182064056, + 0.5923690795898438, + -0.046657074242830276, + 0.05594450235366821, + -0.204061821103096, + 2.365571975708008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/51.png", + [ + 0.20968405902385712, + -0.008266814984381199, + -0.05396433174610138, + 0.6170520186424255, + -0.020343899726867676, + -0.21058203279972076, + -0.04678921774029732, + 0.5288484692573547, + -0.05066176876425743, + 0.05034644529223442, + -0.2045641988515854, + 2.4151053428649902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+6SNHQfBQ6yk+P0+C1+F22194-22322/93.png", + [ + 0.20820270478725433, + -0.00226610223762691, + -0.0599532313644886, + 0.6810921430587769, + -0.015258414670825005, + -0.21140064299106598, + -0.04499819874763489, + 0.4985397160053253, + -0.058023322373628616, + 0.04746073856949806, + -0.2032945156097412, + 2.3746843338012695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/76.png", + [ + 0.20649521052837372, + 0.0028275763615965843, + -0.06557156890630722, + 0.7869054079055786, + -0.0071974461898207664, + -0.21419227123260498, + -0.031902290880680084, + 0.36999908089637756, + -0.0652366653084755, + 0.03258165344595909, + -0.20403555035591125, + 2.50284481048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/48.png", + [ + 0.19259551167488098, + 0.017316602170467377, + -0.09774965792894363, + 1.120444893836975, + 0.00038921672967262566, + -0.21348275244235992, + -0.03705213963985443, + 0.41716575622558594, + -0.09927088767290115, + 0.032758936285972595, + -0.18978945910930634, + 2.2247891426086426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/35.png", + [ + 0.18999888002872467, + 0.012654852122068405, + -0.10338364541530609, + 1.1873866319656372, + -0.007338183466345072, + -0.21290850639343262, + -0.039547573775053024, + 0.4419843554496765, + -0.10389646142721176, + 0.038180023431777954, + -0.18626783788204193, + 2.1855521202087402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/97.png", + [ + 0.20371276140213013, + 0.0032708256039768457, + -0.07374489307403564, + 0.8457353115081787, + -0.011023157276213169, + -0.21268679201602936, + -0.03988371044397354, + 0.4474257230758667, + -0.07298969477415085, + 0.041249506175518036, + -0.19979709386825562, + 2.3752927780151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/13.png", + [ + 0.21322031319141388, + -0.004623038694262505, + 0.03825736418366432, + -0.4759003221988678, + 0.0033074275124818087, + -0.21212056279182434, + -0.04406608268618584, + 0.5297023057937622, + 0.03839348256587982, + 0.04394754022359848, + -0.2086682915687561, + 2.663177013397217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/32.png", + [ + 0.1900455355644226, + 0.009765636175870895, + -0.10361091047525406, + 1.1976162195205688, + -0.009951785206794739, + -0.21302469074726105, + -0.0383320115506649, + 0.4350060224533081, + -0.10359319299459457, + 0.03837985545396805, + -0.18639564514160156, + 2.2008771896362305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/38.png", + [ + 0.18720969557762146, + 0.015014774166047573, + -0.10805082321166992, + 1.2344682216644287, + -0.005507550202310085, + -0.2130378633737564, + -0.03914622962474823, + 0.43805450201034546, + -0.1089499294757843, + 0.036569345742464066, + -0.18368583917617798, + 2.1479673385620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/111.png", + [ + 0.17894911766052246, + 0.01173732802271843, + -0.12160321325063705, + 1.370301604270935, + -0.011359494179487228, + -0.2131393700838089, + -0.03728897124528885, + 0.41139867901802063, + -0.12163908779621124, + 0.03717176616191864, + -0.1754140406847, + 2.032486915588379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/11.png", + [ + 0.21185393631458282, + -0.004645450972020626, + 0.04521305114030838, + -0.5634233951568604, + 0.005690061487257481, + -0.2111334204673767, + -0.04835488647222519, + 0.584470808506012, + 0.04509349539875984, + 0.04846639558672905, + -0.20631404221057892, + 2.6449790000915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/59.png", + [ + 0.19857212901115417, + 0.01205332763493061, + -0.08585868775844574, + 0.9982250928878784, + -0.003823976032435894, + -0.21314416825771332, + -0.038766395300626755, + 0.43932706117630005, + -0.08661624789237976, + 0.03704285994172096, + -0.19512392580509186, + 2.324000358581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/105.png", + [ + 0.17964613437652588, + 0.003134976839646697, + -0.12110050022602081, + 1.3850064277648926, + -0.014912464655935764, + -0.2143823504447937, + -0.027671650052070618, + 0.30627700686454773, + -0.12021969258785248, + 0.0312773697078228, + -0.17752982676029205, + 2.070847988128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/121.png", + [ + 0.18849217891693115, + 0.01385412085801363, + -0.10595592111349106, + 1.1804752349853516, + -0.009511677548289299, + -0.21181774139404297, + -0.044616907835006714, + 0.4894222915172577, + -0.10643365234136581, + 0.04346497356891632, + -0.18365882337093353, + 2.1029186248779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/24.png", + [ + 0.2115190029144287, + 0.003214168129488826, + -0.046875111758708954, + 0.565582275390625, + -0.005102056078612804, + -0.21331757307052612, + -0.03764941170811653, + 0.43418648838996887, + -0.04670734703540802, + 0.03785733878612518, + -0.20816613733768463, + 2.539334297180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/74.png", + [ + 0.205625981092453, + 0.003532027592882514, + -0.06821560114622116, + 0.8238667249679565, + -0.006227297708392143, + -0.2145143449306488, + -0.0298782791942358, + 0.3441147208213806, + -0.06802253425121307, + 0.030315270647406578, + -0.20347435772418976, + 2.5113983154296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/98.png", + [ + 0.20135213434696198, + 0.0026850467547774315, + -0.0799875259399414, + 0.9251289963722229, + -0.010627840645611286, + -0.21373774111270905, + -0.033928219228982925, + 0.369353324174881, + -0.07932379096746445, + 0.03545229882001877, + -0.19849121570587158, + 2.3634767532348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/0.png", + [ + 0.21406851708889008, + 0.002822577953338623, + 0.033385615795850754, + -0.4252617061138153, + 0.010710930451750755, + -0.21033981442451477, + -0.05089534819126129, + 0.6170569062232971, + 0.031746525317430496, + 0.05193355306982994, + -0.20794939994812012, + 2.697409152984619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/96.png", + [ + 0.20382793247699738, + 0.004335049539804459, + -0.07337082922458649, + 0.8398689031600952, + -0.01189385075122118, + -0.2115011066198349, + -0.045538078993558884, + 0.5235688090324402, + -0.07253003865480423, + 0.04686563089489937, + -0.1987231820821762, + 2.3597092628479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/100.png", + [ + 0.19456464052200317, + 0.0004055181925650686, + -0.09535371512174606, + 1.1013591289520264, + -0.013316335156559944, + -0.21443389356136322, + -0.028083276003599167, + 0.29878905415534973, + -0.0944201871752739, + 0.03107781708240509, + -0.1925276219844818, + 2.2693309783935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/40.png", + [ + 0.19030408561229706, + 0.012250744737684727, + -0.1028696671128273, + 1.1710453033447266, + -0.00796994473785162, + -0.21278534829616547, + -0.040084630250930786, + 0.4462306499481201, + -0.10328953713178635, + 0.03898995369672775, + -0.18643751740455627, + 2.176201343536377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/52.png", + [ + 0.19439764320850372, + 0.014334996230900288, + -0.09461475908756256, + 1.0876885652542114, + -0.0019859166350215673, + -0.21357929706573486, + -0.03643951565027237, + 0.41124436259269714, + -0.09567393362522125, + 0.03356024622917175, + -0.19148916006088257, + 2.252810001373291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/3.png", + [ + 0.21275594830513, + -0.0009165903902612627, + 0.04101176932454109, + -0.5226646065711975, + 0.008128862828016281, + -0.2113829255104065, + -0.04689423739910126, + 0.5676116347312927, + 0.040208544582128525, + 0.047584738582372665, + -0.2075255662202835, + 2.695916175842285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/47.png", + [ + 0.19292014837265015, + 0.01600419357419014, + -0.09733226150274277, + 1.1162127256393433, + -0.001115602208301425, + -0.21343594789505005, + -0.037306152284145355, + 0.4196316599845886, + -0.09863294661045074, + 0.03371734544634819, + -0.18995413184165955, + 2.228330612182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/104.png", + [ + 0.1823520064353943, + 0.005638903472572565, + -0.11689245700836182, + 1.3382850885391235, + -0.011945136822760105, + -0.21439577639102936, + -0.028976865112781525, + 0.3234817385673523, + -0.11641716212034225, + 0.030830955132842064, + -0.1801232546567917, + 2.108142852783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/21.png", + [ + 0.21654318273067474, + -0.0016546701081097126, + -0.0073627145029604435, + 0.08122865855693817, + -0.0031379233114421368, + -0.2120022475719452, + -0.04464414715766907, + 0.5299433469772339, + -0.006863011978566647, + 0.044723689556121826, + -0.2118975967168808, + 2.6414403915405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/82.png", + [ + 0.2054262012243271, + 0.003466741181910038, + -0.06881829351186752, + 0.8078908920288086, + -0.008205301128327847, + -0.21362972259521484, + -0.035254910588264465, + 0.4040864408016205, + -0.06841526180505753, + 0.036030784249305725, + -0.2024080753326416, + 2.4302964210510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/106.png", + [ + 0.17677398025989532, + 0.003902361262589693, + -0.12523427605628967, + 1.431280255317688, + -0.015400508418679237, + -0.2142506241798401, + -0.028414687141776085, + 0.31304898858070374, + -0.12434498220682144, + 0.03208335489034653, + -0.17451898753643036, + 2.029294967651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/14.png", + [ + 0.2135961353778839, + -0.004902043845504522, + 0.03606339171528816, + -0.44799479842185974, + 0.0023851930163800716, + -0.21235324442386627, + -0.04299188032746315, + 0.5159602165222168, + 0.03631678596138954, + 0.04277804121375084, + -0.20928215980529785, + 2.668456554412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/67.png", + [ + 0.2047245055437088, + 0.006682007107883692, + -0.0706479549407959, + 0.842002272605896, + -0.0042102946899831295, + -0.21418820321559906, + -0.03245893493294716, + 0.3697250783443451, + -0.07083823531866074, + 0.032041534781455994, + -0.20224535465240479, + 2.4619688987731934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/78.png", + [ + 0.20660091936588287, + 0.004288708325475454, + -0.0651579275727272, + 0.7762449979782104, + -0.0065781474113464355, + -0.21373999118804932, + -0.034926217049360275, + 0.40567851066589355, + -0.06496672332286835, + 0.035280581563711166, + -0.20367252826690674, + 2.479724884033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/31.png", + [ + 0.18977607786655426, + 0.009154601022601128, + -0.1041591688990593, + 1.2088499069213867, + -0.009483648464083672, + -0.21344590187072754, + -0.03603889420628548, + 0.4097830057144165, + -0.10412972420454025, + 0.03612387925386429, + -0.18654747307300568, + 2.2080883979797363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/39.png", + [ + 0.18882736563682556, + 0.015246175229549408, + -0.10516498237848282, + 1.198755145072937, + -0.005374770611524582, + -0.2127881795167923, + -0.04049931466579437, + 0.45225489139556885, + -0.10612837225198746, + 0.037902988493442535, + -0.1850622147321701, + 2.1596641540527344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/92.png", + [ + 0.20370616018772125, + 0.005053407978266478, + -0.07366243749856949, + 0.8649008274078369, + -0.013290280476212502, + -0.2101263552904129, + -0.05116809532046318, + 0.5972456932067871, + -0.07262961566448212, + 0.05262384191155434, + -0.19723987579345703, + 2.323789119720459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/53.png", + [ + 0.1932612806558609, + 0.015364567749202251, + -0.09675691276788712, + 1.115246295928955, + -0.0015076310373842716, + -0.21350163221359253, + -0.036914434283971786, + 0.4169842004776001, + -0.09795763343572617, + 0.03359879180788994, + -0.19032424688339233, + 2.2425951957702637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/75.png", + [ + 0.2062329798936844, + 0.003222547471523285, + -0.06637370586395264, + 0.7996103167533875, + -0.006571535021066666, + -0.21436981856822968, + -0.03082672879099846, + 0.35634946823120117, + -0.06612616032361984, + 0.03135422617197037, + -0.20394152402877808, + 2.510802745819092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/87.png", + [ + 0.20453909039497375, + 0.003978708293288946, + -0.07138511538505554, + 0.8253353238105774, + -0.00761227635666728, + -0.2138972133398056, + -0.033733122050762177, + 0.3749198317527771, + -0.0710894986987114, + 0.034351713955402374, + -0.20177744328975677, + 2.3983521461486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/107.png", + [ + 0.1749989241361618, + 0.004518777132034302, + -0.1276826113462448, + 1.4548027515411377, + -0.015535430982708931, + -0.2141796499490738, + -0.028872480615973473, + 0.3177447021007538, + -0.12681451439857483, + 0.032473839819431305, + -0.17265984416007996, + 2.003988265991211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/112.png", + [ + 0.1814042627811432, + 0.013926449231803417, + -0.117670938372612, + 1.3203091621398926, + -0.009481980465352535, + -0.212776780128479, + -0.03979993611574173, + 0.4373626410961151, + -0.11811217665672302, + 0.038470733910799026, + -0.177531436085701, + 2.048712730407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/69.png", + [ + 0.20487014949321747, + 0.005540980491787195, + -0.07032366096973419, + 0.8441588878631592, + -0.00445380387827754, + -0.2145581841468811, + -0.02988060750067234, + 0.33905577659606934, + -0.07040088623762131, + 0.02969822660088539, + -0.20275509357452393, + 2.484025001525879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/45.png", + [ + 0.19262126088142395, + 0.012788203544914722, + -0.09839414060115814, + 1.1261789798736572, + -0.004321989603340626, + -0.2135821133852005, + -0.03622002899646759, + 0.40531039237976074, + -0.09912752360105515, + 0.034161850810050964, + -0.18961696326732635, + 2.222881317138672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/50.png", + [ + 0.193279430270195, + 0.016664713621139526, + -0.09650513529777527, + 1.1072733402252197, + -0.00013652774214278907, + -0.2134685516357422, + -0.037135638296604156, + 0.4187602996826172, + -0.097933329641819, + 0.033186767250299454, + -0.19040901958942413, + 2.234114646911621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/101.png", + [ + 0.18927288055419922, + 0.0018257541814818978, + -0.10545302927494049, + 1.2183867692947388, + -0.013345669023692608, + -0.21448618173599243, + -0.027667028829455376, + 0.29869791865348816, + -0.10462107509374619, + 0.030663300305604935, + -0.18724873661994934, + 2.206421375274658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/85.png", + [ + 0.2052522748708725, + 0.004197815433144569, + -0.06929484009742737, + 0.8056097030639648, + -0.0077614071778953075, + -0.2135346531867981, + -0.03592512384057045, + 0.40760645270347595, + -0.06898664683103561, + 0.03651345148682594, + -0.20212745666503906, + 2.4110522270202637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/71.png", + [ + 0.20520596206188202, + 0.0040591564029455185, + -0.06944011151790619, + 0.8377165198326111, + -0.00600743293762207, + -0.21446295082569122, + -0.030289405956864357, + 0.3476637005805969, + -0.06929874420166016, + 0.030611447989940643, + -0.2029988020658493, + 2.4997639656066895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/115.png", + [ + 0.18305012583732605, + 0.015500899404287338, + -0.1148924008011818, + 1.2827420234680176, + -0.008425855077803135, + -0.2123824805021286, + -0.04207826405763626, + 0.46168363094329834, + -0.11562676727771759, + 0.04001621901988983, + -0.17882126569747925, + 2.054229259490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/54.png", + [ + 0.19169193506240845, + 0.01657356508076191, + -0.09963641315698624, + 1.1506816148757935, + -0.000107621330244001, + -0.2137041836977005, + -0.03575470298528671, + 0.4032493531703949, + -0.10100536793470383, + 0.031681664288043976, + -0.18905575573444366, + 2.231928825378418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/33.png", + [ + 0.19026395678520203, + 0.010555791668593884, + -0.10313146561384201, + 1.1894103288650513, + -0.009528440423309803, + -0.21285557746887207, + -0.039365075528621674, + 0.44615626335144043, + -0.10323144495487213, + 0.03910211846232414, + -0.1864462047815323, + 2.196737289428711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/49.png", + [ + 0.19255171716213226, + 0.017265496775507927, + -0.09784499555826187, + 1.1225507259368896, + 0.0006036798004060984, + -0.21357744932174683, + -0.03649936616420746, + 0.4114026427268982, + -0.09935479611158371, + 0.03216319531202316, + -0.1898474246263504, + 2.2259817123413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/118.png", + [ + 0.1894426941871643, + 0.012324118055403233, + -0.10443884879350662, + 1.1581693887710571, + -0.009867064654827118, + -0.21214936673641205, + -0.04293227195739746, + 0.46697941422462463, + -0.10469957441091537, + 0.04229249432682991, + -0.18492496013641357, + 2.1115264892578125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/110.png", + [ + 0.17657779157161713, + 0.00929298996925354, + -0.12522706389427185, + 1.4143472909927368, + -0.012239654548466206, + -0.2137778252363205, + -0.03312292322516441, + 0.3658389747142792, + -0.12497346103191376, + 0.03406725078821182, + -0.17369210720062256, + 2.015374183654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/18.png", + [ + 0.2163362205028534, + -0.0015537119470536709, + 0.012005439959466457, + -0.1460328996181488, + 0.0007358205621130764, + -0.21279753744602203, + -0.040799058973789215, + 0.48831650614738464, + 0.012083178386092186, + 0.04077610373497009, + -0.21245989203453064, + 2.6815052032470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/66.png", + [ + 0.2047290951013565, + 0.006681204307824373, + -0.07063468545675278, + 0.8378214836120605, + -0.004573765676468611, + -0.21402031183242798, + -0.03350048512220383, + 0.3821202516555786, + -0.07080238312482834, + 0.03314458206295967, + -0.20208005607128143, + 2.4507064819335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/16.png", + [ + 0.21498675644397736, + -0.004473637789487839, + 0.02661900594830513, + -0.3275659382343292, + 0.0009414402884431183, + -0.2123052477836609, + -0.04328388348221779, + 0.5217298269271851, + 0.026975886896252632, + 0.043062370270490646, + -0.21063196659088135, + 2.6814770698547363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/94.png", + [ + 0.205749049782753, + 0.008652695454657078, + -0.06738218665122986, + 0.7767964601516724, + -0.009378105401992798, + -0.20923490822315216, + -0.05550401657819748, + 0.6549897193908691, + -0.06728506088256836, + 0.05562171712517738, + -0.1983099728822708, + 2.3349075317382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/28.png", + [ + 0.19092217087745667, + 0.007105499040335417, + -0.10220630466938019, + 1.2188341617584229, + -0.007443498820066452, + -0.21461965143680573, + -0.028825117275118828, + 0.3237520456314087, + -0.10218223929405212, + 0.02891029231250286, + -0.18886736035346985, + 2.262892723083496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/61.png", + [ + 0.2026645988225937, + 0.009884103201329708, + -0.07600831240415573, + 0.8836149573326111, + -0.004008920397609472, + -0.2132045328617096, + -0.03841424360871315, + 0.4344525635242462, + -0.07654337584972382, + 0.03733671084046364, + -0.19923599064350128, + 2.3810300827026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/58.png", + [ + 0.19487573206424713, + 0.012701463885605335, + -0.09386172145605087, + 1.0904200077056885, + -0.003396467072889209, + -0.2136424481868744, + -0.03596206381917, + 0.40680578351020813, + -0.09465628862380981, + 0.03381536155939102, + -0.19194947183132172, + 2.2800464630126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/64.png", + [ + 0.20445482432842255, + 0.006995480973273516, + -0.07139449566602707, + 0.8376500606536865, + -0.005403962917625904, + -0.21352727711200714, + -0.03639765828847885, + 0.4145072102546692, + -0.07153256237506866, + 0.0361255519092083, + -0.20131053030490875, + 2.4220757484436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/10.png", + [ + 0.2117437720298767, + -0.002707837847992778, + 0.045881763100624084, + -0.5742390155792236, + 0.008292235434055328, + -0.21049819886684418, + -0.05069168284535408, + 0.6141815781593323, + 0.04520738124847412, + 0.05129401385784149, + -0.20560425519943237, + 2.6404037475585938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/41.png", + [ + 0.19159528613090515, + 0.012919952161610126, + -0.1003604456782341, + 1.1438466310501099, + -0.007123282644897699, + -0.21264593303203583, + -0.040973931550979614, + 0.4551425576210022, + -0.10093763470649719, + 0.039530735462903976, + -0.18760812282562256, + 2.189962387084961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/91.png", + [ + 0.20301318168640137, + 0.003522382816299796, + -0.07563818246126175, + 0.8831429481506348, + -0.01279011182487011, + -0.2117348313331604, + -0.044188957661390305, + 0.5071399211883545, + -0.07463213056325912, + 0.0458676740527153, + -0.19817692041397095, + 2.337310314178467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/23.png", + [ + 0.21450522541999817, + 0.002008510520681739, + -0.030518291518092155, + 0.36719682812690735, + -0.00436722207814455, + -0.21197983622550964, + -0.044647183269262314, + 0.5227082967758179, + -0.030270900577306747, + 0.04481528326869011, + -0.20981694757938385, + 2.583393096923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/37.png", + [ + 0.18796926736831665, + 0.014630393125116825, + -0.10677731037139893, + 1.2244951725006104, + -0.005813452880829573, + -0.2129799872636795, + -0.03941596671938896, + 0.4423481225967407, + -0.1076180636882782, + 0.037058960646390915, + -0.18437157571315765, + 2.15910005569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/36.png", + [ + 0.18947765231132507, + 0.013326289132237434, + -0.10425219684839249, + 1.19772207736969, + -0.006831964943557978, + -0.212909534573555, + -0.03963272273540497, + 0.4430241882801056, + -0.10487818717956543, + 0.037945207208395004, + -0.18576496839523315, + 2.1782584190368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/8.png", + [ + 0.21205317974090576, + -0.002258758759126067, + 0.04445488005876541, + -0.5602685213088989, + 0.007814238779246807, + -0.21114581823349, + -0.04800287261605263, + 0.5848461985588074, + 0.043820951133966446, + 0.04858225956559181, + -0.20656085014343262, + 2.660433769226074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/6.png", + [ + 0.21203462779521942, + -0.0019256076775491238, + 0.044558972120285034, + -0.5622170567512512, + 0.008119835518300533, + -0.21118827164173126, + -0.04776483029127121, + 0.5838367938995361, + 0.043855197727680206, + 0.04841180145740509, + -0.2065936028957367, + 2.674285411834717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/20.png", + [ + 0.2166678011417389, + -0.0016924870433285832, + -0.0003066703793592751, + -0.0016510512214154005, + -0.001719874213449657, + -0.21262876689434052, + -0.04164068028330803, + 0.4943554103374481, + 2.4319268050021492e-05, + 0.04164179787039757, + -0.21263548731803894, + 2.660464286804199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/2.png", + [ + 0.21335469186306, + 0.0003246958658564836, + 0.03778313472867012, + -0.48095184564590454, + 0.009095949120819569, + -0.2107362002134323, + -0.04955221712589264, + 0.6019432544708252, + 0.03667334467172623, + 0.05037909373641014, + -0.20752085745334625, + 2.6966896057128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/117.png", + [ + 0.18624547123908997, + 0.013914002105593681, + -0.10984951257705688, + 1.2229455709457397, + -0.009799815714359283, + -0.21204225718975067, + -0.04347336292266846, + 0.47418108582496643, + -0.1102926954627037, + 0.042336396872997284, + -0.18163436651229858, + 2.0798816680908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/5.png", + [ + 0.2123391032218933, + -0.002287324983626604, + 0.043066903948783875, + -0.5442941188812256, + 0.0072149960324168205, + -0.21143639087677002, + -0.04680275544524193, + 0.5688161849975586, + 0.04251980409026146, + 0.04730033874511719, + -0.20712952315807343, + 2.6823172569274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/108.png", + [ + 0.17725473642349243, + 0.006744649261236191, + -0.12443134188652039, + 1.4118925333023071, + -0.014173376373946667, + -0.2138618528842926, + -0.0317823588848114, + 0.3515171408653259, + -0.12380534410476685, + 0.03413960337638855, + -0.17451250553131104, + 2.0234150886535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/60.png", + [ + 0.20181046426296234, + 0.011051979847252369, + -0.07809152454137802, + 0.9063307642936707, + -0.0033023760188370943, + -0.21316449344158173, + -0.0387025848031044, + 0.4372546076774597, + -0.07880055904388428, + 0.0372377447783947, + -0.19837267696857452, + 2.3638596534729004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/56.png", + [ + 0.19338667392730713, + 0.016708869487047195, + -0.09628243744373322, + 1.1144412755966187, + 0.00207874015904963, + -0.2141389101743698, + -0.03298646956682205, + 0.3676999509334564, + -0.09769939631223679, + 0.028517404571175575, + -0.19128374755382538, + 2.2587270736694336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/30.png", + [ + 0.1891118884086609, + 0.007535506505519152, + -0.1054883748292923, + 1.2328931093215942, + -0.009627443738281727, + -0.2139998823404312, + -0.03254634886980057, + 0.3697040379047394, + -0.10531806945800781, + 0.03309333324432373, + -0.186442568898201, + 2.214970588684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/17.png", + [ + 0.2158416360616684, + -0.0021964306943118572, + 0.01885361224412918, + -0.22787640988826752, + 0.001609870116226375, + -0.21232523024082184, + -0.04316597804427147, + 0.5195620059967041, + 0.018912728875875473, + 0.04314011335372925, + -0.2114926278591156, + 2.684223175048828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/12.png", + [ + 0.21257023513317108, + -0.0034022496547549963, + 0.04183549806475639, + -0.5192932486534119, + 0.005796536337584257, + -0.21151290833950043, + -0.04665393754839897, + 0.5629492402076721, + 0.04157143831253052, + 0.04688938334584236, + -0.20741526782512665, + 2.6522207260131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/114.png", + [ + 0.18371205031871796, + 0.013964102603495121, + -0.11402973532676697, + 1.2705284357070923, + -0.009827082976698875, + -0.21236951649188995, + -0.0418391153216362, + 0.46021395921707153, + -0.11446049809455872, + 0.04064587503671646, + -0.17942854762077332, + 2.062443256378174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/27.png", + [ + 0.19250084459781647, + 0.006322671193629503, + -0.09925393760204315, + 1.1975935697555542, + -0.006863533053547144, + -0.21487624943256378, + -0.026999717578291893, + 0.30345839262008667, + -0.09921800345182419, + 0.027131469920277596, + -0.19070284068584442, + 2.30153751373291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/42.png", + [ + 0.19224371016025543, + 0.012551252730190754, + -0.09916005283594131, + 1.12891685962677, + -0.0063847205601632595, + -0.21297842264175415, + -0.03933608531951904, + 0.4359308183193207, + -0.09974711388349533, + 0.037822723388671875, + -0.18859441578388214, + 2.2003536224365234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/7.png", + [ + 0.21233773231506348, + -0.0025232017505913973, + 0.04306063801050186, + -0.5424371957778931, + 0.007338333409279585, + -0.21103723347187042, + -0.048552338033914566, + 0.5934100151062012, + 0.042505692690610886, + 0.04903889819979668, + -0.20672772824764252, + 2.670673370361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/73.png", + [ + 0.20537430047988892, + 0.0044957855716347694, + -0.06891355663537979, + 0.8332800269126892, + -0.005241211038082838, + -0.21457675099372864, + -0.0296182781457901, + 0.3413991928100586, + -0.06886088848114014, + 0.029740557074546814, + -0.2032770812511444, + 2.509901523590088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/120.png", + [ + 0.18942564725875854, + 0.011191013269126415, + -0.10459721833467484, + 1.1616461277008057, + -0.010638901963829994, + -0.21230225265026093, + -0.04198160022497177, + 0.45890864729881287, + -0.10465482622385025, + 0.04183780774474144, + -0.18505366146564484, + 2.117647647857666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/46.png", + [ + 0.19178825616836548, + 0.016599157825112343, + -0.09944658726453781, + 1.140654444694519, + -0.0006401268183253706, + -0.21351313591003418, + -0.03687313199043274, + 0.4152551591396332, + -0.10082037001848221, + 0.03293183445930481, + -0.1889408379793167, + 2.218132972717285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/57.png", + [ + 0.1943669319152832, + 0.015273761935532093, + -0.09453096985816956, + 1.095427393913269, + 0.00021314092737156898, + -0.21396902203559875, + -0.03413362428545952, + 0.38183489441871643, + -0.09575670212507248, + 0.030526412650942802, + -0.19195491075515747, + 2.2695741653442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/44.png", + [ + 0.19252584874629974, + 0.012218726798892021, + -0.0986529216170311, + 1.1277201175689697, + -0.005577150732278824, + -0.21336521208286285, + -0.03731057792901993, + 0.41573041677474976, + -0.09925013780593872, + 0.03569154441356659, + -0.1892707645893097, + 2.2171101570129395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/113.png", + [ + 0.18236517906188965, + 0.013859270140528679, + -0.11618413031101227, + 1.2966153621673584, + -0.009740225970745087, + -0.21260443329811096, + -0.04064944386482239, + 0.4469357132911682, + -0.11660169810056686, + 0.039435647428035736, + -0.17831647396087646, + 2.052513599395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/29.png", + [ + 0.18937167525291443, + 0.008006692864000797, + -0.10498644411563873, + 1.2395433187484741, + -0.00789165124297142, + -0.21436023712158203, + -0.03058273158967495, + 0.3459722101688385, + -0.10499516129493713, + 0.030552813783288002, + -0.18705731630325317, + 2.2300896644592285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/4.png", + [ + 0.21244560182094574, + -0.002087137196213007, + 0.042548853904008865, + -0.5401597619056702, + 0.007273416500538588, + -0.21145959198474884, + -0.04668869450688362, + 0.5659995675086975, + 0.041974496096372604, + 0.04720572754740715, + -0.2072623074054718, + 2.6903514862060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/55.png", + [ + 0.1928694248199463, + 0.016223808750510216, + -0.09739641845226288, + 1.124752163887024, + 0.0011466562282294035, + -0.21408332884311676, + -0.03339025750756264, + 0.37371084094047546, + -0.09873175621032715, + 0.029206374660134315, + -0.19064867496490479, + 2.2522401809692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/9.png", + [ + 0.21180671453475952, + -0.0032848611008375883, + 0.04555235058069229, + -0.5728232264518738, + 0.007356551941484213, + -0.2108374536037445, + -0.04940994456410408, + 0.5989869236946106, + 0.045074254274368286, + 0.04984647408127785, + -0.20598916709423065, + 2.6494197845458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/25.png", + [ + 0.20545612275600433, + 0.004702590871602297, + -0.06865537911653519, + 0.8399317860603333, + -0.005011516157537699, + -0.21457168459892273, + -0.029694532975554466, + 0.3398389518260956, + -0.06863352656364441, + 0.02974501997232437, + -0.20335331559181213, + 2.4831042289733887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/99.png", + [ + 0.19985687732696533, + 0.0013351158704608679, + -0.08368594944477081, + 0.9658332467079163, + -0.011139119043946266, + -0.21429547667503357, + -0.03002103604376316, + 0.3190508484840393, + -0.08295203745365143, + 0.03199312090873718, + -0.19759374856948853, + 2.3368654251098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/34.png", + [ + 0.18998850882053375, + 0.011671863496303558, + -0.10351826995611191, + 1.1918761730194092, + -0.008411110378801823, + -0.2128886580467224, + -0.0394405871629715, + 0.4444078207015991, + -0.10383408516645432, + 0.038601480424404144, + -0.18621574342250824, + 2.190047264099121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/72.png", + [ + 0.20522047579288483, + 0.004499456845223904, + -0.0693700760602951, + 0.8390006422996521, + -0.005357444752007723, + -0.21455352008342743, + -0.029765449464321136, + 0.34137827157974243, + -0.06930910050868988, + 0.02990717440843582, + -0.20310024917125702, + 2.506124496459961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/102.png", + [ + 0.18727269768714905, + 0.004512906074523926, + -0.10888739675283432, + 1.2520346641540527, + -0.011431243270635605, + -0.21448108553886414, + -0.028549615293741226, + 0.31470414996147156, + -0.10837968438863754, + 0.030420180410146713, + -0.1851387321949005, + 2.175812244415283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/70.png", + [ + 0.2048889845609665, + 0.004612723831087351, + -0.07033579796552658, + 0.8468175530433655, + -0.00548038212582469, + -0.21451319754123688, + -0.030032502487301826, + 0.3432067930698395, + -0.0702735111117363, + 0.030177948996424675, + -0.20272843539714813, + 2.4913244247436523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/90.png", + [ + 0.20229417085647583, + 0.003084103111177683, + -0.07755932211875916, + 0.9004514217376709, + -0.011612223461270332, + -0.21286459267139435, + -0.038752034306526184, + 0.435496062040329, + -0.07674708962440491, + 0.0403367355465889, + -0.19857171177864075, + 2.3492822647094727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/122.png", + [ + 0.18755149841308594, + 0.014483317732810974, + -0.10752934962511063, + 1.199723482131958, + -0.009899908676743507, + -0.21155548095703125, + -0.04576209932565689, + 0.5030022263526917, + -0.10804775357246399, + 0.04452427849173546, + -0.18245866894721985, + 2.0869202613830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/15.png", + [ + 0.2143910676240921, + -0.005143257789313793, + 0.030950192362070084, + -0.3821408748626709, + 0.0010289910715073347, + -0.21247577667236328, + -0.04243670776486397, + 0.509067952632904, + 0.03135775402188301, + 0.04213643819093704, + -0.21021205186843872, + 2.6761088371276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/22.png", + [ + 0.21583248674869537, + -0.0012694352772086859, + -0.019042743369936943, + 0.22332079708576202, + -0.005242200568318367, + -0.211822509765625, + -0.04529505595564842, + 0.5369642376899719, + -0.018350938335061073, + 0.04557972028851509, + -0.21102993190288544, + 2.6194396018981934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/109.png", + [ + 0.17838658392429352, + 0.009279000572860241, + -0.12263776361942291, + 1.389225959777832, + -0.012661025859415531, + -0.21352368593215942, + -0.034572090953588486, + 0.38372936844825745, + -0.12233486771583557, + 0.03562907502055168, + -0.17525024712085724, + 2.0333356857299805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/26.png", + [ + 0.19800753891468048, + 0.006920215208083391, + -0.08770987391471863, + 1.068132996559143, + -0.004874722566455603, + -0.21480867266654968, + -0.027953000739216805, + 0.31558236479759216, + -0.08784729987382889, + 0.02751806378364563, + -0.1961466372013092, + 2.3828349113464355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/43.png", + [ + 0.19246327877044678, + 0.012004298157989979, + -0.0988011583685875, + 1.1273988485336304, + -0.0063974023796617985, + -0.21315592527389526, + -0.03836040198802948, + 0.4260704815387726, + -0.09932193160057068, + 0.036991141736507416, + -0.18898335099220276, + 2.2067747116088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/84.png", + [ + 0.20497655868530273, + 0.004263436421751976, + -0.07010228931903839, + 0.8177642822265625, + -0.007712091784924269, + -0.2136007845401764, + -0.03554050996899605, + 0.40444356203079224, + -0.06980711221694946, + 0.03611685708165169, + -0.20191690325737, + 2.4150009155273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/89.png", + [ + 0.20467089116573334, + 0.003671694314107299, + -0.07102280855178833, + 0.8186092376708984, + -0.008433417417109013, + -0.2136058211326599, + -0.03534597530961037, + 0.3905234932899475, + -0.07061585038900375, + 0.03615216538310051, + -0.201629176735878, + 2.3834280967712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/63.png", + [ + 0.20447252690792084, + 0.007761307060718536, + -0.07126461714506149, + 0.8318699598312378, + -0.005166675895452499, + -0.21324522793293, + -0.038048405200242996, + 0.4319395422935486, + -0.07149958610534668, + 0.03760501742362976, + -0.20105114579200745, + 2.410548686981201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/88.png", + [ + 0.204353466629982, + 0.004060754552483559, + -0.07191009074449539, + 0.8286206722259521, + -0.007146135903894901, + -0.21411938965320587, + -0.03239913284778595, + 0.3541930019855499, + -0.07166926562786102, + 0.03292842209339142, + -0.20180964469909668, + 2.3914637565612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/62.png", + [ + 0.20395642518997192, + 0.009517808444797993, + -0.07251954823732376, + 0.8442023396492004, + -0.004021718632429838, + -0.21304790675640106, + -0.03927223011851311, + 0.4441435933113098, + -0.07303081452846527, + 0.03831310197710991, + -0.20036591589450836, + 2.397177219390869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/65.png", + [ + 0.2050231546163559, + 0.006909707561135292, + -0.06975425779819489, + 0.8234304785728455, + -0.004659723024815321, + -0.2137988656759262, + -0.034874413162469864, + 0.39891669154167175, + -0.06994059681892395, + 0.03449917957186699, + -0.20215342938899994, + 2.4410862922668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/80.png", + [ + 0.20672540366649628, + 0.003487417008727789, + -0.06481005996465683, + 0.7642307877540588, + -0.007644941098988056, + -0.21354706585407257, + -0.0358760841190815, + 0.41431885957717896, + -0.06445199996232986, + 0.036515429615974426, + -0.20361840724945068, + 2.458098888397217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/119.png", + [ + 0.19078363478183746, + 0.011617801152169704, + -0.10205157101154327, + 1.1307320594787598, + -0.009531044401228428, + -0.2123526781797409, + -0.04199286922812462, + 0.4570125937461853, + -0.10226758569478989, + 0.04146406799554825, + -0.18646706640720367, + 2.1313843727111816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/79.png", + [ + 0.20651215314865112, + 0.0041844770312309265, + -0.06544551998376846, + 0.7754875421524048, + -0.00695047527551651, + -0.21361859142780304, + -0.035590510815382004, + 0.41256698966026306, + -0.06520979851484299, + 0.03602060675621033, + -0.20346522331237793, + 2.467123031616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/116.png", + [ + 0.18306681513786316, + 0.01564595103263855, + -0.11484615504741669, + 1.2824591398239136, + -0.009029628708958626, + -0.2121138721704483, + -0.04329051449894905, + 0.47434356808662415, + -0.11555473506450653, + 0.04136190190911293, + -0.17856144905090332, + 2.0498290061950684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/19.png", + [ + 0.216567724943161, + -0.001546424813568592, + 0.006627704482525587, + -0.08276998996734619, + -0.0003097138542216271, + -0.21302777528762817, + -0.03958495333790779, + 0.4724556505680084, + 0.006798675283789635, + 0.03955594822764397, + -0.21292486786842346, + 2.678412914276123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/77.png", + [ + 0.206468403339386, + 0.003820715006440878, + -0.0656055361032486, + 0.7847378849983215, + -0.006398352794349194, + -0.21411170065402985, + -0.03260575607419014, + 0.37812340259552, + -0.06540446728467941, + 0.033007215708494186, + -0.20391340553760529, + 2.4923973083496094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/68.png", + [ + 0.20434686541557312, + 0.006898471154272556, + -0.07171235233545303, + 0.8594114780426025, + -0.0036109876818954945, + -0.2144271582365036, + -0.030916759744286537, + 0.351003497838974, + -0.07195284217596054, + 0.030352864414453506, + -0.20211230218410492, + 2.470134735107422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/86.png", + [ + 0.20504572987556458, + 0.003790931310504675, + -0.06992687284946442, + 0.8100874423980713, + -0.007851164788007736, + -0.2137484848499298, + -0.034609775990247726, + 0.38857465982437134, + -0.0695880651473999, + 0.0352860651910305, + -0.20213927328586578, + 2.4076027870178223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/1.png", + [ + 0.21379904448986053, + 0.0010685003362596035, + 0.035167139023542404, + -0.44910985231399536, + 0.0092623857781291, + -0.21064430475234985, + -0.04991067945957184, + 0.6075336933135986, + 0.033942267298698425, + 0.05075161159038544, + -0.207894429564476, + 2.6995019912719727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/81.png", + [ + 0.20584481954574585, + 0.0034340647980570793, + -0.06755749136209488, + 0.794594943523407, + -0.008149195462465286, + -0.2135603278875351, + -0.03568590059876442, + 0.4100880026817322, + -0.06715204566717148, + 0.03644310683012009, + -0.20275700092315674, + 2.4420127868652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/95.png", + [ + 0.2055000215768814, + 0.007094475906342268, + -0.06831762194633484, + 0.7827423214912415, + -0.009717383421957493, + -0.21034491062164307, + -0.051073357462882996, + 0.5986536145210266, + -0.067994125187397, + 0.05150323361158371, + -0.19917859137058258, + 2.3543753623962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/103.png", + [ + 0.18354175984859467, + 0.006215085741132498, + -0.11498557776212692, + 1.3174718618392944, + -0.010992574505507946, + -0.21442510187625885, + -0.02913641184568405, + 0.3253348171710968, + -0.11462754756212234, + 0.030514584854245186, + -0.1813209354877472, + 2.1251306533813477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/83.png", + [ + 0.20545604825019836, + 0.0033307524863630533, + -0.06873585283756256, + 0.8045946955680847, + -0.008473139256238937, + -0.21354953944683075, + -0.0356748104095459, + 0.40801331400871277, + -0.06829287856817245, + 0.03651564568281174, + -0.202362522482872, + 2.423330307006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/51.png", + [ + 0.1937047690153122, + 0.014665678143501282, + -0.09597541391849518, + 1.1027257442474365, + -0.00195122545119375, + -0.21355710923671722, + -0.036571044474840164, + 0.4121931195259094, + -0.09706984460353851, + 0.03355840593576431, + -0.19078567624092102, + 2.2418341636657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+-1Jouc19Ixo+P0+C1+F4196-4320/93.png", + [ + 0.20487520098686218, + 0.007202123291790485, + -0.07015819847583771, + 0.8182340860366821, + -0.01196391973644495, + -0.20886892080307007, + -0.056378453969955444, + 0.6638304591178894, + -0.06950472295284271, + 0.05718211084604263, + -0.19709691405296326, + 2.319765567779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/76.png", + [ + 0.2061685472726822, + -0.043174684047698975, + 0.05077757313847542, + -0.606204092502594, + -0.045795738697052, + -0.2116963267326355, + 0.005941999610513449, + -0.08206680417060852, + 0.048426903784275055, + -0.016386089846491814, + -0.21055693924427032, + 2.5665993690490723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/48.png", + [ + 0.19850130379199982, + -0.030715635046362877, + 0.08125068247318268, + -0.9802711606025696, + -0.04151896387338638, + -0.21157486736774445, + 0.02145104482769966, + -0.2735465168952942, + 0.07629743218421936, + -0.03522103652358055, + -0.19971498847007751, + 2.4717659950256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/35.png", + [ + 0.20132608711719513, + -0.031342145055532455, + 0.07371143996715546, + -0.8980645537376404, + -0.037689898163080215, + -0.21301265060901642, + 0.012368299998342991, + -0.1670345664024353, + 0.07067657262086868, + -0.024314047768712044, + -0.20337538421154022, + 2.5277295112609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/97.png", + [ + 0.20844733715057373, + -0.03660450875759125, + 0.04645121842622757, + -0.5713648796081543, + -0.041716888546943665, + -0.2116371989250183, + 0.020427854731678963, + -0.2688157260417938, + 0.0419202484190464, + -0.028595561161637306, + -0.21064871549606323, + 2.657097816467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/13.png", + [ + 0.20424975454807281, + -0.0385461151599884, + 0.06118929013609886, + -0.7386260032653809, + -0.04107213392853737, + -0.2127237766981125, + 0.003093679202720523, + -0.0499095618724823, + 0.05952319875359535, + -0.014515118673443794, + -0.20783212780952454, + 2.5612692832946777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/32.png", + [ + 0.2010810822248459, + -0.03231548145413399, + 0.07395946234464645, + -0.89970862865448, + -0.0390443280339241, + -0.21271798014640808, + 0.013209829106926918, + -0.17714038491249084, + 0.0706387460231781, + -0.02558649703860283, + -0.20323236286640167, + 2.5166215896606445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/38.png", + [ + 0.20019005239009857, + -0.03445134311914444, + 0.07539854198694229, + -0.915495753288269, + -0.04092312976717949, + -0.21245980262756348, + 0.01157684437930584, + -0.15768690407276154, + 0.07209113985300064, + -0.024936532601714134, + -0.20280268788337708, + 2.519618511199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/111.png", + [ + 0.20414327085018158, + -0.04189949110150337, + 0.05931147560477257, + -0.716091513633728, + -0.048084598034620285, + -0.2106090933084488, + 0.016720781102776527, + -0.21817727386951447, + 0.05441773682832718, + -0.02891618385910988, + -0.20772689580917358, + 2.5735092163085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/11.png", + [ + 0.20418031513690948, + -0.04051442816853523, + 0.060140449553728104, + -0.7198172807693481, + -0.04296797513961792, + -0.2123527079820633, + 0.0028244988061487675, + -0.04922962188720703, + 0.058412715792655945, + -0.014587865211069584, + -0.20814189314842224, + 2.5598526000976562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/59.png", + [ + 0.1986818164587021, + -0.051123637706041336, + 0.06971223652362823, + -0.8514276742935181, + -0.05901116132736206, + -0.20788997411727905, + 0.015726841986179352, + -0.2065640240907669, + 0.06317520141601562, + -0.03340694680809975, + -0.2045501470565796, + 2.5401172637939453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/105.png", + [ + 0.20449277758598328, + -0.04330048710107803, + 0.0570584312081337, + -0.6979805827140808, + -0.049825891852378845, + -0.2099906951189041, + 0.019214274361729622, + -0.24987639486789703, + 0.05145849660038948, + -0.03125501051545143, + -0.20814189314842224, + 2.606518268585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/24.png", + [ + 0.203672856092453, + -0.045971471816301346, + 0.05789545178413391, + -0.690716028213501, + -0.04978811368346214, + -0.21073172986507416, + 0.00782169122248888, + -0.1083461195230484, + 0.05464798957109451, + -0.020655721426010132, + -0.20865002274513245, + 2.5533041954040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/74.png", + [ + 0.20520073175430298, + -0.045677218586206436, + 0.052479930222034454, + -0.6200394630432129, + -0.04796856641769409, + -0.21126611530780792, + 0.003680209629237652, + -0.05529855191707611, + 0.050394125282764435, + -0.015103606507182121, + -0.21019087731838226, + 2.5551185607910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/98.png", + [ + 0.20887696743011475, + -0.035370420664548874, + 0.04546695202589035, + -0.559607744216919, + -0.04030568152666092, + -0.21192242205142975, + 0.020303618162870407, + -0.26841098070144653, + 0.04115534573793411, + -0.02803066186606884, + -0.21087534725666046, + 2.65848970413208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/0.png", + [ + 0.19797295331954956, + -0.012882138602435589, + 0.08711288869380951, + -1.0294302701950073, + -0.013607560656964779, + -0.21624435484409332, + -0.0010533558670431376, + 0.0011333785951137543, + 0.08700252324342728, + -0.004508408717811108, + -0.19838882982730865, + 2.39066219329834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/96.png", + [ + 0.20844689011573792, + -0.03751237317919731, + 0.045723166316747665, + -0.5610674619674683, + -0.04234505444765091, + -0.21160544455051422, + 0.019440338015556335, + -0.25572633743286133, + 0.04128779098391533, + -0.02763788402080536, + -0.21090130507946014, + 2.6580986976623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/100.png", + [ + 0.20854943990707397, + -0.03505060821771622, + 0.04718552902340889, + -0.5795488357543945, + -0.04047195985913277, + -0.211765319108963, + 0.021572336554527283, + -0.2852122485637665, + 0.042626749724149704, + -0.029577020555734634, + -0.2103712260723114, + 2.6497650146484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/40.png", + [ + 0.19947679340839386, + -0.037875425070524216, + 0.0756462886929512, + -0.9160678386688232, + -0.044337864965200424, + -0.21181119978427887, + 0.010865491814911366, + -0.151671901345253, + 0.07204902172088623, + -0.025482483208179474, + -0.20274978876113892, + 2.5126028060913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/52.png", + [ + 0.2000764012336731, + -0.025527266785502434, + 0.07915610074996948, + -0.9589276909828186, + -0.035646725445985794, + -0.21263526380062103, + 0.021527985110878944, + -0.27759724855422974, + 0.07514414191246033, + -0.03290139511227608, + -0.20054613053798676, + 2.490218162536621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/3.png", + [ + 0.19946596026420593, + -0.014585712924599648, + 0.08335753530263901, + -0.9807695746421814, + -0.015669943764805794, + -0.21610704064369202, + -0.00031736379605717957, + -0.010391868650913239, + 0.08316054940223694, + -0.005736270919442177, + -0.19999827444553375, + 2.4116029739379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/47.png", + [ + 0.19836938381195068, + -0.030743848532438278, + 0.08156158775091171, + -0.9851388335227966, + -0.041240841150283813, + -0.21172383427619934, + 0.020496347919106483, + -0.26306599378585815, + 0.07678978890180588, + -0.03428881615400314, + -0.19968850910663605, + 2.4731059074401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/104.png", + [ + 0.20582245290279388, + -0.04110373184084892, + 0.05380985140800476, + -0.6559998989105225, + -0.04739033058285713, + -0.21042980253696442, + 0.020526768639683723, + -0.26517853140830994, + 0.04836500808596611, + -0.031267788261175156, + -0.2088804543018341, + 2.6163158416748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/21.png", + [ + 0.20359818637371063, + -0.04505540803074837, + 0.05887002497911453, + -0.7016690969467163, + -0.049625836312770844, + -0.21065835654735565, + 0.010403099469840527, + -0.14202994108200073, + 0.05507218837738037, + -0.023258497938513756, + -0.20826423168182373, + 2.549510955810547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/82.png", + [ + 0.20645445585250854, + -0.043666772544384, + 0.049169834703207016, + -0.5868917107582092, + -0.04653036594390869, + -0.21148456633090973, + 0.007556496188044548, + -0.10512596368789673, + 0.04646918550133705, + -0.01775917410850525, + -0.21088652312755585, + 2.578899383544922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/106.png", + [ + 0.20400583744049072, + -0.04312729835510254, + 0.05890284478664398, + -0.7192070484161377, + -0.04961627721786499, + -0.21014994382858276, + 0.01797553524374962, + -0.23435571789741516, + 0.05355122685432434, + -0.030412672087550163, + -0.20773836970329285, + 2.598935604095459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/14.png", + [ + 0.20354430377483368, + -0.03956138715147972, + 0.06286905705928802, + -0.7601333856582642, + -0.042418718338012695, + -0.21245057880878448, + 0.003646446391940117, + -0.05818040668964386, + 0.06097765639424324, + -0.015733445063233376, + -0.2073211967945099, + 2.559309959411621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/67.png", + [ + 0.19695860147476196, + -0.060627348721027374, + 0.06692925840616226, + -0.7980999946594238, + -0.0671275332570076, + -0.20570926368236542, + 0.011201947927474976, + -0.15492798388004303, + 0.06040772795677185, + -0.03091786429286003, + -0.20577386021614075, + 2.5172119140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/78.png", + [ + 0.2061014175415039, + -0.04220704361796379, + 0.05185237154364586, + -0.6226253509521484, + -0.04568462073802948, + -0.21159727871418, + 0.009349016472697258, + -0.1263347864151001, + 0.048816174268722534, + -0.019825585186481476, + -0.2101709395647049, + 2.5643563270568848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/31.png", + [ + 0.2014867663383484, + -0.03200841695070267, + 0.07298249006271362, + -0.8859864473342896, + -0.03827732056379318, + -0.21291208267211914, + 0.012296007946133614, + -0.1651948243379593, + 0.06989871710538864, + -0.02432706020772457, + -0.20364248752593994, + 2.515284538269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/39.png", + [ + 0.19993160665035248, + -0.03623322397470474, + 0.07524893432855606, + -0.9129010438919067, + -0.042894307523965836, + -0.21205495297908783, + 0.011860521510243416, + -0.16247539222240448, + 0.07166120409965515, + -0.025840794667601585, + -0.2028418630361557, + 2.5199227333068848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/92.png", + [ + 0.2073287069797516, + -0.04401547089219093, + 0.045003846287727356, + -0.5456118583679199, + -0.04775789752602577, + -0.21089814603328705, + 0.013749957084655762, + -0.18172098696231842, + 0.04101087525486946, + -0.02307630516588688, + -0.21150292456150055, + 2.6444835662841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/53.png", + [ + 0.20031149685382843, + -0.023640228435397148, + 0.07914759963750839, + -0.9613105058670044, + -0.033547401428222656, + -0.21300114691257477, + 0.021283438429236412, + -0.2746058702468872, + 0.07548361271619797, + -0.03193042427301407, + -0.200575590133667, + 2.4965572357177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/75.png", + [ + 0.20564325153827667, + -0.04385997727513313, + 0.0522976815700531, + -0.6213628649711609, + -0.04613422974944115, + -0.21167053282260895, + 0.0038879255298525095, + -0.05703078210353851, + 0.05030286684632301, + -0.01482517458498478, + -0.21023255586624146, + 2.5616841316223145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/87.png", + [ + 0.2071552723646164, + -0.04454076662659645, + 0.04528476670384407, + -0.5420229434967041, + -0.04740609601140022, + -0.2112291008234024, + 0.00910054612904787, + -0.12455098330974579, + 0.04227590188384056, + -0.018608545884490013, + -0.21169403195381165, + 2.6123709678649902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/107.png", + [ + 0.2039182186126709, + -0.04401951655745506, + 0.05854521319270134, + -0.711787760257721, + -0.0502939410507679, + -0.21005016565322876, + 0.01724381372332573, + -0.22593025863170624, + 0.053252048790454865, + -0.029817964881658554, + -0.20790141820907593, + 2.595287799835205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/112.png", + [ + 0.20437301695346832, + -0.04197555035352707, + 0.05846039578318596, + -0.7032702565193176, + -0.048030853271484375, + -0.2106245458126068, + 0.016680162400007248, + -0.21656745672225952, + 0.053596656769514084, + -0.028692230582237244, + -0.2079712599515915, + 2.568060874938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/69.png", + [ + 0.1980055272579193, + -0.05666913464665413, + 0.06730758398771286, + -0.8044350147247314, + -0.06300681084394455, + -0.20701633393764496, + 0.011057584546506405, + -0.15334470570087433, + 0.06141533702611923, + -0.029677212238311768, + -0.2056582272052765, + 2.5104875564575195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/45.png", + [ + 0.19935131072998047, + -0.03091491013765335, + 0.07906465977430344, + -0.9536582231521606, + -0.040156323462724686, + -0.21213287115097046, + 0.018303323537111282, + -0.23680581152439117, + 0.07479585707187653, + -0.031493015587329865, + -0.20090211927890778, + 2.4875688552856445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/50.png", + [ + 0.1979736089706421, + -0.030284561216831207, + 0.08268729597330093, + -0.9998878836631775, + -0.04103206470608711, + -0.21174576878547668, + 0.020688045769929886, + -0.2660391330718994, + 0.07791478931903839, + -0.03456111624836922, + -0.1992051899433136, + 2.4694032669067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/101.png", + [ + 0.2080424726009369, + -0.03576121851801872, + 0.048860691487789154, + -0.5983384251594543, + -0.041348546743392944, + -0.21163766086101532, + 0.021158797666430473, + -0.27789920568466187, + 0.044232673943042755, + -0.029640046879649162, + -0.21003055572509766, + 2.644033432006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/85.png", + [ + 0.2069949507713318, + -0.043588750064373016, + 0.046914953738451004, + -0.5600418448448181, + -0.046546656638383865, + -0.21142731606960297, + 0.00893255602568388, + -0.12241174280643463, + 0.04398181289434433, + -0.018611904233694077, + -0.21134591102600098, + 2.5953636169433594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/71.png", + [ + 0.19941823184490204, + -0.053143154829740524, + 0.0660005584359169, + -0.7834540009498596, + -0.057090647518634796, + -0.20897521078586578, + 0.0042319996282458305, + -0.06653943657875061, + 0.06261729449033737, + -0.021285153925418854, + -0.20633448660373688, + 2.5099449157714844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/115.png", + [ + 0.20495201647281647, + -0.038193538784980774, + 0.05902383103966713, + -0.7069104909896851, + -0.04409332200884819, + -0.21151839196681976, + 0.0162371676415205, + -0.20913171768188477, + 0.05475708097219467, + -0.027370059862732887, + -0.20784713327884674, + 2.5642294883728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/54.png", + [ + 0.20277675986289978, + -0.023696662858128548, + 0.07258065789937973, + -0.8802558779716492, + -0.03139936923980713, + -0.2136325091123581, + 0.017975645139813423, + -0.23179857432842255, + 0.06959571689367294, + -0.02734067104756832, + -0.20336376130580902, + 2.5238876342773438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/33.png", + [ + 0.20142975449562073, + -0.031462669372558594, + 0.0733761116862297, + -0.8931506276130676, + -0.038212791085243225, + -0.21284200251102448, + 0.01363679300993681, + -0.18207049369812012, + 0.07009804993867874, + -0.02561795897781849, + -0.20341551303863525, + 2.5225253105163574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/49.png", + [ + 0.1983180046081543, + -0.03249048814177513, + 0.08100757747888565, + -0.9786539077758789, + -0.04245833680033684, + -0.21161654591560364, + 0.01906893216073513, + -0.24591052532196045, + 0.07625712454319, + -0.03332720696926117, + -0.2000550925731659, + 2.47592830657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/110.png", + [ + 0.20449432730674744, + -0.04181294143199921, + 0.05815187096595764, + -0.703552782535553, + -0.047706104815006256, + -0.21073289215564728, + 0.016237910836935043, + -0.21219229698181152, + 0.0534236878156662, + -0.02812863141298294, + -0.20809273421764374, + 2.5850024223327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/18.png", + [ + 0.2046852558851242, + -0.03618721663951874, + 0.06117450073361397, + -0.7325538992881775, + -0.040339574217796326, + -0.21268928050994873, + 0.009158791042864323, + -0.1266333907842636, + 0.05851967632770538, + -0.020041214302182198, + -0.2076576203107834, + 2.556304454803467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/66.png", + [ + 0.19466407597064972, + -0.06625284999608994, + 0.06829608231782913, + -0.8162901401519775, + -0.07188542187213898, + -0.2042921930551529, + 0.006714462768286467, + -0.09860987961292267, + 0.062340039759874344, + -0.028690747916698456, + -0.20551997423171997, + 2.517113208770752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/16.png", + [ + 0.20484764873981476, + -0.035149846225976944, + 0.06123577803373337, + -0.7344672679901123, + -0.03898172453045845, + -0.2129833698272705, + 0.008148527704179287, + -0.11657841503620148, + 0.058870695531368256, + -0.01872061751782894, + -0.20768167078495026, + 2.563598155975342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/94.png", + [ + 0.20761527121067047, + -0.04175763204693794, + 0.04582677409052849, + -0.558638334274292, + -0.046582840383052826, + -0.2107531577348709, + 0.01900104619562626, + -0.24990813434123993, + 0.04091248661279678, + -0.028058886528015137, + -0.2109188437461853, + 2.6499552726745605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/28.png", + [ + 0.20224426686763763, + -0.03304864093661308, + 0.07037714868783951, + -0.8453754782676697, + -0.03809173405170441, + -0.21309290826320648, + 0.009397979825735092, + -0.12816646695137024, + 0.06778035312891006, + -0.02114449441432953, + -0.20471107959747314, + 2.5103683471679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/61.png", + [ + 0.19317224621772766, + -0.06366173177957535, + 0.07469641417264938, + -0.9085221290588379, + -0.0693158209323883, + -0.2052423357963562, + 0.004335006698966026, + -0.06245669350028038, + 0.06948156654834747, + -0.027760732918977737, + -0.2033458650112152, + 2.5196704864501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/58.png", + [ + 0.2004726082086563, + -0.04415324702858925, + 0.06934777647256851, + -0.8478837013244629, + -0.05234357714653015, + -0.20949076116085052, + 0.01793503761291504, + -0.23453475534915924, + 0.06339380890130997, + -0.0333467498421669, + -0.20449233055114746, + 2.541811943054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/64.png", + [ + 0.19204121828079224, + -0.0682440921664238, + 0.07355819642543793, + -0.8845074772834778, + -0.07386519759893417, + -0.20365813374519348, + 0.003897585440427065, + -0.06185033544898033, + 0.06791167706251144, + -0.028530742973089218, + -0.20376922190189362, + 2.5109128952026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/10.png", + [ + 0.20345135033130646, + -0.04175131395459175, + 0.06174353137612343, + -0.7353214025497437, + -0.04462761804461479, + -0.2119966596364975, + 0.0036993632093071938, + -0.06331320106983185, + 0.05969766899943352, + -0.0161906685680151, + -0.20765824615955353, + 2.5486745834350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/41.png", + [ + 0.19947953522205353, + -0.03732718154788017, + 0.07591113448143005, + -0.9185835123062134, + -0.044364482164382935, + -0.2117169201374054, + 0.012475239112973213, + -0.1701352745294571, + 0.07202507555484772, + -0.027028141543269157, + -0.20255805552005768, + 2.5095014572143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/91.png", + [ + 0.20707209408283234, + -0.04417801648378372, + 0.04601464420557022, + -0.5569695830345154, + -0.04776371270418167, + -0.21098150312900543, + 0.012382762506604195, + -0.16550305485725403, + 0.042280878871679306, + -0.021977446973323822, + -0.2113698571920395, + 2.6331496238708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/23.png", + [ + 0.20388562977313995, + -0.04606527090072632, + 0.05706604942679405, + -0.6797683835029602, + -0.05013112723827362, + -0.21059870719909668, + 0.009107527323067188, + -0.125281423330307, + 0.05352955311536789, + -0.02177310176193714, + -0.20882627367973328, + 2.5513930320739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/37.png", + [ + 0.20074962079524994, + -0.03392653539776802, + 0.07413825392723083, + -0.9008153080940247, + -0.039498236030340195, + -0.21282954514026642, + 0.009558982215821743, + -0.13272687792778015, + 0.0713258683681488, + -0.02237129956483841, + -0.20337167382240295, + 2.527742862701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/36.png", + [ + 0.20067615807056427, + -0.03378044441342354, + 0.074403315782547, + -0.9050263166427612, + -0.039216138422489166, + -0.21290135383605957, + 0.009110384620726109, + -0.12627744674682617, + 0.07168727368116379, + -0.021904032677412033, + -0.20329543948173523, + 2.5254955291748047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/8.png", + [ + 0.20278491079807281, + -0.04120313748717308, + 0.06425321102142334, + -0.7603731751441956, + -0.04401916638016701, + -0.2121364027261734, + 0.002890707226470113, + -0.05331875756382942, + 0.06235773488879204, + -0.015758953988552094, + -0.20690833032131195, + 2.523627281188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/6.png", + [ + 0.20235688984394073, + -0.02962643653154373, + 0.07156714051961899, + -0.8401309251785278, + -0.031070243567228317, + -0.2144334316253662, + -0.000916900287847966, + -0.001824667677283287, + 0.07095223665237427, + -0.009406118653714657, + -0.2045121043920517, + 2.471086025238037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/20.png", + [ + 0.20429076254367828, + -0.0419367253780365, + 0.05877485126256943, + -0.7010502815246582, + -0.0461554117500782, + -0.2114870697259903, + 0.009528745897114277, + -0.13061581552028656, + 0.05552341043949127, + -0.02150418981909752, + -0.20833294093608856, + 2.554631233215332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/2.png", + [ + 0.1985476016998291, + -0.01442464254796505, + 0.08554922789335251, + -1.0073902606964111, + -0.014993836171925068, + -0.2161489576101303, + -0.0016467825043946505, + 0.006026547402143478, + 0.08545131236314774, + -0.0044109756126999855, + -0.19906409084796906, + 2.3997106552124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/5.png", + [ + 0.2016811966896057, + -0.02332398295402527, + 0.07568737119436264, + -0.8910670280456543, + -0.023933934047818184, + -0.2153332233428955, + -0.002581722103059292, + 0.017655394971370697, + 0.07549670338630676, + -0.005957373883575201, + -0.2030089944601059, + 2.447573184967041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/108.png", + [ + 0.20401696860790253, + -0.04322245717048645, + 0.058794520795345306, + -0.7139760255813599, + -0.04935695230960846, + -0.2103199064731598, + 0.016653109341859818, + -0.2183770388364792, + 0.05374819040298462, + -0.02907324768602848, + -0.2078792303800583, + 2.5907859802246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/60.png", + [ + 0.19488713145256042, + -0.05831308662891388, + 0.07460886240005493, + -0.9113898277282715, + -0.06572500616312027, + -0.2061975598335266, + 0.010520768351852894, + -0.13986313343048096, + 0.06816980242729187, + -0.03209434449672699, + -0.20315198600292206, + 2.5238823890686035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/56.png", + [ + 0.20152951776981354, + -0.03476319462060928, + 0.07159095257520676, + -0.8722106218338013, + -0.042702723294496536, + -0.2117106318473816, + 0.01740613393485546, + -0.22589978575706482, + 0.06715817749500275, + -0.030298784375190735, + -0.20376372337341309, + 2.5340795516967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/30.png", + [ + 0.2021482288837433, + -0.03276471793651581, + 0.07078459113836288, + -0.8560782670974731, + -0.03790634870529175, + -0.21311669051647186, + 0.009606508538126945, + -0.13144183158874512, + 0.06816960126161575, + -0.021345939487218857, + -0.20456087589263916, + 2.5201592445373535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/17.png", + [ + 0.20549532771110535, + -0.03357413783669472, + 0.059936147183179855, + -0.71733158826828, + -0.037517961114645004, + -0.21320316195487976, + 0.00920401606708765, + -0.1284475475549698, + 0.05754969269037247, + -0.019107285887002945, + -0.20801644027233124, + 2.565596103668213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/12.png", + [ + 0.2040831595659256, + -0.03884146362543106, + 0.061557330191135406, + -0.7406122088432312, + -0.04178957641124725, + -0.21256045997142792, + 0.004424961283802986, + -0.06635558605194092, + 0.0595952607691288, + -0.016040250658988953, + -0.20769934356212616, + 2.5571632385253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/114.png", + [ + 0.2036983072757721, + -0.041150592267513275, + 0.06133120134472847, + -0.738162100315094, + -0.047422491014003754, + -0.21081063151359558, + 0.016058702021837234, + -0.20734818279743195, + 0.05662151426076889, + -0.02852022461593151, + -0.20719194412231445, + 2.5572924613952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/27.png", + [ + 0.20131663978099823, + -0.036904510110616684, + 0.07111653685569763, + -0.8516943454742432, + -0.043046869337558746, + -0.2120256870985031, + 0.011830545030534267, + -0.1573198288679123, + 0.06757567822933197, + -0.025120751932263374, + -0.20432907342910767, + 2.50233793258667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/42.png", + [ + 0.19993987679481506, + -0.036784689873456955, + 0.07495883852243423, + -0.9051183462142944, + -0.043452054262161255, + -0.21193940937519073, + 0.011895507574081421, + -0.16220729053020477, + 0.0713011771440506, + -0.026009049266576767, + -0.202947199344635, + 2.506610870361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/7.png", + [ + 0.2026812732219696, + -0.03584451973438263, + 0.06770054996013641, + -0.7967022061347961, + -0.03818528726696968, + -0.21327875554561615, + 0.0013968453276902437, + -0.03219106048345566, + 0.06640841066837311, + -0.0132377240806818, + -0.2058217078447342, + 2.4982552528381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/73.png", + [ + 0.20373278856277466, + -0.04789064824581146, + 0.05610108748078346, + -0.6606289744377136, + -0.05044323951005936, + -0.2106948047876358, + 0.003326662350445986, + -0.05136488378047943, + 0.053817518055438995, + -0.01618865318596363, + -0.20925940573215485, + 2.54091739654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/46.png", + [ + 0.1990957111120224, + -0.03042815625667572, + 0.07989319413900375, + -0.9635876417160034, + -0.04018532112240791, + -0.21203093230724335, + 0.019388549029827118, + -0.25005391240119934, + 0.07545817643404007, + -0.03263285011053085, + -0.20047207176685333, + 2.482985496520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/57.png", + [ + 0.20089980959892273, + -0.03945208713412285, + 0.07092735171318054, + -0.8664773106575012, + -0.04763803631067276, + -0.21062400937080383, + 0.017777573317289352, + -0.23173291981220245, + 0.06570976972579956, + -0.0320773646235466, + -0.20396362245082855, + 2.538853168487549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/44.png", + [ + 0.19982823729515076, + -0.03139439970254898, + 0.07765926420688629, + -0.9357661008834839, + -0.03974775969982147, + -0.21236330270767212, + 0.016426973044872284, + -0.21377870440483093, + 0.07373388856649399, + -0.029395945370197296, + -0.2016112208366394, + 2.4946436882019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/113.png", + [ + 0.2039935141801834, + -0.04101571813225746, + 0.06043390557169914, + -0.7266418933868408, + -0.04723922908306122, + -0.21082791686058044, + 0.01636890321969986, + -0.21168413758277893, + 0.055704593658447266, + -0.028586648404598236, + -0.20743119716644287, + 2.560664176940918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/29.png", + [ + 0.20275866985321045, + -0.03202831745147705, + 0.06936141848564148, + -0.8348680138587952, + -0.036987192928791046, + -0.21327665448188782, + 0.00963908713310957, + -0.12979093194007874, + 0.06684884428977966, + -0.020860275253653526, + -0.20504628121852875, + 2.519094467163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/4.png", + [ + 0.1997377723455429, + -0.017610661685466766, + 0.08211318403482437, + -0.9680142998695374, + -0.019041704013943672, + -0.215836301445961, + 2.8343267331365496e-05, + -0.015687132254242897, + 0.08179318159818649, + -0.0072423615492880344, + -0.20051264762878418, + 2.4207210540771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/55.png", + [ + 0.20259416103363037, + -0.02961885929107666, + 0.07089584320783615, + -0.8616056442260742, + -0.036318451166152954, + -0.21309885382652283, + 0.014756322838366032, + -0.19155000150203705, + 0.06770868599414825, + -0.025680774822831154, + -0.2042153775691986, + 2.5329055786132812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/9.png", + [ + 0.20333699882030487, + -0.04382674768567085, + 0.06067274883389473, + -0.7197748422622681, + -0.04633241519331932, + -0.21164943277835846, + 0.0023929569870233536, + -0.047826144844293594, + 0.05878157541155815, + -0.015219555236399174, + -0.2079927772283554, + 2.543898105621338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/25.png", + [ + 0.20167624950408936, + -0.04382270202040672, + 0.06598600000143051, + -0.7917011380195618, + -0.04904632270336151, + -0.2108185738325119, + 0.009893611073493958, + -0.13354115188121796, + 0.0622016079723835, + -0.02414531074464321, + -0.20614522695541382, + 2.536227226257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/99.png", + [ + 0.2088204026222229, + -0.03522707521915436, + 0.04583662375807762, + -0.5642216801643372, + -0.04020609334111214, + -0.21194329857826233, + 0.020283127203583717, + -0.2682293951511383, + 0.04153808578848839, + -0.028053313493728638, + -0.2107972800731659, + 2.656332492828369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/34.png", + [ + 0.2011423408985138, + -0.03189481794834137, + 0.07397544384002686, + -0.9012770652770996, + -0.03853089362382889, + -0.2128240466117859, + 0.01300716120749712, + -0.17470821738243103, + 0.07074613124132156, + -0.02522967755794525, + -0.20323961973190308, + 2.5252790451049805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/72.png", + [ + 0.20167140662670135, + -0.051325105130672455, + 0.060351256281137466, + -0.7118819952011108, + -0.05420244112610817, + -0.20976781845092773, + 0.002729464089497924, + -0.045802682638168335, + 0.0577809177339077, + -0.017637690529227257, + -0.2080821394920349, + 2.5238776206970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/102.png", + [ + 0.20736706256866455, + -0.037327785044908524, + 0.050531476736068726, + -0.6174597144126892, + -0.04336851090192795, + -0.21114733815193176, + 0.02199697680771351, + -0.28610050678253174, + 0.045452892780303955, + -0.0311661995947361, + -0.20954854786396027, + 2.637692928314209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/70.png", + [ + 0.19899213314056396, + -0.054435569792985916, + 0.06623287498950958, + -0.7895066142082214, + -0.059707675129175186, + -0.20811860263347626, + 0.00833879504352808, + -0.11827905476093292, + 0.06152251362800598, + -0.025909654796123505, + -0.20613481104373932, + 2.508664131164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/90.png", + [ + 0.20692011713981628, + -0.04536085203289986, + 0.045545075088739395, + -0.5497002005577087, + -0.04835602268576622, + -0.21099378168582916, + 0.009550459682941437, + -0.131062313914299, + 0.04235156625509262, + -0.019284958019852638, + -0.2116183638572693, + 2.6320128440856934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/15.png", + [ + 0.20430593192577362, + -0.03642099350690842, + 0.06229356303811073, + -0.7494561672210693, + -0.040200695395469666, + -0.2127825915813446, + 0.007440362125635147, + -0.10698491334915161, + 0.05992395803332329, + -0.01857326179742813, + -0.20739345252513885, + 2.5577192306518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/22.png", + [ + 0.2039409577846527, + -0.045762840658426285, + 0.05711173638701439, + -0.6799989342689514, + -0.050095684826374054, + -0.21055853366851807, + 0.010169601067900658, + -0.1389344185590744, + 0.053351763635873795, + -0.02277631312608719, + -0.20876476168632507, + 2.551835536956787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/109.png", + [ + 0.20364946126937866, + -0.0440169982612133, + 0.059475138783454895, + -0.721985399723053, + -0.0504426434636116, + -0.2100103199481964, + 0.01729452610015869, + -0.22607538104057312, + 0.054132506251335144, + -0.030100911855697632, + -0.2076330929994583, + 2.586193561553955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/26.png", + [ + 0.20438934862613678, + -0.0411955751478672, + 0.058956027030944824, + -0.7003235220909119, + -0.04579123482108116, + -0.21149657666683197, + 0.010966088622808456, + -0.14354506134986877, + 0.05546216666698456, + -0.02280387654900551, + -0.2082110196352005, + 2.5338058471679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/43.png", + [ + 0.20004449784755707, + -0.034213826060295105, + 0.0758914202451706, + -0.9144614934921265, + -0.04138405621051788, + -0.2122637927532196, + 0.013391450047492981, + -0.17774561047554016, + 0.07223192602396011, + -0.02685861475765705, + -0.2025069296360016, + 2.502472400665283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/84.png", + [ + 0.20697876811027527, + -0.04326169565320015, + 0.04728752747178078, + -0.5641839504241943, + -0.046027835458517075, + -0.21158210933208466, + 0.007896019145846367, + -0.10929155349731445, + 0.04459959268569946, + -0.017587898299098015, + -0.21130412817001343, + 2.5892724990844727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/89.png", + [ + 0.2070339322090149, + -0.04616492986679077, + 0.044200025498867035, + -0.5320483446121216, + -0.048723652958869934, + -0.21097876131534576, + 0.00786491297185421, + -0.1100701093673706, + 0.04136240482330322, + -0.0174542386084795, + -0.21197262406349182, + 2.6296863555908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/63.png", + [ + 0.1900060921907425, + -0.06937994807958603, + 0.07766594737768173, + -0.9371963143348694, + -0.07549802958965302, + -0.20306910574436188, + 0.003298228606581688, + -0.054302528500556946, + 0.0717330202460289, + -0.029954176396131516, + -0.2022498995065689, + 2.496133327484131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/88.png", + [ + 0.20720987021923065, + -0.045108966529369354, + 0.04446512088179588, + -0.5329045057296753, + -0.047520656138658524, + -0.2112797647714615, + 0.007109792437404394, + -0.10077816247940063, + 0.041877832263708115, + -0.016551228240132332, + -0.2119438648223877, + 2.624730110168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/62.png", + [ + 0.19121162593364716, + -0.06619089096784592, + 0.07749047130346298, + -0.939075231552124, + -0.07227189093828201, + -0.2042292058467865, + 0.003885820275172591, + -0.05639631301164627, + 0.07185249775648117, + -0.02927614375948906, + -0.20230674743652344, + 2.505445957183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/65.png", + [ + 0.19320572912693024, + -0.06739425659179688, + 0.07125631719827652, + -0.8549683094024658, + -0.07316548377275467, + -0.20387201011180878, + 0.0055600544437766075, + -0.08426257967948914, + 0.06531661748886108, + -0.02901925891637802, + -0.20454710721969604, + 2.5162181854248047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/80.png", + [ + 0.20632363855838776, + -0.043890513479709625, + 0.0495184026658535, + -0.5919594764709473, + -0.046700507402420044, + -0.21146103739738464, + 0.007154617924243212, + -0.09957027435302734, + 0.046877630054950714, + -0.01748567260801792, + -0.21081894636154175, + 2.57316255569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/79.png", + [ + 0.20625239610671997, + -0.044046271592378616, + 0.04967662692070007, + -0.5945767760276794, + -0.04694477841258049, + -0.21139590442180634, + 0.007473766338080168, + -0.10414528846740723, + 0.04694709554314613, + -0.01787722297012806, + -0.2107706516981125, + 2.568993091583252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/116.png", + [ + 0.20530468225479126, + -0.03384709730744362, + 0.06043391674757004, + -0.723478376865387, + -0.039576854556798935, + -0.21246829628944397, + 0.015452862717211246, + -0.19799727201461792, + 0.05684678629040718, + -0.025680573657155037, + -0.20750144124031067, + 2.5618362426757812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/19.png", + [ + 0.2041982114315033, + -0.03992392122745514, + 0.060473691672086716, + -0.7235619425773621, + -0.04403124377131462, + -0.2119736671447754, + 0.008735704235732555, + -0.12123315036296844, + 0.0575520358979702, + -0.020521769300103188, + -0.20788100361824036, + 2.5548081398010254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/77.png", + [ + 0.20583799481391907, + -0.04343905299901962, + 0.051881302148103714, + -0.6215270757675171, + -0.0465841144323349, + -0.21146512031555176, + 0.007766492664813995, + -0.1057867705821991, + 0.04907688871026039, + -0.018532320857048035, + -0.21022821962833405, + 2.564044952392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/68.png", + [ + 0.19795672595500946, + -0.05826670303940773, + 0.06607590615749359, + -0.7885838747024536, + -0.06518600136041641, + -0.2061975598335266, + 0.013462630100548267, + -0.1840897798538208, + 0.059260595589876175, + -0.03217839449644089, + -0.20591412484645844, + 2.515202522277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/86.png", + [ + 0.2068338692188263, + -0.044849101454019547, + 0.04643499478697777, + -0.5549842119216919, + -0.047619450837373734, + -0.21122179925441742, + 0.008101795800030231, + -0.1118459552526474, + 0.043589431792497635, + -0.017939038574695587, + -0.2114853411912918, + 2.601154327392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/1.png", + [ + 0.19795633852481842, + -0.01464861910790205, + 0.08687116205692291, + -1.0246919393539429, + -0.014865837059915066, + -0.2161487489938736, + -0.0025727092288434505, + 0.018342919647693634, + 0.08683424443006516, + -0.0036096901167184114, + -0.19848093390464783, + 2.393141269683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/81.png", + [ + 0.20641914010047913, + -0.044112127274274826, + 0.04891985282301903, + -0.5840059518814087, + -0.04703090339899063, + -0.211362823843956, + 0.007858071476221085, + -0.10888299345970154, + 0.0461207777261734, + -0.018104569986462593, + -0.2109336405992508, + 2.576559066772461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/95.png", + [ + 0.20780107378959656, + -0.03998284041881561, + 0.046561527997255325, + -0.5698976516723633, + -0.04507962986826897, + -0.2109864354133606, + 0.020011361688375473, + -0.26285794377326965, + 0.04164649918675423, + -0.028879057615995407, + -0.21066433191299438, + 2.654715061187744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/103.png", + [ + 0.20678798854351044, + -0.038941096514463425, + 0.051674094051122665, + -0.6302220225334167, + -0.045259229838848114, + -0.21071578562259674, + 0.022323740646243095, + -0.2885350286960602, + 0.04624093323945999, + -0.03209887072443962, + -0.20923511683940887, + 2.627495288848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/83.png", + [ + 0.20650595426559448, + -0.04305063188076019, + 0.04949574172496796, + -0.5911590456962585, + -0.04593197628855705, + -0.21161456406116486, + 0.007578144781291485, + -0.10507406294345856, + 0.04683415964245796, + -0.01771489903330803, + -0.21080948412418365, + 2.580078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/51.png", + [ + 0.19854536652565002, + -0.028498223051428795, + 0.08194802701473236, + -0.9924501776695251, + -0.03869686275720596, + -0.21225641667842865, + 0.019941316917538643, + -0.25808754563331604, + 0.07765422761440277, + -0.03290827199816704, + -0.19958646595478058, + 2.4766716957092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+8vcxTHoDadk+P3+C0+F27918-28036/93.png", + [ + 0.20756623148918152, + -0.0426592119038105, + 0.045214489102363586, + -0.5492429733276367, + -0.046981409192085266, + -0.2108566015958786, + 0.01673750951886177, + -0.22079826891422272, + 0.04070509970188141, + -0.025837738066911697, + -0.21124252676963806, + 2.646754264831543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/76.png", + [ + 0.1674974262714386, + -0.011510989628732204, + -0.13696718215942383, + 1.5092238187789917, + -0.03620176389813423, + -0.21198450028896332, + -0.026455609127879143, + 0.28109240531921387, + -0.1325969099998474, + 0.04333548620343208, + -0.16579501330852509, + 1.8905118703842163, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/48.png", + [ + 0.15207752585411072, + -0.019881287589669228, + -0.1530524492263794, + 1.7488694190979004, + -0.05707202106714249, + -0.20688296854496002, + -0.029834682121872902, + 0.32499849796295166, + -0.14339838922023773, + 0.06125404313206673, + -0.15044178068637848, + 1.7756266593933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/35.png", + [ + 0.1525290310382843, + -0.024456022307276726, + -0.15193647146224976, + 1.756074070930481, + -0.06365441530942917, + -0.20478957891464233, + -0.03093930333852768, + 0.34079208970069885, + -0.1401103138923645, + 0.06641557067632675, + -0.15134716033935547, + 1.7963547706604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/97.png", + [ + 0.15507450699806213, + -0.026406612247228622, + -0.1490049660205841, + 1.6911500692367554, + -0.050653163343667984, + -0.21010105311870575, + -0.015482425689697266, + 0.16473819315433502, + -0.142597496509552, + 0.04591447860002518, + -0.15654300153255463, + 1.8243962526321411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/13.png", + [ + 0.155913308262825, + -0.029667850583791733, + -0.14750847220420837, + 1.7026420831680298, + -0.0639331117272377, + -0.20535366237163544, + -0.02627389132976532, + 0.28676745295524597, + -0.1362038552761078, + 0.062430597841739655, + -0.1565210074186325, + 1.856404423713684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/32.png", + [ + 0.15537619590759277, + -0.023578936234116554, + -0.14916488528251648, + 1.7246534824371338, + -0.06337940692901611, + -0.2044384777545929, + -0.03370237350463867, + 0.37212029099464417, + -0.13707362115383148, + 0.06779995560646057, + -0.1534987986087799, + 1.8216766119003296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/38.png", + [ + 0.15506590902805328, + -0.02470916137099266, + -0.14930477738380432, + 1.711694598197937, + -0.06243974715471268, + -0.2051699310541153, + -0.03089452162384987, + 0.3381604254245758, + -0.13785403966903687, + 0.06513563543558121, + -0.1539529412984848, + 1.8104603290557861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/11.png", + [ + 0.1568482369184494, + -0.03225734829902649, + -0.14596569538116455, + 1.6834405660629272, + -0.06468304991722107, + -0.20538344979286194, + -0.024117283523082733, + 0.2610652446746826, + -0.1347687989473343, + 0.06103280186653137, + -0.1583043336868286, + 1.8807326555252075, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/59.png", + [ + 0.15805399417877197, + -0.011331945657730103, + -0.14777828752994537, + 1.6789050102233887, + -0.04246308654546738, + -0.21044613420963287, + -0.02927829697728157, + 0.31682920455932617, + -0.1419990062713623, + 0.05031818151473999, + -0.15573136508464813, + 1.825859546661377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/105.png", + [ + 0.16495034098625183, + -0.02195364236831665, + -0.13877075910568237, + 1.5866427421569824, + -0.04561327397823334, + -0.210788294672966, + -0.020871495828032494, + 0.22067606449127197, + -0.13288608193397522, + 0.04510241374373436, + -0.16509073972702026, + 1.9385238885879517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/24.png", + [ + 0.1526014357805252, + -0.024583516642451286, + -0.15184317529201508, + 1.7559666633605957, + -0.0622192919254303, + -0.2054758071899414, + -0.029263313859701157, + 0.32066115736961365, + -0.14067499339580536, + 0.06421240419149399, + -0.15177354216575623, + 1.8051726818084717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/74.png", + [ + 0.16337800025939941, + -0.012610122561454773, + -0.1417621672153473, + 1.5692620277404785, + -0.03774608299136162, + -0.21193283796310425, + -0.024649586528539658, + 0.2618959844112396, + -0.1372252255678177, + 0.04328225180506706, + -0.16199931502342224, + 1.849969744682312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/98.png", + [ + 0.15406300127506256, + -0.02297798916697502, + -0.15061374008655548, + 1.7038758993148804, + -0.04761245846748352, + -0.21072952449321747, + -0.01655345782637596, + 0.17859652638435364, + -0.1447257250547409, + 0.04486618563532829, + -0.15488505363464355, + 1.807205080986023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/0.png", + [ + 0.14952608942985535, + -0.05005465820431709, + -0.14860813319683075, + 1.7379467487335205, + -0.08403287827968597, + -0.19894373416900635, + -0.017543086782097816, + 0.18573451042175293, + -0.13239455223083496, + 0.06974105536937714, + -0.15670277178287506, + 1.894264578819275, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/96.png", + [ + 0.15305224061012268, + -0.02487376518547535, + -0.15134133398532867, + 1.7219395637512207, + -0.05044987425208092, + -0.21007300913333893, + -0.016493581235408783, + 0.17426641285419464, + -0.14483685791492462, + 0.04688841849565506, + -0.1541806012392044, + 1.800650954246521, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/100.png", + [ + 0.16447044909000397, + -0.026612769812345505, + -0.13852481544017792, + 1.5650911331176758, + -0.048500917851924896, + -0.21047914028167725, + -0.017148800194263458, + 0.1808965802192688, + -0.1324576437473297, + 0.04402477666735649, + -0.1657247096300125, + 1.9323374032974243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/40.png", + [ + 0.15607871115207672, + -0.02552228793501854, + -0.1481078714132309, + 1.6875157356262207, + -0.06273555755615234, + -0.20509858429431915, + -0.03076878935098648, + 0.3338727056980133, + -0.1365707814693451, + 0.0650467649102211, + -0.15512971580028534, + 1.8142396211624146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/52.png", + [ + 0.1576964557170868, + -0.016306839883327484, + -0.14769499003887177, + 1.6892756223678589, + -0.05084075778722763, + -0.20828890800476074, + -0.03128660097718239, + 0.3447116017341614, + -0.13962428271770477, + 0.057425789535045624, + -0.15541954338550568, + 1.8333646059036255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/3.png", + [ + 0.14980344474315643, + -0.047249313443899155, + -0.14924584329128265, + 1.7467929124832153, + -0.08124721795320511, + -0.2000368982553482, + -0.018221665173768997, + 0.1926487535238266, + -0.13381221890449524, + 0.06856122612953186, + -0.1560177505016327, + 1.8790644407272339, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/47.png", + [ + 0.15329967439174652, + -0.019480634480714798, + -0.1518802046775818, + 1.7353359460830688, + -0.05735587701201439, + -0.20657317340373993, + -0.031396202743053436, + 0.3412929177284241, + -0.1419767439365387, + 0.06241733208298683, + -0.1513095200061798, + 1.7816888093948364, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/104.png", + [ + 0.16407367587089539, + -0.020982708781957626, + -0.13995516300201416, + 1.597596287727356, + -0.04459264501929283, + -0.21102945506572723, + -0.02063882350921631, + 0.2184806764125824, + -0.13431014120578766, + 0.04443186894059181, + -0.16411729156970978, + 1.9261192083358765, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/21.png", + [ + 0.1484595686197281, + -0.0282501969486475, + -0.15527260303497314, + 1.790462613105774, + -0.06006200984120369, + -0.20724759995937347, + -0.01972012221813202, + 0.21186214685440063, + -0.14594590663909912, + 0.05655311420559883, + -0.1498313546180725, + 1.7832027673721313, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/82.png", + [ + 0.15967002511024475, + -0.020780961960554123, + -0.144988015294075, + 1.6278258562088013, + -0.04449494183063507, + -0.21122843027114868, + -0.01872553676366806, + 0.19184675812721252, + -0.13954776525497437, + 0.04357289522886276, + -0.15992410480976105, + 1.8452770709991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/106.png", + [ + 0.16448454558849335, + -0.02426692470908165, + -0.1389382779598236, + 1.5914442539215088, + -0.049754798412323, + -0.20970486104488373, + -0.022276105359196663, + 0.23951315879821777, + -0.13197417557239532, + 0.048814766108989716, + -0.16476596891880035, + 1.9358869791030884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/14.png", + [ + 0.15373137593269348, + -0.028927220031619072, + -0.14992587268352509, + 1.7345033884048462, + -0.0651930645108223, + -0.20481909811496735, + -0.02732931822538376, + 0.2992641031742096, + -0.13807395100593567, + 0.06449995189905167, + -0.15402346849441528, + 1.8329222202301025, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/67.png", + [ + 0.15483154356479645, + -0.01398777961730957, + -0.1509285569190979, + 1.7034823894500732, + -0.04099797084927559, + -0.2115728259086609, + -0.02244999259710312, + 0.2397446632385254, + -0.14592550694942474, + 0.04460020363330841, + -0.1538325697183609, + 1.79155695438385, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/78.png", + [ + 0.16662073135375977, + -0.01212825533002615, + -0.13797946274280548, + 1.5255767107009888, + -0.037477534264326096, + -0.21173886954784393, + -0.026645347476005554, + 0.2852771282196045, + -0.1333448886871338, + 0.04435589909553528, + -0.16492296755313873, + 1.8905590772628784, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/31.png", + [ + 0.15333956480026245, + -0.0231710746884346, + -0.15132077038288116, + 1.7512671947479248, + -0.06363079696893692, + -0.20444685220718384, + -0.03317367658019066, + 0.36657968163490295, + -0.13923358917236328, + 0.0679151862859726, + -0.1514906883239746, + 1.8009033203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/39.png", + [ + 0.15561231970787048, + -0.025658108294010162, + -0.14857445657253265, + 1.6967835426330566, + -0.0633057951927185, + -0.20490065217018127, + -0.030919168144464493, + 0.3372238576412201, + -0.1368396133184433, + 0.06561464071273804, + -0.154652938246727, + 1.812174916267395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/92.png", + [ + 0.16300339996814728, + -0.016430284827947617, + -0.1418020874261856, + 1.593765377998352, + -0.043347857892513275, + -0.21076835691928864, + -0.025407690554857254, + 0.27435043454170227, + -0.1360100954771042, + 0.04748297482728958, + -0.16184718906879425, + 1.8799172639846802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/53.png", + [ + 0.15615351498126984, + -0.016750799492001534, + -0.14927621185779572, + 1.7096508741378784, + -0.049798980355262756, + -0.2089189887046814, + -0.028649743646383286, + 0.31562668085098267, + -0.14171814918518066, + 0.05495595186948776, + -0.1544140726327896, + 1.8282110691070557, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/75.png", + [ + 0.16658280789852142, + -0.011721160262823105, + -0.13806042075157166, + 1.5216946601867676, + -0.03607082739472389, + -0.21212221682071686, + -0.02551390789449215, + 0.2697486877441406, + -0.13377952575683594, + 0.042599041014909744, + -0.16503410041332245, + 1.879867672920227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/87.png", + [ + 0.15434309840202332, + -0.02030913531780243, + -0.15071044862270355, + 1.6940109729766846, + -0.04638751968741417, + -0.21078722178936005, + -0.019100777804851532, + 0.20549242198467255, + -0.1448250710964203, + 0.045871347188949585, + -0.15449729561805725, + 1.7867096662521362, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/107.png", + [ + 0.16598264873027802, + -0.025874776765704155, + -0.13685083389282227, + 1.5726152658462524, + -0.05223619192838669, + -0.2089264988899231, + -0.023853523656725883, + 0.2594265639781952, + -0.12910862267017365, + 0.051265060901641846, + -0.16628514230251312, + 1.9533687829971313, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/69.png", + [ + 0.16127674281597137, + -0.009859657846391201, + -0.14436234533786774, + 1.6245224475860596, + -0.03836832568049431, + -0.21134696900844574, + -0.02842922881245613, + 0.3066922128200531, + -0.1395190805196762, + 0.046724047511816025, + -0.15905718505382538, + 1.8427015542984009, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/45.png", + [ + 0.15255440771579742, + -0.020663589239120483, + -0.15247316658496857, + 1.739227056503296, + -0.0593295693397522, + -0.2060079574584961, + -0.03144240751862526, + 0.3427000343799591, + -0.1419684886932373, + 0.06388770788908005, + -0.1507023721933365, + 1.7712976932525635, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/50.png", + [ + 0.155755877494812, + -0.018216410651803017, + -0.14951978623867035, + 1.7087836265563965, + -0.054333221167325974, + -0.20739850401878357, + -0.0313313826918602, + 0.343854695558548, + -0.1404845416545868, + 0.060015968978405, + -0.15365569293498993, + 1.8124818801879883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/101.png", + [ + 0.16400180757045746, + -0.026374202221632004, + -0.1391247808933258, + 1.5784565210342407, + -0.04813515022397041, + -0.21058960258960724, + -0.016820285469293594, + 0.17714104056358337, + -0.1331702470779419, + 0.04363847151398659, + -0.16525515913963318, + 1.935198187828064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/85.png", + [ + 0.15737822651863098, + -0.0218203142285347, + -0.14732229709625244, + 1.6579669713974, + -0.04708033427596092, + -0.21063394844532013, + -0.01909637451171875, + 0.20227928459644318, + -0.14129197597503662, + 0.04588140547275543, + -0.15773195028305054, + 1.8185288906097412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/71.png", + [ + 0.15935039520263672, + -0.011732564307749271, + -0.14634786546230316, + 1.632553219795227, + -0.03741646185517311, + -0.21209536492824554, + -0.023737316951155663, + 0.25476840138435364, + -0.14196957647800446, + 0.042729366570711136, + -0.1580086648464203, + 1.8177821636199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/54.png", + [ + 0.15771229565143585, + -0.017370451241731644, + -0.14755678176879883, + 1.693763256072998, + -0.048415493220090866, + -0.20945145189762115, + -0.02709093503654003, + 0.29885557293891907, + -0.14046591520309448, + 0.05269009619951248, + -0.15633609890937805, + 1.8530365228652954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/33.png", + [ + 0.15492847561836243, + -0.02487613819539547, + -0.14941968023777008, + 1.7271610498428345, + -0.06467200815677643, + -0.20413661003112793, + -0.0330706462264061, + 0.365492582321167, + -0.13697661459445953, + 0.06824451684951782, + -0.1533883512020111, + 1.8198974132537842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/49.png", + [ + 0.156905859708786, + -0.017172766849398613, + -0.1484369933605194, + 1.6952582597732544, + -0.05349418520927429, + -0.2074291706085205, + -0.03254861384630203, + 0.35603001713752747, + -0.13952353596687317, + 0.06021741032600403, + -0.1544504463672638, + 1.8182348012924194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/18.png", + [ + 0.15178784728050232, + -0.027837825939059258, + -0.1520966738462448, + 1.7593684196472168, + -0.059848934412002563, + -0.20709845423698425, + -0.021822767332196236, + 0.23566976189613342, + -0.1425708532333374, + 0.05729907006025314, + -0.15276865661144257, + 1.8184689283370972, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/66.png", + [ + 0.15882085263729095, + -0.011362528428435326, + -0.14695142209529877, + 1.6615511178970337, + -0.0387846939265728, + -0.21163809299468994, + -0.02555317059159279, + 0.27117618918418884, + -0.14219556748867035, + 0.04503454267978668, + -0.15716299414634705, + 1.8295702934265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/16.png", + [ + 0.15124572813510895, + -0.02863333374261856, + -0.15248854458332062, + 1.7641102075576782, + -0.06366213411092758, + -0.20565372705459595, + -0.024526922032237053, + 0.26682278513908386, + -0.14149117469787598, + 0.061923906207084656, + -0.1519656777381897, + 1.809906244277954, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/94.png", + [ + 0.16073133051395416, + -0.021184341982007027, + -0.14375171065330505, + 1.626969814300537, + -0.048025861382484436, + -0.2100575566291809, + -0.022742897272109985, + 0.24364310503005981, + -0.13713805377483368, + 0.0487334243953228, + -0.16051822900772095, + 1.8697677850723267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/28.png", + [ + 0.15253378450870514, + -0.02310744673013687, + -0.15214265882968903, + 1.7649973630905151, + -0.06358186900615692, + -0.2045416533946991, + -0.03267950937151909, + 0.3618922531604767, + -0.14013810455799103, + 0.0676509439945221, + -0.15077319741249084, + 1.7990738153457642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/61.png", + [ + 0.15698587894439697, + -0.008663683198392391, + -0.14909148216247559, + 1.69428551197052, + -0.03813115134835243, + -0.21146540343761444, + -0.027861975133419037, + 0.2987866997718811, + -0.14439301192760468, + 0.04642429202795029, + -0.15473634004592896, + 1.8117440938949585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/58.png", + [ + 0.16157454252243042, + -0.012275014072656631, + -0.14384324848651886, + 1.6392178535461426, + -0.042371924966573715, + -0.21041397750377655, + -0.029639137908816338, + 0.32293421030044556, + -0.13800789415836334, + 0.050231292843818665, + -0.15930640697479248, + 1.8703891038894653, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/64.png", + [ + 0.157237246632576, + -0.012245181016623974, + -0.14857454597949982, + 1.675398826599121, + -0.03782711550593376, + -0.21215233206748962, + -0.022547518834471703, + 0.23827886581420898, + -0.14419934153556824, + 0.04230055212974548, + -0.15609325468540192, + 1.818344235420227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/10.png", + [ + 0.1565045565366745, + -0.03515443205833435, + -0.14566531777381897, + 1.6824517250061035, + -0.06749501079320908, + -0.20458921790122986, + -0.0231424942612648, + 0.2506512403488159, + -0.13378579914569855, + 0.06209120154380798, + -0.15872597694396973, + 1.8905950784683228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/41.png", + [ + 0.15348276495933533, + -0.021875333040952682, + -0.15136843919754028, + 1.7245856523513794, + -0.06164167821407318, + -0.20510564744472504, + -0.03286143019795418, + 0.35799646377563477, + -0.13996869325637817, + 0.06634034216403961, + -0.15151110291481018, + 1.7717969417572021, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/91.png", + [ + 0.15952877700328827, + -0.01557784341275692, + -0.14579369127750397, + 1.6379565000534058, + -0.04236498102545738, + -0.21115615963935852, + -0.023794418200850487, + 0.2572512924671173, + -0.14036980271339417, + 0.046024955809116364, + -0.15851157903671265, + 1.8426176309585571, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/23.png", + [ + 0.15388381481170654, + -0.02452840656042099, + -0.15055236220359802, + 1.7392187118530273, + -0.0600787028670311, + -0.2063150405883789, + -0.027794720605015755, + 0.3024718165397644, + -0.14020773768424988, + 0.06148458272218704, + -0.15332752466201782, + 1.821770191192627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/37.png", + [ + 0.15077610313892365, + -0.025177741423249245, + -0.15355956554412842, + 1.7651445865631104, + -0.06318067014217377, + -0.2053072303533554, + -0.0283731147646904, + 0.31063908338546753, + -0.14220641553401947, + 0.06452062726020813, + -0.15020759403705597, + 1.7732499837875366, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/36.png", + [ + 0.15263904631137848, + -0.024552037939429283, + -0.1518104523420334, + 1.7503613233566284, + -0.06359104812145233, + -0.20482851564884186, + -0.030811576172709465, + 0.33812955021858215, + -0.1400192826986313, + 0.06625988334417343, + -0.15149958431720734, + 1.7922792434692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/8.png", + [ + 0.1571614146232605, + -0.038605812937021255, + -0.14407558739185333, + 1.6738158464431763, + -0.070323646068573, + -0.20374833047389984, + -0.022115433588624, + 0.24059492349624634, + -0.131539985537529, + 0.06280205398797989, + -0.1603154093027115, + 1.9143027067184448, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/6.png", + [ + 0.15490752458572388, + -0.04063315689563751, + -0.14594689011573792, + 1.7028963565826416, + -0.07473179697990417, + -0.2020672708749771, + -0.023062413558363914, + 0.2504199147224426, + -0.13178279995918274, + 0.06682562083005905, + -0.158478781580925, + 1.8973265886306763, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/20.png", + [ + 0.14945074915885925, + -0.029016919434070587, + -0.1541764736175537, + 1.7781798839569092, + -0.05963437259197235, + -0.20745998620986938, + -0.01876131072640419, + 0.2020660638809204, + -0.145107239484787, + 0.05537385493516922, + -0.15108118951320648, + 1.7989474534988403, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/2.png", + [ + 0.1488080620765686, + -0.04927967116236687, + -0.14958465099334717, + 1.747594952583313, + -0.08225305378437042, + -0.19981589913368225, + -0.015997998416423798, + 0.16561535000801086, + -0.13430744409561157, + 0.0677717849612236, + -0.15593713521957397, + 1.8783105611801147, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/5.png", + [ + 0.1532573699951172, + -0.042657215148210526, + -0.1471068561077118, + 1.7197251319885254, + -0.07715968787670135, + -0.20126914978027344, + -0.02202284149825573, + 0.23877719044685364, + -0.13231195509433746, + 0.0679631233215332, + -0.15755145251750946, + 1.8901902437210083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/60.png", + [ + 0.15523849427700043, + -0.009519740007817745, + -0.15085846185684204, + 1.712393045425415, + -0.04055953770875931, + -0.21093784272670746, + -0.028426172211766243, + 0.3062775731086731, + -0.1456153243780136, + 0.0486055351793766, + -0.15291032195091248, + 1.7919224500656128, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/56.png", + [ + 0.15807659924030304, + -0.01644931361079216, + -0.14727221429347992, + 1.6891919374465942, + -0.044922564178705215, + -0.2105221003293991, + -0.024704325944185257, + 0.271392285823822, + -0.14121490716934204, + 0.048556771129369736, + -0.15699836611747742, + 1.8591965436935425, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/30.png", + [ + 0.14978961646556854, + -0.021739536896348, + -0.1550430804491043, + 1.7960065603256226, + -0.06238308548927307, + -0.20509324967861176, + -0.03151192143559456, + 0.3484410047531128, + -0.14359426498413086, + 0.0664232149720192, + -0.14804233610630035, + 1.7657973766326904, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/17.png", + [ + 0.14884047210216522, + -0.02695574052631855, + -0.15513798594474792, + 1.7952638864517212, + -0.06043115630745888, + -0.20690764486789703, + -0.022027181461453438, + 0.23858144879341125, + -0.14540456235408783, + 0.058399565517902374, + -0.1496492475271225, + 1.7843929529190063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/12.png", + [ + 0.15687674283981323, + -0.0296335332095623, + -0.14649036526679993, + 1.6927194595336914, + -0.0620204396545887, + -0.20613178610801697, + -0.02471938356757164, + 0.2676445245742798, + -0.13598176836967468, + 0.059828389436006546, + -0.1577257663011551, + 1.8748584985733032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/27.png", + [ + 0.15441171824932098, + -0.024343842640519142, + -0.15004095435142517, + 1.7383842468261719, + -0.06329774856567383, + -0.20474937558174133, + -0.031921472400426865, + 0.3527858853340149, + -0.13819663226604462, + 0.06658048927783966, + -0.15302492678165436, + 1.822840929031372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/42.png", + [ + 0.1527223289012909, + -0.02285442128777504, + -0.15199163556098938, + 1.7291449308395386, + -0.06254453957080841, + -0.2049645185470581, + -0.03202545642852783, + 0.34805673360824585, + -0.14039930701255798, + 0.06644640862941742, + -0.15106557309627533, + 1.7674026489257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/7.png", + [ + 0.15550605952739716, + -0.038573380559682846, + -0.14586928486824036, + 1.6985807418823242, + -0.07163441181182861, + -0.20323525369167328, + -0.02262377366423607, + 0.24646449089050293, + -0.1327940970659256, + 0.06446252018213272, + -0.1586133986711502, + 1.8970574140548706, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/73.png", + [ + 0.16374064981937408, + -0.012037149630486965, + -0.1413930505514145, + 1.5684895515441895, + -0.03656035661697388, + -0.21218377351760864, + -0.02427508868277073, + 0.2583974301815033, + -0.13711392879486084, + 0.04220244660973549, + -0.1623779982328415, + 1.8566690683364868, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/46.png", + [ + 0.15340691804885864, + -0.019651802256703377, + -0.151749849319458, + 1.7329018115997314, + -0.0573810413479805, + -0.20658773183822632, + -0.03125425800681114, + 0.34037524461746216, + -0.14185072481632233, + 0.06231548264622688, + -0.1514696329832077, + 1.7827883958816528, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/57.png", + [ + 0.1601313352584839, + -0.013972233980894089, + -0.14529496431350708, + 1.6624821424484253, + -0.04325298219919205, + -0.21053506433963776, + -0.02742360718548298, + 0.2999955415725708, + -0.13940955698490143, + 0.04927120357751846, + -0.15838311612606049, + 1.8699067831039429, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/44.png", + [ + 0.14786522090435028, + -0.021682238206267357, + -0.15688736736774445, + 1.7899211645126343, + -0.06211115047335625, + -0.20537954568862915, + -0.03015533648431301, + 0.32883670926094055, + -0.14569135010242462, + 0.06555166840553284, + -0.1463724672794342, + 1.7221992015838623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/29.png", + [ + 0.15283052623271942, + -0.023817075416445732, + -0.1517348438501358, + 1.7589192390441895, + -0.06393762677907944, + -0.2044908106327057, + -0.0323014035820961, + 0.35666200518608093, + -0.1396520733833313, + 0.06755847483873367, + -0.15126481652259827, + 1.8038685321807861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/4.png", + [ + 0.15289834141731262, + -0.04679373279213905, + -0.1462201625108719, + 1.7075740098953247, + -0.08011899888515472, + -0.20035548508167267, + -0.019659945741295815, + 0.2113335132598877, + -0.1309615671634674, + 0.06794051080942154, + -0.1586853712797165, + 1.9030872583389282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/55.png", + [ + 0.1578667312860489, + -0.01639328896999359, + -0.14750336110591888, + 1.6950361728668213, + -0.04629455506801605, + -0.2100430727005005, + -0.02620328962802887, + 0.2888970673084259, + -0.14100636541843414, + 0.05060689523816109, + -0.15653765201568604, + 1.8580869436264038, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/9.png", + [ + 0.16103219985961914, + -0.03593191131949425, + -0.1404472142457962, + 1.6247450113296509, + -0.0673220157623291, + -0.2044415920972824, + -0.024885037913918495, + 0.26977431774139404, + -0.1283910721540451, + 0.062132250517606735, + -0.16310489177703857, + 1.9399429559707642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/25.png", + [ + 0.15366841852664948, + -0.024052269756793976, + -0.15084891021251678, + 1.7461494207382202, + -0.062133677303791046, + -0.20531311631202698, + -0.030558641999959946, + 0.33634328842163086, + -0.13954681158065796, + 0.06493005901575089, + -0.15250791609287262, + 1.8143432140350342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/99.png", + [ + 0.1597309112548828, + -0.02522723563015461, + -0.14421342313289642, + 1.624687671661377, + -0.04726481810212135, + -0.21089082956314087, + -0.015459459275007248, + 0.1663011610507965, + -0.13856391608715057, + 0.04285493120551109, + -0.16097013652324677, + 1.8709465265274048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/34.png", + [ + 0.15333226323127747, + -0.024109434336423874, + -0.15118148922920227, + 1.7482258081436157, + -0.06417631357908249, + -0.20438531041145325, + -0.03249527886509895, + 0.3589347004890442, + -0.13899105787277222, + 0.0677737221121788, + -0.1517764925956726, + 1.8022233247756958, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/72.png", + [ + 0.16073079407215118, + -0.013336611911654472, + -0.14469152688980103, + 1.6097122430801392, + -0.03828853741288185, + -0.21202200651168823, + -0.022990237921476364, + 0.2464013695716858, + -0.14016951620578766, + 0.04262274503707886, + -0.15963616967201233, + 1.83220374584198, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/102.png", + [ + 0.1635950207710266, + -0.024822944775223732, + -0.1398870199918747, + 1.5937870740890503, + -0.04742734506726265, + -0.21064525842666626, + -0.018086327239871025, + 0.19156306982040405, + -0.13392238318920135, + 0.04427516460418701, + -0.16447612643241882, + 1.9322088956832886, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/70.png", + [ + 0.15933857858181, + -0.011804732494056225, + -0.14635489881038666, + 1.640755295753479, + -0.03944162651896477, + -0.21147648990154266, + -0.02588331513106823, + 0.279465913772583, + -0.14143359661102295, + 0.045675333589315414, + -0.15766477584838867, + 1.822536587715149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/90.png", + [ + 0.15613846480846405, + -0.01518326997756958, + -0.14945951104164124, + 1.679254174232483, + -0.04333643242716789, + -0.2109534740447998, + -0.023842716589570045, + 0.25797536969184875, + -0.14384236931800842, + 0.047074299305677414, + -0.15505249798297882, + 1.8016014099121094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/15.png", + [ + 0.15240436792373657, + -0.026488130912184715, + -0.15172073245048523, + 1.7535406351089478, + -0.06289754807949066, + -0.20553995668888092, + -0.02729680761694908, + 0.2987577021121979, + -0.1405870020389557, + 0.0632423609495163, + -0.15226159989833832, + 1.8104850053787231, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/22.png", + [ + 0.15427318215370178, + -0.025718623772263527, + -0.14995408058166504, + 1.729185938835144, + -0.058723270893096924, + -0.2070736289024353, + -0.024899469688534737, + 0.268831729888916, + -0.14035402238368988, + 0.05836915597319603, + -0.15440750122070312, + 1.8316148519515991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/26.png", + [ + 0.15239675343036652, + -0.02401961013674736, + -0.15213871002197266, + 1.7623209953308105, + -0.06299947202205658, + -0.20502236485481262, + -0.03073745034635067, + 0.3391990661621094, + -0.14054960012435913, + 0.06585424393415451, + -0.1511850506067276, + 1.8021169900894165, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/43.png", + [ + 0.15255817770957947, + -0.021732153370976448, + -0.1523207426071167, + 1.7345603704452515, + -0.06202612817287445, + -0.2049873024225235, + -0.032876525074243546, + 0.35793042182922363, + -0.1408071666955948, + 0.06675192713737488, + -0.15055036544799805, + 1.763789176940918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/84.png", + [ + 0.1566777527332306, + -0.021067459136247635, + -0.14817604422569275, + 1.6691933870315552, + -0.04576212167739868, + -0.21098706126213074, + -0.01838991604745388, + 0.1922294646501541, + -0.1424984335899353, + 0.044592853635549545, + -0.15701453387737274, + 1.8135677576065063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/89.png", + [ + 0.15768179297447205, + -0.015674572438001633, + -0.14777907729148865, + 1.6585211753845215, + -0.04435746744275093, + -0.21060805022716522, + -0.02499118447303772, + 0.26962199807167053, + -0.14183355867862701, + 0.04844018816947937, + -0.15647582709789276, + 1.8103630542755127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/63.png", + [ + 0.15481075644493103, + -0.012320694513618946, + -0.15109509229660034, + 1.7043712139129639, + -0.03848562017083168, + -0.21207694709300995, + -0.022138718515634537, + 0.23550274968147278, + -0.14663010835647583, + 0.042655203491449356, + -0.1537141650915146, + 1.7954182624816895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/88.png", + [ + 0.15785056352615356, + -0.01824137195944786, + -0.14730358123779297, + 1.6535989046096802, + -0.045933689922094345, + -0.2104797214269638, + -0.02315775491297245, + 0.2499503791332245, + -0.14114242792129517, + 0.048098210245370865, + -0.1572045385837555, + 1.814936876296997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/62.png", + [ + 0.1590065360069275, + -0.010985689237713814, + -0.1467791646718979, + 1.6561216115951538, + -0.03796743229031563, + -0.21181941032409668, + -0.025276660919189453, + 0.2687870264053345, + -0.14220860600471497, + 0.04426906257867813, + -0.15736855566501617, + 1.8367851972579956, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/65.png", + [ + 0.15658137202262878, + -0.011497557163238525, + -0.14932505786418915, + 1.6895853281021118, + -0.03824331983923912, + -0.21194273233413696, + -0.023782799020409584, + 0.2525026500225067, + -0.1448020040988922, + 0.04354284331202507, + -0.15519116818904877, + 1.8101848363876343, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/80.png", + [ + 0.1640978455543518, + -0.01535767037421465, + -0.14065536856651306, + 1.5658677816390991, + -0.039673127233982086, + -0.21174822747707367, + -0.02316524274647236, + 0.24385294318199158, + -0.13581542670726776, + 0.04329812154173851, + -0.16317884624004364, + 1.8753970861434937, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/79.png", + [ + 0.16659198701381683, + -0.012236225418746471, + -0.1380046159029007, + 1.5318351984024048, + -0.037315089255571365, + -0.21181517839431763, + -0.026264162734150887, + 0.27963829040527344, + -0.13342633843421936, + 0.04396018013358116, + -0.16496305167675018, + 1.8927241563796997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/19.png", + [ + 0.1525086909532547, + -0.029793882742524147, + -0.15100106596946716, + 1.7412596940994263, + -0.05961403250694275, + -0.20741790533065796, + -0.01928379200398922, + 0.20586907863616943, + -0.14189840853214264, + 0.05511825904250145, + -0.15419049561023712, + 1.8305529356002808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/77.png", + [ + 0.1652815192937851, + -0.01152054499834776, + -0.13963232934474945, + 1.5414042472839355, + -0.03792577609419823, + -0.2115578055381775, + -0.027437550947070122, + 0.2928239703178406, + -0.13487602770328522, + 0.04537026211619377, + -0.16339488327503204, + 1.8712528944015503, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/68.png", + [ + 0.1578502207994461, + -0.012253589928150177, + -0.14792245626449585, + 1.6670629978179932, + -0.040402840822935104, + -0.21132846176624298, + -0.025608453899621964, + 0.27407291531562805, + -0.1428244262933731, + 0.04623885825276375, + -0.1562403440475464, + 1.8133050203323364, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/86.png", + [ + 0.15490221977233887, + -0.02038520760834217, + -0.1501254141330719, + 1.6875636577606201, + -0.04653235152363777, + -0.21072810888290405, + -0.0193986427038908, + 0.2078450471162796, + -0.14418022334575653, + 0.046108681708574295, + -0.15502886474132538, + 1.7909737825393677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/1.png", + [ + 0.1482827514410019, + -0.04964208975434303, + -0.1499859243631363, + 1.7542017698287964, + -0.08301007747650146, + -0.19949941337108612, + -0.0160374715924263, + 0.1675584614276886, + -0.13442263007164001, + 0.06843636184930801, + -0.1555471569299698, + 1.8779197931289673, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/81.png", + [ + 0.15965129435062408, + -0.018546413630247116, + -0.1453113555908203, + 1.625607967376709, + -0.04282012954354286, + -0.2114521712064743, + -0.020057689398527145, + 0.2080458551645279, + -0.14009208977222443, + 0.043496035039424896, + -0.15946847200393677, + 1.8377044200897217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/95.png", + [ + 0.15785346925258636, + -0.022948238998651505, + -0.14664092659950256, + 1.6629440784454346, + -0.04890850558876991, + -0.21015560626983643, + -0.019760344177484512, + 0.2100788950920105, + -0.14013613760471344, + 0.04749622195959091, + -0.15828412771224976, + 1.8438746929168701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/103.png", + [ + 0.164134219288826, + -0.022573966532945633, + -0.13963618874549866, + 1.5928066968917847, + -0.045220717787742615, + -0.2110464721918106, + -0.019035974517464638, + 0.20118507742881775, + -0.13402587175369263, + 0.043562568724155426, + -0.1645820587873459, + 1.9320801496505737, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/83.png", + [ + 0.15434935688972473, + -0.02076999843120575, + -0.15064121782779694, + 1.6920990943908691, + -0.04410671442747116, + -0.2115316241979599, + -0.01602702960371971, + 0.1638410985469818, + -0.14552927017211914, + 0.042081765830516815, + -0.15491367876529694, + 1.787923812866211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/51.png", + [ + 0.15648169815540314, + -0.01685173436999321, + -0.14892075955867767, + 1.7026501893997192, + -0.05185825750231743, + -0.20808912813663483, + -0.030944010242819786, + 0.3404403328895569, + -0.14061328768730164, + 0.05798990651965141, + -0.15431451797485352, + 1.8201121091842651, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+iXkIoBhIoTI+P0+C2+F10574-10683/93.png", + [ + 0.15740171074867249, + -0.01757446862757206, + -0.14786390960216522, + 1.6687250137329102, + -0.04374862462282181, + -0.21112240850925446, + -0.021477483212947845, + 0.23044583201408386, + -0.14233288168907166, + 0.04545726254582405, + -0.1569167822599411, + 1.830954670906067, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/76.png", + [ + 0.19949336349964142, + 0.03995811939239502, + 0.07452274858951569, + -0.8391708135604858, + 0.0456729494035244, + -0.21162357926368713, + -0.008794227614998817, + 0.0934607982635498, + 0.07116372138261795, + 0.02380557544529438, + -0.20326562225818634, + 2.333993911743164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/48.png", + [ + 0.1979142278432846, + 0.04106602817773819, + 0.07804763317108154, + -0.8872020244598389, + 0.05092322453856468, + -0.20976853370666504, + -0.018758689984679222, + 0.2046937197446823, + 0.07200469076633453, + 0.03547738119959831, + -0.20125749707221985, + 2.3389506340026855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/35.png", + [ + 0.19625121355056763, + 0.04923168197274208, + 0.07752163708209991, + -0.893347978591919, + 0.06611811369657516, + -0.2026856690645218, + -0.03866279870271683, + 0.44214576482772827, + 0.06373191624879837, + 0.05867418274283409, + -0.19860383868217468, + 2.3199520111083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/97.png", + [ + 0.1980162262916565, + 0.04351793974637985, + 0.07644379884004593, + -0.8557890057563782, + 0.046454641968011856, + -0.21163609623908997, + 0.00014644177281297743, + -0.011022217571735382, + 0.07469558715820312, + 0.01625557616353035, + -0.20274174213409424, + 2.325596332550049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/13.png", + [ + 0.19361858069896698, + 0.044035281985998154, + 0.08672161400318146, + -1.010474681854248, + 0.06109165400266647, + -0.20539003610610962, + -0.03210354596376419, + 0.37546306848526, + 0.07568061351776123, + 0.05313871055841446, + -0.19595055282115936, + 2.3202481269836426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/32.png", + [ + 0.1942288726568222, + 0.05117974057793617, + 0.0812629982829094, + -0.9447588920593262, + 0.06842629611492157, + -0.2023959755897522, + -0.03607778251171112, + 0.41253429651260376, + 0.06738606840372086, + 0.05800343677401543, + -0.19759203493595123, + 2.33089542388916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/38.png", + [ + 0.19633644819259644, + 0.0469706691801548, + 0.07869977504014969, + -0.9023006558418274, + 0.06325609982013702, + -0.20408397912979126, + -0.03600412234663963, + 0.40738195180892944, + 0.06632167845964432, + 0.05560024827718735, + -0.19864024221897125, + 2.310177803039551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/11.png", + [ + 0.1926470249891281, + 0.04773169010877609, + 0.0869293138384819, + -1.0142018795013428, + 0.06333693861961365, + -0.2053644359111786, + -0.027600374072790146, + 0.3221307396888733, + 0.07631154358386993, + 0.04995031654834747, + -0.19654366374015808, + 2.3285412788391113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/59.png", + [ + 0.1982569694519043, + 0.041017401963472366, + 0.07719869166612625, + -0.894805908203125, + 0.04886272922158241, + -0.2106572389602661, + -0.013559354469180107, + 0.1519131064414978, + 0.07248792052268982, + 0.029816020280122757, + -0.20200099050998688, + 2.381117820739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/105.png", + [ + 0.19906207919120789, + 0.04360982030630112, + 0.07362323254346848, + -0.8359951376914978, + 0.04595498368144035, + -0.21174198389053345, + 0.0011699661845341325, + -0.021617623046040535, + 0.07218266278505325, + 0.014540042728185654, + -0.2037796527147293, + 2.3686060905456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/24.png", + [ + 0.19294574856758118, + 0.047229573130607605, + 0.08654014766216278, + -1.0022001266479492, + 0.06443076580762863, + -0.20436473190784454, + -0.03211899846792221, + 0.37306496500968933, + 0.07462242990732193, + 0.054335255175828934, + -0.1960282325744629, + 2.3069324493408203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/74.png", + [ + 0.19928082823753357, + 0.04160774126648903, + 0.07418792694807053, + -0.8397091627120972, + 0.048294227570295334, + -0.21091413497924805, + -0.011436527594923973, + 0.12441127002239227, + 0.0700194239616394, + 0.027054063975811005, + -0.20325660705566406, + 2.350126266479492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/98.png", + [ + 0.19830965995788574, + 0.04295351728796959, + 0.07600108534097672, + -0.8519877195358276, + 0.04622514173388481, + -0.21168412268161774, + -0.000977801624685526, + 0.0008594170212745667, + 0.07405678182840347, + 0.017108917236328125, + -0.2029058188199997, + 2.3306264877319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/0.png", + [ + 0.19968876242637634, + 0.044017914682626724, + 0.07165692746639252, + -0.8454004526138306, + 0.04939709231257439, + -0.21081098914146423, + -0.008158119395375252, + 0.08750395476818085, + 0.06806040555238724, + 0.02385479211807251, + -0.20431990921497345, + 2.4487252235412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/96.png", + [ + 0.19774214923381805, + 0.042695511132478714, + 0.07760822027921677, + -0.8678696751594543, + 0.04546695575118065, + -0.2118493914604187, + 0.0006994874565862119, + -0.017665546387434006, + 0.07601775228977203, + 0.0156469214707613, + -0.20229773223400116, + 2.3196921348571777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/100.png", + [ + 0.1969321221113205, + 0.04033472016453743, + 0.08086252957582474, + -0.9077370166778564, + 0.04314152151346207, + -0.21233460307121277, + 0.0008471831097267568, + -0.020762108266353607, + 0.07940054684877396, + 0.01533033698797226, + -0.20101848244667053, + 2.3114871978759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/40.png", + [ + 0.1968183070421219, + 0.04610266909003258, + 0.07800637185573578, + -0.889503538608551, + 0.06034054234623909, + -0.2058425396680832, + -0.030590228736400604, + 0.34310686588287354, + 0.06759785115718842, + 0.04951047524809837, + -0.19981776177883148, + 2.3172683715820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/52.png", + [ + 0.1955847442150116, + 0.04152687266469002, + 0.0834866538643837, + -0.9635320901870728, + 0.0504736490547657, + -0.2102709263563156, + -0.013654674403369427, + 0.14779916405677795, + 0.07840225845575333, + 0.03177354857325554, + -0.199477881193161, + 2.3452630043029785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/3.png", + [ + 0.19783298671245575, + 0.04403262585401535, + 0.07662329822778702, + -0.9002106785774231, + 0.050089165568351746, + -0.21064303815364838, + -0.008275865577161312, + 0.08785027265548706, + 0.07280849665403366, + 0.025269394740462303, + -0.20250500738620758, + 2.4230828285217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/47.png", + [ + 0.19828103482723236, + 0.04293496161699295, + 0.07608624547719955, + -0.8620402216911316, + 0.05266736075282097, + -0.2093026041984558, + -0.019143257290124893, + 0.20966245234012604, + 0.06970421224832535, + 0.03601255267858505, + -0.20197106897830963, + 2.337676525115967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/104.png", + [ + 0.19917720556259155, + 0.04420014098286629, + 0.07295671105384827, + -0.8255952000617981, + 0.045839160680770874, + -0.21174702048301697, + 0.0031406613998115063, + -0.04542625695466995, + 0.07193820178508759, + 0.012547505088150501, + -0.203998401761055, + 2.362579345703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/21.png", + [ + 0.1923738718032837, + 0.04879595711827278, + 0.08694333583116531, + -1.0049989223480225, + 0.0639352798461914, + -0.20536135137081146, + -0.026208730414509773, + 0.2994420528411865, + 0.07650142908096313, + 0.048924148082733154, + -0.19672788679599762, + 2.3144917488098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/82.png", + [ + 0.19834460318088531, + 0.03960533067584038, + 0.07770925015211105, + -0.8733149766921997, + 0.04538163170218468, + -0.2117205560207367, + -0.00792621448636055, + 0.0831415057182312, + 0.07448367029428482, + 0.02353156916797161, + -0.20210479199886322, + 2.3281636238098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/106.png", + [ + 0.19878847897052765, + 0.043633636087179184, + 0.07434479892253876, + -0.8472680449485779, + 0.0463288277387619, + -0.21166345477104187, + 0.000349848298355937, + -0.012281598523259163, + 0.07269583642482758, + 0.015575251542031765, + -0.20352058112621307, + 2.3716697692871094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/14.png", + [ + 0.19353218376636505, + 0.04569743573665619, + 0.08605193346738815, + -1.001328945159912, + 0.06291577965021133, + -0.2047319859266281, + -0.032776713371276855, + 0.38222187757492065, + 0.07439620792865753, + 0.054262809455394745, + -0.19613425433635712, + 2.322277545928955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/67.png", + [ + 0.20036403834819794, + 0.0405551977455616, + 0.07181517034769058, + -0.8197210431098938, + 0.0474369116127491, + -0.2110062837600708, + -0.013190102763473988, + 0.14532259106636047, + 0.06746764481067657, + 0.027919799089431763, + -0.20400121808052063, + 2.3755078315734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/78.png", + [ + 0.2003183513879776, + 0.04018331691622734, + 0.07215090841054916, + -0.8043057322502136, + 0.04454763978719711, + -0.21197107434272766, + -0.005627206061035395, + 0.05619524046778679, + 0.06954105943441391, + 0.020036425441503525, + -0.20423142611980438, + 2.324639320373535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/31.png", + [ + 0.1945568174123764, + 0.050341177731752396, + 0.081001877784729, + -0.9416934251785278, + 0.06660711020231247, + -0.2034347504377365, + -0.03355133533477783, + 0.38039278984069824, + 0.06825710833072662, + 0.055026937276124954, + -0.1981436312198639, + 2.3409900665283203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/39.png", + [ + 0.1959759145975113, + 0.04690689966082573, + 0.07963085174560547, + -0.909518301486969, + 0.06275302916765213, + -0.20459553599357605, + -0.03392079100012779, + 0.3826509714126587, + 0.06784826517105103, + 0.05374296382069588, + -0.19863584637641907, + 2.3083715438842773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/92.png", + [ + 0.2010401040315628, + 0.03975960239768028, + 0.07035582512617111, + -0.78817218542099, + 0.04286520555615425, + -0.21237792074680328, + -0.0024669317062944174, + 0.01586855947971344, + 0.06850797683000565, + 0.01620756834745407, + -0.20491918921470642, + 2.347097873687744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/53.png", + [ + 0.19586411118507385, + 0.04047275334596634, + 0.08334929496049881, + -0.9643797874450684, + 0.049218446016311646, + -0.2105843871831894, + -0.013403802178800106, + 0.1460721790790558, + 0.07850281149148941, + 0.031049532815814018, + -0.19955232739448547, + 2.3501925468444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/75.png", + [ + 0.19958366453647614, + 0.039499517530202866, + 0.07452548295259476, + -0.8415117859840393, + 0.04601818695664406, + -0.21143636107444763, + -0.011175312101840973, + 0.12106719613075256, + 0.07068653404712677, + 0.026121828705072403, + -0.20314763486385345, + 2.338454246520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/87.png", + [ + 0.1995537281036377, + 0.03865651413798332, + 0.07504589110612869, + -0.8464851975440979, + 0.04400619864463806, + -0.21201510727405548, + -0.007806370500475168, + 0.08205299079418182, + 0.07203932106494904, + 0.022431211546063423, + -0.20311345160007477, + 2.3488540649414062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/107.png", + [ + 0.1984608769416809, + 0.04242006316781044, + 0.0759059265255928, + -0.8684813380241394, + 0.045022767037153244, + -0.21194413304328918, + 0.0007301970617845654, + -0.01719231903553009, + 0.0743916779756546, + 0.015103655867278576, + -0.20294247567653656, + 2.3707218170166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/69.png", + [ + 0.19974176585674286, + 0.04169277474284172, + 0.07288920879364014, + -0.8307690620422363, + 0.048449233174324036, + -0.21083760261535645, + -0.01216820441186428, + 0.13437241315841675, + 0.06858420372009277, + 0.027515562251210213, + -0.20368355512619019, + 2.3677797317504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/45.png", + [ + 0.19720609486103058, + 0.044467851519584656, + 0.07797598838806152, + -0.8824023008346558, + 0.05464997887611389, + -0.2087937295436859, + -0.019143084064126015, + 0.20965851843357086, + 0.07121112942695618, + 0.03709026426076889, + -0.20124904811382294, + 2.3292365074157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/50.png", + [ + 0.19636085629463196, + 0.04072602465748787, + 0.08204695582389832, + -0.9405101537704468, + 0.05015252158045769, + -0.21020588278770447, + -0.015687866136431694, + 0.1711438000202179, + 0.0766487792134285, + 0.03320806100964546, + -0.19992519915103912, + 2.338209629058838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/101.png", + [ + 0.1975686401128769, + 0.04225774109363556, + 0.07828672230243683, + -0.8793777823448181, + 0.04454055801033974, + -0.2120373547077179, + 0.0020489138551056385, + -0.033833712339401245, + 0.07701081782579422, + 0.014224706217646599, + -0.20202693343162537, + 2.3262386322021484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/85.png", + [ + 0.19960731267929077, + 0.038990966975688934, + 0.07472962886095047, + -0.8415257930755615, + 0.04430978745222092, + -0.21195338666439056, + -0.007765182293951511, + 0.08098326623439789, + 0.0717039480805397, + 0.02243567258119583, + -0.2032315880060196, + 2.346982002258301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/71.png", + [ + 0.19943350553512573, + 0.04156670719385147, + 0.07379961013793945, + -0.8399037718772888, + 0.04798596352338791, + -0.21101683378219604, + -0.010823016054928303, + 0.11870205402374268, + 0.06979629397392273, + 0.02630588412284851, + -0.20343150198459625, + 2.3636422157287598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/54.png", + [ + 0.19575493037700653, + 0.04191947355866432, + 0.08288945257663727, + -0.960213840007782, + 0.05027751624584198, + -0.2103995680809021, + -0.012332485057413578, + 0.1346815973520279, + 0.0781029760837555, + 0.03037559613585472, + -0.19981276988983154, + 2.3571395874023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/33.png", + [ + 0.19490768015384674, + 0.04960578307509422, + 0.08061113208532333, + -0.9346124529838562, + 0.06704742461442947, + -0.20261161029338837, + -0.03743091598153114, + 0.429117888212204, + 0.06680967658758163, + 0.05861480534076691, + -0.1976073533296585, + 2.323941230773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/49.png", + [ + 0.1977178454399109, + 0.04016852378845215, + 0.07900653779506683, + -0.9009526968002319, + 0.04976586252450943, + -0.21013766527175903, + -0.017703326418995857, + 0.19300881028175354, + 0.0733409970998764, + 0.034300703555345535, + -0.20097875595092773, + 2.3408279418945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/18.png", + [ + 0.19601742923259735, + 0.04934053122997284, + 0.07804213464260101, + -0.8991902470588684, + 0.06412472575902939, + -0.20451711118221283, + -0.03175949677824974, + 0.3624838590621948, + 0.06643103808164597, + 0.05182814598083496, + -0.1996212750673294, + 2.3307290077209473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/66.png", + [ + 0.19920311868190765, + 0.040810298174619675, + 0.07483670860528946, + -0.8567721247673035, + 0.048000603914260864, + -0.21090538799762726, + -0.01275789923965931, + 0.1409149318933487, + 0.07044115662574768, + 0.028307978063821793, + -0.20293988287448883, + 2.3687872886657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/16.png", + [ + 0.19386033713817596, + 0.04726101830601692, + 0.08445388823747635, + -0.9798656105995178, + 0.0645347610116005, + -0.20403440296649933, + -0.03395763412117958, + 0.39362698793411255, + 0.07212024927139282, + 0.05553603172302246, + -0.19662734866142273, + 2.3224005699157715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/94.png", + [ + 0.19891990721225739, + 0.04161030799150467, + 0.07514884322881699, + -0.8401821255683899, + 0.044232286512851715, + -0.2121114432811737, + 0.00036383094266057014, + -0.015091825276613235, + 0.07363607734441757, + 0.015006978996098042, + -0.2032250463962555, + 2.327718734741211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/28.png", + [ + 0.19412627816200256, + 0.04639371857047081, + 0.08432383090257645, + -0.9795005321502686, + 0.06286540627479553, + -0.20486871898174286, + -0.03200998529791832, + 0.36057114601135254, + 0.07287541031837463, + 0.05314434692263603, + -0.19700948894023895, + 2.326064109802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/61.png", + [ + 0.19865189492702484, + 0.040975555777549744, + 0.0761992484331131, + -0.8810514211654663, + 0.04858371987938881, + -0.2107359915971756, + -0.013336405158042908, + 0.15024417638778687, + 0.07158870995044708, + 0.029312822967767715, + -0.20239493250846863, + 2.382418155670166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/58.png", + [ + 0.19768072664737701, + 0.04283883050084114, + 0.07768564671278, + -0.8990623950958252, + 0.05041569471359253, + -0.21036937832832336, + -0.012283260934054852, + 0.1371120810508728, + 0.07299645245075226, + 0.029282335191965103, + -0.20189590752124786, + 2.382265567779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/64.png", + [ + 0.19966310262680054, + 0.03923005983233452, + 0.07445492595434189, + -0.8542149662971497, + 0.046733420342206955, + -0.21110489964485168, + -0.01409284956753254, + 0.1567646712064743, + 0.06998944282531738, + 0.029045188799500465, + -0.20299199223518372, + 2.375844955444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/10.png", + [ + 0.19230404496192932, + 0.04791981354355812, + 0.08758273720741272, + -1.0233051776885986, + 0.06331535428762436, + -0.20550552010536194, + -0.026580726727843285, + 0.31155121326446533, + 0.07718943059444427, + 0.04918394610285759, + -0.19639405608177185, + 2.3265604972839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/41.png", + [ + 0.1978471726179123, + 0.046458229422569275, + 0.07514005154371262, + -0.8544437289237976, + 0.05910342186689377, + -0.206583172082901, + -0.02789398841559887, + 0.30964818596839905, + 0.06565958261489868, + 0.045966532081365585, + -0.20130522549152374, + 2.324481964111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/91.png", + [ + 0.20081989467144012, + 0.039025966078042984, + 0.07138794660568237, + -0.8014214038848877, + 0.04255395010113716, + -0.21242466568946838, + -0.00358048384077847, + 0.02918744459748268, + 0.06934281438589096, + 0.017338771373033524, + -0.20454542338848114, + 2.348027229309082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/23.png", + [ + 0.19255025684833527, + 0.047020480036735535, + 0.0875292643904686, + -1.0142360925674438, + 0.06365224719047546, + -0.20493997633457184, + -0.02993147075176239, + 0.3464537560939789, + 0.0762934461236, + 0.05231229588389397, + -0.19593526422977448, + 2.308058738708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/37.png", + [ + 0.1962188184261322, + 0.046921759843826294, + 0.0790216401219368, + -0.9069566130638123, + 0.06347236037254333, + -0.20392489433288574, + -0.03652109205722809, + 0.4142999053001404, + 0.06646300107240677, + 0.05622169375419617, + -0.19841796159744263, + 2.310732364654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/36.png", + [ + 0.19580908119678497, + 0.049076277762651443, + 0.0787288025021553, + -0.9052810668945312, + 0.06616613268852234, + -0.20276345312595367, + -0.03816967457532883, + 0.4341360330581665, + 0.0650288313627243, + 0.058535460382699966, + -0.1982239931821823, + 2.3131604194641113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/8.png", + [ + 0.19284112751483917, + 0.0472203753888607, + 0.08677806705236435, + -1.016202688217163, + 0.05982353910803795, + -0.207274928689003, + -0.020152976736426353, + 0.2313976287841797, + 0.0786215141415596, + 0.04189550504088402, + -0.19751283526420593, + 2.345101833343506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/6.png", + [ + 0.19484998285770416, + 0.046841710805892944, + 0.08238469064235687, + -0.965599536895752, + 0.05590827390551567, + -0.20890474319458008, + -0.0134523781016469, + 0.14940525591373444, + 0.07652220875024796, + 0.033354997634887695, + -0.1999492198228836, + 2.379342555999756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/20.png", + [ + 0.19180059432983398, + 0.04882136359810829, + 0.08818671852350235, + -1.017958164215088, + 0.06444395333528519, + -0.20515379309654236, + -0.02658565528690815, + 0.30396872758865356, + 0.07750742882490158, + 0.04976237937808037, + -0.1961229145526886, + 2.305393695831299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/2.png", + [ + 0.1988152414560318, + 0.042980991303920746, + 0.07465271651744843, + -0.8784991502761841, + 0.048446428030729294, + -0.21105559170246124, + -0.007508220616728067, + 0.07899898290634155, + 0.07122736424207687, + 0.02358100935816765, + -0.20326951146125793, + 2.434627056121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/5.png", + [ + 0.19516433775424957, + 0.04542067274451256, + 0.08243625611066818, + -0.9665607810020447, + 0.053105901926755905, + -0.20982201397418976, + -0.010118387639522552, + 0.109078049659729, + 0.07770802825689316, + 0.029318617656826973, + -0.20012439787387848, + 2.3867712020874023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/108.png", + [ + 0.1982770562171936, + 0.04268919676542282, + 0.07623476535081863, + -0.8705764412879944, + 0.045130204409360886, + -0.21191860735416412, + 0.0012901079608127475, + -0.026120316237211227, + 0.07481558620929718, + 0.014698038809001446, + -0.20281639695167542, + 2.3565921783447266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/60.png", + [ + 0.19785897433757782, + 0.04246300086379051, + 0.07743779569864273, + -0.8965060114860535, + 0.05033398047089577, + -0.2103288173675537, + -0.013273055665194988, + 0.14918671548366547, + 0.07256865501403809, + 0.030109412968158722, + -0.20192846655845642, + 2.380464553833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/56.png", + [ + 0.19715671241283417, + 0.04275175929069519, + 0.07905319333076477, + -0.9161909818649292, + 0.05081406608223915, + -0.21022804081439972, + -0.013038243167102337, + 0.14519381523132324, + 0.07412861287593842, + 0.030403152108192444, + -0.20131689310073853, + 2.3746633529663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/30.png", + [ + 0.19344142079353333, + 0.049727536737918854, + 0.08399694412946701, + -0.9783836007118225, + 0.0662609413266182, + -0.20380693674087524, + -0.03193920478224754, + 0.35852929949760437, + 0.07167844474315643, + 0.05420146510004997, + -0.19716057181358337, + 2.33146333694458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/17.png", + [ + 0.1935952603816986, + 0.046178221702575684, + 0.08565247058868408, + -0.993675708770752, + 0.06352730840444565, + -0.20444843173027039, + -0.03336180001497269, + 0.38520941138267517, + 0.07370924949645996, + 0.05492085590958595, + -0.19621042907238007, + 2.3161392211914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/12.png", + [ + 0.19339914619922638, + 0.046256598085165024, + 0.08605226129293442, + -1.003246784210205, + 0.06258934736251831, + -0.20520392060279846, + -0.03036167100071907, + 0.35417672991752625, + 0.07501492649316788, + 0.051957521587610245, + -0.19652244448661804, + 2.3275256156921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/27.png", + [ + 0.19491732120513916, + 0.04607114568352699, + 0.08265946060419083, + -0.9591597318649292, + 0.062497835606336594, + -0.20478613674640656, + -0.03323490545153618, + 0.3795265555381775, + 0.07105743139982224, + 0.0537400059401989, + -0.19751140475273132, + 2.327427387237549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/42.png", + [ + 0.19884604215621948, + 0.04694641754031181, + 0.07213998585939407, + -0.8138684034347534, + 0.05813533440232277, + -0.20717626810073853, + -0.025420010089874268, + 0.2788051962852478, + 0.06346988677978516, + 0.042684052139520645, + -0.20272530615329742, + 2.32327938079834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/7.png", + [ + 0.19353927671909332, + 0.046403028070926666, + 0.08565747737884521, + -1.0039697885513306, + 0.05748622491955757, + -0.20820899307727814, + -0.01709500141441822, + 0.1958131194114685, + 0.07864970713853836, + 0.0379955880343914, + -0.19828881323337555, + 2.3576478958129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/73.png", + [ + 0.19961756467819214, + 0.04118011146783829, + 0.07351822406053543, + -0.8333980441093445, + 0.048357848078012466, + -0.21079474687576294, + -0.013228334486484528, + 0.14590772986412048, + 0.06900905072689056, + 0.028594905510544777, + -0.2033911943435669, + 2.3543176651000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/46.png", + [ + 0.19816406071186066, + 0.04367148131132126, + 0.07597178220748901, + -0.8589686751365662, + 0.05302052199840546, + -0.20931705832481384, + -0.01797476038336754, + 0.1952926218509674, + 0.06976915895938873, + 0.03502955287694931, + -0.20212149620056152, + 2.3382396697998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/57.png", + [ + 0.19730226695537567, + 0.04294445365667343, + 0.07858427613973618, + -0.911060631275177, + 0.050699058920145035, + -0.21029627323150635, + -0.012368661351501942, + 0.1381065845489502, + 0.07381950318813324, + 0.029650511220097542, + -0.20154261589050293, + 2.3785057067871094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/44.png", + [ + 0.19602903723716736, + 0.047077521681785583, + 0.07939910143613815, + -0.8977723121643066, + 0.05760333687067032, + -0.20802272856235504, + -0.01887594908475876, + 0.20706753432750702, + 0.07212742418050766, + 0.03818576782941818, + -0.20071716606616974, + 2.3209891319274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/29.png", + [ + 0.1941174417734146, + 0.047963861376047134, + 0.0834612175822258, + -0.9699786305427551, + 0.06418514251708984, + -0.20449763536453247, + -0.031762782484292984, + 0.3567419946193695, + 0.07173962146043777, + 0.05317964777350426, + -0.19741642475128174, + 2.3332114219665527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/4.png", + [ + 0.1968672126531601, + 0.04456556960940361, + 0.07877247035503387, + -0.9243018627166748, + 0.05142911896109581, + -0.21026480197906494, + -0.009573603048920631, + 0.10423034429550171, + 0.074473075568676, + 0.02739558182656765, + -0.20162126421928406, + 2.4080262184143066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/55.png", + [ + 0.19661419093608856, + 0.04228343814611435, + 0.08064034581184387, + -0.9342072010040283, + 0.05046408995985985, + -0.21032975614070892, + -0.012754037976264954, + 0.14084215462207794, + 0.07579005509614944, + 0.0303545780479908, + -0.2007046639919281, + 2.3680615425109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/9.png", + [ + 0.1931278109550476, + 0.04641454294323921, + 0.08657505363225937, + -1.0131902694702148, + 0.06067691370844841, + -0.20654267072677612, + -0.024623896926641464, + 0.28639206290245056, + 0.07725194096565247, + 0.046192146837711334, + -0.19709469377994537, + 2.3353638648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/25.png", + [ + 0.19329796731472015, + 0.047336094081401825, + 0.08569178730249405, + -0.9923790097236633, + 0.06460646539926529, + -0.20417726039886475, + -0.032947659492492676, + 0.38125985860824585, + 0.07355131208896637, + 0.05494394525885582, + -0.19626325368881226, + 2.311779499053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/99.png", + [ + 0.19827879965305328, + 0.042106859385967255, + 0.07655338197946548, + -0.858951985836029, + 0.045448970049619675, + -0.2118510603904724, + -0.0011911289766430855, + 0.0024617239832878113, + 0.07461767643690109, + 0.017147591337561607, + -0.20269694924354553, + 2.330087184906006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/34.png", + [ + 0.1960296928882599, + 0.05000540614128113, + 0.07758688926696777, + -0.8961036205291748, + 0.06697497516870499, + -0.20238150656223297, + -0.03878121078014374, + 0.44450828433036804, + 0.06351864337921143, + 0.05906850844621658, + -0.19855526089668274, + 2.325676918029785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/72.png", + [ + 0.19996881484985352, + 0.04095746949315071, + 0.07268325984477997, + -0.8249986171722412, + 0.04773032292723656, + -0.21098653972148895, + -0.01242514792829752, + 0.13733366131782532, + 0.06842651218175888, + 0.02747824229300022, + -0.2037416249513626, + 2.361572265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/102.png", + [ + 0.19793114066123962, + 0.04340379685163498, + 0.07672856003046036, + -0.8640914559364319, + 0.04503653571009636, + -0.21191024780273438, + 0.003695823485031724, + -0.0525222048163414, + 0.07578173279762268, + 0.012572169303894043, + -0.20260050892829895, + 2.33609676361084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/70.png", + [ + 0.19951342046260834, + 0.04180251806974411, + 0.07344956696033478, + -0.8364090323448181, + 0.0483173131942749, + -0.21092133224010468, + -0.011203744448721409, + 0.12355034053325653, + 0.06933777034282684, + 0.0266952496021986, + -0.20353753864765167, + 2.3669471740722656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/90.png", + [ + 0.20146018266677856, + 0.03980601206421852, + 0.06911713629961014, + -0.7782030701637268, + 0.044160936027765274, + -0.21202364563941956, + -0.006609869655221701, + 0.0648428201675415, + 0.06641919165849686, + 0.020232655107975006, + -0.20524869859218597, + 2.359043598175049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/15.png", + [ + 0.19348768889904022, + 0.04704822227358818, + 0.08542174100875854, + -0.9929959774017334, + 0.06457319110631943, + -0.2040340155363083, + -0.03388693183660507, + 0.39452552795410156, + 0.07308018207550049, + 0.05571791157126427, + -0.19622105360031128, + 2.3211374282836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/22.png", + [ + 0.19340337812900543, + 0.04723787680268288, + 0.08550791442394257, + -0.9889252781867981, + 0.06286551058292389, + -0.20535211265087128, + -0.02874593622982502, + 0.3299427032470703, + 0.07477263361215591, + 0.050467655062675476, + -0.19700244069099426, + 2.3163270950317383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/109.png", + [ + 0.1975480169057846, + 0.04061022400856018, + 0.07920537143945694, + -0.9053472280502319, + 0.04368613660335541, + -0.21222487092018127, + -0.0001465815439587459, + -0.007108509540557861, + 0.07755129039287567, + 0.016103101894259453, + -0.20167893171310425, + 2.3371634483337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/26.png", + [ + 0.1941530555486679, + 0.04705536365509033, + 0.08389445394277573, + -0.9717336893081665, + 0.0638635903596878, + -0.2043757289648056, + -0.033164747059345245, + 0.3832465410232544, + 0.07193002104759216, + 0.054444946348667145, + -0.19700181484222412, + 2.320618152618408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/43.png", + [ + 0.1966673582792282, + 0.04467497766017914, + 0.07920854538679123, + -0.8943145871162415, + 0.05574699863791466, + -0.20833364129066467, + -0.020910775288939476, + 0.22873711585998535, + 0.07184790074825287, + 0.039359040558338165, + -0.20059072971343994, + 2.3122482299804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/84.png", + [ + 0.19934409856796265, + 0.03933742269873619, + 0.0752488300204277, + -0.846310555934906, + 0.044831156730651855, + -0.21183407306671143, + -0.008024309761822224, + 0.08413717150688171, + 0.07211093604564667, + 0.022951887920498848, + -0.2030298411846161, + 2.3431010246276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/89.png", + [ + 0.19928869605064392, + 0.03980386629700661, + 0.0751502737402916, + -0.8490892052650452, + 0.04521618410944939, + -0.21176259219646454, + -0.007745865732431412, + 0.08041378855705261, + 0.0720236673951149, + 0.02280687727034092, + -0.20307716727256775, + 2.350459575653076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/63.png", + [ + 0.19960851967334747, + 0.03950904309749603, + 0.07445383071899414, + -0.8570032119750977, + 0.04682328924536705, + -0.21112380921840668, + -0.013498649932444096, + 0.1509045511484146, + 0.0700850710272789, + 0.02852488122880459, + -0.20303277671337128, + 2.380593776702881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/88.png", + [ + 0.19997276365756989, + 0.03869648277759552, + 0.07390109449625015, + -0.8335155248641968, + 0.043971020728349686, + -0.2120164930820465, + -0.007966249249875546, + 0.08358648419380188, + 0.07088962942361832, + 0.022349359467625618, + -0.2035265564918518, + 2.353818416595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/62.png", + [ + 0.19899001717567444, + 0.04046444222331047, + 0.0755876898765564, + -0.8729444146156311, + 0.04769114404916763, + -0.21098484098911285, + -0.012603596784174442, + 0.14107657968997955, + 0.07124903798103333, + 0.028212131932377815, + -0.20267103612422943, + 2.381608009338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/65.png", + [ + 0.1996498852968216, + 0.04059016332030296, + 0.0737580880522728, + -0.8450909852981567, + 0.04773344099521637, + -0.2109437733888626, + -0.013120406307280064, + 0.14535029232501984, + 0.06934937089681625, + 0.028338415548205376, + -0.20331132411956787, + 2.3753514289855957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/80.png", + [ + 0.19882182776927948, + 0.03946344926953316, + 0.07655331492424011, + -0.8560935854911804, + 0.04412231594324112, + -0.21206916868686676, + -0.0052708107978105545, + 0.05287947133183479, + 0.07396617531776428, + 0.020425381138920784, + -0.20263193547725677, + 2.3236942291259766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/79.png", + [ + 0.1989024132490158, + 0.03962550312280655, + 0.07625974714756012, + -0.8509504795074463, + 0.04431694746017456, + -0.21202488243579865, + -0.005417726002633572, + 0.055535923689603806, + 0.07363244891166687, + 0.020570926368236542, + -0.20273873209953308, + 2.318875312805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/19.png", + [ + 0.19270043075084686, + 0.04722543805837631, + 0.08708728849887848, + -1.0036919116973877, + 0.06303663551807404, + -0.20538830757141113, + -0.02810552343726158, + 0.3207424581050873, + 0.07642526924610138, + 0.050331857055425644, + -0.19640207290649414, + 2.3043856620788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/77.png", + [ + 0.19982405006885529, + 0.0394735187292099, + 0.07389239966869354, + -0.827111005783081, + 0.04455040395259857, + -0.2119206041097641, + -0.007267172448337078, + 0.0746304988861084, + 0.07094721496105194, + 0.02189500443637371, + -0.2035558670759201, + 2.3231329917907715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/68.png", + [ + 0.200359508395195, + 0.03983831778168678, + 0.07222788780927658, + -0.8240201473236084, + 0.04685774818062782, + -0.21111348271369934, + -0.013540320098400116, + 0.14931721985340118, + 0.06788454204797745, + 0.028140665963292122, + -0.2038324773311615, + 2.370670795440674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/86.png", + [ + 0.19955119490623474, + 0.039632268249988556, + 0.07454190403223038, + -0.8396886587142944, + 0.04493962600827217, + -0.2118237465620041, + -0.007682920899242163, + 0.0805148333311081, + 0.07146777957677841, + 0.02253619022667408, + -0.20330363512039185, + 2.3502721786499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/1.png", + [ + 0.19931238889694214, + 0.04362324997782707, + 0.07293475419282913, + -0.8580198287963867, + 0.04885226488113403, + -0.2109687328338623, + -0.007317766547203064, + 0.0771903246641159, + 0.06954079866409302, + 0.02317553013563156, + -0.20389916002750397, + 2.4433116912841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/81.png", + [ + 0.19812503457069397, + 0.04018719121813774, + 0.0779702216386795, + -0.8752753138542175, + 0.0450734868645668, + -0.21186749637126923, + -0.005333139095455408, + 0.05364589765667915, + 0.07525123655796051, + 0.021096233278512955, + -0.2020893394947052, + 2.322544574737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/95.png", + [ + 0.19837193191051483, + 0.04105580598115921, + 0.07688232511281967, + -0.8597860932350159, + 0.04374228045344353, + -0.21221287548542023, + 0.00045952812070026994, + -0.014988400042057037, + 0.07538624107837677, + 0.015100297518074512, + -0.20257540047168732, + 2.3207011222839355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/103.png", + [ + 0.19885192811489105, + 0.04338693991303444, + 0.07431937754154205, + -0.8379290699958801, + 0.04489462822675705, + -0.21194185316562653, + 0.0036077501717954874, + -0.05118854343891144, + 0.07341845333576202, + 0.012087859213352203, + -0.20349816977977753, + 2.3496036529541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/83.png", + [ + 0.19864876568317413, + 0.03916126862168312, + 0.07715541869401932, + -0.8670260906219482, + 0.04466412216424942, + -0.21189041435718536, + -0.00744699826464057, + 0.07729010283946991, + 0.07410586625337601, + 0.022731855511665344, + -0.20233505964279175, + 2.3318910598754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/51.png", + [ + 0.1953926682472229, + 0.041253987699747086, + 0.08406966924667358, + -0.9680324196815491, + 0.05016005039215088, + -0.2103653848171234, + -0.013351948000490665, + 0.14422748982906342, + 0.0790795236825943, + 0.03150258958339691, + -0.1992533951997757, + 2.337852954864502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+okx7B5ggBvo+P0+C0+F3046-3157/93.png", + [ + 0.19992518424987793, + 0.04138105362653732, + 0.07256319373846054, + -0.8118787407875061, + 0.04410151019692421, + -0.2121383100748062, + -0.0005305181257426739, + -0.006000123918056488, + 0.07094268500804901, + 0.015258870087563992, + -0.20416218042373657, + 2.3388233184814453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/76.png", + [ + 0.2101430743932724, + 0.0068076965399086475, + 0.05235878378152847, + -0.6133784651756287, + 0.010817133821547031, + -0.21585945785045624, + -0.01534871943295002, + 0.17004244029521942, + 0.05167955532670021, + 0.01749996840953827, + -0.2096923142671585, + 2.4620065689086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/48.png", + [ + 0.2095613032579422, + 0.023959847167134285, + -0.049577049911022186, + 0.5661041736602783, + 0.016201039776206017, + -0.21328076720237732, + -0.034593891352415085, + 0.3851362466812134, + -0.05262588709592819, + 0.029751254245638847, + -0.20807035267353058, + 2.4028334617614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/137.png", + [ + 0.2077837884426117, + 0.015529385767877102, + 0.05943593010306358, + -0.674204409122467, + 0.021311940625309944, + -0.2148398905992508, + -0.018371783196926117, + 0.20003999769687653, + 0.057615913450717926, + 0.023464001715183258, + -0.20755179226398468, + 2.403254508972168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/173.png", + [ + 0.20296330749988556, + 0.0039413608610630035, + -0.07575130462646484, + 0.8661835789680481, + -0.0016584539553150535, + -0.21609963476657867, + -0.015687279403209686, + 0.1763596534729004, + -0.07583563029766083, + 0.01527438685297966, + -0.2023945152759552, + 2.344620704650879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/35.png", + [ + 0.2019156962633133, + 0.032695379108190536, + -0.07147695869207382, + 0.8533744812011719, + 0.019602935761213303, + -0.21176016330718994, + -0.04148804396390915, + 0.4723597466945648, + -0.0761161521077156, + 0.03219541534781456, + -0.20029400289058685, + 2.351792335510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/124.png", + [ + 0.20656754076480865, + 0.013194256462156773, + 0.06405974179506302, + -0.7289482355117798, + 0.017952531576156616, + -0.21550704538822174, + -0.01350232120603323, + 0.15279540419578552, + 0.06289232522249222, + 0.01818014495074749, + -0.20654764771461487, + 2.4026012420654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/97.png", + [ + 0.20998823642730713, + 0.014102345332503319, + 0.0515165701508522, + -0.5902209877967834, + 0.017318880185484886, + -0.21567204594612122, + -0.011555100791156292, + 0.12825073301792145, + 0.05052613094449043, + 0.015316259115934372, + -0.2101438045501709, + 2.4466476440429688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/155.png", + [ + 0.2098780870437622, + -0.00731295719742775, + -0.05334413796663284, + 0.6162693500518799, + -0.011920405551791191, + -0.2156507670879364, + -0.017336249351501465, + 0.1938861906528473, + -0.052506957203149796, + 0.019727196544408798, + -0.20928868651390076, + 2.425985336303711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/192.png", + [ + 0.212757870554924, + 0.008654140867292881, + -0.040088482201099396, + 0.455069363117218, + 0.006214480847120285, + -0.21615299582481384, + -0.013680700212717056, + 0.1475142538547516, + -0.04053839296102524, + 0.012283614836633205, + -0.21249385178089142, + 2.4603447914123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/13.png", + [ + 0.2110852301120758, + 0.022428495809435844, + 0.04344986751675606, + -0.5085316896438599, + 0.02661723643541336, + -0.2142159640789032, + -0.018733397126197815, + 0.2154884785413742, + 0.041017692536115646, + 0.02358771115541458, + -0.2114451825618744, + 2.515507221221924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/32.png", + [ + 0.21490424871444702, + 0.026741741225123405, + -0.006995645817369223, + 0.08273398876190186, + 0.02569539099931717, + -0.21348172426223755, + -0.026705797761678696, + 0.3005126118659973, + -0.010188558138906956, + 0.025657979771494865, + -0.21490871906280518, + 2.5088977813720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/158.png", + [ + 0.20792485773563385, + -0.006802937015891075, + -0.06057116016745567, + 0.6949121952056885, + -0.01041027344763279, + -0.2161206305027008, + -0.011462539434432983, + 0.12267279624938965, + -0.0600564144551754, + 0.0139098409563303, + -0.2077201008796692, + 2.408428192138672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/38.png", + [ + 0.19815614819526672, + 0.02739068679511547, + -0.08325733989477158, + 0.9657692909240723, + 0.00879586860537529, + -0.21099787950515747, + -0.048481252044439316, + 0.5488295555114746, + -0.08720475435256958, + 0.040957897901535034, + -0.19407647848129272, + 2.267052173614502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/148.png", + [ + 0.21650774776935577, + 0.004556979518383741, + 0.007177804596722126, + -0.07866626977920532, + 0.004930818919092417, + -0.2163185328245163, + -0.011396460235118866, + 0.11944235861301422, + 0.006926324218511581, + 0.01155102625489235, + -0.21625563502311707, + 2.5040740966796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/111.png", + [ + 0.20474576950073242, + 0.015475602820515633, + 0.06919229030609131, + -0.793597400188446, + 0.023115456104278564, + -0.21446692943572998, + -0.020432718098163605, + 0.22788679599761963, + 0.06702791899442673, + 0.02668943628668785, + -0.2043106108903885, + 2.381051540374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/164.png", + [ + 0.20768097043037415, + -0.0027569730300456285, + -0.061716318130493164, + 0.7034683227539062, + -0.003730126190930605, + -0.2166234403848648, + -0.0028752731159329414, + 0.02433517947793007, + -0.06166514754295349, + 0.0038183946162462234, + -0.2076793760061264, + 2.410904884338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/11.png", + [ + 0.2116059511899948, + 0.025845948606729507, + 0.038766033947467804, + -0.4539368152618408, + 0.029833555221557617, + -0.213638037443161, + -0.02041167952120304, + 0.23347613215446472, + 0.035787951201200485, + 0.025271816179156303, + -0.21219909191131592, + 2.5242366790771484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/125.png", + [ + 0.20681335031986237, + 0.01293814554810524, + 0.06331457942724228, + -0.7192696332931519, + 0.0173424631357193, + -0.21561230719089508, + -0.012588400393724442, + 0.14140363037586212, + 0.0622524693608284, + 0.017083127051591873, + -0.20683494210243225, + 2.407257556915283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/59.png", + [ + 0.21181030571460724, + 0.02112496644258499, + -0.04047255963087082, + 0.46519023180007935, + 0.01409895345568657, + -0.2129613161087036, + -0.03737092390656471, + 0.4210011065006256, + -0.043422479182481766, + 0.03389840945601463, + -0.20955495536327362, + 2.4502859115600586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/105.png", + [ + 0.20852689445018768, + 0.008883832022547722, + 0.058185167610645294, + -0.6597495675086975, + 0.012563709169626236, + -0.2159741222858429, + -0.012051062658429146, + 0.12879043817520142, + 0.057502951472997665, + 0.014971720986068249, + -0.20836783945560455, + 2.433663845062256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/121.png", + [ + 0.20599788427352905, + 0.012702826410531998, + 0.0659651905298233, + -0.7527486681938171, + 0.018322275951504707, + -0.2153230905532837, + -0.015752822160720825, + 0.17870402336120605, + 0.06463020294904709, + 0.020554693415760994, + -0.20578712224960327, + 2.3937854766845703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/175.png", + [ + 0.20225068926811218, + 0.006313352845609188, + -0.07747703790664673, + 0.8835407495498657, + -0.00015265255933627486, + -0.2159261256456375, + -0.017993615940213203, + 0.1996575891971588, + -0.07773368805646896, + 0.01685037463903427, + -0.20154759287834167, + 2.32789945602417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/198.png", + [ + 0.21401679515838623, + 0.007922114804387093, + -0.03289298713207245, + 0.37162262201309204, + 0.006144962273538113, + -0.21624918282032013, + -0.012100625783205032, + 0.1305147260427475, + -0.033270835876464844, + 0.011019336991012096, + -0.21382124722003937, + 2.46079683303833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/24.png", + [ + 0.2103327065706253, + 0.01945795677602291, + 0.04826417192816734, + -0.5617475509643555, + 0.02368585206568241, + -0.21473148465156555, + -0.016651557758450508, + 0.19165392220020294, + 0.04633598402142525, + 0.02144019305706024, + -0.2105734795331955, + 2.5003461837768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/74.png", + [ + 0.2134016752243042, + 0.005002929829061031, + 0.03718320652842522, + -0.43542179465293884, + 0.007981074042618275, + -0.21587803959846497, + -0.016758956015110016, + 0.1860487312078476, + 0.03665955364704132, + 0.01787542551755905, + -0.21280142664909363, + 2.5007872581481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/193.png", + [ + 0.21277543902397156, + 0.009237541817128658, + -0.03986447677016258, + 0.45337286591529846, + 0.006749700754880905, + -0.2161131054162979, + -0.014052193611860275, + 0.15250353515148163, + -0.040360257029533386, + 0.012557484209537506, + -0.21251177787780762, + 2.462303638458252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/129.png", + [ + 0.2060486227273941, + 0.013560601510107517, + 0.065635085105896, + -0.7494497895240784, + 0.01818704977631569, + -0.21554423868656158, + -0.012561988085508347, + 0.1399022489786148, + 0.06450647860765457, + 0.01745515502989292, + -0.20611190795898438, + 2.3981571197509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/172.png", + [ + 0.20329517126083374, + 0.003804032923653722, + -0.07486317306756973, + 0.8560876846313477, + -0.001455457997508347, + -0.2161543369293213, + -0.014935857616364956, + 0.16768890619277954, + -0.07494563609361649, + 0.014516457915306091, + -0.20278145372867584, + 2.351205348968506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/153.png", + [ + 0.21200980246067047, + -0.007857200689613819, + -0.04402272775769234, + 0.5103676319122314, + -0.011282486841082573, + -0.2158016562461853, + -0.015819121152162552, + 0.17245684564113617, + -0.04327171668410301, + 0.017770860344171524, + -0.21156474947929382, + 2.44929838180542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/144.png", + [ + 0.21101294457912445, + 0.014135819859802723, + 0.04713394120335579, + -0.5448068380355835, + 0.01827191561460495, + -0.21521200239658356, + -0.01725747436285019, + 0.1826035976409912, + 0.0456899031996727, + 0.02078128792345524, + -0.21078062057495117, + 2.443545341491699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/188.png", + [ + 0.21236830949783325, + 0.012502308003604412, + -0.041125353425741196, + 0.4622139036655426, + 0.010115141980350018, + -0.2160208523273468, + -0.013437545858323574, + 0.14361003041267395, + -0.0417766235768795, + 0.011250603012740612, + -0.21231117844581604, + 2.4447779655456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/98.png", + [ + 0.20968706905841827, + 0.013477680273354053, + 0.052892055362463, + -0.6057679653167725, + 0.017225520685315132, + -0.21557539701461792, + -0.013357631862163544, + 0.14771801233291626, + 0.051792845129966736, + 0.017131753265857697, + -0.2096947729587555, + 2.438593864440918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/0.png", + [ + 0.21425460278987885, + 0.031495120376348495, + 0.007135107181966305, + -0.08140715956687927, + 0.03164736554026604, + -0.2143070250749588, + -0.0043404861353337765, + 0.04307248815894127, + 0.006426222622394562, + 0.00533415749669075, + -0.21651360392570496, + 2.6666574478149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/163.png", + [ + 0.20776289701461792, + -0.0037069697864353657, + -0.0613899864256382, + 0.7012092471122742, + -0.004181406460702419, + -0.21663162112236023, + -0.001070113037712872, + 0.0025910548865795135, + -0.06135949864983559, + 0.0022108096163719893, + -0.2077932059764862, + 2.414430618286133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/96.png", + [ + 0.21018099784851074, + 0.012890119105577469, + 0.05104595422744751, + -0.5849061012268066, + 0.015731701627373695, + -0.21585878729820251, + -0.010266423225402832, + 0.11343765258789062, + 0.05024299398064613, + 0.013664944097399712, + -0.2103254795074463, + 2.4527225494384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/100.png", + [ + 0.2099359780550003, + 0.01400696113705635, + 0.05175508186221123, + -0.5861695408821106, + 0.017596496269106865, + -0.21556508541107178, + -0.013036894612014294, + 0.14136342704296112, + 0.050647277384996414, + 0.016834557056427002, + -0.20999844372272491, + 2.4375791549682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/40.png", + [ + 0.20423780381679535, + 0.021023014560341835, + -0.06923039257526398, + 0.7916254997253418, + 0.00525520509108901, + -0.21108901500701904, + -0.048597391694784164, + 0.5449900031089783, + -0.07216091454029083, + 0.04412886127829552, + -0.19948267936706543, + 2.317817211151123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/141.png", + [ + 0.2098482996225357, + 0.015919310972094536, + 0.0515572614967823, + -0.5876637697219849, + 0.020666923373937607, + -0.2149554044008255, + -0.0177468191832304, + 0.19126777350902557, + 0.049844298511743546, + 0.02210535667836666, + -0.20970168709754944, + 2.436771869659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/52.png", + [ + 0.2098979502916336, + 0.020441461354494095, + -0.04972820356488228, + 0.5701181292533875, + 0.013396324589848518, + -0.21396701037883759, + -0.03140949457883835, + 0.35149288177490234, + -0.0520700104534626, + 0.027352595701813698, + -0.20853883028030396, + 2.4200439453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/184.png", + [ + 0.212196484208107, + 0.01076654251664877, + -0.04248090088367462, + 0.47558751702308655, + 0.008452072739601135, + -0.21614499390125275, + -0.012561742216348648, + 0.13306142389774323, + -0.043001264333724976, + 0.010645021684467793, + -0.21209776401519775, + 2.4501895904541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/3.png", + [ + 0.21315808594226837, + 0.036817874759435654, + 0.012488611042499542, + -0.14628884196281433, + 0.0376407653093338, + -0.21285691857337952, + -0.014933153055608273, + 0.17347939312458038, + 0.009731089696288109, + 0.016860319301486015, + -0.21579834818840027, + 2.620028495788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/47.png", + [ + 0.20992426574230194, + 0.02281683310866356, + -0.048570387065410614, + 0.5498166084289551, + 0.014208979904651642, + -0.21274738013744354, + -0.0385298877954483, + 0.4306102991104126, + -0.05174742266535759, + 0.03414439409971237, + -0.20761564373970032, + 2.4028000831604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/104.png", + [ + 0.2095891237258911, + 0.011177238076925278, + 0.0538085512816906, + -0.607341468334198, + 0.014390015043318272, + -0.21590586006641388, + -0.011201933026313782, + 0.11923043429851532, + 0.05303977429866791, + 0.014409204013645649, + -0.20958781242370605, + 2.4403724670410156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/21.png", + [ + 0.20965053141117096, + 0.021183881908655167, + 0.05045581981539726, + -0.5889288783073425, + 0.025372980162501335, + -0.21463841199874878, + -0.015312084928154945, + 0.17670448124408722, + 0.048484619706869125, + 0.02072416990995407, + -0.2101609855890274, + 2.501774787902832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/82.png", + [ + 0.21083149313926697, + 0.00864280667155981, + 0.04922683164477348, + -0.5618822574615479, + 0.012272420339286327, + -0.21582897007465363, + -0.014667702838778496, + 0.16083137691020966, + 0.04844963178038597, + 0.017060354351997375, + -0.2104981541633606, + 2.4668831825256348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/106.png", + [ + 0.20818601548671722, + 0.009214205667376518, + 0.0593428798019886, + -0.6737145781517029, + 0.013169937767088413, + -0.21590203046798706, + -0.012679379433393478, + 0.13668470084667206, + 0.05859207734465599, + 0.01578962616622448, + -0.20800374448299408, + 2.4319310188293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/14.png", + [ + 0.21068908274173737, + 0.021456241607666016, + 0.04579995945096016, + -0.5359707474708557, + 0.025641219690442085, + -0.21443963050842285, + -0.0174946840852499, + 0.20097516477108002, + 0.043595124036073685, + 0.022431354969739914, + -0.2110549509525299, + 2.5139946937561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/67.png", + [ + 0.2157253623008728, + 0.018275504931807518, + -0.008744836784899235, + 0.1028284952044487, + 0.017445102334022522, + -0.21511518955230713, + -0.01920994557440281, + 0.20634526014328003, + -0.010302169248461723, + 0.018421713262796402, + -0.21564416587352753, + 2.5289735794067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/78.png", + [ + 0.2107277363538742, + 0.011536242440342903, + 0.049077823758125305, + -0.5652188062667847, + 0.015293731354176998, + -0.21561409533023834, + -0.014985118061304092, + 0.16516965627670288, + 0.048039767891168594, + 0.018037933856248856, + -0.21051059663295746, + 2.4666929244995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/191.png", + [ + 0.2127382904291153, + 0.009132087230682373, + -0.04008644446730614, + 0.45345622301101685, + 0.006629867944866419, + -0.2161170393228531, + -0.014048957265913486, + 0.1514015644788742, + -0.04057539626955986, + 0.012567154131829739, + -0.21247023344039917, + 2.456617832183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/31.png", + [ + 0.21519333124160767, + 0.022599946707487106, + 0.011356279253959656, + -0.13465900719165802, + 0.02375059574842453, + -0.2140096127986908, + -0.024159669876098633, + 0.27275171875953674, + 0.00869666039943695, + 0.025239311158657074, + -0.21502381563186646, + 2.5159082412719727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/194.png", + [ + 0.21314997971057892, + 0.009791601449251175, + -0.037671055644750595, + 0.42945027351379395, + 0.007484546396881342, + -0.21610377728939056, + -0.013821517117321491, + 0.14974233508110046, + -0.03819640725851059, + 0.012295417487621307, + -0.21292664110660553, + 2.461824893951416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/152.png", + [ + 0.21351715922355652, + -0.007751410361379385, + -0.03603094443678856, + 0.41900956630706787, + -0.010246144607663155, + -0.21596209704875946, + -0.014257661998271942, + 0.15192708373069763, + -0.03540240228176117, + 0.01575373113155365, + -0.21318157017230988, + 2.465930461883545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/39.png", + [ + 0.20064330101013184, + 0.02430759184062481, + -0.07809804379940033, + 0.8980084657669067, + 0.006237355526536703, + -0.21083004772663116, + -0.0495951883494854, + 0.5587556958198547, + -0.08155525475740433, + 0.043677546083927155, + -0.1959308683872223, + 2.2836475372314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/92.png", + [ + 0.21063272655010223, + 0.010186905041337013, + 0.04977922886610031, + -0.5697296857833862, + 0.012400379404425621, + -0.21616271138191223, + -0.008234289474785328, + 0.09020054340362549, + 0.04927448555827141, + 0.01085356529802084, + -0.21071811020374298, + 2.4730029106140137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/203.png", + [ + 0.2145620584487915, + 0.005597278010100126, + -0.029659483581781387, + 0.33457016944885254, + 0.0049576833844184875, + -0.21656009554862976, + -0.005004005040973425, + 0.049128782004117966, + -0.029773076996207237, + 0.00427658436819911, + -0.21457673609256744, + 2.4620394706726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/53.png", + [ + 0.21013584733009338, + 0.019220968708395958, + -0.04920745640993118, + 0.5632774233818054, + 0.012233318760991096, + -0.21404297649860382, + -0.03136627748608589, + 0.35179784893989563, + -0.051392268389463425, + 0.02764148637652397, + -0.2086688131093979, + 2.425933837890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/75.png", + [ + 0.21152691543102264, + 0.004018764942884445, + 0.04677714407444, + -0.5493209362030029, + 0.007745763286948204, + -0.21590831875801086, + -0.01647711917757988, + 0.18363429605960846, + 0.04630610719323158, + 0.01775786653161049, + -0.2109224796295166, + 2.4781904220581055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/151.png", + [ + 0.21486592292785645, + -0.004982059821486473, + -0.02749020792543888, + 0.3213730454444885, + -0.006744572892785072, + -0.21614570915699005, + -0.013544022105634212, + 0.1434742659330368, + -0.027111681178212166, + 0.014286668039858341, + -0.21449649333953857, + 2.4818944931030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/87.png", + [ + 0.20930108428001404, + 0.014692088589072227, + 0.0540841743350029, + -0.6266142725944519, + 0.017737869173288345, + -0.21571362018585205, + -0.010044933296740055, + 0.10939700901508331, + 0.053163181990385056, + 0.014130651019513607, + -0.20957551896572113, + 2.464951515197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/139.png", + [ + 0.20899321138858795, + 0.014818188734352589, + 0.055228132754564285, + -0.6257407069206238, + 0.0205741785466671, + -0.21474404633045197, + -0.0202387236058712, + 0.22122430801391602, + 0.053351931273937225, + 0.024765383452177048, + -0.20853810012340546, + 2.419905185699463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/107.png", + [ + 0.20748382806777954, + 0.010119148530066013, + 0.061611358076334, + -0.7020823955535889, + 0.014595982618629932, + -0.2157466858625412, + -0.013719180598855019, + 0.14942295849323273, + 0.060706786811351776, + 0.017287608236074448, + -0.20727691054344177, + 2.424931049346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/112.png", + [ + 0.20530758798122406, + 0.01338228490203619, + 0.06795293092727661, + -0.7737237215042114, + 0.020921723917126656, + -0.21464312076568604, + -0.020940575748682022, + 0.2355630099773407, + 0.06602248549461365, + 0.02640342153608799, + -0.2046748399734497, + 2.3823013305664062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/69.png", + [ + 0.21597664058208466, + 0.01626516319811344, + -0.006117407698184252, + 0.08022511005401611, + 0.015755433589220047, + -0.2154606580734253, + -0.016624223440885544, + 0.1811995804309845, + -0.007331067230552435, + 0.016125846654176712, + -0.21594932675361633, + 2.531665325164795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/157.png", + [ + 0.2081632763147354, + -0.006374638061970472, + -0.05979388952255249, + 0.687792956829071, + -0.01119170617312193, + -0.21579627692699432, + -0.015956126153469086, + 0.17640268802642822, + -0.059082068502902985, + 0.018417825922369957, + -0.20764870941638947, + 2.4060988426208496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/45.png", + [ + 0.2117519974708557, + 0.01739734597504139, + -0.042500805109739304, + 0.47023656964302063, + 0.009476132690906525, + -0.21276214718818665, + -0.03987940028309822, + 0.44479110836982727, + -0.04493538662791252, + 0.03711463138461113, + -0.20868925750255585, + 2.412720203399658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/50.png", + [ + 0.2092306911945343, + 0.02296074852347374, + -0.05141228437423706, + 0.5905448794364929, + 0.015873707830905914, + -0.21386973559856415, + -0.03091367520391941, + 0.3440071642398834, + -0.05402262881398201, + 0.026085129007697105, + -0.2082042545080185, + 2.410991668701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/101.png", + [ + 0.21057771146297455, + 0.01434539258480072, + 0.0489809513092041, + -0.5509296655654907, + 0.017565110698342323, + -0.21560698747634888, + -0.012369182892143726, + 0.13288550078868866, + 0.04792067036032677, + 0.015991859138011932, + -0.2107030302286148, + 2.443754196166992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/85.png", + [ + 0.20931072533130646, + 0.011993996798992157, + 0.05470883473753929, + -0.6333755254745483, + 0.015410063788294792, + -0.21581204235553741, + -0.011644243262708187, + 0.12696722149848938, + 0.053846463561058044, + 0.015139436349272728, + -0.2093304693698883, + 2.4575695991516113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/156.png", + [ + 0.20880275964736938, + -0.007471433840692043, + -0.05738890543580055, + 0.6613382697105408, + -0.012185279279947281, + -0.215720534324646, + -0.01625015027821064, + 0.18132872879505157, + -0.05657585710287094, + 0.018887193873524666, + -0.20830348134040833, + 2.416506290435791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/181.png", + [ + 0.20931904017925262, + 0.007793003227561712, + -0.05543193593621254, + 0.6320188641548157, + 0.0036889200564473867, + -0.21601860225200653, + -0.01643948256969452, + 0.17968593537807465, + -0.055855363607406616, + 0.01493766438215971, + -0.2088179737329483, + 2.4127984046936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/131.png", + [ + 0.20620562136173248, + 0.0135641535744071, + 0.06513947248458862, + -0.7431716918945312, + 0.018388506025075912, + -0.21548035740852356, + -0.013340690173208714, + 0.14823627471923828, + 0.06394528597593307, + 0.01822429709136486, + -0.20622019469738007, + 2.4003982543945312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/71.png", + [ + 0.21621830761432648, + 0.012461951933801174, + 0.006499416194856167, + -0.06783130019903183, + 0.012834959663450718, + -0.2159022092819214, + -0.013014981523156166, + 0.14022639393806458, + 0.005727695766836405, + 0.013372572138905525, + -0.21618570387363434, + 2.5351295471191406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/160.png", + [ + 0.20787645876407623, + -0.005840333644300699, + -0.06083715334534645, + 0.6987727880477905, + -0.006913741119205952, + -0.21654574573040009, + -0.0028355151880532503, + 0.01955706626176834, + -0.06072453409433365, + 0.004661594517529011, + -0.20793916285037994, + 2.415165424346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/115.png", + [ + 0.20562584698200226, + 0.009760752320289612, + 0.06760644167661667, + -0.7679746150970459, + 0.01633850298821926, + -0.21525423228740692, + -0.01861620508134365, + 0.20980863273143768, + 0.0663246214389801, + 0.02276482991874218, + -0.20501390099525452, + 2.3828258514404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/54.png", + [ + 0.21062777936458588, + 0.019826415926218033, + -0.04680543765425682, + 0.5344693660736084, + 0.012862973846495152, + -0.21380886435508728, + -0.03268346190452576, + 0.3666764497756958, + -0.049177028238773346, + 0.028992727398872375, + -0.2090189903974533, + 2.4339003562927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/33.png", + [ + 0.21292740106582642, + 0.028829475864768028, + -0.027904801070690155, + 0.33540135622024536, + 0.025012735277414322, + -0.21320688724517822, + -0.029412375763058662, + 0.33309924602508545, + -0.03137164190411568, + 0.02568240463733673, + -0.21284766495227814, + 2.492401123046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/159.png", + [ + 0.20748181641101837, + -0.006545850541442633, + -0.06209952011704445, + 0.7131764888763428, + -0.00875923689454794, + -0.21640124917030334, + -0.006454991176724434, + 0.06244967505335808, + -0.061826158314943314, + 0.008691545575857162, + -0.2074846476316452, + 2.4097681045532227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/177.png", + [ + 0.20303328335285187, + 0.005009742919355631, + -0.07550021260976791, + 0.8624207973480225, + -0.0005441089160740376, + -0.21609695255756378, + -0.015802109614014626, + 0.1740931123495102, + -0.07566428184509277, + 0.014996839687228203, + -0.20247939229011536, + 2.339937210083008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/49.png", + [ + 0.20910774171352386, + 0.02337058261036873, + -0.05172683298587799, + 0.5927081108093262, + 0.016117079183459282, + -0.21377600729465485, + -0.031431734561920166, + 0.34936437010765076, + -0.05442507565021515, + 0.026486411690711975, + -0.2080487310886383, + 2.4071907997131348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/118.png", + [ + 0.20584848523139954, + 0.01185473334044218, + 0.06658653914928436, + -0.7593589425086975, + 0.01846454292535782, + -0.21506695449352264, + -0.018792640417814255, + 0.21162626147270203, + 0.06506428867578506, + 0.023528024554252625, + -0.20533135533332825, + 2.386901378631592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/179.png", + [ + 0.2061740607023239, + 0.0045578014105558395, + -0.0664784163236618, + 0.7601642608642578, + 8.505542064085603e-05, + -0.21618500351905823, + -0.014557987451553345, + 0.15997588634490967, + -0.06663442403078079, + 0.013826376758515835, + -0.20570993423461914, + 2.3792872428894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/110.png", + [ + 0.20396871864795685, + 0.015130184590816498, + 0.07152435928583145, + -0.821681797504425, + 0.022398559376597404, + -0.21472236514091492, + -0.018452679738402367, + 0.2048216611146927, + 0.06959138065576553, + 0.024764377623796463, + -0.20369502902030945, + 2.3752031326293945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/18.png", + [ + 0.21017366647720337, + 0.02147017791867256, + 0.048103682696819305, + -0.5625404119491577, + 0.025372106581926346, + -0.214657261967659, + -0.015047061257064342, + 0.1735275834798813, + 0.046164803206920624, + 0.02022843062877655, + -0.2107309103012085, + 2.512213706970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/66.png", + [ + 0.21580910682678223, + 0.016039567068219185, + -0.010818772949278355, + 0.12418793886899948, + 0.014910071156919003, + -0.21509233117103577, + -0.021468086168169975, + 0.23403993248939514, + -0.012328963726758957, + 0.020637860521674156, + -0.215336874127388, + 2.529081344604492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/202.png", + [ + 0.21452420949935913, + 0.006808155681937933, + -0.02968011051416397, + 0.33373793959617615, + 0.006021211855113506, + -0.21650384366512299, + -0.006142030004411936, + 0.06372237205505371, + -0.029849709942936897, + 0.0052562858909368515, + -0.21454431116580963, + 2.4599461555480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/206.png", + [ + 0.21520909667015076, + 0.007012593559920788, + -0.02416120283305645, + 0.272247850894928, + 0.005956264212727547, + -0.21637332439422607, + -0.00974686723202467, + 0.1015893816947937, + -0.02444305829703808, + 0.009016764350235462, + -0.21510259807109833, + 2.455674171447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/16.png", + [ + 0.21011623740196228, + 0.02214714325964451, + 0.04804755374789238, + -0.5609037280082703, + 0.0262325257062912, + -0.21449622511863708, + -0.015846824273467064, + 0.18254172801971436, + 0.04594472795724869, + 0.021184220910072327, + -0.2106851041316986, + 2.5140061378479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/190.png", + [ + 0.21295301616191864, + 0.009808889590203762, + -0.038764555007219315, + 0.4364010989665985, + 0.00730318995192647, + -0.2160620540380478, + -0.014551760628819466, + 0.15631625056266785, + -0.03931371867656708, + 0.012995230033993721, + -0.2126815766096115, + 2.452479839324951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/94.png", + [ + 0.2107146680355072, + 0.011646241880953312, + 0.049107957631349564, + -0.5613200664520264, + 0.014117881655693054, + -0.21601197123527527, + -0.00934914592653513, + 0.10255943238735199, + 0.04845525324344635, + 0.012291713617742062, + -0.21082906424999237, + 2.4637575149536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/209.png", + [ + 0.21558231115341187, + 0.0043514566496014595, + -0.021288998425006866, + 0.2415185123682022, + 0.0033758655190467834, + -0.21641512215137482, + -0.010049520060420036, + 0.10300067067146301, + -0.021465323865413666, + 0.009667168371379375, + -0.21539193391799927, + 2.468142509460449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/28.png", + [ + 0.21119147539138794, + 0.017116962000727654, + 0.045310817658901215, + -0.5380582213401794, + 0.021360747516155243, + -0.21483221650123596, + -0.018404701724648476, + 0.2098744660615921, + 0.04347158223390579, + 0.022405894473195076, + -0.21108314394950867, + 2.4852848052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/61.png", + [ + 0.21366454660892487, + 0.017346275970339775, + -0.03153518959879875, + 0.3625556528568268, + 0.012795322574675083, + -0.21405623853206635, + -0.03105010837316513, + 0.3492198884487152, + -0.033639878034591675, + 0.02875649742782116, + -0.2121068686246872, + 2.482999324798584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/132.png", + [ + 0.20646680891513824, + 0.015184824354946613, + 0.0639435276389122, + -0.7283196449279785, + 0.019821150228381157, + -0.21538296341896057, + -0.012852855026721954, + 0.14148858189582825, + 0.06266158819198608, + 0.018096821382641792, + -0.2066250890493393, + 2.4020209312438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/58.png", + [ + 0.2109905332326889, + 0.021618377417325974, + -0.04431183263659477, + 0.5095672011375427, + 0.013806404545903206, + -0.21285054087638855, + -0.038104098290205, + 0.42999395728111267, + -0.047331552952528, + 0.034280966967344284, + -0.20864427089691162, + 2.439098358154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/123.png", + [ + 0.20578579604625702, + 0.011774880811572075, + 0.06679413467645645, + -0.762296736240387, + 0.016595175489783287, + -0.21563981473445892, + -0.01311370451003313, + 0.14919069409370422, + 0.0657624825835228, + 0.01757046766579151, + -0.20570482313632965, + 2.395970344543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/64.png", + [ + 0.2153838872909546, + 0.013012772426009178, + -0.019706547260284424, + 0.22724270820617676, + 0.01066863164305687, + -0.21492575109004974, + -0.02531789429485798, + 0.282894104719162, + -0.021067999303340912, + 0.02419676072895527, + -0.21428614854812622, + 2.517984390258789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/10.png", + [ + 0.21188119053840637, + 0.027159003540873528, + 0.03628559410572052, + -0.42548298835754395, + 0.03089025802910328, + -0.21346983313560486, + -0.02059870958328247, + 0.23567834496498108, + 0.03316697105765343, + 0.02531607076525688, + -0.21261924505233765, + 2.5272269248962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/170.png", + [ + 0.20443010330200195, + 0.0010944613022729754, + -0.07179848849773407, + 0.8191141486167908, + -0.003323814831674099, + -0.21627302467823029, + -0.012760579586029053, + 0.1413547396659851, + -0.0717298611998558, + 0.013140864670276642, + -0.20403440296649933, + 2.3646726608276367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/41.png", + [ + 0.20599281787872314, + 0.018096286803483963, + -0.06470993906259537, + 0.7347115278244019, + 0.003810883965343237, + -0.2114792913198471, + -0.047009408473968506, + 0.5256699919700623, + -0.06708448380231857, + 0.043553777039051056, + -0.20137187838554382, + 2.336024761199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/166.png", + [ + 0.2079140841960907, + -0.0017061905236914754, + -0.06096486747264862, + 0.6928299069404602, + -0.0031721480190753937, + -0.21659918129444122, + -0.004756424576044083, + 0.047212157398462296, + -0.06090618297457695, + 0.005456648301333189, + -0.20786668360233307, + 2.4078660011291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/91.png", + [ + 0.21063879132270813, + 0.011872203089296818, + 0.049378588795661926, + -0.565491259098053, + 0.014098633080720901, + -0.2160601168870926, + -0.008194021880626678, + 0.08995963633060455, + 0.048789579421281815, + 0.011178740300238132, + -0.21081392467021942, + 2.4768757820129395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/140.png", + [ + 0.2095663994550705, + 0.014826249331235886, + 0.05300937592983246, + -0.6013858318328857, + 0.020082686096429825, + -0.21487733721733093, + -0.019295301288366318, + 0.20967520773410797, + 0.05124936252832413, + 0.023575525730848312, + -0.20920227468013763, + 2.4300670623779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/23.png", + [ + 0.20989707112312317, + 0.020331699401140213, + 0.04977688193321228, + -0.5797862410545349, + 0.024502940475940704, + -0.21471728384494781, + -0.01562025398015976, + 0.18065808713436127, + 0.0478614941239357, + 0.020760739222168922, + -0.21030017733573914, + 2.501131057739258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/201.png", + [ + 0.21439844369888306, + 0.0068657794035971165, + -0.030562352389097214, + 0.34459295868873596, + 0.005825153086334467, + -0.21645717322826385, + -0.00776260532438755, + 0.08307936787605286, + -0.03077765554189682, + 0.006859410088509321, + -0.21436786651611328, + 2.460899829864502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/37.png", + [ + 0.1956494152545929, + 0.029193518683314323, + -0.08841346204280853, + 1.0353885889053345, + 0.009877881966531277, + -0.21109551191329956, + -0.04784360155463219, + 0.5440016388893127, + -0.09258309751749039, + 0.039170414209365845, + -0.19194255769252777, + 2.2477574348449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/178.png", + [ + 0.20451731979846954, + 0.0045639267191290855, + -0.07141239196062088, + 0.816287100315094, + -0.00023525458527728915, + -0.2161894291639328, + -0.014490287750959396, + 0.15822765231132507, + -0.07155770808458328, + 0.01375479344278574, + -0.20405438542366028, + 2.3598990440368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/36.png", + [ + 0.19659914076328278, + 0.03018491342663765, + -0.08593915402889252, + 1.0156289339065552, + 0.012632311321794987, + -0.21149121224880219, + -0.045384928584098816, + 0.5173556208610535, + -0.0902058333158493, + 0.03616957366466522, + -0.19365578889846802, + 2.2747201919555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/182.png", + [ + 0.21033789217472076, + 0.008840957656502724, + -0.051261186599731445, + 0.5807441473007202, + 0.005659687798470259, + -0.21614421904087067, + -0.014054984785616398, + 0.15171805024147034, + -0.05170918256044388, + 0.012304961681365967, + -0.2100539207458496, + 2.4263110160827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/8.png", + [ + 0.21263660490512848, + 0.02731524407863617, + 0.0314236618578434, + -0.37037208676338196, + 0.030506012961268425, + -0.21350176632404327, + -0.02083914540708065, + 0.23946043848991394, + 0.028336413204669952, + 0.0248749740421772, + -0.21336863934993744, + 2.534669876098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/6.png", + [ + 0.21347934007644653, + 0.029293298721313477, + 0.022723717615008354, + -0.2674065828323364, + 0.03147195279598236, + -0.2133859246969223, + -0.020587990060448647, + 0.2382718026638031, + 0.019595421850681305, + 0.0235849991440773, + -0.21449397504329681, + 2.5558595657348633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/197.png", + [ + 0.2137434482574463, + 0.0087177949026227, + -0.03443299978971481, + 0.3896501362323761, + 0.006720785982906818, + -0.2161790430545807, + -0.013013111427426338, + 0.14027102291584015, + -0.03487782180309296, + 0.01176903210580349, + -0.2135249823331833, + 2.4624991416931152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/169.png", + [ + 0.20541058480739594, + -0.0001905766112031415, + -0.06895183026790619, + 0.7872368693351746, + -0.0036824061535298824, + -0.21639488637447357, + -0.010371954180300236, + 0.11217567324638367, + -0.0688537061214447, + 0.011004598811268806, + -0.2051486372947693, + 2.375922203063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/154.png", + [ + 0.21111223101615906, + -0.00816730223596096, + -0.04809179902076721, + 0.5559804439544678, + -0.012152194045484066, + -0.21568681299686432, + -0.016715891659259796, + 0.18495166301727295, + -0.04724246636033058, + 0.01898399367928505, + -0.21060782670974731, + 2.43825101852417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/20.png", + [ + 0.2098248302936554, + 0.02124021388590336, + 0.049702003598213196, + -0.5806456208229065, + 0.025318412110209465, + -0.21465621888637543, + -0.015152054838836193, + 0.17465782165527344, + 0.04775368049740791, + 0.020480724051594734, + -0.21035213768482208, + 2.5054798126220703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/2.png", + [ + 0.2133200615644455, + 0.03644881397485733, + 0.010673738084733486, + -0.12483634054660797, + 0.037000853568315506, + -0.2131817787885666, + -0.011504960246384144, + 0.13187308609485626, + 0.008566319942474365, + 0.013149561360478401, + -0.21610553562641144, + 2.639774799346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/117.png", + [ + 0.20507651567459106, + 0.011036396957933903, + 0.06906316429376602, + -0.7885881066322327, + 0.017834186553955078, + -0.21513883769512177, + -0.01857740990817547, + 0.20866380631923676, + 0.06762740761041641, + 0.02326749451458454, + -0.20453131198883057, + 2.3775792121887207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/149.png", + [ + 0.21662333607673645, + -0.0003719563828781247, + -0.0046997289173305035, + 0.05767976865172386, + -0.0006452142843045294, + -0.21630580723285675, + -0.012620332650840282, + 0.1321803778409958, + -0.0046700648963451385, + 0.012631339952349663, + -0.21625572443008423, + 2.5029282569885254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/161.png", + [ + 0.20745936036109924, + -0.005446870811283588, + -0.06228036433458328, + 0.714619517326355, + -0.005956626962870359, + -0.21659085154533386, + -0.0008994069648906589, + -0.0033673904836177826, + -0.06223367899656296, + 0.002573311561718583, + -0.20752888917922974, + 2.412655830383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/5.png", + [ + 0.21355141699314117, + 0.0323406346142292, + 0.017256012186408043, + -0.20287398993968964, + 0.03394819051027298, + -0.21296674013137817, + -0.02099008858203888, + 0.24375784397125244, + 0.01382775604724884, + 0.023391172289848328, + -0.21496404707431793, + 2.5709190368652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/187.png", + [ + 0.21190784871578217, + 0.012481986545026302, + -0.04344143718481064, + 0.49130862951278687, + 0.009556629694998264, + -0.215913787484169, + -0.015420950017869473, + 0.16646607220172882, + -0.04417724534869194, + 0.01316566951572895, + -0.2117142677307129, + 2.4421744346618652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/108.png", + [ + 0.20670980215072632, + 0.012541304342448711, + 0.06373117119073868, + -0.7283810377120972, + 0.01743483729660511, + -0.2155086100101471, + -0.014140532352030277, + 0.15461419522762299, + 0.0625697448849678, + 0.018618375062942505, + -0.20660656690597534, + 2.4153618812561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/60.png", + [ + 0.2130146473646164, + 0.01882394403219223, + -0.034904394298791885, + 0.4008937478065491, + 0.013589015230536461, + -0.21381057798862457, + -0.032376985996961594, + 0.3638799786567688, + -0.03725581616163254, + 0.029641015455126762, + -0.2113795280456543, + 2.4734363555908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/56.png", + [ + 0.21085213124752045, + 0.020916782319545746, + -0.04529636353254318, + 0.5183461308479309, + 0.013458311557769775, + -0.2132667750120163, + -0.035833798348903656, + 0.40329572558403015, + -0.04804316908121109, + 0.032057374715805054, + -0.20883503556251526, + 2.4406638145446777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/147.png", + [ + 0.2155742347240448, + 0.00729272561147809, + 0.020553844049572945, + -0.23428109288215637, + 0.008368657901883125, + -0.21623070538043976, + -0.011051727458834648, + 0.11551064252853394, + 0.02013976126909256, + 0.011789456009864807, + -0.21541422605514526, + 2.4924163818359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/30.png", + [ + 0.2140268087387085, + 0.02068857103586197, + 0.02669084072113037, + -0.31768959760665894, + 0.02345268987119198, + -0.21427831053733826, + -0.021969804540276527, + 0.24953997135162354, + 0.02429792657494545, + 0.024590324610471725, + -0.21389907598495483, + 2.5065932273864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/17.png", + [ + 0.21022292971611023, + 0.02235853113234043, + 0.04747958108782768, + -0.5535339117050171, + 0.026351429522037506, + -0.21449480950832367, + -0.01566748507320881, + 0.18026694655418396, + 0.0453852042555809, + 0.020975319668650627, + -0.21082721650600433, + 2.5142178535461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/12.png", + [ + 0.2115253061056137, + 0.024310080334544182, + 0.040174052119255066, + -0.47023653984069824, + 0.02839718386530876, + -0.21386277675628662, + -0.020105063915252686, + 0.23077377676963806, + 0.03739698603749275, + 0.02489243820309639, + -0.21196633577346802, + 2.5184426307678223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/114.png", + [ + 0.2052932232618332, + 0.011268188245594501, + 0.06837846338748932, + -0.776544451713562, + 0.01789078488945961, + -0.21516157686710358, + -0.018256856128573418, + 0.20565158128738403, + 0.06695151329040527, + 0.02294386364519596, + -0.20479005575180054, + 2.3834543228149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/27.png", + [ + 0.2101929634809494, + 0.01883428357541561, + 0.04911300539970398, + -0.5786919593811035, + 0.023332081735134125, + -0.21470102667808533, + -0.017520811408758163, + 0.19794069230556488, + 0.047142669558525085, + 0.022285303100943565, + -0.21030651032924652, + 2.4799399375915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/42.png", + [ + 0.20842178165912628, + 0.016255460679531097, + -0.05695629492402077, + 0.6413244009017944, + 0.004086143337190151, + -0.21180467307567596, + -0.045497018843889236, + 0.508185088634491, + -0.059089452028274536, + 0.042689986526966095, + -0.20404388010501862, + 2.3612990379333496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/174.png", + [ + 0.20222888886928558, + 0.004938209429383278, + -0.07763361185789108, + 0.8863423466682434, + -0.001077903201803565, + -0.21603897213935852, + -0.01654990203678608, + 0.1848839521408081, + -0.07778304815292358, + 0.015832725912332535, + -0.20161104202270508, + 2.3330674171447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/7.png", + [ + 0.21315625309944153, + 0.028672732412815094, + 0.026271160691976547, + -0.30912619829177856, + 0.03136570379137993, + -0.21329104900360107, + -0.021702872589230537, + 0.25070905685424805, + 0.022988954558968544, + 0.02515346184372902, + -0.21397829055786133, + 2.541987419128418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/73.png", + [ + 0.21493200957775116, + 0.006986642722040415, + 0.02652001567184925, + -0.3072759211063385, + 0.009070074185729027, + -0.21584384143352509, + -0.01664499007165432, + 0.1835937649011612, + 0.02588162012398243, + 0.01762125827372074, + -0.21440039575099945, + 2.52048921585083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/120.png", + [ + 0.20595112442970276, + 0.013360043056309223, + 0.06598135083913803, + -0.7524387836456299, + 0.01920146308839321, + -0.21520116925239563, + -0.016360171139240265, + 0.18485607206821442, + 0.06452389061450958, + 0.021397680044174194, + -0.20573453605175018, + 2.3923349380493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/46.png", + [ + 0.21095643937587738, + 0.01936846226453781, + -0.0454988032579422, + 0.5092733502388, + 0.011232545599341393, + -0.212920144200325, + -0.038558319211006165, + 0.4313318729400635, + -0.04815712198615074, + 0.035182058811187744, + -0.20830509066581726, + 2.412440776824951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/127.png", + [ + 0.20646440982818604, + 0.01356624998152256, + 0.06431408226490021, + -0.732168972492218, + 0.017925208434462547, + -0.21559445559978485, + -0.012067490257322788, + 0.13584399223327637, + 0.06323789805173874, + 0.016819460317492485, + -0.20655742287635803, + 2.403456687927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/133.png", + [ + 0.20652474462985992, + 0.014796257950365543, + 0.06384745985269547, + -0.7269698977470398, + 0.01968628354370594, + -0.215338334441185, + -0.013775068335235119, + 0.15078386664390564, + 0.06251303106546402, + 0.018930744379758835, + -0.20659536123275757, + 2.400082588195801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/57.png", + [ + 0.21086078882217407, + 0.02125018648803234, + -0.045100510120391846, + 0.5173820853233337, + 0.01360935065895319, + -0.21309654414653778, + -0.036777034401893616, + 0.41487839818000793, + -0.04796261340379715, + 0.03295746073126793, + -0.20871341228485107, + 2.439664840698242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/44.png", + [ + 0.21158567070960999, + 0.0156581811606884, + -0.04397977888584137, + 0.4854164123535156, + 0.007058828137814999, + -0.21250702440738678, + -0.04169932007789612, + 0.4629548490047455, + -0.046147290617227554, + 0.03928717225790024, + -0.20802605152130127, + 2.400956630706787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/113.png", + [ + 0.20546258985996246, + 0.01189257763326168, + 0.06776122748851776, + -0.7684777975082397, + 0.01899416744709015, + -0.214923694729805, + -0.01987263187766075, + 0.22346988320350647, + 0.06612291187047958, + 0.024784399196505547, + -0.20484480261802673, + 2.383894920349121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/126.png", + [ + 0.20718441903591156, + 0.012907716445624828, + 0.06209593266248703, + -0.7056429386138916, + 0.01732315495610237, + -0.21559035778045654, + -0.01298488862812519, + 0.14621222019195557, + 0.0610116608440876, + 0.0173807330429554, + -0.20717959105968475, + 2.408717632293701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/29.png", + [ + 0.21250145137310028, + 0.019586481153964996, + 0.03751529008150101, + -0.44617772102355957, + 0.02318829670548439, + -0.2145615965127945, + -0.01932651922106743, + 0.22004446387290955, + 0.03540240228176117, + 0.022969134151935577, + -0.21252524852752686, + 2.4964723587036133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/4.png", + [ + 0.21336714923381805, + 0.03458821028470993, + 0.015033777803182602, + -0.1767980456352234, + 0.03579455614089966, + -0.2129267156124115, + -0.018134431913495064, + 0.21179500222206116, + 0.011878897435963154, + 0.020341187715530396, + -0.2153903990983963, + 2.594542980194092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/55.png", + [ + 0.21086271107196808, + 0.019724978134036064, + -0.04577921703457832, + 0.5227215886116028, + 0.012686720117926598, + -0.21367263793945312, + -0.03362949565052986, + 0.37802833318710327, + -0.04820642247796059, + 0.030046986415982246, + -0.20909617841243744, + 2.441270351409912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/9.png", + [ + 0.21222056448459625, + 0.02840019389986992, + 0.03322279080748558, + -0.3898085057735443, + 0.0317949615418911, + -0.21332302689552307, + -0.02074265480041504, + 0.23794090747833252, + 0.029990091919898987, + 0.02519139088690281, + -0.21310532093048096, + 2.531492233276367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/25.png", + [ + 0.2101859152317047, + 0.019736016169190407, + 0.048787929117679596, + -0.5698859691619873, + 0.023794708773493767, + -0.21479690074920654, + -0.015620202757418156, + 0.17844828963279724, + 0.04694234952330589, + 0.020510205999016762, + -0.2105318158864975, + 2.496432304382324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/99.png", + [ + 0.2093832790851593, + 0.012466859072446823, + 0.05432412400841713, + -0.6194345355033875, + 0.016401730477809906, + -0.21561585366725922, + -0.013735996559262276, + 0.1510186642408371, + 0.05326834321022034, + 0.017385967075824738, + -0.2093038558959961, + 2.4306583404541016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/208.png", + [ + 0.21535493433475494, + 0.005108495242893696, + -0.02332484722137451, + 0.26445239782333374, + 0.004081912338733673, + -0.21641838550567627, + -0.009711193852126598, + 0.09965783357620239, + -0.02352622151374817, + 0.009212630800902843, + -0.21519652009010315, + 2.4715070724487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/34.png", + [ + 0.20830276608467102, + 0.03167615830898285, + -0.05054176226258278, + 0.608031690120697, + 0.024067357182502747, + -0.21262212097644806, + -0.034065984189510345, + 0.38761577010154724, + -0.05457665026187897, + 0.02713577076792717, + -0.20792530477046967, + 2.445193290710449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/72.png", + [ + 0.21583111584186554, + 0.008469093590974808, + 0.017120251432061195, + -0.19487713277339935, + 0.009692426770925522, + -0.2159104347229004, + -0.015383060090243816, + 0.16748258471488953, + 0.016458597034215927, + 0.016089007258415222, + -0.21544872224330902, + 2.532965660095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/102.png", + [ + 0.21080243587493896, + 0.01321424450725317, + 0.04832823574542999, + -0.5412778258323669, + 0.016321364790201187, + -0.2157137393951416, + -0.012210027314722538, + 0.13119354844093323, + 0.04736926779150963, + 0.015519518405199051, + -0.21086296439170837, + 2.449751853942871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/134.png", + [ + 0.2066127210855484, + 0.014896887354552746, + 0.06353867799043655, + -0.7242959141731262, + 0.020374922081828117, + -0.21513396501541138, + -0.015815433114767075, + 0.1725262999534607, + 0.061999544501304626, + 0.021055836230516434, + -0.206544429063797, + 2.3982791900634766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/70.png", + [ + 0.21617582440376282, + 0.014605635777115822, + -0.0016062926733866334, + 0.027677809819579124, + 0.014470566064119339, + -0.21572940051555634, + -0.014118410646915436, + 0.1540185511112213, + -0.002550981007516384, + 0.013978634960949421, + -0.21620818972587585, + 2.527285099029541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/135.png", + [ + 0.2065606266260147, + 0.015030605718493462, + 0.0636763870716095, + -0.7262940406799316, + 0.020810792222619057, + -0.21502123773097992, + -0.016753317788243294, + 0.18171480298042297, + 0.06202831119298935, + 0.022087180987000465, + -0.20642806589603424, + 2.3950037956237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/130.png", + [ + 0.2062271684408188, + 0.014283308759331703, + 0.06491720676422119, + -0.7412405610084534, + 0.01894783228635788, + -0.21546554565429688, + -0.012785466387867928, + 0.1417529135942459, + 0.06371212750673294, + 0.017845885828137398, + -0.2063254415988922, + 2.401599884033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/90.png", + [ + 0.21048864722251892, + 0.01270997989922762, + 0.04980842396616936, + -0.5715612173080444, + 0.015062122605741024, + -0.21598176658153534, + -0.00853835791349411, + 0.09314587712287903, + 0.04914829879999161, + 0.0117570199072361, + -0.21069909632205963, + 2.4760541915893555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/122.png", + [ + 0.20572368800640106, + 0.011497934348881245, + 0.06703320890665054, + -0.7645163536071777, + 0.01673501543700695, + -0.21554778516292572, + -0.014387424103915691, + 0.16392822563648224, + 0.0659211054444313, + 0.01883762516081333, + -0.20554184913635254, + 2.3913769721984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/15.png", + [ + 0.21038618683815002, + 0.021493421867489815, + 0.047154877334833145, + -0.5513166785240173, + 0.025662275031208992, + -0.21449849009513855, + -0.016725340858101845, + 0.19186855852603912, + 0.045022185891866684, + 0.021824806928634644, + -0.2108188271522522, + 2.513370990753174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/162.png", + [ + 0.20685023069381714, + -0.005216948222368956, + -0.06429354846477509, + 0.7372174859046936, + -0.005514535587280989, + -0.21660439670085907, + -0.00016594539920333773, + -0.010098807513713837, + -0.06426870822906494, + 0.0017947419546544552, + -0.2069159299135208, + 2.4104671478271484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/22.png", + [ + 0.20972977578639984, + 0.020592648535966873, + 0.05037126690149307, + -0.5876350402832031, + 0.024767868220806122, + -0.21470637619495392, + -0.015349740162491798, + 0.17679257690906525, + 0.04845486581325531, + 0.02061563916504383, + -0.21017853915691376, + 2.5009374618530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/171.png", + [ + 0.2038078010082245, + 0.0028273845091462135, + -0.07350023090839386, + 0.8399907350540161, + -0.0021850024349987507, + -0.21618622541427612, + -0.014374948106706142, + 0.16032829880714417, + -0.07352212816476822, + 0.014262514188885689, + -0.20331986248493195, + 2.3555870056152344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/138.png", + [ + 0.20849595963954926, + 0.015263048000633717, + 0.05695939064025879, + -0.6448613405227661, + 0.021090779453516006, + -0.21474795043468475, + -0.019656701013445854, + 0.2145186960697174, + 0.0550682507455349, + 0.024459071457386017, + -0.2081277072429657, + 2.4121456146240234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/109.png", + [ + 0.20539596676826477, + 0.013448290526866913, + 0.06767228990793228, + -0.7765995860099792, + 0.019472304731607437, + -0.21517840027809143, + -0.01633979193866253, + 0.1798001378774643, + 0.06619082391262054, + 0.021570879966020584, + -0.20518618822097778, + 2.3956141471862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/26.png", + [ + 0.21019361913204193, + 0.018516378477215767, + 0.04923092573881149, + -0.5773212313652039, + 0.022641783580183983, + -0.21490530669689178, + -0.015841476619243622, + 0.1798955202102661, + 0.04747515171766281, + 0.020512109622359276, + -0.21041211485862732, + 2.4862961769104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/43.png", + [ + 0.2102375030517578, + 0.014813382178544998, + -0.05028565227985382, + 0.5592610239982605, + 0.004586824681609869, + -0.21224483847618103, + -0.043347183614969254, + 0.4822145402431488, + -0.05222110450267792, + 0.04099488630890846, + -0.20625293254852295, + 2.3823776245117188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/205.png", + [ + 0.21510647237300873, + 0.006375749129801989, + -0.025228114798665047, + 0.2828614413738251, + 0.0056743863970041275, + -0.216507688164711, + -0.006334257312119007, + 0.0630597174167633, + -0.025395061820745468, + 0.005627726670354605, + -0.21510767936706543, + 2.45829439163208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/84.png", + [ + 0.209958016872406, + 0.0101969875395298, + 0.05255042761564255, + -0.6054513454437256, + 0.013825268484652042, + -0.2158200740814209, + -0.013358809053897858, + 0.14633750915527344, + 0.05171448737382889, + 0.01629776880145073, + -0.20978057384490967, + 2.46024751663208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/136.png", + [ + 0.20678366720676422, + 0.015027365647256374, + 0.06294909119606018, + -0.7167531251907349, + 0.02086663246154785, + -0.21497853100299835, + -0.017225323244929314, + 0.18665461242198944, + 0.061261676251888275, + 0.022501256316900253, + -0.20661218464374542, + 2.3953685760498047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/89.png", + [ + 0.21038131415843964, + 0.014778533950448036, + 0.04969104379415512, + -0.5718991160392761, + 0.01725754700601101, + -0.21580354869365692, + -0.008882992900907993, + 0.09717173874378204, + 0.04888539761304855, + 0.012582742609083652, + -0.21071258187294006, + 2.477902889251709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/63.png", + [ + 0.2149331420660019, + 0.013913377188146114, + -0.023623179644346237, + 0.2720973491668701, + 0.011039874516427517, + -0.2148163914680481, + -0.026075519621372223, + 0.2912836968898773, + -0.025094976648688316, + 0.024662308394908905, + -0.21379876136779785, + 2.5048584938049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/88.png", + [ + 0.21007321774959564, + 0.014780503697693348, + 0.05097722262144089, + -0.58893883228302, + 0.017446711659431458, + -0.2157692164182663, + -0.009335722774267197, + 0.10211507976055145, + 0.050127364695072174, + 0.01315599586814642, + -0.2103854864835739, + 2.472507953643799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/62.png", + [ + 0.21419601142406464, + 0.015988202765583992, + -0.02850164845585823, + 0.3281959891319275, + 0.012266548350453377, + -0.2144898921251297, + -0.02813388966023922, + 0.31530922651290894, + -0.030290234833955765, + 0.026198500767350197, + -0.21294137835502625, + 2.494154930114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/65.png", + [ + 0.21578489243984222, + 0.013126770965754986, + -0.014575928449630737, + 0.16779495775699615, + 0.0114901727065444, + -0.21507957577705383, + -0.023593302816152573, + 0.26088419556617737, + -0.015897978097200394, + 0.022723466157913208, + -0.21489250659942627, + 2.5272765159606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/80.png", + [ + 0.21171008050441742, + 0.010583418421447277, + 0.04488575831055641, + -0.508643627166748, + 0.014264666475355625, + -0.21557776629924774, + -0.01645117625594139, + 0.18224117159843445, + 0.043854985386133194, + 0.019029270857572556, + -0.21133509278297424, + 2.4726643562316895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/146.png", + [ + 0.21397897601127625, + 0.01338464580476284, + 0.03133281692862511, + -0.3627891540527344, + 0.01506046112626791, + -0.2158890962600708, + -0.010628562420606613, + 0.11067764461040497, + 0.030562665313482285, + 0.012674190104007721, + -0.21413357555866241, + 2.4791078567504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/119.png", + [ + 0.20579135417938232, + 0.013066058047115803, + 0.06653639674186707, + -0.7592647671699524, + 0.01946117915213108, + -0.2150501161813736, + -0.017961379140615463, + 0.2023308426141739, + 0.06495440751314163, + 0.023035338148474693, + -0.20542198419570923, + 2.388338088989258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/180.png", + [ + 0.20775993168354034, + 0.00512733543291688, + -0.06129777431488037, + 0.7014148831367493, + 0.0007172991754487157, + -0.21610784530639648, + -0.015645448118448257, + 0.17172160744667053, + -0.06150766462087631, + 0.014798818156123161, + -0.20723342895507812, + 2.397275447845459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/145.png", + [ + 0.21202291548252106, + 0.012942950241267681, + 0.042739398777484894, + -0.49551379680633545, + 0.016212379559874535, + -0.21553505957126617, + -0.015155480243265629, + 0.1634308099746704, + 0.04160931333899498, + 0.018028028309345245, + -0.2118762582540512, + 2.4614014625549316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/204.png", + [ + 0.21480073034763336, + 0.006099218036979437, + -0.027773072943091393, + 0.3123781085014343, + 0.005372972227632999, + -0.21652500331401825, + -0.005995552986860275, + 0.05981991067528725, + -0.02792266570031643, + 0.005255000665783882, + -0.21480362117290497, + 2.4624366760253906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/207.png", + [ + 0.21532845497131348, + 0.005561446771025658, + -0.02346520870923996, + 0.26476216316223145, + 0.004533007275313139, + -0.21641020476818085, + -0.009693863801658154, + 0.10037508606910706, + -0.023685386404395103, + 0.009142727591097355, + -0.21518205106258392, + 2.4638290405273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/167.png", + [ + 0.207170307636261, + -0.002434129361063242, + -0.06342267245054245, + 0.7214273810386658, + -0.0038632629439234734, + -0.21659739315509796, + -0.004306461662054062, + 0.042110081762075424, + -0.06335168331861496, + 0.00524837477132678, + -0.20713981986045837, + 2.3973965644836426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/189.png", + [ + 0.21318784356117249, + 0.011335101909935474, + -0.03701832890510559, + 0.4153485894203186, + 0.009008706547319889, + -0.21601684391498566, + -0.014263919554650784, + 0.15192671120166779, + -0.0376521572470665, + 0.012495264410972595, + -0.21301192045211792, + 2.44757080078125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/79.png", + [ + 0.21145516633987427, + 0.01075712125748396, + 0.04603135958313942, + -0.524276614189148, + 0.014309415593743324, + -0.21565699577331543, + -0.015336326323449612, + 0.17024868726730347, + 0.04505377262830734, + 0.01800685189664364, + -0.2111724466085434, + 2.4748635292053223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/176.png", + [ + 0.20258717238903046, + 0.004897450562566519, + -0.07669644057750702, + 0.8749872446060181, + -0.0012946242932230234, + -0.21598605811595917, + -0.01721142791211605, + 0.19194069504737854, + -0.07684173434972763, + 0.016550658270716667, + -0.20191413164138794, + 2.3311986923217773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/185.png", + [ + 0.2121000587940216, + 0.011076139286160469, + -0.04288104549050331, + 0.48237255215644836, + 0.008617416955530643, + -0.21610073745250702, + -0.013194812461733818, + 0.14141811430454254, + -0.04344196990132332, + 0.011210802011191845, + -0.21197879314422607, + 2.449362277984619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/165.png", + [ + 0.2078971564769745, + -0.0033813246991485357, + -0.06095273047685623, + 0.6929685473442078, + -0.0047643911093473434, + -0.2165808081626892, + -0.00423562852665782, + 0.04025769606232643, + -0.060860250145196915, + 0.005404314491897821, + -0.20788149535655975, + 2.4113287925720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/116.png", + [ + 0.2054554969072342, + 0.010134014301002026, + 0.06806790083646774, + -0.7751770615577698, + 0.01682521216571331, + -0.21520555019378662, + -0.018745047971606255, + 0.21114586293697357, + 0.06672967970371246, + 0.023060057312250137, + -0.20484940707683563, + 2.380317211151123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/19.png", + [ + 0.2100619226694107, + 0.02194409817457199, + 0.048377010971307755, + -0.5651383996009827, + 0.025924401357769966, + -0.21457801759243011, + -0.015234696678817272, + 0.1759720891714096, + 0.046365976333618164, + 0.02055789902806282, + -0.2106548398733139, + 2.508734703063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/77.png", + [ + 0.21045391261577606, + 0.010442523285746574, + 0.05047769844532013, + -0.5868276953697205, + 0.014304750598967075, + -0.21567945182323456, + -0.015021538361907005, + 0.16694296896457672, + 0.04952189698815346, + 0.01792278327047825, + -0.21017670631408691, + 2.466000556945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/68.png", + [ + 0.21575473248958588, + 0.017612773925065994, + -0.009357975795865059, + 0.11521713435649872, + 0.016770120710134506, + -0.21523532271385193, + -0.01845034398138523, + 0.19845587015151978, + -0.010795582085847855, + 0.017647728323936462, + -0.21568475663661957, + 2.5255913734436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/143.png", + [ + 0.21019341051578522, + 0.01554553396999836, + 0.050248995423316956, + -0.5780594348907471, + 0.019868740811944008, + -0.2151254266500473, + -0.016558317467570305, + 0.1750854104757309, + 0.04870172590017319, + 0.020670779049396515, + -0.21011604368686676, + 2.4352827072143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/183.png", + [ + 0.2114221304655075, + 0.01009498443454504, + -0.046332117170095444, + 0.520923912525177, + 0.007498409133404493, + -0.21616137027740479, + -0.012881261296570301, + 0.13688924908638, + -0.04682251438498497, + 0.01096559688448906, + -0.21127068996429443, + 2.4413814544677734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/86.png", + [ + 0.20940040051937103, + 0.013930894434452057, + 0.05390085652470589, + -0.6246285438537598, + 0.017094625160098076, + -0.21573635935783386, + -0.010653275065124035, + 0.11613403260707855, + 0.05298250541090965, + 0.014548149891197681, + -0.20959270000457764, + 2.4623708724975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/1.png", + [ + 0.2137666940689087, + 0.034098248928785324, + 0.009433936327695847, + -0.11009262502193451, + 0.03449278697371483, + -0.21371705830097198, + -0.009119403548538685, + 0.1023612916469574, + 0.007870037108659744, + 0.010498818941414356, + -0.21627697348594666, + 2.656813144683838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/81.png", + [ + 0.211651012301445, + 0.009409761987626553, + 0.04542244225740433, + -0.5147615075111389, + 0.012952436693012714, + -0.21571914851665497, + -0.015664733946323395, + 0.17342320084571838, + 0.0445418506860733, + 0.018016822636127472, + -0.21128018200397491, + 2.4754714965820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/95.png", + [ + 0.2104063183069229, + 0.012366184033453465, + 0.0502409003674984, + -0.5752658843994141, + 0.015085139311850071, + -0.2159159928560257, + -0.010030707344412804, + 0.11041952669620514, + 0.04949251562356949, + 0.013238352723419666, + -0.2105305939912796, + 2.4586095809936523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/200.png", + [ + 0.21425309777259827, + 0.006030706223100424, + -0.03173549100756645, + 0.3572298288345337, + 0.004811910446733236, + -0.2164485901594162, + -0.008645571768283844, + 0.09277859330177307, + -0.03194301575422287, + 0.00784416776150465, + -0.21416349709033966, + 2.4616317749023438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/199.png", + [ + 0.21399308741092682, + 0.006982292979955673, + -0.033258117735385895, + 0.3752731382846832, + 0.005559105426073074, + -0.2163877785205841, + -0.00965998787432909, + 0.1030539721250534, + -0.03352538123726845, + 0.008687151595950127, + -0.21388894319534302, + 2.4608492851257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/103.png", + [ + 0.21046312153339386, + 0.012359845452010632, + 0.050004053860902786, + -0.5625971555709839, + 0.015599868260324001, + -0.21576043963432312, + -0.01232762262225151, + 0.13233722746372223, + 0.04908987507224083, + 0.015574350953102112, + -0.21046499907970428, + 2.448726177215576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/196.png", + [ + 0.21354728937149048, + 0.009194646961987019, + -0.03550926595926285, + 0.4031814932823181, + 0.007102760951966047, + -0.2161521464586258, + -0.013254784047603607, + 0.14394012093544006, + -0.03598611056804657, + 0.011899451725184917, + -0.21333375573158264, + 2.462157726287842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/150.png", + [ + 0.2160586416721344, + -0.0027182528283447027, + -0.01609855517745018, + 0.18973900377750397, + -0.003745223395526409, + -0.2162049412727356, + -0.013758267275989056, + 0.14527803659439087, + -0.015891058370471, + 0.01399741880595684, + -0.21563728153705597, + 2.494936466217041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/83.png", + [ + 0.21042881906032562, + 0.009803825058043003, + 0.05070984363555908, + -0.582251787185669, + 0.013628469780087471, + -0.21573545038700104, + -0.01484505645930767, + 0.16247902810573578, + 0.04981834813952446, + 0.017606699839234352, + -0.210133358836174, + 2.4622793197631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/142.png", + [ + 0.21030311286449432, + 0.01641257107257843, + 0.049508802592754364, + -0.5659160017967224, + 0.020618891343474388, + -0.21507564187049866, + -0.016285443678498268, + 0.17315907776355743, + 0.04790986701846123, + 0.02051784284412861, + -0.21031299233436584, + 2.4383883476257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/186.png", + [ + 0.21202440559864044, + 0.012288120575249195, + -0.04292494058609009, + 0.4848212003707886, + 0.00953330472111702, + -0.2159627228975296, + -0.014734627678990364, + 0.15940551459789276, + -0.043619539588689804, + 0.012529775500297546, + -0.21186843514442444, + 2.4456920623779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/195.png", + [ + 0.2136482298374176, + 0.009455670602619648, + -0.03482693061232567, + 0.39670830965042114, + 0.007371940184384584, + -0.21613065898418427, + -0.013456777669489384, + 0.14586499333381653, + -0.035326749086380005, + 0.012083901092410088, + -0.21343357861042023, + 2.4631800651550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/51.png", + [ + 0.20962025225162506, + 0.021612081676721573, + -0.05039998143911362, + 0.578859269618988, + 0.014356281608343124, + -0.21382033824920654, + -0.03197889029979706, + 0.3568066656589508, + -0.052925772964954376, + 0.027598373591899872, + -0.20829086005687714, + 2.4133191108703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/128.png", + [ + 0.20653317868709564, + 0.01311393454670906, + 0.0641869604587555, + -0.7316373586654663, + 0.01746192015707493, + -0.21562881767749786, + -0.012132116593420506, + 0.13505248725414276, + 0.06314286589622498, + 0.016737133264541626, + -0.20659318566322327, + 2.4001731872558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/168.png", + [ + 0.2069482058286667, + -0.0011342575307935476, + -0.06417987495660782, + 0.7308223247528076, + -0.0037663611583411694, + -0.21648211777210236, + -0.008318732492625713, + 0.08821253478527069, + -0.06407929956912994, + 0.009060918353497982, + -0.20678403973579407, + 2.3941879272460938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_3/93.png", + [ + 0.21063852310180664, + 0.010423491708934307, + 0.049705762416124344, + -0.5680603981018066, + 0.012666186317801476, + -0.21614287793636322, + -0.008349601179361343, + 0.09136082231998444, + 0.04918210953474045, + 0.0110226571559906, + -0.2107309103012085, + 2.4686641693115234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/76.png", + [ + 0.19231541454792023, + -0.016108691692352295, + -0.09850475937128067, + 1.1425725221633911, + -0.027676556259393692, + -0.21405558288097382, + -0.019029265269637108, + 0.214431032538414, + -0.09589935094118118, + 0.029472272843122482, + -0.19204841554164886, + 2.289902687072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/48.png", + [ + 0.19004429876804352, + -0.025802528485655785, + -0.10082307457923889, + 1.2055126428604126, + -0.040821924805641174, + -0.21156921982765198, + -0.0228018406778574, + 0.26134932041168213, + -0.09573209285736084, + 0.03899465128779411, + -0.19042761623859406, + 2.3186326026916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/35.png", + [ + 0.18880444765090942, + -0.02022990956902504, + -0.10436247289180756, + 1.2456955909729004, + -0.03754975274205208, + -0.21169428527355194, + -0.026896679773926735, + 0.30554264783859253, + -0.09945245832204819, + 0.041523080319166183, + -0.18797056376934052, + 2.3033695220947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/97.png", + [ + 0.19202497601509094, + -0.013192654587328434, + -0.09950004518032074, + 1.1444816589355469, + -0.030906209722161293, + -0.21213018894195557, + -0.03151962533593178, + 0.3516849875450134, + -0.09549403935670853, + 0.04212640970945358, + -0.18987931311130524, + 2.2509217262268066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/13.png", + [ + 0.1812206208705902, + -0.025241518393158913, + -0.11605966091156006, + 1.3446507453918457, + -0.03547859191894531, + -0.2135627567768097, + -0.00895060133188963, + 0.09131269156932831, + -0.11335013061761856, + 0.026489797979593277, + -0.18275101482868195, + 2.1785502433776855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/32.png", + [ + 0.18939736485481262, + -0.022172315046191216, + -0.10288306325674057, + 1.2269198894500732, + -0.03860915079712868, + -0.21168190240859985, + -0.0254560187458992, + 0.2907588481903076, + -0.09790746122598648, + 0.040584031492471695, + -0.18898403644561768, + 2.316183567047119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/38.png", + [ + 0.18937981128692627, + -0.0209690909832716, + -0.10316722840070724, + 1.2359741926193237, + -0.03755965828895569, + -0.21181751787662506, + -0.025894073769450188, + 0.2975336015224457, + -0.09834863990545273, + 0.040515776723623276, + -0.18876947462558746, + 2.3161864280700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/111.png", + [ + 0.18803074955940247, + -0.04330157861113548, + -0.09857641160488129, + 1.165693759918213, + -0.05617416650056839, + -0.20869307219982147, + -0.015477646142244339, + 0.17042604088783264, + -0.09185204654932022, + 0.03898805007338524, + -0.1923305094242096, + 2.3350396156311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/11.png", + [ + 0.17941740155220032, + -0.03054617904126644, + -0.11757645756006241, + 1.3605600595474243, + -0.04183140769600868, + -0.21242238581180573, + -0.008646193891763687, + 0.09185135364532471, + -0.11405010521411896, + 0.029858900234103203, + -0.18179360032081604, + 2.168179988861084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/59.png", + [ + 0.18861784040927887, + -0.00014481217658612877, + -0.10663572698831558, + 1.23648202419281, + -0.025328462943434715, + -0.2105344533920288, + -0.0445152185857296, + 0.5158340334892273, + -0.10358411073684692, + 0.051216352730989456, + -0.18328969180583954, + 2.1769237518310547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/105.png", + [ + 0.18780048191547394, + -0.020935121923685074, + -0.10602166503667831, + 1.2357007265090942, + -0.03697545453906059, + -0.21218831837177277, + -0.02359725534915924, + 0.26721441745758057, + -0.10154648870229721, + 0.038545235991477966, + -0.18748459219932556, + 2.2391152381896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/24.png", + [ + 0.19058524072170258, + -0.02442885749042034, + -0.10014186054468155, + 1.1856187582015991, + -0.036172717809677124, + -0.21296507120132446, + -0.016890963539481163, + 0.19752037525177002, + -0.09652303159236908, + 0.03157532215118408, + -0.19140061736106873, + 2.313143253326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/74.png", + [ + 0.19281262159347534, + -0.014469741843640804, + -0.09778451919555664, + 1.129034399986267, + -0.027590150013566017, + -0.21370013058185577, + -0.022780127823352814, + 0.25511330366134644, + -0.09492085129022598, + 0.03272273391485214, + -0.19200819730758667, + 2.283881664276123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/98.png", + [ + 0.1912224441766739, + -0.014447790570557117, + -0.10086192935705185, + 1.1635726690292358, + -0.03262088820338249, + -0.21187686920166016, + -0.03149547055363655, + 0.35574960708618164, + -0.09652846306562424, + 0.04298079013824463, + -0.1891634315252304, + 2.247152805328369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/0.png", + [ + 0.11023811995983124, + -0.023227745667099953, + -0.1850835680961609, + 2.1473731994628906, + -0.04161759093403816, + -0.21263179183006287, + 0.001897044014185667, + -0.03132971376180649, + -0.18183350563049316, + 0.03458459675312042, + -0.11264268308877945, + 1.3577862977981567, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/96.png", + [ + 0.19221709668636322, + -0.014248496852815151, + -0.09898214787244797, + 1.1361925601959229, + -0.03079148381948471, + -0.21247731149196625, + -0.029208973050117493, + 0.3224348723888397, + -0.09514393657445908, + 0.03997823968529701, + -0.19051842391490936, + 2.255136013031006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/100.png", + [ + 0.18962208926677704, + -0.014265958219766617, + -0.10386453568935394, + 1.2020878791809082, + -0.031796373426914215, + -0.21237432956695557, + -0.028879651799798012, + 0.3267587721347809, + -0.0999017134308815, + 0.040515750646591187, + -0.1879521757364273, + 2.233461856842041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/40.png", + [ + 0.1891678273677826, + -0.02440030872821808, + -0.10280103236436844, + 1.2345279455184937, + -0.0405532531440258, + -0.21143825352191925, + -0.024437611922621727, + 0.2847580313682556, + -0.09756465256214142, + 0.04057570919394493, + -0.1891629993915558, + 2.326420783996582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/52.png", + [ + 0.19136962294578552, + -0.020462188869714737, + -0.09953320771455765, + 1.1776793003082275, + -0.032154813408851624, + -0.2135242372751236, + -0.01792648620903492, + 0.18515032529830933, + -0.09639309346675873, + 0.030603749677538872, + -0.1916237771511078, + 2.336998462677002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/3.png", + [ + 0.12105502188205719, + -0.026147866621613503, + -0.17779162526130676, + 2.044111967086792, + -0.04049631208181381, + -0.2128240019083023, + 0.0037268984597176313, + -0.062209732830524445, + -0.1750817745923996, + 0.031146911904215813, + -0.12379070371389389, + 1.4833741188049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/47.png", + [ + 0.1894734501838684, + -0.02598334662616253, + -0.10184578597545624, + 1.21945059299469, + -0.0426052026450634, + -0.2109142690896988, + -0.025453150272369385, + 0.2965742349624634, + -0.09608587622642517, + 0.04228393733501434, + -0.1895454078912735, + 2.308603286743164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/104.png", + [ + 0.18831153213977814, + -0.0187289509922266, + -0.10552670061588287, + 1.228246808052063, + -0.03451456129550934, + -0.21257276833057404, + -0.023863395676016808, + 0.2696344554424286, + -0.10146626085042953, + 0.0375492088496685, + -0.18772998452186584, + 2.2389016151428223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/21.png", + [ + 0.18964286148548126, + -0.0213547982275486, + -0.10260341316461563, + 1.2078973054885864, + -0.028582824394106865, + -0.2146260291337967, + -0.008159887976944447, + 0.08528308570384979, + -0.1008291020989418, + 0.020676899701356888, + -0.19066683948040009, + 2.2976903915405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/82.png", + [ + 0.19442085921764374, + -0.018586255609989166, + -0.09382417798042297, + 1.097883939743042, + -0.026252659037709236, + -0.21475116908550262, + -0.011858820915222168, + 0.12517128884792328, + -0.09197404980659485, + 0.0220087431371212, + -0.19494688510894775, + 2.333285331726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/106.png", + [ + 0.18718458712100983, + -0.02497217245399952, + -0.10623659193515778, + 1.2400354146957397, + -0.04075676202774048, + -0.21166060864925385, + -0.022058429196476936, + 0.25028854608535767, + -0.10123591870069504, + 0.039039451628923416, + -0.18755026161670685, + 2.242990016937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/14.png", + [ + 0.18170049786567688, + -0.02363446168601513, + -0.11564702540636063, + 1.3397175073623657, + -0.0319526307284832, + -0.21420933306217194, + -0.006425466388463974, + 0.05772792175412178, + -0.11363034695386887, + 0.02244257740676403, + -0.18311847746372223, + 2.1804022789001465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/67.png", + [ + 0.1914292275905609, + -0.008133228868246078, + -0.10117601603269577, + 1.1620672941207886, + -0.026282627135515213, + -0.21258367598056793, + -0.032638877630233765, + 0.3611433804035187, + -0.09804060310125351, + 0.04110867902636528, + -0.18880151212215424, + 2.2253661155700684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/78.png", + [ + 0.19290785491466522, + -0.014609919860959053, + -0.09757561981678009, + 1.1386265754699707, + -0.023951858282089233, + -0.2148103415966034, + -0.015189660713076591, + 0.16546756029129028, + -0.095711849629879, + 0.024309823289513588, + -0.1928630918264389, + 2.305391311645508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/31.png", + [ + 0.18964143097400665, + -0.023213090375065804, + -0.10220164060592651, + 1.2192329168319702, + -0.03933994099497795, + -0.211609348654747, + -0.02493477798998356, + 0.2871077358722687, + -0.0971410870552063, + 0.04037977755069733, + -0.18942274153232574, + 2.3186559677124023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/39.png", + [ + 0.18939583003520966, + -0.02238835208117962, + -0.10283907502889633, + 1.2329550981521606, + -0.03899760916829109, + -0.21157382428646088, + -0.025760596618056297, + 0.29811331629753113, + -0.09775633364915848, + 0.04102662205696106, + -0.18896670639514923, + 2.3214030265808105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/92.png", + [ + 0.19399501383304596, + -0.013031388632953167, + -0.09562430530786514, + 1.0938379764556885, + -0.02611018903553486, + -0.21377065777778625, + -0.023838268592953682, + 0.25576722621917725, + -0.09290900081396103, + 0.032866209745407104, + -0.1929653435945511, + 2.273489475250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/53.png", + [ + 0.18996281921863556, + -0.017441630363464355, + -0.10275121033191681, + 1.2108464241027832, + -0.030600469559431076, + -0.21353775262832642, + -0.02032584510743618, + 0.21187317371368408, + -0.09962747991085052, + 0.03233138099312782, + -0.18967589735984802, + 2.304539680480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/75.png", + [ + 0.1928957998752594, + -0.015547518618404865, + -0.0974544882774353, + 1.1272807121276855, + -0.027876757085323334, + -0.2138390690088272, + -0.021062569692730904, + 0.2368430197238922, + -0.09466779232025146, + 0.031289294362068176, + -0.19237174093723297, + 2.2911911010742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/87.png", + [ + 0.19485542178153992, + -0.013500448316335678, + -0.09379233419895172, + 1.0775418281555176, + -0.024205610156059265, + -0.21444068849086761, + -0.019421080127358437, + 0.20983150601387024, + -0.09161524474620819, + 0.02794329635798931, + -0.19435462355613708, + 2.291398048400879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/107.png", + [ + 0.18720701336860657, + -0.03015052154660225, + -0.10484454780817032, + 1.2258654832839966, + -0.045629777014255524, + -0.21078602969646454, + -0.020858557894825935, + 0.23745957016944885, + -0.09909267723560333, + 0.040101148188114166, + -0.18846867978572845, + 2.2609152793884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/112.png", + [ + 0.1881021410226822, + -0.04398147761821747, + -0.0981382206082344, + 1.1688261032104492, + -0.05531855300068855, + -0.2091323435306549, + -0.01230496633797884, + 0.12701334059238434, + -0.09222438931465149, + 0.03573770448565483, + -0.19278323650360107, + 2.3541030883789062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/69.png", + [ + 0.19043263792991638, + -0.009946062229573727, + -0.10288041830062866, + 1.1812833547592163, + -0.02741570957005024, + -0.2128046602010727, + -0.0301736481487751, + 0.332158625125885, + -0.0996578261256218, + 0.03953664004802704, + -0.1882898360490799, + 2.222019672393799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/45.png", + [ + 0.18858566880226135, + -0.02348845638334751, + -0.10407509654760361, + 1.2467669248580933, + -0.040129154920578, + -0.2114543616771698, + -0.024992022663354874, + 0.2919885814189911, + -0.09885840862989426, + 0.04102734476327896, + -0.18839231133460999, + 2.302311897277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/50.png", + [ + 0.19145822525024414, + -0.023835439234972, + -0.0986078605055809, + 1.1726043224334717, + -0.03617611899971962, + -0.2128043919801712, + -0.018801042810082436, + 0.20326077938079834, + -0.09477829933166504, + 0.03307662159204483, + -0.19201798737049103, + 2.340912342071533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/101.png", + [ + 0.1895381063222885, + -0.014480290934443474, + -0.10398806631565094, + 1.2062827348709106, + -0.03135129436850548, + -0.21261872351169586, + -0.027536654844880104, + 0.31178194284439087, + -0.10020126402378082, + 0.03913428261876106, + -0.18808536231517792, + 2.2372217178344727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/85.png", + [ + 0.1955638825893402, + -0.01444312371313572, + -0.09216319024562836, + 1.0680594444274902, + -0.02381945587694645, + -0.2146974802017212, + -0.016897449269890785, + 0.18319033086299896, + -0.09019584953784943, + 0.025382796302437782, + -0.19536714255809784, + 2.3209176063537598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/71.png", + [ + 0.19114728271961212, + -0.011499403044581413, + -0.10138233751058578, + 1.166601300239563, + -0.028153197839856148, + -0.21288050711154938, + -0.028934117406606674, + 0.31799837946891785, + -0.09807146340608597, + 0.03869818150997162, + -0.18929430842399597, + 2.238565444946289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/54.png", + [ + 0.18965493142604828, + -0.013762986287474632, + -0.1038724035024643, + 1.2182581424713135, + -0.028003348037600517, + -0.21364186704158783, + -0.02282245270907879, + 0.238532155752182, + -0.1009688600897789, + 0.03340107947587967, + -0.18877911567687988, + 2.2840018272399902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/33.png", + [ + 0.18921534717082977, + -0.021571757271885872, + -0.1033446192741394, + 1.2324920892715454, + -0.03808850795030594, + -0.21176686882972717, + -0.025533469393849373, + 0.2890065610408783, + -0.09846175462007523, + 0.04046420007944107, + -0.18872155249118805, + 2.313324451446533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/49.png", + [ + 0.1907653957605362, + -0.02529917098581791, + -0.09958120435476303, + 1.1872258186340332, + -0.038894955068826675, + -0.2121562659740448, + -0.02061065472662449, + 0.23105216026306152, + -0.09509807825088501, + 0.03602178394794464, + -0.1913287192583084, + 2.3312768936157227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/110.png", + [ + 0.18794545531272888, + -0.04149705544114113, + -0.09951076656579971, + 1.172627329826355, + -0.05603137984871864, + -0.20844940841197968, + -0.018900541588664055, + 0.21459263563156128, + -0.0921134278178215, + 0.04212766885757446, + -0.19154182076454163, + 2.3157854080200195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/18.png", + [ + 0.18496549129486084, + -0.02309391088783741, + -0.1104641929268837, + 1.2843798398971558, + -0.02801773138344288, + -0.21484623849391937, + -0.0019976880867034197, + 0.0022744573652744293, + -0.10931913554668427, + 0.01598922535777092, + -0.18639089167118073, + 2.227158546447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/66.png", + [ + 0.19074366986751556, + -0.00686380360275507, + -0.10255555808544159, + 1.1796541213989258, + -0.02590048499405384, + -0.21242432296276093, + -0.033955395221710205, + 0.378038227558136, + -0.0994681715965271, + 0.0421508252620697, + -0.18782249093055725, + 2.21720027923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/16.png", + [ + 0.18174384534358978, + -0.021876243874430656, + -0.11592453718185425, + 1.3416179418563843, + -0.02697565034031868, + -0.21498195827007294, + -0.0017223380273208022, + -0.002697328105568886, + -0.11484503000974655, + 0.015877097845077515, + -0.18304762244224548, + 2.1778759956359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/94.png", + [ + 0.19162625074386597, + -0.013574225828051567, + -0.10021485388278961, + 1.1485432386398315, + -0.02914435788989067, + -0.21301698684692383, + -0.026875099167227745, + 0.2926141023635864, + -0.09683945775032043, + 0.03724788501858711, + -0.1902172714471817, + 2.248180389404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/28.png", + [ + 0.19027858972549438, + -0.02586015686392784, + -0.10036532580852509, + 1.1968576908111572, + -0.04212065041065216, + -0.21100755035877228, + -0.025486597791314125, + 0.30117571353912354, + -0.0946984514594078, + 0.04189233481884003, + -0.19032900035381317, + 2.3179636001586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/61.png", + [ + 0.1877019852399826, + -0.001091575832106173, + -0.10823430866003036, + 1.250362753868103, + -0.026217028498649597, + -0.2106705605983734, + -0.043341394513845444, + 0.4977703392505646, + -0.1050167828798294, + 0.05064205080270767, + -0.18263283371925354, + 2.1661691665649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/58.png", + [ + 0.1872451901435852, + -0.0004821665643248707, + -0.10902704298496246, + 1.2682037353515625, + -0.024431966245174408, + -0.2113478183746338, + -0.04102526977658272, + 0.4747679531574249, + -0.10625539720058441, + 0.04774684086441994, + -0.18269626796245575, + 2.1769375801086426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/64.png", + [ + 0.190705806016922, + -0.004990970250219107, + -0.10273399949073792, + 1.1838274002075195, + -0.025802671909332275, + -0.21182025969028473, + -0.03760713338851929, + 0.42331865429878235, + -0.09956609457731247, + 0.045333921909332275, + -0.18702758848667145, + 2.212094783782959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/10.png", + [ + 0.17726238071918488, + -0.029787305742502213, + -0.1209903359413147, + 1.3967998027801514, + -0.040878064930438995, + -0.2126501202583313, + -0.007536707911640406, + 0.077822744846344, + -0.11770696192979813, + 0.028991976752877235, + -0.1795896291732788, + 2.1379623413085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/41.png", + [ + 0.19031797349452972, + -0.02523709274828434, + -0.10044926404953003, + 1.2066068649291992, + -0.041150618344545364, + -0.21127037703990936, + -0.024886714294552803, + 0.2924134135246277, + -0.09504520893096924, + 0.0409366674721241, + -0.19036410748958588, + 2.341775417327881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/91.png", + [ + 0.1937691867351532, + -0.012479795143008232, + -0.09615433216094971, + 1.0989922285079956, + -0.02531004138290882, + -0.2139328569173813, + -0.023238344117999077, + 0.2497166097164154, + -0.09359914809465408, + 0.03201364353299141, + -0.19277505576610565, + 2.268880844116211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/23.png", + [ + 0.19078800082206726, + -0.02334645204246044, + -0.10001388192176819, + 1.1818979978561401, + -0.03332973271608353, + -0.21365666389465332, + -0.013705975376069546, + 0.15719306468963623, + -0.09714403748512268, + 0.027453016489744186, + -0.1917218416929245, + 2.314910411834717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/37.png", + [ + 0.18832525610923767, + -0.01944122277200222, + -0.10537327826023102, + 1.2599897384643555, + -0.037062909454107285, + -0.21174483001232147, + -0.027172960340976715, + 0.31074991822242737, + -0.10053770989179611, + 0.041642140597105026, + -0.18736594915390015, + 2.297893524169922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/36.png", + [ + 0.1885349005460739, + -0.01948934607207775, + -0.10498880594968796, + 1.2533998489379883, + -0.03721129149198532, + -0.21167275309562683, + -0.027529260143637657, + 0.313952773809433, + -0.10008899122476578, + 0.041984591633081436, + -0.18752968311309814, + 2.298872470855713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/8.png", + [ + 0.17107737064361572, + -0.029526157304644585, + -0.12964807450771332, + 1.4914755821228027, + -0.040259987115859985, + -0.2128506600856781, + -0.004650374408811331, + 0.03892333433032036, + -0.12672629952430725, + 0.027761461213231087, + -0.17354434728622437, + 2.062739372253418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/6.png", + [ + 0.16283272206783295, + -0.030783342197537422, + -0.13959148526191711, + 1.596642017364502, + -0.04161569103598595, + -0.21263419091701508, + -0.0016534333117306232, + -0.0008343718945980072, + -0.13675355911254883, + 0.02805326133966446, + -0.16570870578289032, + 1.9643789529800415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/20.png", + [ + 0.1882176548242569, + -0.022585414350032806, + -0.10493768006563187, + 1.2305457592010498, + -0.02895568683743477, + -0.21465453505516052, + -0.005735874641686678, + 0.05408961698412895, + -0.10336142033338547, + 0.01900608092546463, + -0.18948107957839966, + 2.276493549346924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/2.png", + [ + 0.10956588387489319, + -0.025243880227208138, + -0.1852186769247055, + 2.139633893966675, + -0.041322384029626846, + -0.2126493752002716, + 0.004538269247859716, + -0.06733830273151398, + -0.18230651319026947, + 0.033028494566679, + -0.11234474927186966, + 1.3543154001235962, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/5.png", + [ + 0.15188857913017273, + -0.03129015862941742, + -0.1513230949640274, + 1.7310512065887451, + -0.044022027403116226, + -0.2121552675962448, + -0.0003176674945279956, + -0.017348121851682663, + -0.1481209397315979, + 0.030967166647315025, + -0.1550777554512024, + 1.8398995399475098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/108.png", + [ + 0.18719124794006348, + -0.03535648435354233, + -0.10323397070169449, + 1.2075897455215454, + -0.0510890893638134, + -0.2095278799533844, + -0.020877428352832794, + 0.23967626690864563, + -0.09642218053340912, + 0.042377833276987076, + -0.1893535703420639, + 2.2743940353393555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/60.png", + [ + 0.18777397274971008, + -0.0008905993308871984, + -0.10811123251914978, + 1.249670386314392, + -0.02654481865465641, + -0.21041499078273773, + -0.04437125474214554, + 0.5133132934570312, + -0.10480555146932602, + 0.05169760808348656, + -0.18245834112167358, + 2.1656880378723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/56.png", + [ + 0.18901348114013672, + -0.005133145488798618, + -0.10580851882696152, + 1.2345733642578125, + -0.02366357110440731, + -0.21299728751182556, + -0.031938716769218445, + 0.3549845516681671, + -0.10325612127780914, + 0.03941696509718895, + -0.1863662302494049, + 2.234170436859131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/30.png", + [ + 0.19020161032676697, + -0.02422068826854229, + -0.10091880708932877, + 1.2038283348083496, + -0.04070490598678589, + -0.21121977269649506, + -0.026023397222161293, + 0.30359360575675964, + -0.0954691469669342, + 0.04180268943309784, + -0.18996334075927734, + 2.3217592239379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/17.png", + [ + 0.18433494865894318, + -0.023196520283818245, + -0.11149193346500397, + 1.2910887002944946, + -0.027540873736143112, + -0.21491561830043793, + -0.0008202398312278092, + -0.013295307755470276, + -0.11049899458885193, + 0.014869224280118942, + -0.1857869178056717, + 2.211636543273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/12.png", + [ + 0.18099328875541687, + -0.027667729184031487, + -0.11586122214794159, + 1.3420177698135376, + -0.038282398134469986, + -0.2130793035030365, + -0.00891960971057415, + 0.09373083710670471, + -0.1127997413277626, + 0.027921289205551147, + -0.18287840485572815, + 2.181056022644043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/114.png", + [ + 0.18928849697113037, + -0.04529164731502533, + -0.095217764377594, + 1.1446452140808105, + -0.05408540368080139, + -0.2096712589263916, + -0.00778623204678297, + 0.058571334928274155, + -0.09051256626844406, + 0.03056996315717697, + -0.19447581470012665, + 2.3970556259155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/27.png", + [ + 0.18983039259910583, + -0.02633053995668888, + -0.10108916461467743, + 1.2043038606643677, + -0.041852645576000214, + -0.2112845927476883, + -0.023560060188174248, + 0.27799639105796814, + -0.09571140259504318, + 0.040167436003685, + -0.19019410014152527, + 2.3123135566711426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/42.png", + [ + 0.18931111693382263, + -0.02377839758992195, + -0.1026829406619072, + 1.2338486909866333, + -0.04110042378306389, + -0.21103255450725555, + -0.026905644685029984, + 0.3184089958667755, + -0.09705644845962524, + 0.04298542067408562, + -0.18889202177524567, + 2.320807933807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/7.png", + [ + 0.16830964386463165, + -0.030674293637275696, + -0.13296180963516235, + 1.5266361236572266, + -0.041980378329753876, + -0.21252916753292084, + -0.004110364243388176, + 0.02846900373697281, + -0.1298360526561737, + 0.028954017907381058, + -0.1710326075553894, + 2.034792423248291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/73.png", + [ + 0.19296260178089142, + -0.013572433032095432, + -0.09761717170476913, + 1.12588632106781, + -0.027699721977114677, + -0.21342821419239044, + -0.025080334395170212, + 0.2784961760044098, + -0.09458354860544205, + 0.03481503948569298, + -0.19180656969547272, + 2.2757296562194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/46.png", + [ + 0.18925398588180542, + -0.024672672152519226, + -0.10257723182439804, + 1.2282328605651855, + -0.04132188484072685, + -0.2111702859401703, + -0.025446143001317978, + 0.29686740040779114, + -0.09707384556531906, + 0.04178831726312637, + -0.18915152549743652, + 2.3070197105407715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/57.png", + [ + 0.186976358294487, + -0.0029026116244494915, + -0.10945003479719162, + 1.2746812105178833, + -0.024618390947580338, + -0.2121667116880417, + -0.03642958775162697, + 0.4163888096809387, + -0.10668490827083588, + 0.04387202486395836, + -0.18341612815856934, + 2.192051887512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/44.png", + [ + 0.1879720836877823, + -0.023750578984618187, + -0.10512037575244904, + 1.2593379020690918, + -0.041290003806352615, + -0.2110917866230011, + -0.02613970823585987, + 0.30821335315704346, + -0.09954656660556793, + 0.042709000408649445, + -0.1876547634601593, + 2.2974863052368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/113.png", + [ + 0.1886463463306427, + -0.045093782246112823, + -0.09657642990350723, + 1.1552926301956177, + -0.05495969206094742, + -0.20936870574951172, + -0.009595685638487339, + 0.08895595371723175, + -0.09132298827171326, + 0.03285111114382744, + -0.19372352957725525, + 2.3769326210021973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/29.png", + [ + 0.19021190702915192, + -0.025452077388763428, + -0.10059578716754913, + 1.20071280002594, + -0.042277704924345016, + -0.2108391523361206, + -0.0265958309173584, + 0.3136408030986786, + -0.094762422144413, + 0.04297596961259842, + -0.19005537033081055, + 2.318812370300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/4.png", + [ + 0.14159677922725677, + -0.030620723962783813, + -0.16112299263477325, + 1.8422341346740723, + -0.044015008956193924, + -0.21215064823627472, + 0.0016373979160562158, + -0.03852207958698273, + -0.15799027681350708, + 0.0316602848470211, + -0.14486058056354523, + 1.7195993661880493, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/55.png", + [ + 0.18948234617710114, + -0.009319720789790154, + -0.1046779528260231, + 1.2248859405517578, + -0.025475449860095978, + -0.21345718204975128, + -0.027109690010547638, + 0.2922206521034241, + -0.10195750743150711, + 0.036014948040246964, + -0.18776445090770721, + 2.263150691986084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/9.png", + [ + 0.17555807530879974, + -0.02947983518242836, + -0.12352406978607178, + 1.422338843345642, + -0.04037508741021156, + -0.212777242064476, + -0.006602227687835693, + 0.06490050256252289, + -0.1204039603471756, + 0.02836681716144085, + -0.1778935194015503, + 2.115346908569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/25.png", + [ + 0.19003278017044067, + -0.025748321786522865, + -0.10085862129926682, + 1.1963469982147217, + -0.03879409655928612, + -0.21233513951301575, + -0.01888659968972206, + 0.22194427251815796, + -0.09659428894519806, + 0.03462238609790802, + -0.19083692133426666, + 2.31057071685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/99.png", + [ + 0.18996848165988922, + -0.01373751275241375, + -0.10330124199390411, + 1.1940714120864868, + -0.03147085756063461, + -0.21231816709041595, + -0.02963901497423649, + 0.3354755640029907, + -0.09934511035680771, + 0.04098983854055405, + -0.18814431130886078, + 2.233461856842041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/34.png", + [ + 0.18882830440998077, + -0.020745716989040375, + -0.10421791672706604, + 1.2437946796417236, + -0.0375949889421463, + -0.21180379390716553, + -0.02595500648021698, + 0.2928819954395294, + -0.09939002245664597, + 0.04070209711790085, + -0.1881830394268036, + 2.3068790435791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/72.png", + [ + 0.19187310338020325, + -0.013052613474428654, + -0.09981099516153336, + 1.1488580703735352, + -0.02845437079668045, + -0.21311594545841217, + -0.026829790323972702, + 0.295720636844635, + -0.0965554416179657, + 0.036866217851638794, + -0.19043587148189545, + 2.25655460357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/102.png", + [ + 0.1903936266899109, + -0.01619882881641388, + -0.10215555131435394, + 1.1859004497528076, + -0.03194451704621315, + -0.21274805068969727, + -0.025801464915275574, + 0.2911137044429779, + -0.0983753427863121, + 0.037732820957899094, + -0.18933150172233582, + 2.2531657218933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/70.png", + [ + 0.190768301486969, + -0.01020647119730711, + -0.1022309735417366, + 1.1752560138702393, + -0.027391579002141953, + -0.21285149455070496, + -0.029863573610782623, + 0.3284713327884674, + -0.09902043640613556, + 0.03921682760119438, + -0.18869256973266602, + 2.229252338409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/90.png", + [ + 0.1942073255777359, + -0.01313658058643341, + -0.09517790377140045, + 1.0859293937683105, + -0.025704892352223396, + -0.21391966938972473, + -0.022924499586224556, + 0.24810394644737244, + -0.09257785975933075, + 0.03183872252702713, + -0.19329647719860077, + 2.2704296112060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/15.png", + [ + 0.18184438347816467, + -0.022642679512500763, + -0.11561930179595947, + 1.3362895250320435, + -0.029353193938732147, + -0.2146373987197876, + -0.00413207383826375, + 0.028265327215194702, + -0.11410042643547058, + 0.019130945205688477, + -0.18320204317569733, + 2.1788272857666016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/22.png", + [ + 0.19094254076480865, + -0.021962381899356842, + -0.10003248602151871, + 1.181815266609192, + -0.030604708939790726, + -0.21419969201087952, + -0.01139035727828741, + 0.12681150436401367, + -0.09773533791303635, + 0.02416696771979332, + -0.19186364114284515, + 2.3145570755004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/109.png", + [ + 0.1866372972726822, + -0.03910326212644577, + -0.10288508236408234, + 1.2080514430999756, + -0.05472039431333542, + -0.2087002396583557, + -0.01994464546442032, + 0.228397935628891, + -0.09549914300441742, + 0.043163001537323, + -0.18964378535747528, + 2.2876663208007812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/26.png", + [ + 0.19005437195301056, + -0.026319237425923347, + -0.10067033767700195, + 1.1966065168380737, + -0.04053858667612076, + -0.21179407835006714, + -0.021160924807190895, + 0.2483673095703125, + -0.09583237022161484, + 0.03739598020911217, + -0.19069764018058777, + 2.312809944152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/43.png", + [ + 0.18868792057037354, + -0.023768367245793343, + -0.10382597148418427, + 1.245344638824463, + -0.04160458594560623, + -0.21087858080863953, + -0.027334613725543022, + 0.3241296708583832, + -0.09805011749267578, + 0.04373999685049057, + -0.18820436298847198, + 2.3089518547058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/84.png", + [ + 0.19546978175640106, + -0.016599245369434357, + -0.09199956804513931, + 1.0721476078033447, + -0.024555785581469536, + -0.21486082673072815, + -0.013406447134912014, + 0.1426338106393814, + -0.09020237624645233, + 0.02252076007425785, + -0.19571471214294434, + 2.3322081565856934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/89.png", + [ + 0.19458045065402985, + -0.012162276543676853, + -0.0945432260632515, + 1.078061580657959, + -0.024310912936925888, + -0.21412880718708038, + -0.022488487884402275, + 0.24354133009910583, + -0.09217007458209991, + 0.03080311417579651, + -0.19365882873535156, + 2.2728700637817383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/63.png", + [ + 0.1898549646139145, + -0.0029116589576005936, + -0.10437674075365067, + 1.2039755582809448, + -0.025543663650751114, + -0.2113046795129776, + -0.04056788980960846, + 0.4602627456188202, + -0.10124476999044418, + 0.047851383686065674, + -0.18549296259880066, + 2.1957836151123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/88.png", + [ + 0.19455352425575256, + -0.01313964556902647, + -0.09446779638528824, + 1.081390619277954, + -0.024072613567113876, + -0.21442542970180511, + -0.019752105697989464, + 0.21276593208312988, + -0.09228935837745667, + 0.0282309427857399, + -0.19399376213550568, + 2.2822518348693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/62.png", + [ + 0.18854734301567078, + -0.0024010837078094482, + -0.10673343390226364, + 1.2315393686294556, + -0.026426056399941444, + -0.21092848479747772, + -0.04193723946809769, + 0.4784766137599945, + -0.10343816876411438, + 0.04951063543558121, + -0.18383996188640594, + 2.178215980529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/65.png", + [ + 0.19072949886322021, + -0.005643462296575308, + -0.10265626758337021, + 1.1825605630874634, + -0.02534244954586029, + -0.21225300431251526, + -0.03541634976863861, + 0.3952029347419739, + -0.0996389389038086, + 0.04318227246403694, + -0.18749737739562988, + 2.2148165702819824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/80.png", + [ + 0.19328299164772034, + -0.017925554886460304, + -0.096271812915802, + 1.1267400979995728, + -0.025175871327519417, + -0.21494968235492706, + -0.010522033087909222, + 0.10881933569908142, + -0.09463489800691605, + 0.020572122186422348, + -0.19382703304290771, + 2.320450782775879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/79.png", + [ + 0.1929856687784195, + -0.01712735928595066, + -0.09701075404882431, + 1.1348377466201782, + -0.024988004937767982, + -0.21490700542926788, + -0.011767112649977207, + 0.12367749214172363, + -0.0952892079949379, + 0.021668385714292526, + -0.193386510014534, + 2.31467342376709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/19.png", + [ + 0.1872829794883728, + -0.023772522807121277, + -0.10633832961320877, + 1.240510106086731, + -0.029173245653510094, + -0.2146749496459961, + -0.003388121724128723, + 0.02265521138906479, + -0.10498521476984024, + 0.017246006056666374, + -0.1887553185224533, + 2.261107921600342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/77.png", + [ + 0.1929570585489273, + -0.014668494462966919, + -0.09746942669153214, + 1.1341596841812134, + -0.024510929360985756, + -0.21467213332653046, + -0.016216786578297615, + 0.17915235459804535, + -0.09547077864408493, + 0.025467729195952415, + -0.19283312559127808, + 2.302013397216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/68.png", + [ + 0.19081251323223114, + -0.00839610118418932, + -0.10231314599514008, + 1.1738085746765137, + -0.026308735832571983, + -0.21273620426654816, + -0.03160768374800682, + 0.348548024892807, + -0.09922865033149719, + 0.04025792330503464, + -0.18836365640163422, + 2.2212281227111816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/86.png", + [ + 0.19569014012813568, + -0.013378793373703957, + -0.0920558050274849, + 1.0610098838806152, + -0.023708004504442215, + -0.21451421082019806, + -0.01922183483839035, + 0.2091158926486969, + -0.0899510607123375, + 0.02743275836110115, + -0.19520282745361328, + 2.308154582977295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/1.png", + [ + 0.10497945547103882, + -0.02260274812579155, + -0.18819226324558258, + 2.1828739643096924, + -0.04038558527827263, + -0.2128559947013855, + 0.0030366454739123583, + -0.04635374993085861, + -0.18519236147403717, + 0.03360554575920105, + -0.10734221339225769, + 1.2988771200180054, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/81.png", + [ + 0.19432947039604187, + -0.018478432670235634, + -0.09403456747531891, + 1.1016000509262085, + -0.025661297142505646, + -0.2148781716823578, + -0.010805971920490265, + 0.11218863725662231, + -0.0923333615064621, + 0.02082831785082817, + -0.19490671157836914, + 2.3330612182617188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/95.png", + [ + 0.1914348155260086, + -0.014160873368382454, + -0.10049914568662643, + 1.1529123783111572, + -0.030365511775016785, + -0.21271857619285583, + -0.027868252247571945, + 0.30622053146362305, + -0.09684287756681442, + 0.03870624676346779, + -0.18992413580417633, + 2.246863842010498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/103.png", + [ + 0.18932420015335083, + -0.016531074419617653, + -0.1040719673037529, + 1.2107046842575073, + -0.03226441517472267, + -0.21280819177627563, + -0.02489129826426506, + 0.2810306251049042, + -0.10031578689813614, + 0.037246380001306534, + -0.18840739130973816, + 2.2459988594055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/83.png", + [ + 0.19534651935100555, + -0.01750202104449272, + -0.09209403395652771, + 1.075051188468933, + -0.024985991418361664, + -0.21488532423973083, + -0.012161478400230408, + 0.12844476103782654, + -0.0903511568903923, + 0.021584268659353256, + -0.19575157761573792, + 2.3357467651367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/51.png", + [ + 0.19279487431049347, + -0.022383013740181923, + -0.096317358314991, + 1.141455888748169, + -0.03366978466510773, + -0.21329890191555023, + -0.017827410250902176, + 0.18718321621418, + -0.09297516196966171, + 0.030829720199108124, + -0.19326935708522797, + 2.3572702407836914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+floa2dStBxA+P2+C1+F5423-5539/93.png", + [ + 0.19271907210350037, + -0.0129201365634799, + -0.09818515181541443, + 1.1254913806915283, + -0.026745006442070007, + -0.21363060176372528, + -0.024383898824453354, + 0.26293402910232544, + -0.09535176306962967, + 0.03380739688873291, + -0.19160637259483337, + 2.2623867988586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/76.png", + [ + 0.17308148741722107, + -0.010450278408825397, + 0.12992878258228302, + -1.4841772317886353, + 0.021785736083984375, + -0.21062004566192627, + -0.04596167802810669, + 0.5136172771453857, + 0.12851490080356598, + 0.04977836459875107, + -0.16719429194927216, + 1.9647122621536255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/48.png", + [ + 0.15014797449111938, + -0.029348425567150116, + 0.15343450009822845, + -1.7444485425949097, + 0.0009769409662112594, + -0.21263591945171356, + -0.04162827879190445, + 0.45914164185523987, + 0.15621308982372284, + 0.029538752511143684, + -0.14721694588661194, + 1.7392480373382568, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/35.png", + [ + 0.15767541527748108, + -0.047143030911684036, + 0.14093931019306183, + -1.611915946006775, + -0.01947093941271305, + -0.2102659046649933, + -0.048549164086580276, + 0.5437027215957642, + 0.14733374118804932, + 0.022664353251457214, + -0.15724815428256989, + 1.8661969900131226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/97.png", + [ + 0.1595350205898285, + -0.014038847759366035, + 0.1459430605173111, + -1.690028429031372, + 0.00930609367787838, + -0.2142745703458786, + -0.030784720554947853, + 0.34637850522994995, + 0.14632108807563782, + 0.02893463708460331, + -0.15716494619846344, + 1.8845618963241577, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/13.png", + [ + 0.16811254620552063, + -0.017180707305669785, + 0.13561299443244934, + -1.5621271133422852, + 0.007610093802213669, + -0.21344681084156036, + -0.03647525608539581, + 0.4070914685726166, + 0.1364849954843521, + 0.033063288778066635, + -0.16500471532344818, + 1.96534264087677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/32.png", + [ + 0.15464603900909424, + -0.047129612416028976, + 0.1442612260580063, + -1.659037470817566, + -0.02158913016319275, + -0.21069908142089844, + -0.04569137096405029, + 0.513861358165741, + 0.15022118389606476, + 0.018237093463540077, + -0.15507705509662628, + 1.8513892889022827, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/38.png", + [ + 0.16170179843902588, + -0.04277248680591583, + 0.1377350240945816, + -1.5715703964233398, + -0.00843203067779541, + -0.20937643945217133, + -0.05512088164687157, + 0.6178157329559326, + 0.1439768224954605, + 0.0357760451734066, + -0.1579197347164154, + 1.8708549737930298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/111.png", + [ + 0.13733792304992676, + -0.06264419108629227, + 0.15544095635414124, + -1.8661260604858398, + -0.05453787371516228, + -0.20673510432243347, + -0.035129960626363754, + 0.4031280279159546, + 0.15846703946590424, + -0.016858188435435295, + -0.14680561423301697, + 1.8188891410827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/11.png", + [ + 0.1636352688074112, + -0.016118930652737617, + 0.14110837876796722, + -1.637899398803711, + 0.005928045138716698, + -0.21431191265583038, + -0.031355440616607666, + 0.3486420214176178, + 0.14190225303173065, + 0.027540618553757668, + -0.1614098995923996, + 1.9381047487258911, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/59.png", + [ + 0.15712204575538635, + 0.004995464347302914, + 0.14911605417728424, + -1.7276767492294312, + 0.03120710328221321, + -0.2128635048866272, + -0.025751568377017975, + 0.28022661805152893, + 0.14589951932430267, + 0.04015062004327774, + -0.15507788956165314, + 1.8519288301467896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/105.png", + [ + 0.13233889639377594, + -0.05191968381404877, + 0.16351957619190216, + -1.9215621948242188, + -0.04342179000377655, + -0.20992708206176758, + -0.0315127894282341, + 0.34903189539909363, + 0.16597847640514374, + -0.013522314839065075, + -0.1386224627494812, + 1.6881449222564697, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/24.png", + [ + 0.15270450711250305, + -0.043845564126968384, + 0.14733226597309113, + -1.683249592781067, + -0.019758040085434914, + -0.21154938638210297, + -0.042477864772081375, + 0.4747925102710724, + 0.15244293212890625, + 0.016502005979418755, + -0.15309059619903564, + 1.8092350959777832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/74.png", + [ + 0.1739046722650528, + -0.016316501423716545, + 0.1282140016555786, + -1.460375428199768, + 0.014456427656114101, + -0.2111368030309677, + -0.046477410942316055, + 0.515038013458252, + 0.12843702733516693, + 0.045857492834329605, + -0.16837134957313538, + 1.9831327199935913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/98.png", + [ + 0.1541573703289032, + -0.019574511796236038, + 0.15099744498729706, + -1.7517945766448975, + -0.0002338770718779415, + -0.21490681171417236, + -0.02762061357498169, + 0.3056161105632782, + 0.15226075053215027, + 0.019488239660859108, + -0.15292078256607056, + 1.8350050449371338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/0.png", + [ + 0.15243081748485565, + -0.011236767284572124, + 0.15357889235019684, + -1.8306552171707153, + 0.01040642149746418, + -0.2148512899875641, + -0.026048457249999046, + 0.28862157464027405, + 0.15363739430904388, + 0.025701183825731277, + -0.15060840547084808, + 1.8566895723342896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/96.png", + [ + 0.1665535569190979, + -0.016185877844691277, + 0.13764381408691406, + -1.5919805765151978, + 0.01024142000824213, + -0.21316616237163544, + -0.037459198385477066, + 0.4200384020805359, + 0.13821329176425934, + 0.035300079733133316, + -0.16309162974357605, + 1.9457992315292358, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/100.png", + [ + 0.1492142528295517, + -0.032867640256881714, + 0.15363174676895142, + -1.7731196880340576, + -0.014406207948923111, + -0.21384984254837036, + -0.031758591532707214, + 0.34830090403556824, + 0.15644635260105133, + 0.01165611669421196, + -0.1494542360305786, + 1.7791606187820435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/40.png", + [ + 0.16485995054244995, + -0.044521138072013855, + 0.13336779177188873, + -1.5071442127227783, + -0.014109661802649498, + -0.2097265124320984, + -0.052570000290870667, + 0.5827420949935913, + 0.13989286124706268, + 0.03131382539868355, + -0.16247254610061646, + 1.9002305269241333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/52.png", + [ + 0.15332280099391937, + 0.0002726154343690723, + 0.15310107171535492, + -1.7328277826309204, + 0.02718978188931942, + -0.21327851712703705, + -0.026849383488297462, + 0.2854555547237396, + 0.15066762268543243, + 0.03821124508976936, + -0.15095385909080505, + 1.7765594720840454, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/3.png", + [ + 0.1489054560661316, + -0.013727115467190742, + 0.1568012237548828, + -1.8367629051208496, + 0.0067975991405546665, + -0.21508686244487762, + -0.025285016745328903, + 0.27833616733551025, + 0.15725409984588623, + 0.022295868024230003, + -0.14738361537456512, + 1.7928215265274048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/47.png", + [ + 0.1483796238899231, + -0.03252317011356354, + 0.15451093018054962, + -1.75894033908844, + -0.0016435415018349886, + -0.21233506500720978, + -0.04311630502343178, + 0.48241451382637024, + 0.15788820385932922, + 0.028354201465845108, + -0.145654559135437, + 1.728797435760498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/104.png", + [ + 0.13225822150707245, + -0.04957811161875725, + 0.16430966556072235, + -1.9232916831970215, + -0.038011450320482254, + -0.2107473909854889, + -0.0329933762550354, + 0.367458313703537, + 0.167364239692688, + -0.008685847744345665, + -0.13733777403831482, + 1.6660040616989136, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/21.png", + [ + 0.15279118716716766, + -0.04093591123819351, + 0.14807769656181335, + -1.714717149734497, + -0.015607429668307304, + -0.21189673244953156, + -0.04247438162565231, + 0.4788587987422943, + 0.15283700823783875, + 0.019285133108496666, + -0.1523706614971161, + 1.813509225845337, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/82.png", + [ + 0.1783486306667328, + -0.0077849747613072395, + 0.12279678136110306, + -1.404813289642334, + 0.02523953840136528, + -0.2093275487422943, + -0.04992839694023132, + 0.5680971145629883, + 0.12042684108018875, + 0.0554010272026062, + -0.17139428853988647, + 2.03257417678833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/106.png", + [ + 0.12972252070903778, + -0.051432378590106964, + 0.16575485467910767, + -1.9561388492584229, + -0.044617898762226105, + -0.20986898243427277, + -0.03020191378891468, + 0.33564257621765137, + 0.16771765053272247, + -0.016050636768341064, + -0.13623899221420288, + 1.6678683757781982, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/14.png", + [ + 0.16932931542396545, + -0.017189692705869675, + 0.13408949971199036, + -1.5418388843536377, + 0.007741476409137249, + -0.2133302092552185, + -0.03712401166558266, + 0.4169389009475708, + 0.1349649876356125, + 0.03380291908979416, + -0.16610148549079895, + 1.9757932424545288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/67.png", + [ + 0.16511023044586182, + -0.017362823709845543, + 0.1392301619052887, + -1.5968010425567627, + 0.014556854031980038, + -0.21172912418842316, + -0.04366655275225639, + 0.49313560128211975, + 0.13955144584178925, + 0.04262865334749222, + -0.1601751744747162, + 1.9058719873428345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/78.png", + [ + 0.174665167927742, + -0.0060381279326975346, + 0.1280762106180191, + -1.4667322635650635, + 0.023316094651818275, + -0.2113298624753952, + -0.0417606495320797, + 0.461700975894928, + 0.1260806769132614, + 0.047446109354496, + -0.16970688104629517, + 1.993627667427063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/31.png", + [ + 0.1556188315153122, + -0.04857852682471275, + 0.142726331949234, + -1.6446504592895508, + -0.023516690358519554, + -0.21042954921722412, + -0.04598114266991615, + 0.5174739956855774, + 0.14892159402370453, + 0.017533577978610992, + -0.156405970454216, + 1.8678957223892212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/39.png", + [ + 0.16473260521888733, + -0.036899544298648834, + 0.1358288675546646, + -1.540170669555664, + -0.008357716724276543, + -0.21129173040390015, + -0.0472637340426445, + 0.5300666093826294, + 0.1405034065246582, + 0.030694227665662766, + -0.16206341981887817, + 1.907551646232605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/92.png", + [ + 0.1760527640581131, + -0.011386912316083908, + 0.12579213082790375, + -1.461310863494873, + 0.019184868782758713, + -0.21087773144245148, + -0.04593924432992935, + 0.5296971201896667, + 0.12484093010425568, + 0.048464540392160416, + -0.17033444344997406, + 2.0418105125427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/53.png", + [ + 0.15694159269332886, + 0.0063285804353654385, + 0.1492554098367691, + -1.690735101699829, + 0.031119704246520996, + -0.21311601996421814, + -0.023685935884714127, + 0.2500953674316406, + 0.14611227810382843, + 0.038592856377363205, + -0.1552729606628418, + 1.824580430984497, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/75.png", + [ + 0.17445676028728485, + -0.012812383472919464, + 0.12786154448986053, + -1.4588327407836914, + 0.01853179559111595, + -0.21083268523216248, + -0.0464116632938385, + 0.5157767534255981, + 0.12715856730937958, + 0.048304375261068344, + -0.16865727305412292, + 1.9829903841018677, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/87.png", + [ + 0.18216997385025024, + -0.013935867697000504, + 0.11648082733154297, + -1.3418089151382446, + 0.015538517385721207, + -0.21037834882736206, + -0.04947127774357796, + 0.5643545985221863, + 0.11627788841724396, + 0.04994641989469528, + -0.1758769452571869, + 2.0964088439941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/107.png", + [ + 0.13192762434482574, + -0.05473969876766205, + 0.1629311591386795, + -1.9234541654586792, + -0.05178040266036987, + -0.2085082232952118, + -0.028124835342168808, + 0.312570720911026, + 0.1638956516981125, + -0.021812424063682556, + -0.14003686606884003, + 1.713107705116272, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/112.png", + [ + 0.13328298926353455, + -0.06144293025135994, + 0.1593998372554779, + -1.9090046882629395, + -0.05140544846653938, + -0.2072294056415558, + -0.03689657524228096, + 0.42501699924468994, + 0.16291415691375732, + -0.01512098778039217, + -0.14205008745193481, + 1.763543963432312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/69.png", + [ + 0.16719812154769897, + -0.017542237415909767, + 0.13669291138648987, + -1.5613640546798706, + 0.01154327392578125, + -0.21237429976463318, + -0.04137400537729263, + 0.46029186248779297, + 0.13732966780662537, + 0.03920874372124672, + -0.16294518113136292, + 1.9262927770614624, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/45.png", + [ + 0.15214622020721436, + -0.03718443587422371, + 0.14972218871116638, + -1.6860700845718384, + -0.008320041000843048, + -0.2119581252336502, + -0.04418636113405228, + 0.48678216338157654, + 0.15404608845710754, + 0.025277964770793915, + -0.15026216208934784, + 1.765381932258606, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/50.png", + [ + 0.15402258932590485, + -0.01331001240760088, + 0.15181495249271393, + -1.7176004648208618, + 0.015930909663438797, + -0.21325787901878357, + -0.034859444946050644, + 0.3764207661151886, + 0.15156236290931702, + 0.03594187647104263, + -0.15061518549919128, + 1.7706700563430786, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/101.png", + [ + 0.1485692411661148, + -0.039148978888988495, + 0.15278229117393494, + -1.7598270177841187, + -0.023016037419438362, + -0.2130281627178192, + -0.032205041497945786, + 0.35392487049102783, + 0.15602992475032806, + 0.005853182170540094, + -0.15022748708724976, + 1.7828422784805298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/85.png", + [ + 0.17985516786575317, + -0.014623782597482204, + 0.1199423298239708, + -1.3816118240356445, + 0.01852887123823166, + -0.20920008420944214, + -0.05329069122672081, + 0.6123261451721191, + 0.11940141767263412, + 0.05449185147881508, + -0.17240020632743835, + 2.0523996353149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/71.png", + [ + 0.16620859503746033, + -0.023677198216319084, + 0.13697440922260284, + -1.564089059829712, + 0.004369272384792566, + -0.21251291036605835, + -0.042036473751068115, + 0.46164020895957947, + 0.1389370560646057, + 0.03500780090689659, + -0.16253873705863953, + 1.922754168510437, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/115.png", + [ + 0.136273592710495, + -0.062012720853090286, + 0.1566263884305954, + -1.8408730030059814, + -0.04091576486825943, + -0.20761080086231232, + -0.04659988731145859, + 0.5392906665802002, + 0.1634114682674408, + -0.00026838970370590687, + -0.14228323101997375, + 1.744223952293396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/54.png", + [ + 0.15270912647247314, + 0.011847062967717648, + 0.15325620770454407, + -1.744558334350586, + 0.04108259081840515, + -0.21131710708141327, + -0.024600639939308167, + 0.2607795000076294, + 0.1481216698884964, + 0.046396318823099136, + -0.1511794924736023, + 1.7854411602020264, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/33.png", + [ + 0.1538570523262024, + -0.04664032906293869, + 0.14526039361953735, + -1.6691395044326782, + -0.020329410210251808, + -0.21072912216186523, + -0.04612855240702629, + 0.5190378427505493, + 0.15120390057563782, + 0.01912612095475197, + -0.15401124954223633, + 1.83840012550354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/49.png", + [ + 0.15531966090202332, + -0.021467747166752815, + 0.14954209327697754, + -1.6948965787887573, + 0.0068810745142400265, + -0.21324804425239563, + -0.03776007145643234, + 0.4107724726200104, + 0.1509183794260025, + 0.031816791743040085, + -0.15218156576156616, + 1.7871780395507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/110.png", + [ + 0.135746568441391, + -0.059708088636398315, + 0.1579737514257431, + -1.8925385475158691, + -0.05348644405603409, + -0.20744717121124268, + -0.03244635835289955, + 0.370499849319458, + 0.1601872742176056, + -0.01866840571165085, + -0.14470461010932922, + 1.7900570631027222, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/18.png", + [ + 0.16259430348873138, + -0.02542487531900406, + 0.14094169437885284, + -1.6274878978729248, + 0.002551308134570718, + -0.21268486976623535, + -0.04131009429693222, + 0.46733787655830383, + 0.14319387078285217, + 0.03265897557139397, + -0.1593009978532791, + 1.8956907987594604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/66.png", + [ + 0.16506490111351013, + -0.01575029268860817, + 0.13947546482086182, + -1.600951075553894, + 0.013457542285323143, + -0.21253842115402222, + -0.03992752730846405, + 0.44936978816986084, + 0.139715313911438, + 0.0390799343585968, + -0.1609356552362442, + 1.9200035333633423, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/16.png", + [ + 0.16679449379444122, + -0.020051417872309685, + 0.13684089481830597, + -1.5762406587600708, + 0.009929134510457516, + -0.2120959460735321, + -0.0431811697781086, + 0.48867306113243103, + 0.1379452794790268, + 0.03951128572225571, + -0.16235099732875824, + 1.9325414896011353, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/94.png", + [ + 0.17023921012878418, + -0.012400773353874683, + 0.13346433639526367, + -1.546325445175171, + 0.019836731255054474, + -0.21103882789611816, + -0.044911134988069534, + 0.5117743611335754, + 0.13256321847438812, + 0.04750502109527588, + -0.16467592120170593, + 1.9712871313095093, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/28.png", + [ + 0.15786240994930267, + -0.04896848648786545, + 0.14010509848594666, + -1.5905848741531372, + -0.022948207333683968, + -0.2101348489522934, + -0.047588035464286804, + 0.5321334600448608, + 0.14663127064704895, + 0.019832510501146317, + -0.1582840234041214, + 1.864528775215149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/61.png", + [ + 0.1610015481710434, + 0.0011591302463784814, + 0.14500018954277039, + -1.679833173751831, + 0.027670057490468025, + -0.21293196082115173, + -0.029021386057138443, + 0.32003599405288696, + 0.1423403024673462, + 0.04008153825998306, + -0.1583685427904129, + 1.8958905935287476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/58.png", + [ + 0.15689438581466675, + 0.008434339426457882, + 0.149200901389122, + -1.7216671705245972, + 0.03680359199643135, + -0.21184693276882172, + -0.026725633069872856, + 0.28927966952323914, + 0.14483624696731567, + 0.04469480365514755, + -0.15483130514621735, + 1.841886043548584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/64.png", + [ + 0.16339372098445892, + -0.012580081820487976, + 0.14174669981002808, + -1.6397209167480469, + 0.013784731738269329, + -0.2134121209383011, + -0.03483029827475548, + 0.3865126669406891, + 0.14163462817668915, + 0.03528328612446785, + -0.16013310849666595, + 1.9210087060928345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/10.png", + [ + 0.16019967198371887, + -0.013865823857486248, + 0.14522980153560638, + -1.6899911165237427, + 0.00798188429325819, + -0.21453769505023956, + -0.029287632554769516, + 0.32545629143714905, + 0.14567171037197113, + 0.027003979310393333, + -0.1581089347600937, + 1.902983546257019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/41.png", + [ + 0.15934304893016815, + -0.04595504701137543, + 0.13944827020168304, + -1.5740512609481812, + -0.01470029354095459, + -0.2097473293542862, + -0.05232449620962143, + 0.5794005393981934, + 0.14608758687973022, + 0.029018698260188103, + -0.1573665291070938, + 1.8430920839309692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/91.png", + [ + 0.17874497175216675, + -0.011772207915782928, + 0.12189973145723343, + -1.4164347648620605, + 0.018717657774686813, + -0.21051131188869476, + -0.04777590557932854, + 0.5505871176719666, + 0.12102801352739334, + 0.049943000078201294, + -0.17264360189437866, + 2.070011615753174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/23.png", + [ + 0.15197353065013885, + -0.04351186379790306, + 0.14818453788757324, + -1.6995656490325928, + -0.019814694300293922, + -0.2116726189851761, + -0.04183271527290344, + 0.46990761160850525, + 0.1531643569469452, + 0.01578972302377224, + -0.1524442881345749, + 1.803114652633667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/37.png", + [ + 0.15675464272499084, + -0.04661867767572403, + 0.14213575422763824, + -1.6267695426940918, + -0.012303975410759449, + -0.20920412242412567, + -0.055046770721673965, + 0.6167504787445068, + 0.14907878637313843, + 0.03175269067287445, + -0.15399733185768127, + 1.8305963277816772, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/36.png", + [ + 0.15737605094909668, + -0.045970797538757324, + 0.14165930449962616, + -1.617085337638855, + -0.01589706353843212, + -0.21010196208953857, + -0.050520770251750946, + 0.5655527710914612, + 0.14808090031147003, + 0.026301156729459763, + -0.15597496926784515, + 1.8494391441345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/8.png", + [ + 0.15003851056098938, + -0.014088605530560017, + 0.15568508207798004, + -1.8172929286956787, + 0.006967728491872549, + -0.21497564017772675, + -0.026169072836637497, + 0.2876778841018677, + 0.15616588294506073, + 0.023127494379878044, + -0.14840897917747498, + 1.797823429107666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/6.png", + [ + 0.14685112237930298, + -0.013451896607875824, + 0.15875039994716644, + -1.8441135883331299, + 0.007694432511925697, + -0.2150501310825348, + -0.025340210646390915, + 0.2800953686237335, + 0.15913338959217072, + 0.022811776027083397, + -0.1452724188566208, + 1.7531908750534058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/20.png", + [ + 0.15478339791297913, + -0.03942243754863739, + 0.14640989899635315, + -1.6968984603881836, + -0.01282651536166668, + -0.21187728643417358, + -0.04349014163017273, + 0.4903516471385956, + 0.15108101069927216, + 0.022400522604584694, + -0.15369008481502533, + 1.828524112701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/2.png", + [ + 0.15389910340309143, + -0.013653410598635674, + 0.15190966427326202, + -1.7858457565307617, + 0.00691519770771265, + -0.21495817601680756, + -0.026325879618525505, + 0.2922283113002777, + 0.15236514806747437, + 0.023546898737549782, + -0.1522442102432251, + 1.8557571172714233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/5.png", + [ + 0.14213363826274872, + -0.014327265322208405, + 0.1629130244255066, + -1.9026451110839844, + 0.006683553569018841, + -0.21515236794948578, + -0.024752488359808922, + 0.2713005840778351, + 0.163405179977417, + 0.021262289956212044, + -0.14069312810897827, + 1.7102164030075073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/108.png", + [ + 0.1357913315296173, + -0.056618764996528625, + 0.15906894207000732, + -1.8844209909439087, + -0.05132756382226944, + -0.2083110809326172, + -0.030329473316669464, + 0.3417094051837921, + 0.1608542650938034, + -0.018673820421099663, + -0.14396211504936218, + 1.7643922567367554, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/60.png", + [ + 0.15700644254684448, + 0.002833279548212886, + 0.14929449558258057, + -1.7282013893127441, + 0.030370088294148445, + -0.21271349489688873, + -0.02790205553174019, + 0.3091486692428589, + 0.1462002992630005, + 0.041144128888845444, + -0.154533252120018, + 1.8500585556030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/56.png", + [ + 0.15295378863811493, + 0.012097755447030067, + 0.15299241244792938, + -1.7505087852478027, + 0.04291849955916405, + -0.21075396239757538, + -0.026242462918162346, + 0.2825735807418823, + 0.14734667539596558, + 0.04882938414812088, + -0.15117061138153076, + 1.7895832061767578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/30.png", + [ + 0.15029017627239227, + -0.04667046666145325, + 0.14893832802772522, + -1.7170730829238892, + -0.020722204819321632, + -0.2108973115682602, + -0.04517529904842377, + 0.5097599625587463, + 0.15469761192798615, + 0.017090480774641037, + -0.15074634552001953, + 1.8057595491409302, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/17.png", + [ + 0.1653907597064972, + -0.02279137447476387, + 0.13810989260673523, + -1.5943700075149536, + 0.007326173130422831, + -0.21208079159259796, + -0.04377162829041481, + 0.4973795711994171, + 0.13978596031665802, + 0.038081251084804535, + -0.16111360490322113, + 1.9184719324111938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/12.png", + [ + 0.16331151127815247, + -0.013253338634967804, + 0.1417800635099411, + -1.6366896629333496, + 0.011042024940252304, + -0.2139059156179428, + -0.03271445259451866, + 0.36480990052223206, + 0.14196941256523132, + 0.031882770359516144, + -0.16054928302764893, + 1.9227508306503296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/114.png", + [ + 0.13741034269332886, + -0.06343357264995575, + 0.15505634248256683, + -1.8351712226867676, + -0.0484686940908432, + -0.20701831579208374, + -0.041738446801900864, + 0.4816366136074066, + 0.16036544740200043, + -0.008215476758778095, + -0.14547619223594666, + 1.782741904258728, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/27.png", + [ + 0.15694311261177063, + -0.05022948607802391, + 0.14069025218486786, + -1.5947978496551514, + -0.02613387070596218, + -0.21014416217803955, + -0.04587312787771225, + 0.5110585689544678, + 0.14708422124385834, + 0.01625797711312771, + -0.15827129781246185, + 1.8590058088302612, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/42.png", + [ + 0.16163954138755798, + -0.04203837737441063, + 0.13803379237651825, + -1.555891990661621, + -0.009873192757368088, + -0.21001166105270386, + -0.052397679537534714, + 0.5804524421691895, + 0.14395511150360107, + 0.03279896080493927, + -0.15858450531959534, + 1.8545163869857788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/7.png", + [ + 0.1480608731508255, + -0.013491831719875336, + 0.15761928260326385, + -1.8354175090789795, + 0.006929268594831228, + -0.21512487530708313, + -0.024923229590058327, + 0.27429699897766113, + 0.15804386138916016, + 0.022071534767746925, + -0.14657039940357208, + 1.7679868936538696, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/73.png", + [ + 0.16959671676158905, + -0.02292098104953766, + 0.13288895785808563, + -1.518100619316101, + 0.007385041564702988, + -0.21162265539169312, + -0.04592614620923996, + 0.5069985389709473, + 0.13464882969856262, + 0.04047688841819763, + -0.16486117243766785, + 1.9501584768295288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/46.png", + [ + 0.14946000277996063, + -0.03784122318029404, + 0.152242049574852, + -1.7223824262619019, + -0.006576955318450928, + -0.21160297095775604, + -0.0461391806602478, + 0.5123141407966614, + 0.15673653781414032, + 0.027205180376768112, + -0.14711026847362518, + 1.7383170127868652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/57.png", + [ + 0.1552601158618927, + 0.011281481944024563, + 0.1507146954536438, + -1.7275404930114746, + 0.041689760982990265, + -0.21088409423828125, + -0.027161723002791405, + 0.2932945787906647, + 0.14527268707752228, + 0.04846156761050224, + -0.15328148007392883, + 1.8170326948165894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/44.png", + [ + 0.15679919719696045, + -0.04524167627096176, + 0.14253103733062744, + -1.6072120666503906, + -0.010984942317008972, + -0.20944726467132568, + -0.054397378116846085, + 0.5998910665512085, + 0.14913496375083923, + 0.03213929384946823, + -0.15386267006397247, + 1.8020051717758179, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/113.png", + [ + 0.1407225877046585, + -0.06453505158424377, + 0.1515924483537674, + -1.801536202430725, + -0.051732536405324936, + -0.20658594369888306, + -0.03992348164319992, + 0.4597238302230835, + 0.15642501413822174, + -0.010264808312058449, + -0.1495785415172577, + 1.8358169794082642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/29.png", + [ + 0.15463143587112427, + -0.04710335657000542, + 0.1442854255437851, + -1.6498249769210815, + -0.02087494172155857, + -0.21061906218528748, + -0.04638683423399925, + 0.5206660032272339, + 0.1503371000289917, + 0.019203510135412216, + -0.1548478901386261, + 1.8392667770385742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/4.png", + [ + 0.14511388540267944, + -0.01267236564308405, + 0.16040341556072235, + -1.8718864917755127, + 0.0066556064411997795, + -0.21534398198127747, + -0.02303403802216053, + 0.25111109018325806, + 0.16076551377773285, + 0.020353753119707108, + -0.1438334584236145, + 1.746463656425476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/55.png", + [ + 0.15463365614414215, + 0.014116174541413784, + 0.15111933648586273, + -1.7254365682601929, + 0.04346795752644539, + -0.21081764996051788, + -0.024786176159977913, + 0.2647840678691864, + 0.14541961252689362, + 0.04800574481487274, + -0.15328560769557953, + 1.8087928295135498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/9.png", + [ + 0.15121176838874817, + -0.01574428752064705, + 0.15438593924045563, + -1.8052115440368652, + 0.007254797965288162, + -0.21460379660129547, + -0.02899094671010971, + 0.3218696415424347, + 0.15501700341701508, + 0.025401271879673004, + -0.1492394208908081, + 1.8105247020721436, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/25.png", + [ + 0.1561477929353714, + -0.04445639252662659, + 0.1434900164604187, + -1.6270952224731445, + -0.026362352073192596, + -0.21186645328998566, + -0.03695305064320564, + 0.4118155539035797, + 0.14788773655891418, + 0.009172291494905949, + -0.1580916792154312, + 1.8542364835739136, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/99.png", + [ + 0.1520376205444336, + -0.027343733236193657, + 0.15193673968315125, + -1.7570204734802246, + -0.009160816669464111, + -0.2144709676504135, + -0.02943098358809948, + 0.3231869041919708, + 0.15410558879375458, + 0.014227564446628094, + -0.1516474187374115, + 1.8119227886199951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/34.png", + [ + 0.15472596883773804, + -0.04572457820177078, + 0.14462724328041077, + -1.6603235006332397, + -0.01993659697473049, + -0.2109336256980896, + -0.045358967036008835, + 0.5102524161338806, + 0.15036724507808685, + 0.01908314973115921, + -0.15483354032039642, + 1.8467533588409424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/72.png", + [ + 0.16842561960220337, + -0.024444621056318283, + 0.13410130143165588, + -1.5314453840255737, + 0.0046034445986151695, + -0.21202051639556885, + -0.04442983120679855, + 0.48834922909736633, + 0.13623327016830444, + 0.037385329604148865, + -0.16428852081298828, + 1.9428948163986206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/102.png", + [ + 0.14129087328910828, + -0.04064647853374481, + 0.15916234254837036, + -1.8403843641281128, + -0.021709345281124115, + -0.21271581947803497, + -0.03505110740661621, + 0.39019617438316345, + 0.16282965242862701, + 0.006909400224685669, + -0.14278188347816467, + 1.7107020616531372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/70.png", + [ + 0.16450494527816772, + -0.023171477019786835, + 0.13910099864006042, + -1.588658332824707, + 0.004115684889256954, + -0.21284957230091095, + -0.040323857218027115, + 0.44322991371154785, + 0.14095769822597504, + 0.03325710818171501, + -0.16116076707839966, + 1.9053963422775269, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/90.png", + [ + 0.17989937961101532, + -0.010876615531742573, + 0.1202738806605339, + -1.3972452878952026, + 0.019077129662036896, + -0.2105250358581543, + -0.0475727878510952, + 0.5464483499526978, + 0.11924835294485092, + 0.050087980926036835, + -0.173835888504982, + 2.086574077606201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/15.png", + [ + 0.17105458676815033, + -0.01824561133980751, + 0.1317395567893982, + -1.5154932737350464, + 0.008707587607204914, + -0.2126290649175644, + -0.040754806250333786, + 0.45940354466438293, + 0.13271169364452362, + 0.037468306720256805, + -0.1671275645494461, + 1.9859434366226196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/22.png", + [ + 0.15469767153263092, + -0.04135202243924141, + 0.14596758782863617, + -1.6810683012008667, + -0.017134100198745728, + -0.21189886331558228, + -0.041871216148138046, + 0.47129908204078674, + 0.1507413387298584, + 0.018351735547184944, + -0.1545579433441162, + 1.8307709693908691, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/109.png", + [ + 0.1280549019575119, + -0.056719642132520676, + 0.1653261035680771, + -1.974324345588684, + -0.052041858434677124, + -0.20802608132362366, + -0.031059518456459045, + 0.35278216004371643, + 0.16685765981674194, + -0.02135254070162773, + -0.13656677305698395, + 1.6938992738723755, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/26.png", + [ + 0.1575840413570404, + -0.04397808387875557, + 0.14206017553806305, + -1.611388087272644, + -0.02178962528705597, + -0.2115776240825653, + -0.04132813215255737, + 0.46331551671028137, + 0.14710669219493866, + 0.015771184116601944, + -0.15829966962337494, + 1.8602486848831177, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/43.png", + [ + 0.1579435169696808, + -0.04528401792049408, + 0.14124836027622223, + -1.5934573411941528, + -0.010997018776834011, + -0.20933735370635986, + -0.05481642112135887, + 0.6061660647392273, + 0.147921621799469, + 0.0327892042696476, + -0.15489338338375092, + 1.8151811361312866, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/84.png", + [ + 0.18076340854167938, + -0.012212191708385944, + 0.11884167045354843, + -1.3654454946517944, + 0.021830229088664055, + -0.2085341364145279, + -0.05463375896215439, + 0.6298849582672119, + 0.11745601892471313, + 0.057552315294742584, + -0.17274172604084015, + 2.052610397338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/89.png", + [ + 0.17912378907203674, + -0.011382723227143288, + 0.1213795393705368, + -1.4027035236358643, + 0.01708952710032463, + -0.21125362813472748, + -0.04503050446510315, + 0.5139672756195068, + 0.12070836871862411, + 0.0467999167740345, + -0.17374449968338013, + 2.0776171684265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/63.png", + [ + 0.16170601546764374, + -0.007076095324009657, + 0.14404506981372833, + -1.6720075607299805, + 0.019549818709492683, + -0.21334055066108704, + -0.03242694213986397, + 0.35849443078041077, + 0.14288757741451263, + 0.03719719126820564, + -0.15857931971549988, + 1.905685305595398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/88.png", + [ + 0.18097077310085297, + -0.011990778148174286, + 0.11854826658964157, + -1.3694592714309692, + 0.01629706099629402, + -0.2110579013824463, + -0.04622622951865196, + 0.5271242260932922, + 0.11803338676691055, + 0.047525569796562195, + -0.17537769675254822, + 2.097137451171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/62.png", + [ + 0.16044114530086517, + -0.003115848172456026, + 0.14559130370616913, + -1.6913338899612427, + 0.026239577680826187, + -0.21246086061000824, + -0.03346287086606026, + 0.37065058946609497, + 0.14324113726615906, + 0.04240955412387848, + -0.15694361925125122, + 1.8899894952774048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/65.png", + [ + 0.16531847417354584, + -0.013882985338568687, + 0.13937343657016754, + -1.6069066524505615, + 0.012667707167565823, + -0.21324196457862854, + -0.03626689687371254, + 0.4047304391860962, + 0.13948912918567657, + 0.03581928461790085, + -0.1618877798318863, + 1.9371992349624634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/80.png", + [ + 0.1760634183883667, + -0.008262267336249352, + 0.12602102756500244, + -1.4393471479415894, + 0.023695288226008415, + -0.21020962297916412, + -0.04688647761940956, + 0.5207973718643188, + 0.12404876947402954, + 0.051880091428756714, + -0.1699066013097763, + 2.0098681449890137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/79.png", + [ + 0.17702271044254303, + -0.007968418300151825, + 0.12468905001878738, + -1.424231767654419, + 0.02023393101990223, + -0.21155087649822235, + -0.042245808988809586, + 0.46610644459724426, + 0.12329413741827011, + 0.04615869000554085, + -0.1720924824476242, + 2.0233817100524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/116.png", + [ + 0.13944575190544128, + -0.061385080218315125, + 0.15406052768230438, + -1.7938858270645142, + -0.03839163854718208, + -0.20776593685150146, + -0.04803422838449478, + 0.5541536211967468, + 0.16133460402488708, + 0.00361617817543447, + -0.14458893239498138, + 1.7565016746520996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/19.png", + [ + 0.15730901062488556, + -0.03538990020751953, + 0.1447388082742691, + -1.679707646369934, + -0.008195803500711918, + -0.21221087872982025, + -0.042979829013347626, + 0.4853067696094513, + 0.14877699315547943, + 0.02572919987142086, + -0.1554068922996521, + 1.8499345779418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/77.png", + [ + 0.17365781962871552, + -0.006779589224606752, + 0.1294020414352417, + -1.48158597946167, + 0.024924922734498978, + -0.21058952808380127, + -0.04448244720697403, + 0.49369755387306213, + 0.1271597295999527, + 0.05053689330816269, + -0.1680009365081787, + 1.971608281135559, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/68.png", + [ + 0.16525010764598846, + -0.019557395949959755, + 0.13877248764038086, + -1.5857629776000977, + 0.010960693471133709, + -0.21209360659122467, + -0.04294262453913689, + 0.4833891689777374, + 0.1397145688533783, + 0.039770763367414474, + -0.16076697409152985, + 1.9053725004196167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/86.png", + [ + 0.18086035549640656, + -0.014620617032051086, + 0.11842156201601028, + -1.3654389381408691, + 0.017522132024168968, + -0.20945625007152557, + -0.05262080579996109, + 0.6022123694419861, + 0.11802713572978973, + 0.05349964275956154, + -0.1736527532339096, + 2.0708727836608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/1.png", + [ + 0.15147598087787628, + -0.01122345682233572, + 0.15452168881893158, + -1.8306890726089478, + 0.00974856223911047, + -0.2149866372346878, + -0.02517165243625641, + 0.28066563606262207, + 0.15462175011634827, + 0.02454955130815506, + -0.1497909426689148, + 1.8395289182662964, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/81.png", + [ + 0.17732715606689453, + -0.008295211009681225, + 0.12423433363437653, + -1.4196574687957764, + 0.024001386016607285, + -0.20986118912696838, + -0.04827120155096054, + 0.5421105623245239, + 0.12217573821544647, + 0.05326692387461662, + -0.17083212733268738, + 2.024606704711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/95.png", + [ + 0.16759240627288818, + -0.017492126673460007, + 0.13621565699577332, + -1.5782465934753418, + 0.012057412415742874, + -0.2122059166431427, + -0.04208521172404289, + 0.4755312502384186, + 0.13680386543273926, + 0.04013192281126976, + -0.16316257417201996, + 1.9514492750167847, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/103.png", + [ + 0.13430167734622955, + -0.043499670922756195, + 0.16437377035617828, + -1.910582184791565, + -0.026381509378552437, + -0.21225832402706146, + -0.03461674973368645, + 0.387031227350235, + 0.167973130941391, + 0.0014429931761696935, + -0.1368606686592102, + 1.6537835597991943, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/83.png", + [ + 0.179416686296463, + -0.010452952235937119, + 0.12103007733821869, + -1.386204481124878, + 0.023252947255969048, + -0.20892441272735596, + -0.05251458287239075, + 0.6032366752624512, + 0.11923439800739288, + 0.056473154574632645, + -0.17187736928462982, + 2.0393714904785156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/51.png", + [ + 0.15442058444023132, + -0.006643373519182205, + 0.15184877812862396, + -1.7197593450546265, + 0.020899632945656776, + -0.21348336338996887, + -0.03059348464012146, + 0.3273668587207794, + 0.15055027604103088, + 0.03645026311278343, + -0.15150541067123413, + 1.7846050262451172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+7ktK5y0qlKk+P0+C0+F501-619/93.png", + [ + 0.17443856596946716, + -0.013574658893048763, + 0.12780772149562836, + -1.4804376363754272, + 0.017312638461589813, + -0.21101737022399902, + -0.04604167491197586, + 0.5274000763893127, + 0.12735523283481598, + 0.04727886989712715, + -0.16879943013191223, + 2.0162086486816406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/76.png", + [ + 0.20957092940807343, + 0.047575727105140686, + 0.027649125084280968, + -0.2983446419239044, + 0.04925941675901413, + -0.21072567999362946, + -0.010774821043014526, + 0.12275226414203644, + 0.02452414482831955, + 0.016707396134734154, + -0.2146330028772354, + 2.422565460205078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/48.png", + [ + 0.20929399132728577, + 0.04449321702122688, + 0.03412146121263504, + -0.3809128701686859, + 0.0476476289331913, + -0.21063697338104248, + -0.01759731024503708, + 0.19216372072696686, + 0.029557138681411743, + 0.024501338601112366, + -0.21324624121189117, + 2.4764928817749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/35.png", + [ + 0.20933590829372406, + 0.044584304094314575, + 0.033743344247341156, + -0.3809787333011627, + 0.04720408841967583, + -0.21100302040576935, + -0.014049790799617767, + 0.1523548811674118, + 0.029969114810228348, + 0.02092514932155609, + -0.21356938779354095, + 2.5036468505859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/124.png", + [ + 0.20936262607574463, + 0.04839188978075981, + 0.02781013958156109, + -0.26888948678970337, + 0.049978598952293396, + -0.21060462296009064, + -0.009784056805074215, + 0.11073623597621918, + 0.024845890700817108, + 0.015868622809648514, + -0.21465963125228882, + 2.2340521812438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/97.png", + [ + 0.20982354879379272, + 0.0494183786213398, + 0.02190416306257248, + -0.24774548411369324, + 0.05020523816347122, + -0.21070484817028046, + -0.0055491868406534195, + 0.05853777006268501, + 0.020035022869706154, + 0.010449095629155636, + -0.21549317240715027, + 2.568002223968506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/13.png", + [ + 0.21155810356140137, + 0.0466398224234581, + 0.003973989747464657, + -0.037737324833869934, + 0.04680794104933739, + -0.2109030932188034, + -0.01663711853325367, + 0.17932625114917755, + 0.00028694927459582686, + 0.017102746292948723, + -0.21599841117858887, + 2.498778820037842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/32.png", + [ + 0.21008184552192688, + 0.03994559869170189, + 0.03489791229367256, + -0.3975975811481476, + 0.04278098791837692, + -0.21187803149223328, + -0.015012777410447598, + 0.16454647481441498, + 0.03135764226317406, + 0.02144634537398815, + -0.21331819891929626, + 2.51662015914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/38.png", + [ + 0.2093268781900406, + 0.04387662187218666, + 0.0347130186855793, + -0.39000260829925537, + 0.04664130508899689, + -0.211102694272995, + -0.014427040703594685, + 0.1584959179162979, + 0.030898872762918472, + 0.021410109475255013, + -0.21338877081871033, + 2.4845662117004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/111.png", + [ + 0.2078554779291153, + 0.05198047310113907, + 0.03228030726313591, + -0.3668043315410614, + 0.052006177604198456, + -0.2103067934513092, + 0.0037818008568137884, + -0.056200459599494934, + 0.032238882035017014, + 0.004120036028325558, + -0.21422319114208221, + 2.5241713523864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/11.png", + [ + 0.21140889823436737, + 0.04699130356311798, + 0.006781829986721277, + -0.06907027959823608, + 0.04737897962331772, + -0.21080338954925537, + -0.016280734911561012, + 0.17772434651851654, + 0.003067178651690483, + 0.01736801490187645, + -0.21595564484596252, + 2.488246440887451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/125.png", + [ + 0.2092394381761551, + 0.04696689546108246, + 0.03099788911640644, + -0.299004465341568, + 0.04861395061016083, + -0.21098025143146515, + -0.008480125106871128, + 0.09740036725997925, + 0.02834506891667843, + 0.015143933705985546, + -0.21427813172340393, + 2.2087888717651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/59.png", + [ + 0.2092141956090927, + 0.04038725420832634, + 0.03932156041264534, + -0.4338168799877167, + 0.04262484982609749, + -0.2122592031955719, + -0.00877781305462122, + 0.08944182097911835, + 0.036884114146232605, + 0.016211029142141342, + -0.21289588510990143, + 2.433375835418701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/105.png", + [ + 0.20834560692310333, + 0.04911644384264946, + 0.03357928246259689, + -0.38680920004844666, + 0.050502657890319824, + -0.21064162254333496, + -0.005242498591542244, + 0.050147946923971176, + 0.03145592659711838, + 0.012867655605077744, + -0.2139926254749298, + 2.5429062843322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/121.png", + [ + 0.20852133631706238, + 0.049675021320581436, + 0.03160925954580307, + -0.3370269536972046, + 0.051533862948417664, + -0.2102396935224533, + -0.0095620546489954, + 0.11141738295555115, + 0.02847829833626747, + 0.016720185056328773, + -0.21414321660995483, + 2.388988971710205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/24.png", + [ + 0.21043336391448975, + 0.03838329762220383, + 0.034531258046627045, + -0.3940451443195343, + 0.04057235270738602, + -0.21255886554718018, + -0.010977513156831264, + 0.1161167323589325, + 0.03193069249391556, + 0.01712729036808014, + -0.21362344920635223, + 2.5277934074401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/74.png", + [ + 0.2092968076467514, + 0.04931333288550377, + 0.026663267984986305, + -0.2933610677719116, + 0.050589609891176224, + -0.2105448842048645, + -0.007710059639066458, + 0.08516402542591095, + 0.024154216051101685, + 0.013672922737896442, + -0.2148895412683487, + 2.464560031890869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/129.png", + [ + 0.2073446363210678, + 0.048224348574876785, + 0.040379591286182404, + -0.40730011463165283, + 0.04970560595393181, + -0.2108689546585083, + -0.003397083142772317, + 0.0370163656771183, + 0.03854156285524368, + 0.012513966299593449, + -0.21285170316696167, + 2.2577624320983887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/98.png", + [ + 0.2096564918756485, + 0.04919033870100975, + 0.023924099281430244, + -0.27346837520599365, + 0.05012276768684387, + -0.21071209013462067, + -0.006000793073326349, + 0.06314404308795929, + 0.021903421729803085, + 0.011340723372995853, + -0.2152661681175232, + 2.5688910484313965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/0.png", + [ + 0.2105618417263031, + 0.04934728518128395, + 0.013283615931868553, + -0.1477213352918625, + 0.050079815089702606, + -0.21046826243400574, + -0.011959088034927845, + 0.12982837855815887, + 0.010179460048675537, + 0.014691930264234543, + -0.21593615412712097, + 2.5303549766540527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/96.png", + [ + 0.20979814231395721, + 0.04925043508410454, + 0.0225173719227314, + -0.25521430373191833, + 0.05014237016439438, + -0.21069741249084473, + -0.00634340662509203, + 0.0681968629360199, + 0.020454341545701027, + 0.01135301124304533, + -0.21540804207324982, + 2.5606985092163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/100.png", + [ + 0.2089812010526657, + 0.05052780732512474, + 0.02686437778174877, + -0.30807560682296753, + 0.051809847354888916, + -0.210252583026886, + -0.007581872399896383, + 0.08161410689353943, + 0.024300072342157364, + 0.013736301101744175, + -0.21486906707286835, + 2.564161777496338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/40.png", + [ + 0.20902246236801147, + 0.04401398077607155, + 0.0363355427980423, + -0.4097978472709656, + 0.046895720064640045, + -0.21106848120689392, + -0.014099005609750748, + 0.1542075127363205, + 0.03253142535686493, + 0.021465318277478218, + -0.21314042806625366, + 2.4891176223754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/52.png", + [ + 0.20972943305969238, + 0.04431956261396408, + 0.03157905861735344, + -0.3368561863899231, + 0.046933770179748535, + -0.2109508514404297, + -0.01564783975481987, + 0.17374972999095917, + 0.027544166892766953, + 0.021986594423651695, + -0.213789165019989, + 2.3980960845947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/3.png", + [ + 0.21033194661140442, + 0.05017773061990738, + 0.013804572634398937, + -0.1545412838459015, + 0.050864312797784805, + -0.21036601066589355, + -0.010337152518332005, + 0.11148038506507874, + 0.01100875437259674, + 0.013275174424052238, + -0.2159872055053711, + 2.5307650566101074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/47.png", + [ + 0.20913338661193848, + 0.044816646724939346, + 0.0346783772110939, + -0.38999828696250916, + 0.04810329154133797, + -0.2104940116405487, + -0.018062224611639977, + 0.1979147493839264, + 0.029953215271234512, + 0.025132423266768456, + -0.21311748027801514, + 2.4883885383605957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/104.png", + [ + 0.2089284509420395, + 0.04900068789720535, + 0.0299287810921669, + -0.3428534269332886, + 0.050382766872644424, + -0.21062342822551727, + -0.006873006001114845, + 0.07067020237445831, + 0.027538619935512543, + 0.013586553744971752, + -0.21448758244514465, + 2.552402973175049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/21.png", + [ + 0.21067357063293457, + 0.03779540956020355, + 0.0337052159011364, + -0.38437920808792114, + 0.03969525173306465, + -0.21279573440551758, + -0.009495241567492485, + 0.0943218469619751, + 0.03144553676247597, + 0.015407128259539604, + -0.21382632851600647, + 2.5039825439453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/82.png", + [ + 0.2092277705669403, + 0.04733283445239067, + 0.030516158789396286, + -0.323057621717453, + 0.04898492991924286, + -0.2108829766511917, + -0.008759899996221066, + 0.09750247001647949, + 0.02778685837984085, + 0.01535780169069767, + -0.21433600783348083, + 2.366811752319336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/106.png", + [ + 0.20812645554542542, + 0.05023939535021782, + 0.03327573835849762, + -0.3827134668827057, + 0.051518797874450684, + -0.21041147410869598, + -0.004552297294139862, + 0.04151872172951698, + 0.03125835582613945, + 0.012284684926271439, + -0.21405582129955292, + 2.5393123626708984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/14.png", + [ + 0.21189168095588684, + 0.045131832361221313, + 0.003595455549657345, + -0.03201785683631897, + 0.045274704694747925, + -0.2112611085176468, + -0.016335180029273033, + 0.17615598440170288, + 0.00010311970254406333, + 0.016725871711969376, + -0.21602807939052582, + 2.5041399002075195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/67.png", + [ + 0.20967400074005127, + 0.047473955899477005, + 0.027035793289542198, + -0.3033798038959503, + 0.04884606599807739, + -0.2109282910823822, + -0.008438823744654655, + 0.09111581742763519, + 0.02446981891989708, + 0.014260987751185894, + -0.21481561660766602, + 2.496586322784424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/78.png", + [ + 0.2095833271741867, + 0.04854355752468109, + 0.02581189200282097, + -0.27057650685310364, + 0.050399355590343475, + -0.21028226613998413, + -0.013753876090049744, + 0.15789704024791718, + 0.021968984976410866, + 0.019307684153318405, + -0.21469157934188843, + 2.3664326667785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/31.png", + [ + 0.21023418009281158, + 0.03821717947721481, + 0.03590171039104462, + -0.4113321900367737, + 0.04089229181408882, + -0.212358295917511, + -0.01340386364609003, + 0.14319714903831482, + 0.03282234072685242, + 0.01978105679154396, + -0.213258758187294, + 2.518622398376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/39.png", + [ + 0.20928001403808594, + 0.04327310621738434, + 0.0357380285859108, + -0.4015822410583496, + 0.04608369618654251, + -0.21124888956546783, + -0.014074661768972874, + 0.15418946743011475, + 0.03203219547867775, + 0.0211953092366457, + -0.2132430225610733, + 2.487150192260742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/92.png", + [ + 0.20904357731342316, + 0.05014592781662941, + 0.027093632146716118, + -0.30727818608283997, + 0.05164602771401405, + -0.2102195918560028, + -0.00939751323312521, + 0.10319043695926666, + 0.024111568927764893, + 0.015524513088166714, + -0.21476852893829346, + 2.530247688293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/53.png", + [ + 0.2097233384847641, + 0.04461989551782608, + 0.03119412623345852, + -0.32921209931373596, + 0.04694444686174393, + -0.21108518540859222, + -0.013680389150977135, + 0.14945979416370392, + 0.02757222019135952, + 0.019999979063868523, + -0.2139805406332016, + 2.376682758331299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/75.png", + [ + 0.20943722128868103, + 0.04908221587538719, + 0.0259785708039999, + -0.2833460569381714, + 0.050313156098127365, + -0.2106112539768219, + -0.007705511059612036, + 0.08680708706378937, + 0.023506103083491325, + 0.01348050870001316, + -0.214973583817482, + 2.45181941986084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/87.png", + [ + 0.2091052234172821, + 0.0467386394739151, + 0.03222421184182167, + -0.3571875989437103, + 0.048786710947752, + -0.2108353227376938, + -0.01078074611723423, + 0.11569203436374664, + 0.029030276462435722, + 0.01765976846218109, + -0.2139936238527298, + 2.466644763946533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/107.png", + [ + 0.20828777551651, + 0.05012774467468262, + 0.03242387995123863, + -0.371581494808197, + 0.05128302052617073, + -0.21047964692115784, + -0.004032674245536327, + 0.03556787595152855, + 0.03056388534605503, + 0.01155073381960392, + -0.21419693529605865, + 2.5368285179138184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/112.png", + [ + 0.20748978853225708, + 0.05318893492221832, + 0.032662104815244675, + -0.37164968252182007, + 0.052998822182416916, + -0.2100251019001007, + 0.005336323752999306, + -0.07412146031856537, + 0.03296969458460808, + 0.0028790670912712812, + -0.21413220465183258, + 2.5217175483703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/69.png", + [ + 0.20986640453338623, + 0.049335163086652756, + 0.02168012224137783, + -0.2358434796333313, + 0.05029335245490074, + -0.21062137186527252, + -0.007557399105280638, + 0.08072222769260406, + 0.019353680312633514, + 0.012352208606898785, + -0.21545477211475372, + 2.4728379249572754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/45.png", + [ + 0.209000363945961, + 0.04404894635081291, + 0.03642013669013977, + -0.4128715693950653, + 0.0473165325820446, + -0.2107938975095749, + -0.016582129523158073, + 0.1804196834564209, + 0.03206060454249382, + 0.023948101326823235, + -0.21294717490673065, + 2.495412826538086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/50.png", + [ + 0.20910753309726715, + 0.045757751911878586, + 0.0335882343351841, + -0.36919093132019043, + 0.04888725280761719, + -0.21033471822738647, + -0.017811235040426254, + 0.1969337910413742, + 0.02884402871131897, + 0.024767549708485603, + -0.21331311762332916, + 2.44783878326416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/101.png", + [ + 0.20846256613731384, + 0.05098395794630051, + 0.029864460229873657, + -0.3429519236087799, + 0.05254041776061058, + -0.21004973351955414, + -0.008154957555234432, + 0.08934225142002106, + 0.02703247219324112, + 0.015087575651705265, + -0.2144516557455063, + 2.558438777923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/85.png", + [ + 0.20852205157279968, + 0.047523967921733856, + 0.03475511446595192, + -0.381468266248703, + 0.04969288036227226, + -0.21065765619277954, + -0.010092699900269508, + 0.10827544331550598, + 0.03157631307840347, + 0.017683805897831917, + -0.2136307954788208, + 2.427309513092041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/131.png", + [ + 0.20709465444087982, + 0.048544157296419144, + 0.041269443929195404, + -0.4305630326271057, + 0.050506506115198135, + -0.21062907576560974, + -0.005689800716936588, + 0.059344541281461716, + 0.03884321451187134, + 0.015058075077831745, + -0.2126319706439972, + 2.3143482208251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/71.png", + [ + 0.21023957431316376, + 0.045761916786432266, + 0.025554994121193886, + -0.28221338987350464, + 0.047069448977708817, + -0.21131587028503418, + -0.008829661644995213, + 0.09783084690570831, + 0.02305813878774643, + 0.014118882827460766, + -0.2149810940027237, + 2.466261863708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/115.png", + [ + 0.20799407362937927, + 0.05152587592601776, + 0.03211622312664986, + -0.36171919107437134, + 0.05182220786809921, + -0.21037758886814117, + 0.0019048993708565831, + -0.03188776224851608, + 0.031635843217372894, + 0.005852673202753067, + -0.21427275240421295, + 2.509141445159912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/54.png", + [ + 0.20994390547275543, + 0.04286586865782738, + 0.03215539827942848, + -0.33879542350769043, + 0.04506181925535202, + -0.21158884465694427, + -0.012144597247242928, + 0.13060130178928375, + 0.028998015448451042, + 0.018454696983098984, + -0.2139309197664261, + 2.3653178215026855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/33.png", + [ + 0.2098693698644638, + 0.0401078499853611, + 0.035973552614450455, + -0.4095667600631714, + 0.04295237362384796, + -0.21188980340957642, + -0.014342286624014378, + 0.1569039225578308, + 0.03252429887652397, + 0.02102302573621273, + -0.21318559348583221, + 2.5100908279418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/49.png", + [ + 0.209102600812912, + 0.0458206906914711, + 0.03353295475244522, + -0.3718402683734894, + 0.048986341804265976, + -0.21028488874435425, + -0.018124639987945557, + 0.1991981863975525, + 0.02871120721101761, + 0.02507246471941471, + -0.21329541504383087, + 2.4656925201416016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/118.png", + [ + 0.20828936994075775, + 0.050977349281311035, + 0.03106026165187359, + -0.34208548069000244, + 0.05177413299679756, + -0.21038949489593506, + -0.0018964313203468919, + 0.015396133065223694, + 0.029713109135627747, + 0.009244851768016815, + -0.21442845463752747, + 2.4713916778564453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/110.png", + [ + 0.20781071484088898, + 0.052871447056531906, + 0.031099991872906685, + -0.35239100456237793, + 0.053323544561862946, + -0.21000947058200836, + 0.0007170719909481704, + -0.019649434834718704, + 0.030318301171064377, + 0.006965959444642067, + -0.21442987024784088, + 2.5287184715270996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/18.png", + [ + 0.2123068869113922, + 0.03867444768548012, + 0.0194412712007761, + -0.2151799201965332, + 0.03960949555039406, + -0.21282558143138885, + -0.009179220534861088, + 0.09403000771999359, + 0.0174575038254261, + 0.012548173777759075, + -0.21560536324977875, + 2.480973720550537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/66.png", + [ + 0.20988482236862183, + 0.04324497655034065, + 0.03203307092189789, + -0.3659052848815918, + 0.04481682553887367, + -0.21185116469860077, + -0.0076444074511528015, + 0.08098156750202179, + 0.02979426644742489, + 0.014030558988451958, + -0.21415726840496063, + 2.5177998542785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/16.png", + [ + 0.2120857983827591, + 0.04320472106337547, + 0.010042925365269184, + -0.10777110606431961, + 0.04367993026971817, + -0.21196316182613373, + -0.010563012212514877, + 0.1117134690284729, + 0.007718292996287346, + 0.012363879941403866, + -0.2161838561296463, + 2.5000319480895996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/94.png", + [ + 0.20936979353427887, + 0.049369849264621735, + 0.025977034121751785, + -0.2965857684612274, + 0.050735585391521454, + -0.21046140789985657, + -0.00893296767026186, + 0.09929481148719788, + 0.023196732625365257, + 0.014714475721120834, + -0.21492624282836914, + 2.5471529960632324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/28.png", + [ + 0.2100062370300293, + 0.03966466337442398, + 0.03566502034664154, + -0.40816256403923035, + 0.04193641245365143, + -0.21230186522006989, + -0.010823658667504787, + 0.11380340158939362, + 0.032963864505290985, + 0.017393354326486588, + -0.21344497799873352, + 2.5271172523498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/61.png", + [ + 0.20958402752876282, + 0.04072517901659012, + 0.03693091869354248, + -0.4119897186756134, + 0.04264015331864357, + -0.21229128539562225, + -0.007882138714194298, + 0.07865035533905029, + 0.03470230847597122, + 0.014891961589455605, + -0.213358536362648, + 2.467416763305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/132.png", + [ + 0.2075500339269638, + 0.04857896268367767, + 0.03887109085917473, + -0.4111519157886505, + 0.05062125250697136, + -0.21055713295936584, + -0.0071465857326984406, + 0.0756392627954483, + 0.03617134690284729, + 0.01592700369656086, + -0.2130395770072937, + 2.351510524749756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/58.png", + [ + 0.20939378440380096, + 0.04091761261224747, + 0.03778742998838425, + -0.4102294445037842, + 0.04323631525039673, + -0.21208444237709045, + -0.009935243055224419, + 0.1028561145067215, + 0.0351107120513916, + 0.017141681164503098, + -0.21312274038791656, + 2.4121665954589844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/123.png", + [ + 0.20898433029651642, + 0.05009166896343231, + 0.027645293623209, + -0.2763899862766266, + 0.05180641636252403, + -0.21010597050189972, + -0.010930286720395088, + 0.12333165109157562, + 0.02428029663860798, + 0.017152272164821625, + -0.21462564170360565, + 2.2800731658935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/64.png", + [ + 0.20983195304870605, + 0.04221466928720474, + 0.03371002897620201, + -0.3824779987335205, + 0.04421353340148926, + -0.21188591420650482, + -0.009869995526969433, + 0.10515913367271423, + 0.031042039394378662, + 0.016436995938420296, + -0.2138085812330246, + 2.5036468505859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/10.png", + [ + 0.21110861003398895, + 0.047953855246305466, + 0.009026605635881424, + -0.09503556787967682, + 0.04849899560213089, + -0.2106180340051651, + -0.015355565585196018, + 0.1686445027589798, + 0.005375837441533804, + 0.016981560736894608, + -0.21594126522541046, + 2.486382007598877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/41.png", + [ + 0.2091541290283203, + 0.04358388110995293, + 0.03609553724527359, + -0.4077732563018799, + 0.046402838081121445, + -0.21119233965873718, + -0.013873282819986343, + 0.15042078495025635, + 0.03239164873957634, + 0.02112194523215294, + -0.2131960093975067, + 2.4930267333984375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/91.png", + [ + 0.20894654095172882, + 0.04942047968506813, + 0.029100658372044563, + -0.33032625913619995, + 0.05103376507759094, + -0.21038000285625458, + -0.009149247780442238, + 0.10002465546131134, + 0.02616843394935131, + 0.015677055343985558, + -0.2145165205001831, + 2.5178327560424805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/23.png", + [ + 0.21020126342773438, + 0.03949910029768944, + 0.03468633070588112, + -0.3938514292240143, + 0.041888102889060974, + -0.21223923563957214, + -0.012156778015196323, + 0.13050174713134766, + 0.03176014497876167, + 0.018499232828617096, + -0.21353444457054138, + 2.5177321434020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/37.png", + [ + 0.20922569930553436, + 0.04498107731342316, + 0.03389988839626312, + -0.38023561239242554, + 0.04769790545105934, + -0.21085403859615326, + -0.01460727583616972, + 0.16060513257980347, + 0.029956795275211334, + 0.02156768925487995, + -0.21350719034671783, + 2.4876527786254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/36.png", + [ + 0.20906789600849152, + 0.04559704288840294, + 0.034050293266773224, + -0.3833320140838623, + 0.04830456152558327, + -0.21073031425476074, + -0.014397894963622093, + 0.15696708858013153, + 0.030086249113082886, + 0.021483464166522026, + -0.21349747478961945, + 2.496479034423828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/8.png", + [ + 0.210744708776474, + 0.049413878470659256, + 0.009634741581976414, + -0.10249898582696915, + 0.04995424672961235, + -0.210398867726326, + -0.013593406416475773, + 0.14795218408107758, + 0.006255628075450659, + 0.015442670322954655, + -0.21603307127952576, + 2.492584228515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/6.png", + [ + 0.21078550815582275, + 0.04921845719218254, + 0.009741988964378834, + -0.1063590943813324, + 0.04977893456816673, + -0.21041324734687805, + -0.01400777231901884, + 0.15490767359733582, + 0.006278550252318382, + 0.015865176916122437, + -0.21600177884101868, + 2.510680675506592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/20.png", + [ + 0.21118046343326569, + 0.03765270486474037, + 0.030544595792889595, + -0.345284640789032, + 0.039329808205366135, + -0.21286237239837646, + -0.009521951898932457, + 0.09377829730510712, + 0.02835250273346901, + 0.014824825339019299, + -0.21429945528507233, + 2.4932198524475098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/2.png", + [ + 0.21066814661026, + 0.04897508770227432, + 0.012971662916243076, + -0.14542429149150848, + 0.04961557313799858, + -0.21065916121006012, + -0.010435875505208969, + 0.11139048635959625, + 0.01025270763784647, + 0.01311691664159298, + -0.21603408455848694, + 2.5320963859558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/117.png", + [ + 0.20794861018657684, + 0.05223343148827553, + 0.03125613555312157, + -0.3477674722671509, + 0.05261027067899704, + -0.2101869136095047, + 0.0012334117200225592, + -0.02133616805076599, + 0.030617590993642807, + 0.006405491381883621, + -0.21440483629703522, + 2.4903697967529297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/5.png", + [ + 0.2107878029346466, + 0.04898722097277641, + 0.010800352320075035, + -0.11843803524971008, + 0.04962186515331268, + -0.21045896410942078, + -0.013877811841666698, + 0.15456654131412506, + 0.0073529393412172794, + 0.015974216163158417, + -0.2159598469734192, + 2.522578716278076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/108.png", + [ + 0.2084798514842987, + 0.050365425646305084, + 0.03077944740653038, + -0.3503326177597046, + 0.0514679029583931, + -0.21042971312999725, + -0.004276815336197615, + 0.039146583527326584, + 0.028898198157548904, + 0.011426272802054882, + -0.2144346684217453, + 2.53617000579834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/60.png", + [ + 0.2093445360660553, + 0.0392802432179451, + 0.03974694386124611, + -0.44331803917884827, + 0.041385285556316376, + -0.21253763139247894, + -0.007931468077003956, + 0.07877181470394135, + 0.0375501848757267, + 0.015254892408847809, + -0.21285010874271393, + 2.451605796813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/56.png", + [ + 0.20871134102344513, + 0.043690890073776245, + 0.03845234215259552, + -0.4108184576034546, + 0.04614609107375145, + -0.21145747601985931, + -0.010206030681729317, + 0.10779276490211487, + 0.035468507558107376, + 0.01802028901875019, + -0.21299096941947937, + 2.37361478805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/30.png", + [ + 0.21016018092632294, + 0.03757121413946152, + 0.03700000047683716, + -0.4242589771747589, + 0.04016808420419693, + -0.21256262063980103, + -0.01231070701032877, + 0.13019032776355743, + 0.034163158386945724, + 0.01879979856312275, + -0.21313691139221191, + 2.517500877380371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/17.png", + [ + 0.21254488825798035, + 0.03982061147689819, + 0.01367037370800972, + -0.14908641576766968, + 0.04045556113123894, + -0.21264922618865967, + -0.009568175300955772, + 0.10111235082149506, + 0.011657957918941975, + 0.01193822082132101, + -0.21603116393089294, + 2.4852347373962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/12.png", + [ + 0.21124093234539032, + 0.0479373000562191, + 0.005213221535086632, + -0.05229661986231804, + 0.04819728061556816, + -0.21062222123146057, + -0.01622329279780388, + 0.1760561317205429, + 0.0014783431543037295, + 0.01697608269751072, + -0.21600352227687836, + 2.4951682090759277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/114.png", + [ + 0.2078854739665985, + 0.05240127444267273, + 0.03139479458332062, + -0.3535883128643036, + 0.05243721976876259, + -0.2102024406194687, + 0.003629211103543639, + -0.053224433213472366, + 0.031334713101387024, + 0.00411582738161087, + -0.2143574059009552, + 2.513523578643799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/27.png", + [ + 0.21031194925308228, + 0.03817213326692581, + 0.035491716116666794, + -0.40640467405319214, + 0.040345706045627594, + -0.21263177692890167, + -0.010384848341345787, + 0.10885506868362427, + 0.03299996629357338, + 0.016688600182533264, + -0.2134956419467926, + 2.524216651916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/42.png", + [ + 0.2093833088874817, + 0.043321721255779266, + 0.03506786748766899, + -0.39640381932258606, + 0.04601253941655159, + -0.21128816902637482, + -0.013713082298636436, + 0.14755715429782867, + 0.031454313546419144, + 0.020698554813861847, + -0.21337780356407166, + 2.49711275100708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/7.png", + [ + 0.21067960560321808, + 0.04957672953605652, + 0.010204967111349106, + -0.10975825041532516, + 0.05015360936522484, + -0.2103598266839981, + -0.013463071547448635, + 0.14654171466827393, + 0.006827102974057198, + 0.015452713705599308, + -0.2160150408744812, + 2.4994935989379883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/73.png", + [ + 0.20951683819293976, + 0.047734737396240234, + 0.027784615755081177, + -0.3080166280269623, + 0.04908069968223572, + -0.21089935302734375, + -0.007774357683956623, + 0.08544096350669861, + 0.025331299751996994, + 0.013811248354613781, + -0.21474513411521912, + 2.469099998474121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/120.png", + [ + 0.2084159404039383, + 0.05059562250971794, + 0.03083464689552784, + -0.3320094347000122, + 0.05215471610426903, + -0.2101641297340393, + -0.007669555954635143, + 0.08765411376953125, + 0.028117230162024498, + 0.014799286611378193, + -0.2143322080373764, + 2.416506767272949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/46.png", + [ + 0.20905332267284393, + 0.04397330805659294, + 0.036207158118486404, + -0.4098343253135681, + 0.04746125638484955, + -0.2106252908706665, + -0.018229592591524124, + 0.1995364874601364, + 0.03149665892124176, + 0.025519339367747307, + -0.21284881234169006, + 2.4911136627197266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/127.png", + [ + 0.20798946917057037, + 0.04840419068932533, + 0.03667854145169258, + -0.36101266741752625, + 0.04982275143265724, + -0.21082475781440735, + -0.0043023922480642796, + 0.052123215049505234, + 0.03472714126110077, + 0.012563897296786308, + -0.21350426971912384, + 2.2191882133483887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/133.png", + [ + 0.207795649766922, + 0.048833541572093964, + 0.03720412775874138, + -0.396344929933548, + 0.05080101266503334, + -0.21050390601158142, + -0.007434114348143339, + 0.07827043533325195, + 0.03446910157799721, + 0.015852266922593117, + -0.21332718431949615, + 2.3741512298583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/57.png", + [ + 0.2086988091468811, + 0.043638888746500015, + 0.038579072803258896, + -0.4151765704154968, + 0.046190109103918076, + -0.21142242848873138, + -0.010720361024141312, + 0.11377441883087158, + 0.03548480197787285, + 0.018549926578998566, + -0.21294277906417847, + 2.393129348754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/44.png", + [ + 0.20910301804542542, + 0.042984433472156525, + 0.03709658980369568, + -0.42063793540000916, + 0.04615607112646103, + -0.2111312448978424, + -0.015527517534792423, + 0.16810989379882812, + 0.03306712582707405, + 0.02288723737001419, + -0.21290992200374603, + 2.496244430541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/113.png", + [ + 0.20759354531764984, + 0.05373220145702362, + 0.031075013801455498, + -0.3517063856124878, + 0.05348813906311989, + -0.20989394187927246, + 0.0056080808863043785, + -0.07660573720932007, + 0.03149326890707016, + 0.002298114588484168, + -0.21436135470867157, + 2.5190820693969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/126.png", + [ + 0.2085699588060379, + 0.04779605567455292, + 0.03408828750252724, + -0.33214178681373596, + 0.04942987114191055, + -0.21085156500339508, + -0.00679740821942687, + 0.07998225092887878, + 0.03167274221777916, + 0.01431969553232193, + -0.21386836469173431, + 2.2086939811706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/29.png", + [ + 0.21014605462551117, + 0.038207001984119415, + 0.036424681544303894, + -0.4169953465461731, + 0.040641121566295624, + -0.2125149369239807, + -0.01155846007168293, + 0.12091344594955444, + 0.03368726000189781, + 0.01804228313267231, + -0.21327807009220123, + 2.5202698707580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/4.png", + [ + 0.210518479347229, + 0.04968860745429993, + 0.012685024179518223, + -0.14081421494483948, + 0.05037064850330353, + -0.2104112207889557, + -0.011739160865545273, + 0.12894384562969208, + 0.009626271203160286, + 0.014354534447193146, + -0.21598419547080994, + 2.529313087463379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/55.png", + [ + 0.20960043370723724, + 0.041048165410757065, + 0.036477502435445786, + -0.38786548376083374, + 0.04351118952035904, + -0.21194854378700256, + -0.011510218493640423, + 0.12248893082141876, + 0.03350129351019859, + 0.01845959573984146, + -0.21327166259288788, + 2.3629980087280273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/9.png", + [ + 0.21076926589012146, + 0.04934520646929741, + 0.009448007680475712, + -0.10026302933692932, + 0.04989049583673477, + -0.21037088334560394, + -0.014245170168578625, + 0.15607263147830963, + 0.005928957834839821, + 0.016032379120588303, + -0.2159993201494217, + 2.484635353088379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/25.png", + [ + 0.2106247842311859, + 0.03626183792948723, + 0.035639479756355286, + -0.4096756875514984, + 0.03845224529504776, + -0.21297399699687958, + -0.010554781183600426, + 0.11060996353626251, + 0.03326437249779701, + 0.0165848508477211, + -0.2134626805782318, + 2.5268096923828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/99.png", + [ + 0.20949873328208923, + 0.048916880041360855, + 0.025793692097067833, + -0.29583293199539185, + 0.050080347806215286, + -0.21068459749221802, + -0.007200830616056919, + 0.0772208422422409, + 0.023454943671822548, + 0.01292408723384142, + -0.215013325214386, + 2.5655384063720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/34.png", + [ + 0.20971517264842987, + 0.04201021045446396, + 0.034678276628255844, + -0.3934738039970398, + 0.04473418742418289, + -0.21152494847774506, + -0.014280670322477818, + 0.1558469980955124, + 0.031085262075066566, + 0.02098158933222294, + -0.21340423822402954, + 2.5093445777893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/72.png", + [ + 0.20967569947242737, + 0.04650584235787392, + 0.028656676411628723, + -0.3189070522785187, + 0.04802534729242325, + -0.21110178530216217, + -0.00880364514887333, + 0.09747530519962311, + 0.02603006549179554, + 0.01487094908952713, + -0.21459074318408966, + 2.467557430267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/102.png", + [ + 0.20882344245910645, + 0.050188302993774414, + 0.028667010366916656, + -0.3274845480918884, + 0.05158407986164093, + -0.21030861139297485, + -0.007567352615296841, + 0.08128808438777924, + 0.026071934029459953, + 0.01411795150488615, + -0.21463651955127716, + 2.559868812561035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/134.png", + [ + 0.20764441788196564, + 0.0489947535097599, + 0.03783120587468147, + -0.40756386518478394, + 0.05098848044872284, + -0.2104635238647461, + -0.0072920070961117744, + 0.07531780004501343, + 0.0350978747010231, + 0.01589064858853817, + -0.21322175860404968, + 2.3890838623046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/70.png", + [ + 0.21029438078403473, + 0.04748176783323288, + 0.021671485155820847, + -0.23650944232940674, + 0.04853644594550133, + -0.2109886109828949, + -0.008713272400200367, + 0.0950266569852829, + 0.019193360581994057, + 0.013311244547367096, + -0.215411975979805, + 2.4646148681640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/130.png", + [ + 0.2069316804409027, + 0.04773568734526634, + 0.042993929237127304, + -0.4431016445159912, + 0.049665987491607666, + -0.21084770560264587, + -0.004942717030644417, + 0.05164815112948418, + 0.04074878245592117, + 0.01457549910992384, + -0.21230871975421906, + 2.2823729515075684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/90.png", + [ + 0.2090587168931961, + 0.04858109727501869, + 0.029702115803956985, + -0.33497312664985657, + 0.050185926258563995, + -0.21059978008270264, + -0.008775071240961552, + 0.09497718513011932, + 0.026901893317699432, + 0.015346206724643707, + -0.2144497185945511, + 2.505138397216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/122.png", + [ + 0.2085568755865097, + 0.0515129491686821, + 0.02825506590306759, + -0.2906518578529358, + 0.05338606983423233, + -0.20966245234012604, + -0.011810269206762314, + 0.13667090237140656, + 0.02453284151852131, + 0.01832950860261917, + -0.2144995629787445, + 2.324244976043701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/15.png", + [ + 0.21156282722949982, + 0.04660757631063461, + 0.004097764380276203, + -0.03787047415971756, + 0.04677277058362961, + -0.21115806698799133, + -0.013132954016327858, + 0.13937650620937347, + 0.001168483286164701, + 0.013707691803574562, + -0.21623742580413818, + 2.4974637031555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/22.png", + [ + 0.21008111536502838, + 0.03893421217799187, + 0.03602699935436249, + -0.4103362262248993, + 0.041262056678533554, + -0.21242263913154602, + -0.011043683625757694, + 0.11541371047496796, + 0.033335573971271515, + 0.017568359151482582, + -0.21337288618087769, + 2.508899211883545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/109.png", + [ + 0.20814236998558044, + 0.05196182429790497, + 0.030407628044486046, + -0.34370872378349304, + 0.05277063325047493, + -0.21013960242271423, + -0.00212345109321177, + 0.014019038528203964, + 0.028981277719140053, + 0.009445546194911003, + -0.21451984345912933, + 2.5358333587646484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/26.png", + [ + 0.21042288839817047, + 0.03785169869661331, + 0.035176001489162445, + -0.40445733070373535, + 0.03985411301255226, + -0.2127678096294403, + -0.009455163963139057, + 0.09761787950992584, + 0.03288998827338219, + 0.015652460977435112, + -0.2135910540819168, + 2.527442455291748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/43.png", + [ + 0.20900845527648926, + 0.04358059540390968, + 0.036933694034814835, + -0.4185132384300232, + 0.04661177098751068, + -0.21109062433242798, + -0.014696559868752956, + 0.1592852622270584, + 0.03302588686347008, + 0.02212188020348549, + -0.2129972130060196, + 2.4950180053710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/84.png", + [ + 0.2084086686372757, + 0.048359114676713943, + 0.03427994251251221, + -0.37214195728302, + 0.05017177760601044, + -0.21063876152038574, + -0.007874278351664543, + 0.08343730866909027, + 0.03156756982207298, + 0.015511523932218552, + -0.21380078792572021, + 2.406074047088623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/89.png", + [ + 0.20891249179840088, + 0.04877801612019539, + 0.030400222167372704, + -0.3409145772457123, + 0.05066298320889473, + -0.2104034572839737, + -0.010561316274106503, + 0.11487853527069092, + 0.027142781764268875, + 0.01729116402566433, + -0.21427127718925476, + 2.489875316619873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/63.png", + [ + 0.20998616516590118, + 0.04102778062224388, + 0.03421132266521454, + -0.3853922486305237, + 0.04314274340867996, + -0.21207760274410248, + -0.010473313741385937, + 0.11086055636405945, + 0.03150234371423721, + 0.01696193777024746, + -0.21370024979114532, + 2.4925718307495117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/88.png", + [ + 0.2092207372188568, + 0.04732530936598778, + 0.03057599626481533, + -0.3398643136024475, + 0.049168627709150314, + -0.21077512204647064, + -0.010207354091107845, + 0.10946248471736908, + 0.027514031156897545, + 0.016794631257653236, + -0.2142634093761444, + 2.480980396270752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/62.png", + [ + 0.20987214148044586, + 0.04038263112306595, + 0.03564862534403801, + -0.39905524253845215, + 0.04236441105604172, + -0.21230582892894745, + -0.008910383097827435, + 0.09166516363620758, + 0.03326917439699173, + 0.015600692480802536, + -0.2135361135005951, + 2.4784913063049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/65.png", + [ + 0.20971333980560303, + 0.04300617799162865, + 0.03344675526022911, + -0.3815964162349701, + 0.04477483034133911, + -0.21183283627033234, + -0.008364343084394932, + 0.0883646011352539, + 0.031039176508784294, + 0.015007234178483486, + -0.21391411125659943, + 2.511847496032715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/80.png", + [ + 0.20986326038837433, + 0.04783995822072029, + 0.024832310155034065, + -0.2555454671382904, + 0.04928155988454819, + -0.21073408424854279, + -0.010505612008273602, + 0.12044563889503479, + 0.0218319334089756, + 0.01582334376871586, + -0.21499042212963104, + 2.3452415466308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/119.png", + [ + 0.20838052034378052, + 0.0513918362557888, + 0.02973766438663006, + -0.3227788507938385, + 0.052494775503873825, + -0.21016818284988403, + -0.004639193881303072, + 0.050122279673814774, + 0.027744336053729057, + 0.011666293255984783, + -0.21457409858703613, + 2.44923734664917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/79.png", + [ + 0.2098502516746521, + 0.04816845804452896, + 0.024301564320921898, + -0.250554621219635, + 0.04973619058728218, + -0.21053726971149445, + -0.012175988405942917, + 0.1404489129781723, + 0.02090640179812908, + 0.01737075299024582, + -0.21496295928955078, + 2.3491902351379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/116.png", + [ + 0.20794756710529327, + 0.05107865482568741, + 0.033116113394498825, + -0.3717927634716034, + 0.05141371488571167, + -0.21047870814800262, + 0.001800105907022953, + -0.028586411848664284, + 0.0325934924185276, + 0.0061303661204874516, + -0.21412141621112823, + 2.498520851135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/19.png", + [ + 0.21198371052742004, + 0.03719015046954155, + 0.025053970515727997, + -0.282043993473053, + 0.03851626068353653, + -0.21300271153450012, + -0.009707718156278133, + 0.09628833830356598, + 0.0229631494730711, + 0.013951163738965988, + -0.21500222384929657, + 2.4800004959106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/77.png", + [ + 0.20973166823387146, + 0.04731468856334686, + 0.02686706930398941, + -0.28581443428993225, + 0.049224838614463806, + -0.21058228611946106, + -0.01341325044631958, + 0.15334336459636688, + 0.023182619363069534, + 0.01908719539642334, + -0.2145836502313614, + 2.389446258544922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/68.png", + [ + 0.2101024091243744, + 0.04722117632627487, + 0.02397986873984337, + -0.26517561078071594, + 0.04836906120181084, + -0.21104776859283447, + -0.008195750415325165, + 0.08867515623569489, + 0.021570980548858643, + 0.013300267979502678, + -0.21518756449222565, + 2.480360984802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/86.png", + [ + 0.20859362185001373, + 0.048824701458215714, + 0.03244595602154732, + -0.35704508423805237, + 0.05091409012675285, + -0.21032968163490295, + -0.010820155031979084, + 0.1163066178560257, + 0.02905765362083912, + 0.018040746450424194, + -0.21395812928676605, + 2.4508681297302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/1.png", + [ + 0.21041171252727509, + 0.049749404191970825, + 0.014135284349322319, + -0.1572524607181549, + 0.05042644590139389, + -0.21049834787845612, + -0.009773235768079758, + 0.10370591282844543, + 0.011488382704555988, + 0.012780431658029556, + -0.2159920632839203, + 2.530604839324951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/81.png", + [ + 0.20923694968223572, + 0.04884478077292442, + 0.027963854372501373, + -0.29162368178367615, + 0.05034339427947998, + -0.21055659651756287, + -0.008908207528293133, + 0.10233290493488312, + 0.025166098028421402, + 0.015099698677659035, + -0.21467779576778412, + 2.353715419769287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/95.png", + [ + 0.20953600108623505, + 0.04926658421754837, + 0.024806499481201172, + -0.28269872069358826, + 0.05045793578028679, + -0.21056489646434784, + -0.00801971834152937, + 0.08740635216236115, + 0.02228352427482605, + 0.013532293029129505, + -0.2151004821062088, + 2.554265022277832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/103.png", + [ + 0.208889901638031, + 0.04968203604221344, + 0.029061876237392426, + -0.33216962218284607, + 0.0510639064013958, + -0.21044592559337616, + -0.0072725391946733, + 0.07721228897571564, + 0.02655889466404915, + 0.013860288076102734, + -0.21459360420703888, + 2.558539867401123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/83.png", + [ + 0.20886830985546112, + 0.04750616103410721, + 0.03263568505644798, + -0.35023343563079834, + 0.049166493117809296, + -0.210882306098938, + -0.0076944585889577866, + 0.08363726735115051, + 0.030076222494244576, + 0.014822736382484436, + -0.21406447887420654, + 2.3871049880981445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/51.png", + [ + 0.2093096524477005, + 0.04625868424773216, + 0.03158313035964966, + -0.34232208132743835, + 0.0492265447974205, + -0.21020911633968353, + -0.018351368606090546, + 0.20450912415981293, + 0.026722798123955727, + 0.02490299567580223, + -0.21357347071170807, + 2.4253182411193848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/128.png", + [ + 0.2076164335012436, + 0.04797109216451645, + 0.03926946222782135, + -0.39004310965538025, + 0.049487993121147156, + -0.21090959012508392, + -0.00399689981713891, + 0.04595402255654335, + 0.03733972832560539, + 0.012798862531781197, + -0.21304889023303986, + 2.2316842079162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P0+C0+F15419-15555/93.png", + [ + 0.20913584530353546, + 0.05006967857480049, + 0.026516415178775787, + -0.3015657663345337, + 0.05148141086101532, + -0.21027833223342896, + -0.008977075107395649, + 0.09899608790874481, + 0.023659195750951767, + 0.014964976347982883, + -0.2148585319519043, + 2.540562152862549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/137.png", + [ + 0.14855444431304932, + -0.013627431355416775, + -0.1571424901485443, + 1.5851274728775024, + -0.044689882546663284, + -0.21065539121627808, + -0.0239794310182333, + 0.20804201066493988, + -0.15126892924308777, + 0.048851728439331055, + -0.14723829925060272, + 1.526975393295288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/173.png", + [ + 0.15648217499256134, + -0.01828080415725708, + -0.14875157177448273, + 1.3663359880447388, + -0.043050069361925125, + -0.2114761769771576, + -0.019298039376735687, + 0.06331115961074829, + -0.14355456829071045, + 0.043491773307323456, + -0.1563599854707718, + 1.3809198141098022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/35.png", + [ + 0.18373064696788788, + -0.018589036539196968, + -0.11333753168582916, + 1.0345609188079834, + -0.03638406842947006, + -0.21222564578056335, + -0.024173792451620102, + 0.06758226454257965, + -0.10893645137548447, + 0.039529990404844284, + -0.1830795705318451, + 1.554094672203064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/124.png", + [ + 0.15696723759174347, + -0.01980792172253132, + -0.14804330468177795, + 1.4189634323120117, + -0.045932602137327194, + -0.2107551544904709, + -0.020502733066678047, + 0.06481824815273285, + -0.1421245038509369, + 0.04623648151755333, + -0.15687799453735352, + 1.443651795387268, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/97.png", + [ + 0.16355521976947784, + -0.007746646646410227, + -0.14190693199634552, + 1.4225538969039917, + -0.04379076510667801, + -0.20857280492782593, + -0.03908525034785271, + 0.33203548192977905, + -0.13520340621471405, + 0.05818314477801323, + -0.15900520980358124, + 1.6084753274917603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/155.png", + [ + 0.16083477437496185, + -0.016236789524555206, + -0.14427903294563293, + 1.4001179933547974, + -0.04591977968811989, + -0.2099514752626419, + -0.027561577036976814, + 0.18418265879154205, + -0.13773687183856964, + 0.051035601645708084, + -0.159285306930542, + 1.5317412614822388, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/192.png", + [ + 0.1675950586795807, + -0.022797321900725365, + -0.13542550802230835, + 1.278184413909912, + -0.04683351144194603, + -0.2103474736213684, + -0.02254897728562355, + 0.06552436947822571, + -0.12909846007823944, + 0.04671312868595123, + -0.16762866079807281, + 1.5138534307479858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/13.png", + [ + 0.14967776834964752, + -0.010798011906445026, + -0.15629415214061737, + 1.3802908658981323, + -0.027117446064949036, + -0.21468229591846466, + -0.011137565597891808, + -0.028835538774728775, + -0.1543019711971283, + 0.027254434302449226, + -0.1496528834104538, + 1.2640907764434814, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/32.png", + [ + 0.17713820934295654, + -0.023240311071276665, + -0.12259623408317566, + 1.106399416923523, + -0.042329080402851105, + -0.2114519476890564, + -0.02107640728354454, + 0.06047894433140755, + -0.11738057434558868, + 0.041180744767189026, + -0.17740868031978607, + 1.5304933786392212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/158.png", + [ + 0.15553197264671326, + -0.018727071583271027, + -0.1496896594762802, + 1.4996917247772217, + -0.049536701291799545, + -0.20941680669784546, + -0.025270802900195122, + 0.20758210122585297, + -0.14249145984649658, + 0.052362147718667984, + -0.15460364520549774, + 1.5841366052627563, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/148.png", + [ + 0.15789403021335602, + -0.016933739185333252, + -0.14741308987140656, + 1.558899998664856, + -0.0469101145863533, + -0.2099153697490692, + -0.02613183856010437, + 0.22178247570991516, + -0.14077217876911163, + 0.050957635045051575, + -0.1566345989704132, + 1.6800140142440796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/111.png", + [ + 0.15558834373950958, + -0.017906583845615387, + -0.14973145723342896, + 1.5551307201385498, + -0.04741394519805908, + -0.21003951132297516, + -0.02414967678487301, + 0.2102750986814499, + -0.14315053820610046, + 0.05010632053017616, + -0.1547422707080841, + 1.639336347579956, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/11.png", + [ + 0.15375320613384247, + -0.011044813320040703, + -0.15226905047893524, + 1.351341724395752, + -0.03145870193839073, + -0.21376121044158936, + -0.016260186210274696, + 0.03429156914353371, + -0.149392768740654, + 0.033646032214164734, + -0.15328939259052277, + 1.3099383115768433, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/125.png", + [ + 0.13520300388336182, + -0.04703103378415108, + -0.162653386592865, + 1.558544397354126, + -0.05533025786280632, + -0.2089928686618805, + 0.01443764939904213, + -0.258011132478714, + -0.1600206345319748, + 0.032526373863220215, + -0.14241951704025269, + 1.306692123413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/105.png", + [ + 0.16016386449337006, + -0.018939493224024773, + -0.14469529688358307, + 1.4934113025665283, + -0.04887142404913902, + -0.20939737558364868, + -0.026687506586313248, + 0.21676968038082123, + -0.1375027894973755, + 0.05236348509788513, + -0.1590564250946045, + 1.6554405689239502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/121.png", + [ + 0.1591021716594696, + -0.015915170311927795, + -0.1462227702140808, + 1.411863923072815, + -0.04751905798912048, + -0.20941336452960968, + -0.02891160361468792, + 0.19770537316799164, + -0.1391989141702652, + 0.0532977394759655, + -0.15726065635681152, + 1.5149165391921997, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/175.png", + [ + 0.15760628879070282, + -0.014513145200908184, + -0.14797809720039368, + 1.3758065700531006, + -0.047882966697216034, + -0.20910635590553284, + -0.030490092933177948, + 0.2162284404039383, + -0.14076709747314453, + 0.0548798069357872, + -0.15530848503112793, + 1.450426697731018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/24.png", + [ + 0.18134935200214386, + -0.01968526281416416, + -0.11693075299263, + 1.0820002555847168, + -0.0392477884888649, + -0.21158921718597412, + -0.025248877704143524, + 0.09242978692054749, + -0.1118924617767334, + 0.04231293871998787, + -0.18065877258777618, + 1.5870394706726074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/193.png", + [ + 0.15974745154380798, + -0.020912520587444305, + -0.14488376677036285, + 1.3368110656738281, + -0.045987021178007126, + -0.21076452732086182, + -0.020283108577132225, + 0.04301375523209572, + -0.13897420465946198, + 0.04570423439145088, + -0.15982860326766968, + 1.4199670553207397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/129.png", + [ + 0.15515588223934174, + -0.027720540761947632, + -0.14868125319480896, + 1.3682748079299927, + -0.04679001122713089, + -0.21135233342647552, + -0.009422472678124905, + -0.04282458499073982, + -0.14382362365722656, + 0.038854341953992844, + -0.15733084082603455, + 1.384947419166565, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/172.png", + [ + 0.13781875371932983, + -0.034459374845027924, + -0.1636045128107071, + 1.5412867069244385, + -0.04478806257247925, + -0.2118828147649765, + 0.006899040658026934, + -0.18546345829963684, + -0.16108356416225433, + 0.02942989580333233, + -0.14189383387565613, + 1.2717245817184448, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/153.png", + [ + 0.15157833695411682, + -0.019034523516893387, + -0.15365412831306458, + 1.4892728328704834, + -0.041124455630779266, + -0.21225669980049133, + -0.014274725690484047, + 0.0264853797852993, + -0.14926716685295105, + 0.03914939612150192, + -0.15210041403770447, + 1.4260071516036987, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/144.png", + [ + 0.15830594301223755, + -0.01813712902367115, + -0.14682699739933014, + 1.5169669389724731, + -0.046173688024282455, + -0.21035563945770264, + -0.023798909038305283, + 0.19410890340805054, + -0.14055286347866058, + 0.04867691546678543, + -0.15755422413349152, + 1.654892921447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/188.png", + [ + 0.15595240890979767, + -0.022717120125889778, + -0.14869655668735504, + 1.5378491878509521, + -0.042737338691949844, + -0.21205425262451172, + -0.012426171451807022, + 0.06107554957270622, + -0.1442229449748993, + 0.03827299177646637, + -0.1571076363325119, + 1.6123063564300537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/98.png", + [ + 0.16190993785858154, + -0.0080442288890481, + -0.1437649130821228, + 1.4480136632919312, + -0.044303737580776215, + -0.20862440764904022, + -0.03822208568453789, + 0.32203465700149536, + -0.1370045244693756, + 0.05795722082257271, + -0.1575392633676529, + 1.6029603481292725, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/0.png", + [ + 0.15923266112804413, + -0.0041152434423565865, + -0.14688740670681, + 1.4340120553970337, + -0.020261336117982864, + -0.21513573825359344, + -0.015936903655529022, + 0.09626443684101105, + -0.1455414742231369, + 0.02544742450118065, + -0.15848657488822937, + 1.517945647239685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/163.png", + [ + 0.13943888247013092, + -0.04399167373776436, + -0.15990442037582397, + 1.562827229499817, + -0.045415207743644714, + -0.21105574071407318, + 0.01846134662628174, + -0.2795618176460266, + -0.1595059484243393, + 0.021635491400957108, + -0.14504361152648926, + 1.3389745950698853, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/96.png", + [ + 0.16212919354438782, + -0.010219186544418335, + -0.14337915182113647, + 1.4226930141448975, + -0.045853082090616226, + -0.2085120677947998, + -0.03698794171214104, + 0.3153323233127594, + -0.13623329997062683, + 0.05801880359649658, + -0.15818408131599426, + 1.5925921201705933, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/100.png", + [ + 0.16194918751716614, + -0.010145114734768867, + -0.14358772337436676, + 1.4539034366607666, + -0.044962525367736816, + -0.20888662338256836, + -0.03595338389277458, + 0.30749571323394775, + -0.13674329221248627, + 0.05666878819465637, + -0.1582334041595459, + 1.6246654987335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/141.png", + [ + 0.15765224397182465, + -0.021139392629265785, + -0.14712846279144287, + 1.5060296058654785, + -0.04775277525186539, + -0.21030594408512115, + -0.020951708778738976, + 0.1547936648130417, + -0.14075985550880432, + 0.047669991850852966, + -0.1576772928237915, + 1.6325546503067017, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/52.png", + [ + 0.15432608127593994, + -0.01659437082707882, + -0.15118193626403809, + 1.296517252922058, + -0.034760549664497375, + -0.21352867782115936, + -0.012045653536915779, + -0.0402330607175827, + -0.14806436002254486, + 0.032833222299814224, + -0.1547475904226303, + 1.2517673969268799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/184.png", + [ + 0.15493671596050262, + -0.014502814039587975, + -0.15077193081378937, + 1.55107843875885, + -0.0456332266330719, + -0.210127592086792, + -0.026681503280997276, + 0.2331218123435974, + -0.14443029463291168, + 0.05083269253373146, + -0.15330953896045685, + 1.5843425989151, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/3.png", + [ + 0.16606514155864716, + 0.0018110772361978889, + -0.13916531205177307, + 1.3273897171020508, + -0.021070802584290504, + -0.21383178234100342, + -0.02792644128203392, + 0.19046036899089813, + -0.13757283985614777, + 0.034936871379613876, + -0.16371016204357147, + 1.520089030265808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/104.png", + [ + 0.15683682262897491, + -0.017608117312192917, + -0.14845894277095795, + 1.5360733270645142, + -0.05104217678308487, + -0.20854412019252777, + -0.029188022017478943, + 0.24808144569396973, + -0.14051620662212372, + 0.05609990283846855, + -0.15509961545467377, + 1.6276260614395142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/21.png", + [ + 0.18035687506198883, + -0.023764722049236298, + -0.11770522594451904, + 1.1084896326065063, + -0.03477809950709343, + -0.21362391114234924, + -0.010158903896808624, + -0.00041946396231651306, + -0.11493372917175293, + 0.027348803356289864, + -0.18163196742534637, + 1.6656494140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/106.png", + [ + 0.15552599728107452, + -0.021060379222035408, + -0.1493854522705078, + 1.5364245176315308, + -0.0502808578312397, + -0.20952200889587402, + -0.022809240967035294, + 0.1752144992351532, + -0.1422370821237564, + 0.05103809013962746, + -0.15527915954589844, + 1.6139289140701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/14.png", + [ + 0.17478598654270172, + -0.006366652436554432, + -0.12789535522460938, + 1.1347565650939941, + -0.028116973116993904, + -0.21303366124629974, + -0.02782072313129902, + 0.09980268776416779, + -0.12492875009775162, + 0.03903873264789581, + -0.17267505824565887, + 1.4397525787353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/67.png", + [ + 0.169612318277359, + -0.02631864883005619, + -0.1322379857301712, + 1.3605669736862183, + -0.04551602527499199, + -0.2112085521221161, + -0.016344435513019562, + 0.12709034979343414, + -0.12691669166088104, + 0.0405731163918972, + -0.1708621382713318, + 1.7884907722473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/191.png", + [ + 0.17512823641300201, + -0.02420341782271862, + -0.12526848912239075, + 1.213472604751587, + -0.045796480029821396, + -0.2104877382516861, + -0.023355703800916672, + 0.08617724478244781, + -0.11908267438411713, + 0.045354168862104416, + -0.1752432882785797, + 1.6214803457260132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/31.png", + [ + 0.158864825963974, + -0.016629058867692947, + -0.1464012712240219, + 1.2957695722579956, + -0.040069274604320526, + -0.2120523601770401, + -0.019394420087337494, + 0.041285548359155655, + -0.14178965985774994, + 0.04129364341497421, + -0.15855099260807037, + 1.3594920635223389, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/194.png", + [ + 0.1592615842819214, + -0.01674586348235607, + -0.14595621824264526, + 1.3333134651184082, + -0.042941104620695114, + -0.21116803586483002, + -0.022627856582403183, + 0.0600106380879879, + -0.1404980570077896, + 0.045558031648397446, + -0.15853282809257507, + 1.3882554769515991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/152.png", + [ + 0.16421422362327576, + -0.01909531094133854, + -0.14006052911281586, + 1.3872593641281128, + -0.042191922664642334, + -0.2115234136581421, + -0.020629703998565674, + 0.08410663902759552, + -0.1349126696586609, + 0.04290818050503731, + -0.16402851045131683, + 1.5621132850646973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/92.png", + [ + 0.15512719750404358, + -0.013542123138904572, + -0.15066535770893097, + 1.394202470779419, + -0.05157334730029106, + -0.2076101005077362, + -0.03444022685289383, + 0.25145748257637024, + -0.14220979809761047, + 0.060519006103277206, + -0.15186083316802979, + 1.4075802564620972, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/151.png", + [ + 0.16655246913433075, + -0.015410182066261768, + -0.13773411512374878, + 1.4032223224639893, + -0.042022012174129486, + -0.21080955862998962, + -0.027228226885199547, + 0.16275811195373535, + -0.13206936419010162, + 0.04764191806316376, + -0.1650327891111374, + 1.625883936882019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/139.png", + [ + 0.1503136307001114, + -0.014131740666925907, + -0.15541556477546692, + 1.5954205989837646, + -0.04210854694247246, + -0.21145343780517578, + -0.021499022841453552, + 0.17497971653938293, + -0.1502683460712433, + 0.04511797055602074, + -0.14943788945674896, + 1.5650206804275513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/107.png", + [ + 0.157695934176445, + -0.020956747233867645, + -0.147107794880867, + 1.5121797323226929, + -0.05004964768886566, + -0.20946580171585083, + -0.023811809718608856, + 0.18614168465137482, + -0.13991041481494904, + 0.05131066218018532, + -0.15729014575481415, + 1.6323692798614502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/112.png", + [ + 0.15831080079078674, + -0.019640473648905754, + -0.1466282457113266, + 1.5238596200942993, + -0.047038741409778595, + -0.21029424667358398, + -0.022618165239691734, + 0.1846192479133606, + -0.1402602642774582, + 0.048357799649238586, + -0.15791286528110504, + 1.6627848148345947, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/69.png", + [ + 0.1776786744594574, + -0.027972834184765816, + -0.12081266194581985, + 1.2411502599716187, + -0.04169190675020218, + -0.212277352809906, + -0.012165640480816364, + 0.05155276134610176, + -0.11679025739431381, + 0.033222559839487076, + -0.17945526540279388, + 1.827985167503357, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/157.png", + [ + 0.15445485711097717, + -0.018856283277273178, + -0.1507847160100937, + 1.4878990650177002, + -0.04997065290808678, + -0.20934529602527618, + -0.02500740811228752, + 0.1979156881570816, + -0.1435079127550125, + 0.05260111391544342, + -0.15357893705368042, + 1.5463906526565552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/50.png", + [ + 0.15774179995059967, + -0.019300920888781548, + -0.1472850739955902, + 1.2846077680587769, + -0.037686537951231, + -0.2130085825920105, + -0.012448516674339771, + -0.034682080149650574, + -0.14368419349193573, + 0.03468018397688866, + -0.15842989087104797, + 1.3145776987075806, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/101.png", + [ + 0.1646796613931656, + -0.012295562773942947, + -0.14027589559555054, + 1.4236925840377808, + -0.04483270272612572, + -0.20919300615787506, + -0.034295905381441116, + 0.2996404767036438, + -0.1334860771894455, + 0.05509083345532417, + -0.16153748333454132, + 1.668703556060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/156.png", + [ + 0.14837561547756195, + -0.017419535666704178, + -0.15693672001361847, + 1.5347230434417725, + -0.050568465143442154, + -0.20925195515155792, + -0.02458350360393524, + 0.17936551570892334, + -0.1495841145515442, + 0.053460992872714996, + -0.14735810458660126, + 1.460844874382019, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/181.png", + [ + 0.15509450435638428, + -0.01341954618692398, + -0.15071001648902893, + 1.53156578540802, + -0.04785941168665886, + -0.20909073948860168, + -0.03063386119902134, + 0.2688286006450653, + -0.14353768527507782, + 0.05521659553050995, + -0.15263013541698456, + 1.5547032356262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/131.png", + [ + 0.15697431564331055, + -0.010652153752744198, + -0.14897479116916656, + 1.3765629529953003, + -0.04068804532289505, + -0.21099838614463806, + -0.027785850688815117, + 0.14761044085025787, + -0.14370609819889069, + 0.04810511693358421, + -0.15486237406730652, + 1.39117431640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/71.png", + [ + 0.1805608868598938, + -0.028385642915964127, + -0.11636114120483398, + 1.1718591451644897, + -0.044224709272384644, + -0.21142712235450745, + -0.017048289999365807, + 0.039070066064596176, + -0.11130963265895844, + 0.03795687481760979, + -0.18198169767856598, + 1.7490497827529907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/160.png", + [ + 0.15915045142173767, + -0.021294059231877327, + -0.14548400044441223, + 1.4642213582992554, + -0.04641850292682648, + -0.21070274710655212, + -0.019939027726650238, + 0.13299329578876495, + -0.13951469957828522, + 0.04581272229552269, + -0.15932589769363403, + 1.6125307083129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/115.png", + [ + 0.1697242707014084, + -0.012614116072654724, + -0.1340986043214798, + 1.3436729907989502, + -0.04280047118663788, + -0.2095920294523239, + -0.03445569425821304, + 0.2302931845188141, + -0.12770932912826538, + 0.05347858741879463, + -0.166668102145195, + 1.6171280145645142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/33.png", + [ + 0.17781183123588562, + -0.023228172212839127, + -0.12161950767040253, + 1.0991605520248413, + -0.043093252927064896, + -0.21113146841526031, + -0.022679682821035385, + 0.07537923753261566, + -0.11607680469751358, + 0.04280009865760803, + -0.1778826117515564, + 1.539676547050476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/159.png", + [ + 0.15968015789985657, + -0.017044423148036003, + -0.1454634964466095, + 1.4647727012634277, + -0.0454736053943634, + -0.2103363275527954, + -0.025272119790315628, + 0.2014356553554535, + -0.13922031223773956, + 0.04915298894047737, + -0.15858620405197144, + 1.6173354387283325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/177.png", + [ + 0.14519362151622772, + -0.01337024848908186, + -0.16027456521987915, + 1.5426347255706787, + -0.053127702325582504, + -0.20779085159301758, + -0.03079458512365818, + 0.2588444948196411, + -0.15180297195911407, + 0.0599340982735157, + -0.14251893758773804, + 1.4075011014938354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/49.png", + [ + 0.1564619243144989, + -0.022515026852488518, + -0.14819121360778809, + 1.3002642393112183, + -0.02923022024333477, + -0.21468675136566162, + 0.0017562536522746086, + -0.14445847272872925, + -0.14701412618160248, + 0.018723348155617714, + -0.1580638438463211, + 1.3048150539398193, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/118.png", + [ + 0.15331165492534637, + -0.01697501167654991, + -0.15216858685016632, + 1.4679924249649048, + -0.04651627689599991, + -0.21032457053661346, + -0.023403160274028778, + 0.11841535568237305, + -0.1458754986524582, + 0.049227237701416016, + -0.15246281027793884, + 1.4374808073043823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/210.png", + [ + 0.14628104865550995, + -0.019996924325823784, + -0.15858711302280426, + 1.3865638971328735, + -0.037436775863170624, + -0.21327923238277435, + -0.00763846468180418, + -0.06612379103899002, + -0.15539704263210297, + 0.032557353377342224, + -0.14744380116462708, + 1.226334571838379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/179.png", + [ + 0.1519211232662201, + -0.014337074011564255, + -0.15382559597492218, + 1.5319939851760864, + -0.05088656395673752, + -0.20834457874298096, + -0.030838124454021454, + 0.27337417006492615, + -0.14587122201919556, + 0.057748425751924515, + -0.14944761991500854, + 1.516726016998291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/110.png", + [ + 0.15413500368595123, + -0.019186565652489662, + -0.15107007324695587, + 1.5671882629394531, + -0.04813532903790474, + -0.21006587147712708, + -0.022432608529925346, + 0.19391994178295135, + -0.14447590708732605, + 0.049518756568431854, + -0.15369613468647003, + 1.6289443969726562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/18.png", + [ + 0.1794653683900833, + -0.019710369408130646, + -0.11979806423187256, + 1.1038843393325806, + -0.033381469547748566, + -0.21357080340385437, + -0.0148688405752182, + 0.039422739297151566, + -0.11672939360141754, + 0.03077184222638607, + -0.179931178689003, + 1.6168378591537476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/66.png", + [ + 0.16884303092956543, + -0.026645993813872337, + -0.13315372169017792, + 1.3484039306640625, + -0.047592394053936005, + -0.21059781312942505, + -0.018204938620328903, + 0.14831683039665222, + -0.1271805465221405, + 0.04343324154615402, + -0.16996045410633087, + 1.7574666738510132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/16.png", + [ + 0.17783014476299286, + -0.013018419966101646, + -0.12310507893562317, + 1.1024305820465088, + -0.031251102685928345, + -0.21321514248847961, + -0.022595848888158798, + 0.07248210906982422, + -0.11978191137313843, + 0.036300476640462875, + -0.1768684983253479, + 1.5124056339263916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/190.png", + [ + 0.17588424682617188, + -0.025525923818349838, + -0.12393971532583237, + 1.233900547027588, + -0.04173453152179718, + -0.21204763650894165, + -0.015553806908428669, + 0.037633057683706284, + -0.11946066468954086, + 0.03649820387363434, + -0.17704497277736664, + 1.6922250986099243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/94.png", + [ + 0.1597122699022293, + -0.007993318140506744, + -0.14620532095432281, + 1.4137741327285767, + -0.045835983008146286, + -0.20820720493793488, + -0.038687389343976974, + 0.3263348639011383, + -0.13906455039978027, + 0.059445422142744064, + -0.1551617980003357, + 1.526639461517334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/209.png", + [ + 0.1459430605173111, + -0.02370445616543293, + -0.15838757157325745, + 1.3808358907699585, + -0.04230579361319542, + -0.212382510304451, + -0.007196425460278988, + -0.06791902333498001, + -0.1544627547264099, + 0.03577243536710739, + -0.1476803421974182, + 1.239506721496582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/28.png", + [ + 0.15229497849941254, + -0.011960151605308056, + -0.15365901589393616, + 1.324019193649292, + -0.0325159952044487, + -0.2136523425579071, + -0.015597575344145298, + -0.002586944028735161, + -0.15065473318099976, + 0.03402247652411461, + -0.15196552872657776, + 1.2500379085540771, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/61.png", + [ + 0.17465709149837494, + -0.02380106970667839, + -0.12600122392177582, + 1.1177220344543457, + -0.04550587758421898, + -0.21055637300014496, + -0.023304983973503113, + 0.089291512966156, + -0.11988334357738495, + 0.045248378068208694, + -0.17472396790981293, + 1.4937413930892944, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/132.png", + [ + 0.15418276190757751, + -0.011186026968061924, + -0.1518237143754959, + 1.4168537855148315, + -0.0430658720433712, + -0.21046708524227142, + -0.02822829969227314, + 0.1711616963148117, + -0.14601676166057587, + 0.05026310309767723, + -0.15198887884616852, + 1.4040910005569458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/123.png", + [ + 0.14526750147342682, + -0.019724499434232712, + -0.15954996645450592, + 1.5408955812454224, + -0.04630531743168831, + -0.211058109998703, + -0.016067953780293465, + 0.053390923887491226, + -0.1539515107870102, + 0.04486987367272377, + -0.14571726322174072, + 1.3852815628051758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/64.png", + [ + 0.16624920070171356, + -0.025067448616027832, + -0.13667742908000946, + 1.3189654350280762, + -0.045352865010499954, + -0.21123753488063812, + -0.016423292458057404, + 0.11178846657276154, + -0.1313476711511612, + 0.041209593415260315, + -0.16732439398765564, + 1.6364116668701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/10.png", + [ + 0.17180514335632324, + -0.005251896567642689, + -0.13192157447338104, + 1.1756255626678467, + -0.027976294979453087, + -0.21303482353687286, + -0.02795323356986046, + 0.14325456321239471, + -0.12902796268463135, + 0.039197880774736404, + -0.16959719359874725, + 1.4353874921798706, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/91.png", + [ + 0.15937440097332, + -0.015334409661591053, + -0.14598818123340607, + 1.3379896879196167, + -0.05259184539318085, + -0.207148939371109, + -0.035655539482831955, + 0.23056620359420776, + -0.137046679854393, + 0.06166096776723862, + -0.15608981251716614, + 1.3945659399032593, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/140.png", + [ + 0.15963727235794067, + -0.016366295516490936, + -0.14558838307857513, + 1.4911597967147827, + -0.044083792716264725, + -0.21070554852485657, + -0.02465132251381874, + 0.19739475846290588, + -0.13971561193466187, + 0.04778297618031502, + -0.1585693061351776, + 1.644818663597107, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/23.png", + [ + 0.18318209052085876, + -0.024111680686473846, + -0.11318499594926834, + 1.0599725246429443, + -0.03706482797861099, + -0.21297995746135712, + -0.014615966007113457, + 0.014296483248472214, + -0.10962852835655212, + 0.03171836957335472, + -0.18418312072753906, + 1.6443525552749634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/178.png", + [ + 0.1463763266801834, + -0.012619536370038986, + -0.1592564433813095, + 1.56060791015625, + -0.053438521921634674, + -0.20742279291152954, + -0.032680343836545944, + 0.2866610288619995, + -0.15055295825004578, + 0.06135493516921997, + -0.14323852956295013, + 1.4394696950912476, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/36.png", + [ + 0.15122851729393005, + -0.05144484341144562, + -0.14639417827129364, + 1.3136509656906128, + -0.04264456406235695, + -0.21032775938510895, + 0.0298591461032629, + -0.37379777431488037, + -0.14919541776180267, + 0.007972144521772861, + -0.15692375600337982, + 1.3258310556411743, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/182.png", + [ + 0.15531128644943237, + -0.01788662187755108, + -0.15002118051052094, + 1.5254862308502197, + -0.050799015909433365, + -0.20880697667598724, + -0.027694815769791603, + 0.2392674684524536, + -0.14228758215904236, + 0.055023740977048874, + -0.1538652777671814, + 1.5700182914733887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/8.png", + [ + 0.17720891535282135, + -0.004952229559421539, + -0.1245807483792305, + 1.1263678073883057, + -0.02859761007130146, + -0.21234598755836487, + -0.032237447798252106, + 0.1991649568080902, + -0.12135511636734009, + 0.04280831664800644, + -0.17432233691215515, + 1.501604676246643, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/6.png", + [ + 0.1730891913175583, + -0.0010306373005732894, + -0.1303340345621109, + 1.189738392829895, + -0.026821382343769073, + -0.21231229603290558, + -0.033941060304641724, + 0.2235511839389801, + -0.12754854559898376, + 0.043247196823358536, + -0.1697319746017456, + 1.4898077249526978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/154.png", + [ + 0.15758752822875977, + -0.01609557680785656, + -0.14783434569835663, + 1.4301373958587646, + -0.04171629622578621, + -0.2115374356508255, + -0.021437183022499084, + 0.10424716770648956, + -0.14273683726787567, + 0.04405377060174942, + -0.15695014595985413, + 1.4825623035430908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/20.png", + [ + 0.1803986132144928, + -0.021761124953627586, + -0.11802834272384644, + 1.1113779544830322, + -0.03467709943652153, + -0.21344582736492157, + -0.013648242689669132, + 0.03676394000649452, + -0.11489880830049515, + 0.03025275468826294, + -0.18119308352470398, + 1.6709787845611572, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/2.png", + [ + 0.15345053374767303, + 0.0012891283258795738, + -0.15296785533428192, + 1.4872416257858276, + -0.018897511065006256, + -0.21484757959842682, + -0.020767757669091225, + 0.133102685213089, + -0.15180154144763947, + 0.028049133718013763, + -0.1520441621541977, + 1.4450466632843018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/117.png", + [ + 0.14968471229076385, + -0.02032548002898693, + -0.1553359478712082, + 1.5092161893844604, + -0.046384360641241074, + -0.21096020936965942, + -0.017093032598495483, + 0.05388538911938667, + -0.14963580667972565, + 0.045061688870191574, + -0.15008819103240967, + 1.4173046350479126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/149.png", + [ + 0.1649438440799713, + -0.01871878281235695, + -0.1392516791820526, + 1.4602125883102417, + -0.04568689316511154, + -0.2102188766002655, + -0.02585771679878235, + 0.1994333416223526, + -0.13286882638931274, + 0.0490461066365242, + -0.16397634148597717, + 1.7193857431411743, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/161.png", + [ + 0.16695907711982727, + -0.01565171778202057, + -0.13721363246440887, + 1.3688600063323975, + -0.04251923784613609, + -0.21064722537994385, + -0.027708489447832108, + 0.17900148034095764, + -0.1313951015472412, + 0.04827701672911644, + -0.16538606584072113, + 1.6150459051132202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/5.png", + [ + 0.16904407739639282, + -0.0012182298814877868, + -0.13553781807422638, + 1.2518390417099, + -0.027796875685453415, + -0.21237237751483917, + -0.03275969997048378, + 0.21521592140197754, + -0.13266244530677795, + 0.04294624552130699, + -0.1658438742160797, + 1.4797805547714233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/187.png", + [ + 0.15697762370109558, + -0.018922289833426476, + -0.14814810454845428, + 1.5409889221191406, + -0.04209958016872406, + -0.21181921660900116, + -0.01755397580564022, + 0.12958507239818573, + -0.1432952731847763, + 0.04150258004665375, + -0.15713652968406677, + 1.6376874446868896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/108.png", + [ + 0.15325607359409332, + -0.019102327525615692, + -0.15197229385375977, + 1.5656756162643433, + -0.04796919599175453, + -0.21015390753746033, + -0.02195887640118599, + 0.1749456524848938, + -0.14546282589435577, + 0.049176592379808426, + -0.15287290513515472, + 1.5972968339920044, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/60.png", + [ + 0.1718372255563736, + -0.014102657325565815, + -0.13122868537902832, + 1.1416128873825073, + -0.04000769183039665, + -0.21086385846138, + -0.02972727082669735, + 0.1102992594242096, + -0.1257745623588562, + 0.04780628904700279, + -0.16983288526535034, + 1.3983279466629028, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/147.png", + [ + 0.15659107267856598, + -0.015103243291378021, + -0.1489933431148529, + 1.5724295377731323, + -0.048961903899908066, + -0.20888632535934448, + -0.03028414212167263, + 0.27548253536224365, + -0.14152687788009644, + 0.055554378777742386, + -0.1543753445148468, + 1.6651040315628052, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/30.png", + [ + 0.17798107862472534, + -0.011807246133685112, + -0.12300904095172882, + 1.0903538465499878, + -0.03558981046080589, + -0.21144238114356995, + -0.031199006363749504, + 0.1293923556804657, + -0.11833851039409637, + 0.0458323210477829, + -0.1756225824356079, + 1.4697599411010742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/17.png", + [ + 0.1807897537946701, + -0.02081131562590599, + -0.11760039627552032, + 1.0705054998397827, + -0.033372100442647934, + -0.21366366744041443, + -0.013492400757968426, + 0.012919634580612183, + -0.11467025429010391, + 0.029370585456490517, + -0.18148277699947357, + 1.5903692245483398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/12.png", + [ + 0.16933000087738037, + -0.010678439401090145, + -0.13476350903511047, + 1.1950678825378418, + -0.035165250301361084, + -0.2120411992073059, + -0.02738325484097004, + 0.10825474560260773, + -0.1305321455001831, + 0.04327133670449257, + -0.16744206845760345, + 1.4127806425094604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/114.png", + [ + 0.1651095300912857, + -0.015270975418388844, + -0.13947592675685883, + 1.4255067110061646, + -0.04446087032556534, + -0.20998214185237885, + -0.029641538858413696, + 0.2114044576883316, + -0.13307879865169525, + 0.051207300275564194, + -0.1631433069705963, + 1.6422573328018188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/27.png", + [ + 0.15732549130916595, + -0.014117593877017498, + -0.14831478893756866, + 1.2917978763580322, + -0.033685725182294846, + -0.21348457038402557, + -0.015411379747092724, + -0.003521829843521118, + -0.14512702822685242, + 0.03424810245633125, + -0.1572040319442749, + 1.3060661554336548, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/174.png", + [ + 0.15658652782440186, + -0.01682225801050663, + -0.1488138735294342, + 1.3746289014816284, + -0.048371512442827225, + -0.20944464206695557, + -0.02722189761698246, + 0.15878671407699585, + -0.1417347937822342, + 0.052894674241542816, + -0.15511704981327057, + 1.4105647802352905, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/7.png", + [ + 0.17578938603401184, + -0.0026109495665878057, + -0.12664581835269928, + 1.1423932313919067, + -0.028070712462067604, + -0.21204562485218048, + -0.034591689705848694, + 0.22292488813400269, + -0.12352335453033447, + 0.04447171092033386, + -0.17237210273742676, + 1.4886378049850464, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/73.png", + [ + 0.16434882581233978, + -0.02112828567624092, + -0.13960999250411987, + 1.2944906949996948, + -0.036330658942461014, + -0.21334978938102722, + -0.01048052404075861, + -0.05895007401704788, + -0.13644571602344513, + 0.031358469277620316, + -0.16536960005760193, + 1.4379669427871704, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/120.png", + [ + 0.1604500710964203, + -0.011346977204084396, + -0.14517201483249664, + 1.3970643281936646, + -0.0435352586209774, + -0.2098734825849533, + -0.031712763011455536, + 0.2198536992073059, + -0.13895447552204132, + 0.05265229940414429, + -0.15769363939762115, + 1.5084789991378784, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/133.png", + [ + 0.14451858401298523, + -0.017033524811267853, + -0.1605370193719864, + 1.5210163593292236, + -0.04225853830575943, + -0.2119438201189041, + -0.015554005280137062, + 0.07861924171447754, + -0.1558091640472412, + 0.04168417304754257, + -0.1446852833032608, + 1.3761991262435913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/113.png", + [ + 0.15491650998592377, + -0.022426022216677666, + -0.14981937408447266, + 1.553128719329834, + -0.04916078969836235, + -0.21013224124908447, + -0.019379248842597008, + 0.1356687992811203, + -0.14328987896442413, + 0.04784780368208885, + -0.15532705187797546, + 1.621330976486206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/29.png", + [ + 0.1639229953289032, + -0.011622684076428413, + -0.14121635258197784, + 1.2292823791503906, + -0.03447623923420906, + -0.2127263844013214, + -0.02251153439283371, + 0.053360480815172195, + -0.13743555545806885, + 0.03950055316090584, + -0.1627853363752365, + 1.3447023630142212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/4.png", + [ + 0.16397984325885773, + -0.0010602892143651843, + -0.1416240781545639, + 1.3342394828796387, + -0.02488570846617222, + -0.21351325511932373, + -0.027215491980314255, + 0.17689964175224304, + -0.13942454755306244, + 0.036862682551145554, + -0.16170908510684967, + 1.478036880493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/9.png", + [ + 0.17717012763023376, + -0.0071225701831281185, + -0.12453071773052216, + 1.122961163520813, + -0.028018904849886894, + -0.21306540071964264, + -0.027676226571202278, + 0.15284112095832825, + -0.12154658138751984, + 0.03873373195528984, + -0.17513997852802277, + 1.4978948831558228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/25.png", + [ + 0.18171760439872742, + -0.013249583542346954, + -0.11726489663124084, + 1.0737993717193604, + -0.035220205783843994, + -0.21158131957054138, + -0.03067215159535408, + 0.12992532551288605, + -0.11263277381658554, + 0.04478495568037033, + -0.17959970235824585, + 1.5432500839233398, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/99.png", + [ + 0.16304942965507507, + -0.009756292216479778, + -0.1423642635345459, + 1.4348746538162231, + -0.04510665684938431, + -0.20860770344734192, + -0.037364546209573746, + 0.31559959053993225, + -0.1353815644979477, + 0.05775408819317818, + -0.15901006758213043, + 1.6223934888839722, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/208.png", + [ + 0.16532264649868011, + -0.02527446858584881, + -0.13775888085365295, + 1.1906765699386597, + -0.04756572097539902, + -0.21058273315429688, + -0.0184476301074028, + 0.018655434250831604, + -0.13173387944698334, + 0.044317200779914856, + -0.16622294485569, + 1.3740900754928589, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/34.png", + [ + 0.16902653872966766, + -0.017533661797642708, + -0.1344265192747116, + 1.2255151271820068, + -0.041209813207387924, + -0.21133263409137726, + -0.024252044036984444, + 0.0820249617099762, + -0.12914980947971344, + 0.04448574408888817, + -0.16819405555725098, + 1.4740409851074219, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/72.png", + [ + 0.15637756884098053, + -0.028988057747483253, + -0.14715176820755005, + 1.4308031797409058, + -0.04175755754113197, + -0.21259814500808716, + -0.00249495473690331, + -0.11392918229103088, + -0.1440494954586029, + 0.030159752815961838, + -0.15902207791805267, + 1.483225703239441, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/102.png", + [ + 0.15838927030563354, + -0.012260939925909042, + -0.14734451472759247, + 1.5145623683929443, + -0.047905370593070984, + -0.208535835146904, + -0.034143462777137756, + 0.304425448179245, + -0.13987784087657928, + 0.057535815984010696, + -0.1551506221294403, + 1.6236650943756104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/134.png", + [ + 0.14707981050014496, + -0.017407801002264023, + -0.15815307199954987, + 1.5152816772460938, + -0.041654303669929504, + -0.21207502484321594, + -0.015394877642393112, + 0.09329381585121155, + -0.15355895459651947, + 0.04085403308272362, + -0.14730411767959595, + 1.4331728219985962, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/70.png", + [ + 0.1802300065755844, + -0.0297040157020092, + -0.11654486507177353, + 1.192750334739685, + -0.04439277946949005, + -0.21156616508960724, + -0.014728638343513012, + 0.04890326038002968, + -0.11177796870470047, + 0.03612925857305527, + -0.18206661939620972, + 1.8152776956558228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/135.png", + [ + 0.1474853754043579, + -0.014835081994533539, + -0.15803760290145874, + 1.5390969514846802, + -0.04191187769174576, + -0.21170997619628906, + -0.019240058958530426, + 0.1411966234445572, + -0.1530991643667221, + 0.04366584122180939, + -0.14697560667991638, + 1.4650195837020874, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/130.png", + [ + 0.15641741454601288, + -0.014070597477257252, + -0.14927662909030914, + 1.3690248727798462, + -0.04329001531004906, + -0.21076983213424683, + -0.025493979454040527, + 0.10827668011188507, + -0.1435529887676239, + 0.04822848364710808, + -0.15496595203876495, + 1.369393229484558, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/90.png", + [ + 0.13879269361495972, + -0.029135849326848984, + -0.1638157069683075, + 1.4977631568908691, + -0.054920438677072525, + -0.20939281582832336, + -0.009289204142987728, + -0.026989197358489037, + -0.15706121921539307, + 0.04747258499264717, + -0.14151331782341003, + 1.2435873746871948, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/122.png", + [ + 0.1585288643836975, + -0.01670982874929905, + -0.14675581455230713, + 1.4182968139648438, + -0.04548380523920059, + -0.21034488081932068, + -0.02518242970108986, + 0.15562830865383148, + -0.14052656292915344, + 0.04923121631145477, + -0.15740540623664856, + 1.5094276666641235, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/15.png", + [ + 0.1791076511144638, + -0.008874556049704552, + -0.12161246687173843, + 1.0776580572128296, + -0.028741970658302307, + -0.21308349072933197, + -0.026780853047966957, + 0.0948471873998642, + -0.1184999942779541, + 0.0382695347070694, + -0.177316352725029, + 1.4811592102050781, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/162.png", + [ + 0.1556982696056366, + -0.020632414147257805, + -0.14926569163799286, + 1.4596874713897705, + -0.04227270931005478, + -0.21199560165405273, + -0.014791111461818218, + 0.023984570056200027, + -0.14463388919830322, + 0.03974999859929085, + -0.15636134147644043, + 1.4702978134155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/22.png", + [ + 0.1819351315498352, + -0.025057457387447357, + -0.11497660726308823, + 1.083247184753418, + -0.03679584339261055, + -0.2132033407688141, + -0.011759994551539421, + 0.0033676549792289734, + -0.11177460849285126, + 0.029399927705526352, + -0.18327566981315613, + 1.664989709854126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/138.png", + [ + 0.15264694392681122, + -0.014934428967535496, + -0.15304821729660034, + 1.561084270477295, + -0.04409245401620865, + -0.21084608137607574, + -0.023402515798807144, + 0.1994176208972931, + -0.14731819927692413, + 0.04763176664710045, + -0.1515798568725586, + 1.5827807188034058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/109.png", + [ + 0.15898635983467102, + -0.01743844337761402, + -0.14617499709129333, + 1.5070501565933228, + -0.046206556260585785, + -0.21018743515014648, + -0.025181256234645844, + 0.21533745527267456, + -0.13977190852165222, + 0.0496491864323616, + -0.15794511139392853, + 1.6571886539459229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/26.png", + [ + 0.1827336549758911, + -0.016745904460549355, + -0.11522098630666733, + 1.0366504192352295, + -0.035221632570028305, + -0.21232594549655914, + -0.025000547990202904, + 0.07421126961708069, + -0.11097628623247147, + 0.03981413319706917, + -0.18178832530975342, + 1.5273798704147339, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/136.png", + [ + 0.14771775901317596, + -0.012034861370921135, + -0.15805858373641968, + 1.5732256174087524, + -0.03988264128565788, + -0.21192093193531036, + -0.02113732136785984, + 0.17232577502727509, + -0.15341685712337494, + 0.043503716588020325, + -0.146692156791687, + 1.4993901252746582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/63.png", + [ + 0.17047126591205597, + -0.022931290790438652, + -0.13176341354846954, + 1.2343605756759644, + -0.042897243052721024, + -0.21156270802021027, + -0.01868000626564026, + 0.1103408932685852, + -0.12667782604694366, + 0.04078323021531105, + -0.17098933458328247, + 1.6000275611877441, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/62.png", + [ + 0.17521822452545166, + -0.02446090057492256, + -0.1250924915075302, + 1.1383273601531982, + -0.042314279824495316, + -0.21175052225589752, + -0.01786377839744091, + 0.07628561556339264, + -0.1202329769730568, + 0.03887514770030975, + -0.17601320147514343, + 1.5723586082458496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/65.png", + [ + 0.16658203303813934, + -0.025042511522769928, + -0.13627615571022034, + 1.349972128868103, + -0.04525160416960716, + -0.21125370264053345, + -0.016494302079081535, + 0.12559930980205536, + -0.1309603601694107, + 0.041141729801893234, + -0.16764436662197113, + 1.6926637887954712, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/146.png", + [ + 0.15134567022323608, + -0.012697725556790829, + -0.15453527867794037, + 1.6282442808151245, + -0.04960903897881508, + -0.20856139063835144, + -0.031448204070329666, + 0.28760918974876404, + -0.14690585434436798, + 0.05734818056225777, + -0.14858582615852356, + 1.6038732528686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/119.png", + [ + 0.15649284422397614, + -0.015189996920526028, + -0.14908769726753235, + 1.4381468296051025, + -0.04732609540224075, + -0.20953677594661713, + -0.02832784131169319, + 0.17804774641990662, + -0.14219042658805847, + 0.053023483604192734, + -0.15465538203716278, + 1.471398115158081, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/180.png", + [ + 0.1551826000213623, + -0.016323454678058624, + -0.1503322869539261, + 1.5154982805252075, + -0.04971925914287567, + -0.2089398354291916, + -0.028636178001761436, + 0.2522716820240021, + -0.1428084373474121, + 0.0550052709877491, + -0.1533885896205902, + 1.55788254737854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/145.png", + [ + 0.15454554557800293, + -0.017146101221442223, + -0.15089592337608337, + 1.571982502937317, + -0.049237530678510666, + -0.20931711792945862, + -0.026643985882401466, + 0.2311534583568573, + -0.14366361498832703, + 0.053293973207473755, + -0.15319404006004333, + 1.6307271718978882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/207.png", + [ + 0.16263489425182343, + -0.0196568313986063, + -0.14181466400623322, + 1.2327114343643188, + -0.035785213112831116, + -0.21339157223701477, + -0.01146088819950819, + -0.038221076130867004, + -0.13862614333629608, + 0.032024092972278595, + -0.16341708600521088, + 1.3362846374511719, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/189.png", + [ + 0.16503025591373444, + -0.01938691921532154, + -0.1390577256679535, + 1.415919303894043, + -0.03865761682391167, + -0.21257871389389038, + -0.016240954399108887, + 0.07157422602176666, + -0.1349758803844452, + 0.03717966377735138, + -0.16536949574947357, + 1.645934820175171, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/176.png", + [ + 0.14900216460227966, + -0.01572320982813835, + -0.15652163326740265, + 1.4871749877929688, + -0.051978547126054764, + -0.20840157568454742, + -0.028546690940856934, + 0.22218558192253113, + -0.1484738141298294, + 0.057179223746061325, + -0.14708486199378967, + 1.4225025177001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/185.png", + [ + 0.1514703333377838, + -0.013329418376088142, + -0.154359832406044, + 1.594929814338684, + -0.04331472888588905, + -0.2109067440032959, + -0.024291500449180603, + 0.21038632094860077, + -0.14875638484954834, + 0.04783899337053299, + -0.15010282397270203, + 1.5647765398025513, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/116.png", + [ + 0.151180699467659, + -0.01973147876560688, + -0.15395766496658325, + 1.5119632482528687, + -0.044352710247039795, + -0.21144746243953705, + -0.016453243792057037, + 0.04987294599413872, + -0.14874517917633057, + 0.0429946631193161, + -0.15157249569892883, + 1.4457781314849854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/19.png", + [ + 0.1782919466495514, + -0.020298419520258904, + -0.12144073843955994, + 1.1330597400665283, + -0.0345064140856266, + -0.21338319778442383, + -0.014993933029472828, + 0.04803112521767616, + -0.11819130927324295, + 0.03167783096432686, + -0.17881618440151215, + 1.6397262811660767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/68.png", + [ + 0.1718418449163437, + -0.02757411077618599, + -0.12906567752361298, + 1.332908272743225, + -0.04526958242058754, + -0.21135273575782776, + -0.015119009651243687, + 0.10254375636577606, + -0.12397153675556183, + 0.038956232368946075, + -0.17338211834430695, + 1.807002067565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/143.png", + [ + 0.1572033017873764, + -0.01763276942074299, + -0.1480678915977478, + 1.5200543403625488, + -0.04740738123655319, + -0.20990122854709625, + -0.025336064398288727, + 0.2001085877418518, + -0.14137734472751617, + 0.050778552889823914, + -0.15614697337150574, + 1.6220216751098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/183.png", + [ + 0.15391458570957184, + -0.015264023095369339, + -0.15174056589603424, + 1.5538067817687988, + -0.047687336802482605, + -0.2095930129289627, + -0.02728699892759323, + 0.23539891839027405, + -0.14485891163349152, + 0.052779462188482285, + -0.15224359929561615, + 1.5610729455947876, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/1.png", + [ + 0.1555764377117157, + 0.000148348743095994, + -0.1508105844259262, + 1.4741413593292236, + -0.019121645018458366, + -0.21490642428398132, + -0.019937317818403244, + 0.13074719905853271, + -0.1495935171842575, + 0.027624480426311493, + -0.15429376065731049, + 1.477649211883545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/95.png", + [ + 0.1616077721118927, + -0.008376428857445717, + -0.1440856009721756, + 1.4113491773605347, + -0.04509960487484932, + -0.20840851962566376, + -0.038468290120363235, + 0.33087190985679626, + -0.13710162043571472, + 0.05868235602974892, + -0.15718595683574677, + 1.5677014589309692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/103.png", + [ + 0.15602794289588928, + -0.012349890545010567, + -0.14983540773391724, + 1.5465415716171265, + -0.04578696936368942, + -0.2095877230167389, + -0.030404437333345413, + 0.26677483320236206, + -0.14320169389247894, + 0.05355704575777054, + -0.15353438258171082, + 1.6143224239349365, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/196.png", + [ + 0.1573798805475235, + -0.019523516297340393, + -0.14764246344566345, + 1.298982858657837, + -0.040813323110342026, + -0.21223516762256622, + -0.015440129674971104, + -0.013138297945261002, + -0.14322616159915924, + 0.03902507945895195, + -0.1578328162431717, + 1.3148928880691528, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/150.png", + [ + 0.16854040324687958, + -0.016494721174240112, + -0.13516637682914734, + 1.3961819410324097, + -0.04156700149178505, + -0.21104535460472107, + -0.026075907051563263, + 0.178487166762352, + -0.12966962158679962, + 0.046213556081056595, + -0.16732601821422577, + 1.7000377178192139, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/142.png", + [ + 0.16195668280124664, + -0.019511260092258453, + -0.14260868728160858, + 1.4605672359466553, + -0.04647878557443619, + -0.21026365458965302, + -0.024017062038183212, + 0.1839791238307953, + -0.13622646033763885, + 0.048542845994234085, + -0.1613500416278839, + 1.6651498079299927, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/186.png", + [ + 0.1593901365995407, + -0.01916986145079136, + -0.1455169916152954, + 1.5092357397079468, + -0.044296663254499435, + -0.21108458936214447, + -0.02071227692067623, + 0.17143593728542328, + -0.13993029296398163, + 0.044985659420490265, + -0.15919704735279083, + 1.661262035369873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/195.png", + [ + 0.17285850644111633, + -0.01337998453527689, + -0.1299569308757782, + 1.1731246709823608, + -0.0386398546397686, + -0.21112847328186035, + -0.02965853549540043, + 0.11166536808013916, + -0.12479899823665619, + 0.04683634266257286, + -0.1708199679851532, + 1.4495006799697876, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/51.png", + [ + 0.15568959712982178, + -0.015293275937438011, + -0.14991584420204163, + 1.29758620262146, + -0.03564911708235741, + -0.21317525207996368, + -0.015275564044713974, + -0.012440482154488564, + -0.14641648530960083, + 0.03564152121543884, + -0.15569134056568146, + 1.2824026346206665, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/128.png", + [ + 0.14679382741451263, + -0.048016227781772614, + -0.15196681022644043, + 1.4245530366897583, + -0.049861516803503036, + -0.2100716084241867, + 0.01821110025048256, + -0.29193395376205444, + -0.15137138962745667, + 0.022633099928498268, + -0.1533699482679367, + 1.3542534112930298, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+moIOVVEIffQ+P0+C1+F25505-25726/93.png", + [ + 0.1547686606645584, + -0.011518711224198341, + -0.15120144188404083, + 1.430305004119873, + -0.04896685108542442, + -0.20827069878578186, + -0.03425578027963638, + 0.2733469605445862, + -0.14351586997509003, + 0.058638982474803925, + -0.15136896073818207, + 1.4543434381484985, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/76.png", + [ + 0.19681145250797272, + -0.00041709255310706794, + -0.09062547981739044, + 1.0367180109024048, + -0.020606793463230133, + -0.2112027108669281, + -0.04377976059913635, + 0.4857977330684662, + -0.08825254440307617, + 0.04838525876402855, + -0.19188083708286285, + 2.2449889183044434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/48.png", + [ + 0.1978032886981964, + 0.016068819910287857, + -0.08696866780519485, + 0.9799311757087708, + -0.0031087426468729973, + -0.211673304438591, + -0.04618052765727043, + 0.5107139348983765, + -0.08838605135679245, + 0.043406203389167786, + -0.1930069923400879, + 2.2264418601989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/35.png", + [ + 0.19080780446529388, + 0.007047242019325495, + -0.10242369025945663, + 1.1486972570419312, + -0.013365629129111767, + -0.21261882781982422, + -0.03952838107943535, + 0.435566782951355, + -0.1017921194434166, + 0.04112747684121132, + -0.186801478266716, + 2.176410675048828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/97.png", + [ + 0.20670104026794434, + -0.034046467393636703, + -0.05534817650914192, + 0.6423534750938416, + -0.04423436149954796, + -0.20891478657722473, + -0.036685552448034286, + 0.41259175539016724, + -0.04760150983929634, + 0.04629629850387573, + -0.20624898374080658, + 2.4479098320007324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/13.png", + [ + 0.19624915719032288, + 0.021320655941963196, + -0.08932854235172272, + 1.0232787132263184, + 0.0046204798854887486, + -0.21278005838394165, + -0.04063478112220764, + 0.45209020376205444, + -0.09172136336565018, + 0.034899335354566574, + -0.19317640364170074, + 2.2786941528320312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/32.png", + [ + 0.18738281726837158, + 0.009602215141057968, + -0.10836680978536606, + 1.2141270637512207, + -0.010759975761175156, + -0.2131349891424179, + -0.03749120235443115, + 0.41294723749160767, + -0.10825799405574799, + 0.03780429810285568, + -0.18384486436843872, + 2.12642240524292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/38.png", + [ + 0.18809087574481964, + 0.014107730239629745, + -0.10663343220949173, + 1.2079055309295654, + -0.004866136237978935, + -0.21346686780452728, + -0.03682531416416168, + 0.4039224684238434, + -0.10745248943567276, + 0.03436211496591568, + -0.18498946726322174, + 2.151557445526123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/111.png", + [ + 0.21182958781719208, + -0.014930196106433868, + -0.04304898530244827, + 0.49808982014656067, + -0.015584510751068592, + -0.21610647439956665, + -0.0017363523365929723, + 0.01630347967147827, + -0.04281645640730858, + 0.004793860483914614, + -0.21234798431396484, + 2.4772543907165527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/11.png", + [ + 0.196720153093338, + 0.02410472184419632, + -0.08756735175848007, + 1.003095269203186, + 0.006116365548223257, + -0.21194608509540558, + -0.04460211470723152, + 0.5021870732307434, + -0.09061825275421143, + 0.038022637367248535, + -0.1931075006723404, + 2.279409408569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/59.png", + [ + 0.20138931274414062, + 0.013393916189670563, + -0.07880892604589462, + 0.9070413112640381, + -0.008313127793371677, + -0.20894430577754974, + -0.0567544586956501, + 0.6416390538215637, + -0.0795055702328682, + 0.05577436089515686, + -0.19369041919708252, + 2.2812137603759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/105.png", + [ + 0.20647218823432922, + -0.01978234201669693, + -0.06265608221292496, + 0.7203560471534729, + -0.01988513395190239, + -0.21574468910694122, + 0.0025888574309647083, + -0.04836026206612587, + -0.062623530626297, + 0.0032832527067512274, + -0.2074015587568283, + 2.4439826011657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/24.png", + [ + 0.1917722076177597, + 0.008350299671292305, + -0.10050662606954575, + 1.1416932344436646, + -0.0036926644388586283, + -0.21520450711250305, + -0.02492544800043106, + 0.2725207805633545, + -0.10078529268503189, + 0.023773647844791412, + -0.19032874703407288, + 2.2450547218322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/74.png", + [ + 0.1965140998363495, + 0.0004930333816446364, + -0.09126807004213333, + 1.0435494184494019, + -0.02167636901140213, + -0.21021991968154907, + -0.04780814051628113, + 0.5323432683944702, + -0.08865799754858017, + 0.05249038338661194, + -0.1906106323003769, + 2.226985454559326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/98.png", + [ + 0.20590750873088837, + -0.03422621265053749, + -0.05812537297606468, + 0.6753492951393127, + -0.04401575028896332, + -0.20965717732906342, + -0.03247123956680298, + 0.3613029718399048, + -0.051113665103912354, + 0.042665377259254456, + -0.2061915546655655, + 2.450160026550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/0.png", + [ + 0.1996939778327942, + 0.023381493985652924, + -0.08076826483011246, + 0.9307767748832703, + 0.005822831764817238, + -0.21147482097148895, + -0.04682300612330437, + 0.5236064791679382, + -0.08388266712427139, + 0.04098298400640488, + -0.1955299973487854, + 2.2523365020751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/96.png", + [ + 0.20729778707027435, + -0.03519396856427193, + -0.05231548100709915, + 0.6045506000518799, + -0.0455484502017498, + -0.20790140330791473, + -0.04062309116125107, + 0.4608248174190521, + -0.04359889402985573, + 0.04986262694001198, + -0.20630256831645966, + 2.446877956390381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/100.png", + [ + 0.2039748728275299, + -0.03354011848568916, + -0.06493999809026718, + 0.7587231397628784, + -0.04168449714779854, + -0.21151843667030334, + -0.021685203537344933, + 0.2352912724018097, + -0.06003786623477936, + 0.03290753811597824, + -0.2055734544992447, + 2.442563056945801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/40.png", + [ + 0.1863957792520523, + 0.019189834594726562, + -0.10879454761743546, + 1.234066367149353, + 0.0007900379714556038, + -0.2136068046092987, + -0.03632368892431259, + 0.4003876745700836, + -0.11047118157148361, + 0.030851006507873535, + -0.18382664024829865, + 2.12687349319458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/52.png", + [ + 0.2028559446334839, + 0.013838431797921658, + -0.07487227022647858, + 0.8473886847496033, + -0.0024731382727622986, + -0.2117559313774109, + -0.04583887755870819, + 0.5039762854576111, + -0.07610020786523819, + 0.043770045042037964, + -0.1980929970741272, + 2.2897701263427734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/3.png", + [ + 0.19983047246932983, + 0.027829114347696304, + -0.07900136709213257, + 0.90549635887146, + 0.012518309988081455, + -0.21199321746826172, + -0.04301246255636215, + 0.48187729716300964, + -0.08281887322664261, + 0.0351044237613678, + -0.1971207857131958, + 2.305107593536377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/47.png", + [ + 0.19700363278388977, + 0.016206709668040276, + -0.08874013274908066, + 0.9995973110198975, + -0.0032984050922095776, + -0.21171240508556366, + -0.04598775506019592, + 0.5082892179489136, + -0.09014759212732315, + 0.04316358640789986, + -0.19224518537521362, + 2.221101760864258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/104.png", + [ + 0.2060982584953308, + -0.023425821214914322, + -0.06263090670108795, + 0.7236013412475586, + -0.02547680214047432, + -0.2151453047990799, + -0.003365259151905775, + 0.02192312851548195, + -0.061825014650821686, + 0.010565194301307201, + -0.20739801228046417, + 2.4491543769836426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/21.png", + [ + 0.19414609670639038, + 0.010182877071201801, + -0.09566342085599899, + 1.088772177696228, + -0.0009279060177505016, + -0.2152492105960846, + -0.024795323610305786, + 0.26933878660202026, + -0.09619937837123871, + 0.022626932710409164, + -0.1928253024816513, + 2.2718119621276855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/82.png", + [ + 0.20537880063056946, + -0.018278134986758232, + -0.06658342480659485, + 0.7610106468200684, + -0.031939394772052765, + -0.21039551496505737, + -0.04076146334409714, + 0.4630200266838074, + -0.061215344816446304, + 0.04845133051276207, + -0.20212136209011078, + 2.3683114051818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/106.png", + [ + 0.20707131922245026, + -0.015742778778076172, + -0.06181849166750908, + 0.7087320685386658, + -0.014089563861489296, + -0.21607422828674316, + 0.007830399088561535, + -0.10997074842453003, + -0.062216125428676605, + -0.0034635127522051334, + -0.2075212299823761, + 2.439807415008545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/14.png", + [ + 0.19561631977558136, + 0.020515568554401398, + -0.09089145809412003, + 1.0448508262634277, + 0.004752098582684994, + -0.21327897906303406, + -0.03791282698512077, + 0.4200672507286072, + -0.09305676817893982, + 0.03223470598459244, + -0.1930006593465805, + 2.2804059982299805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/67.png", + [ + 0.1986064910888672, + 0.012829873710870743, + -0.08566650003194809, + 0.9836248755455017, + -0.01705297641456127, + -0.204300194978714, + -0.07013217359781265, + 0.8038589954376221, + -0.08492673933506012, + 0.07102619111537933, + -0.18625418841838837, + 2.1848058700561523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/78.png", + [ + 0.19770407676696777, + -0.0008958601392805576, + -0.08865771442651749, + 1.0169695615768433, + -0.019556844606995583, + -0.21176770329475403, + -0.04147133231163025, + 0.4560513198375702, + -0.08647844940423965, + 0.04584254324436188, + -0.19330760836601257, + 2.2707042694091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/31.png", + [ + 0.18579170107841492, + 0.00843340065330267, + -0.11116752028465271, + 1.2441612482070923, + -0.012036766856908798, + -0.2132735401391983, + -0.036296144127845764, + 0.4000873863697052, + -0.1108352541923523, + 0.03729841485619545, + -0.18240687251091003, + 2.1068358421325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/39.png", + [ + 0.1846773326396942, + 0.0185772106051445, + -0.111790232360363, + 1.2706998586654663, + -0.0002768079284578562, + -0.2136688232421875, + -0.03596459701657295, + 0.39472290873527527, + -0.11332296580076218, + 0.030796365812420845, + -0.18209168314933777, + 2.112539768218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/92.png", + [ + 0.20878902077674866, + -0.035052020102739334, + -0.046112846583127975, + 0.5313416123390198, + -0.04548431560397148, + -0.20602115988731384, + -0.04933913052082062, + 0.5708182454109192, + -0.03586384654045105, + 0.057223498821258545, + -0.20588140189647675, + 2.441767692565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/53.png", + [ + 0.20340867340564728, + 0.012008078396320343, + -0.07367909699678421, + 0.8344895839691162, + -0.00340933445841074, + -0.21213564276695251, + -0.04398573189973831, + 0.4824065864086151, + -0.0745733231306076, + 0.04245202615857124, + -0.1989586353302002, + 2.303280830383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/75.png", + [ + 0.19688355922698975, + 0.000776286527980119, + -0.09046627581119537, + 1.0333988666534424, + -0.019896654412150383, + -0.21099033951759338, + -0.04511198401451111, + 0.500647783279419, + -0.08825459331274033, + 0.049298737198114395, + -0.1916472166776657, + 2.238842487335205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/87.png", + [ + 0.2060060054063797, + -0.03987598046660423, + -0.054030779749155045, + 0.6220649480819702, + -0.04783890023827553, + -0.20949271321296692, + -0.027787357568740845, + 0.29783034324645996, + -0.04712599143385887, + 0.038348447531461716, + -0.20798180997371674, + 2.4690394401550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/107.png", + [ + 0.20800992846488953, + -0.013323922641575336, + -0.059179726988077164, + 0.6772461533546448, + -0.011434709653258324, + -0.21620623767375946, + 0.008485707454383373, + -0.11454473435878754, + -0.05957360565662384, + -0.0050232368521392345, + -0.20826339721679688, + 2.444326400756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/69.png", + [ + 0.1966751217842102, + 0.010041831992566586, + -0.09036567807197571, + 1.036356806755066, + -0.018361391499638557, + -0.2065255045890808, + -0.06291241943836212, + 0.7099965214729309, + -0.0890485942363739, + 0.06476322561502457, + -0.1866118162870407, + 2.1884512901306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/45.png", + [ + 0.19705240428447723, + 0.01690761186182499, + -0.08850071579217911, + 0.994860827922821, + -0.002987281884998083, + -0.21148258447647095, + -0.04705404117703438, + 0.5224198698997498, + -0.09005177021026611, + 0.044012948870658875, + -0.192097470164299, + 2.2187247276306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/50.png", + [ + 0.20038661360740662, + 0.01501665823161602, + -0.08104071021080017, + 0.9146450757980347, + -0.0029295841231942177, + -0.21161562204360962, + -0.04645577818155289, + 0.5118703246116638, + -0.0823681578040123, + 0.04405929893255234, + -0.19550487399101257, + 2.257981777191162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/101.png", + [ + 0.20489241182804108, + -0.031943563371896744, + -0.06282198429107666, + 0.731107234954834, + -0.03861348330974579, + -0.21245267987251282, + -0.017909565940499306, + 0.19263166189193726, + -0.0589575357735157, + 0.028131166473031044, + -0.20659270882606506, + 2.4495792388916016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/85.png", + [ + 0.20643575489521027, + -0.03570706024765968, + -0.05529177188873291, + 0.6350266337394714, + -0.04412105679512024, + -0.21014031767845154, + -0.0290218498557806, + 0.31328779458999634, + -0.048841651529073715, + 0.038909390568733215, + -0.20748119056224823, + 2.4551892280578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/71.png", + [ + 0.1975371241569519, + 0.005030697211623192, + -0.08889132738113403, + 1.016809344291687, + -0.021189553663134575, + -0.20745618641376495, + -0.05882883816957474, + 0.6610198020935059, + -0.08647530525922775, + 0.06232593581080437, + -0.18864092230796814, + 2.2047853469848633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/54.png", + [ + 0.2027939409017563, + 0.012416545301675797, + -0.07528837025165558, + 0.8570759892463684, + -0.0028041712939739227, + -0.2124297022819519, + -0.042587075382471085, + 0.46714603900909424, + -0.07625383138656616, + 0.04083322361111641, + -0.1986602544784546, + 2.3084583282470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/33.png", + [ + 0.18741263449192047, + 0.00956684723496437, + -0.10831842571496964, + 1.2171655893325806, + -0.011271556839346886, + -0.21296267211437225, + -0.03831123933196068, + 0.4226357042789459, + -0.10815432667732239, + 0.038772087544202805, + -0.18370428681373596, + 2.132248878479004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/49.png", + [ + 0.19932019710540771, + 0.015056472271680832, + -0.08362210541963577, + 0.9432996511459351, + -0.003242254024371505, + -0.21174244582653046, + -0.045853205025196075, + 0.5056730508804321, + -0.08490489423274994, + 0.04343191161751747, + -0.19455775618553162, + 2.2449073791503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/110.png", + [ + 0.21133829653263092, + -0.013208291493356228, + -0.04593002051115036, + 0.5260622501373291, + -0.012746132910251617, + -0.2162703573703766, + 0.0035448723938316107, + -0.04908145219087601, + -0.04606041684746742, + -0.000755682063754648, + -0.21172095835208893, + 2.4732141494750977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/18.png", + [ + 0.19596444070339203, + 0.016891516745090485, + -0.09088730812072754, + 1.0414153337478638, + 0.005218395963311195, + -0.21470841765403748, + -0.028652306646108627, + 0.31471461057662964, + -0.09229623526334763, + 0.023724732920527458, + -0.19459301233291626, + 2.296494960784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/66.png", + [ + 0.20073974132537842, + 0.011469833552837372, + -0.0807458832859993, + 0.9241856336593628, + -0.01668091118335724, + -0.20421195030212402, + -0.07047788798809052, + 0.8072832226753235, + -0.07983233034610748, + 0.07151103764772415, + -0.18831056356430054, + 2.2104196548461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/16.png", + [ + 0.19494710862636566, + 0.01920998841524124, + -0.0925985798239708, + 1.0670058727264404, + 0.004775193054229021, + -0.21388626098632812, + -0.034318484365940094, + 0.38237103819847107, + -0.09444954246282578, + 0.028836382552981377, + -0.19286170601844788, + 2.282360076904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/94.png", + [ + 0.20891167223453522, + -0.032932013273239136, + -0.04710936173796654, + 0.5423851013183594, + -0.04337504133582115, + -0.20684805512428284, + -0.04775334522128105, + 0.5479438900947571, + -0.037714920938014984, + 0.05547304451465607, + -0.20602966845035553, + 2.440892219543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/28.png", + [ + 0.18467170000076294, + 0.007441858295351267, + -0.11308793723583221, + 1.280827522277832, + -0.011297534219920635, + -0.21392127871513367, + -0.032526083290576935, + 0.35102957487106323, + -0.1127680167555809, + 0.03361843153834343, + -0.18193700909614563, + 2.119050979614258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/61.png", + [ + 0.20045633614063263, + 0.012540311552584171, + -0.08128893375396729, + 0.9367292523384094, + -0.01766429841518402, + -0.20258109271526337, + -0.07481154054403305, + 0.8735303282737732, + -0.08033133298158646, + 0.07583887130022049, + -0.18639537692070007, + 2.191758155822754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/58.png", + [ + 0.20165608823299408, + 0.013966409489512444, + -0.07802345603704453, + 0.8966041207313538, + -0.004658544436097145, + -0.2108275145292282, + -0.049778979271650314, + 0.5528124570846558, + -0.07912658900022507, + 0.048006121069192886, + -0.19591397047042847, + 2.3055500984191895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/64.png", + [ + 0.2026236653327942, + 0.010116451419889927, + -0.07608684152364731, + 0.8721423149108887, + -0.01533002033829689, + -0.20512333512306213, + -0.06809777021408081, + 0.7780835628509521, + -0.07520998269319534, + 0.06906498968601227, + -0.1911056786775589, + 2.245934009552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/10.png", + [ + 0.19814655184745789, + 0.02197105437517166, + -0.08487111330032349, + 0.970728874206543, + 0.004849503748118877, + -0.21218565106391907, + -0.04360765218734741, + 0.49120399355888367, + -0.08753465116024017, + 0.03797917440533638, + -0.19453318417072296, + 2.2949962615966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/41.png", + [ + 0.18967579305171967, + 0.018487857654690742, + -0.10309796035289764, + 1.1645252704620361, + 0.0011702652554959059, + -0.2136334478855133, + -0.03615641966462135, + 0.3989224433898926, + -0.10473597049713135, + 0.031094297766685486, + -0.18711338937282562, + 2.1647238731384277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/91.png", + [ + 0.20796765387058258, + -0.03755711764097214, + -0.04782062768936157, + 0.5525276064872742, + -0.04815090447664261, + -0.20578041672706604, + -0.04778923839330673, + 0.5516718029975891, + -0.037132736295461655, + 0.056495875120162964, + -0.20585741102695465, + 2.442699432373047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/23.png", + [ + 0.19286265969276428, + 0.008052632212638855, + -0.09842275083065033, + 1.117380976676941, + -0.0036083171144127846, + -0.2152341902256012, + -0.024680383503437042, + 0.26926639676094055, + -0.09868568181991577, + 0.023607127368450165, + -0.1914464235305786, + 2.2552289962768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/37.png", + [ + 0.19077534973621368, + 0.010692055337131023, + -0.10216821730136871, + 1.1511497497558594, + -0.008185449056327343, + -0.21323037147521973, + -0.037599291652441025, + 0.4119069278240204, + -0.10239952802658081, + 0.03696468845009804, + -0.18733885884284973, + 2.1855320930480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/36.png", + [ + 0.19185227155685425, + 0.0065500251948833466, + -0.10048730671405792, + 1.1265689134597778, + -0.012733733281493187, + -0.21290220320224762, + -0.038189008831977844, + 0.41916441917419434, + -0.09989219903945923, + 0.0397195890545845, + -0.1881270706653595, + 2.194654941558838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/8.png", + [ + 0.19807223975658417, + 0.024864662438631058, + -0.08424390107393265, + 0.9656746983528137, + 0.008977147750556469, + -0.21245425939559937, + -0.04159921035170555, + 0.46509742736816406, + -0.08737675100564957, + 0.03453740105032921, + -0.19524437189102173, + 2.3039703369140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/6.png", + [ + 0.1991080343723297, + 0.0253450945019722, + -0.08161808550357819, + 0.9343069791793823, + 0.01056963112205267, + -0.21264129877090454, + -0.04024739935994148, + 0.45023030042648315, + -0.0848066508769989, + 0.03300297632813454, + -0.1966380774974823, + 2.315065860748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/20.png", + [ + 0.19366860389709473, + 0.012319580651819706, + -0.09637733548879623, + 1.099557638168335, + 0.0006826277822256088, + -0.21509306132793427, + -0.026122871786355972, + 0.2849285900592804, + -0.09715913236141205, + 0.023045571520924568, + -0.19229377806186676, + 2.269591808319092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/2.png", + [ + 0.20023885369300842, + 0.026909606531262398, + -0.07828263193368912, + 0.8973490595817566, + 0.011469247750937939, + -0.2119489312171936, + -0.043520163744688034, + 0.4886716902256012, + -0.08198019862174988, + 0.03607522323727608, + -0.19729602336883545, + 2.2994842529296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/5.png", + [ + 0.19981922209262848, + 0.026681242510676384, + -0.07942475378513336, + 0.9075700044631958, + 0.01176291424781084, + -0.21229401230812073, + -0.04172266274690628, + 0.4666503667831421, + -0.0829567015171051, + 0.034165158867836, + -0.1972278505563736, + 2.3153576850891113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/108.png", + [ + 0.20904313027858734, + -0.011059105396270752, + -0.05591569468379021, + 0.6374974846839905, + -0.009130380116403103, + -0.21630939841270447, + 0.008647754788398743, + -0.11505921185016632, + -0.056262824684381485, + -0.005986958276480436, + -0.20915676653385162, + 2.4462075233459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/60.png", + [ + 0.2014790028333664, + 0.011824682354927063, + -0.07883073389530182, + 0.9084613919258118, + -0.014127606526017189, + -0.20558814704418182, + -0.0669463574886322, + 0.7734378576278687, + -0.07845073193311691, + 0.06739126145839691, + -0.19039903581142426, + 2.237901210784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/56.png", + [ + 0.20244677364826202, + 0.012348408810794353, + -0.076228067278862, + 0.8723794221878052, + -0.003061078954488039, + -0.2124350666999817, + -0.042542606592178345, + 0.4658104479312897, + -0.07716107368469238, + 0.040825970470905304, + -0.19831113517284393, + 2.314645290374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/30.png", + [ + 0.18502500653266907, + 0.005486768204718828, + -0.11262118071317673, + 1.2625662088394165, + -0.015938157215714455, + -0.21297229826450348, + -0.036560505628585815, + 0.40253108739852905, + -0.11162262409925461, + 0.039504311978816986, + -0.18145987391471863, + 2.099644184112549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/17.png", + [ + 0.1953865885734558, + 0.01962217688560486, + -0.09158032387495041, + 1.0530118942260742, + 0.0069859642535448074, + -0.21432912349700928, + -0.03101801872253418, + 0.34110280871391296, + -0.09339796751737595, + 0.02501782216131687, + -0.19390414655208588, + 2.292628765106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/12.png", + [ + 0.19635744392871857, + 0.022488320246338844, + -0.08880271017551422, + 1.0169764757156372, + 0.004975419957190752, + -0.21235226094722748, + -0.04277442768216133, + 0.4787242114543915, + -0.09147071838378906, + 0.036724403500556946, + -0.19295679032802582, + 2.278042793273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/27.png", + [ + 0.1840357631444931, + 0.010224107652902603, + -0.11390432715415955, + 1.29449462890625, + -0.007288579363375902, + -0.21431969106197357, + -0.03101363033056259, + 0.3344992399215698, + -0.11412978172302246, + 0.030173437669873238, + -0.18169164657592773, + 2.1265811920166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/42.png", + [ + 0.19192974269390106, + 0.01719215326011181, + -0.0990721583366394, + 1.1171132326126099, + -0.00031666745780967176, + -0.21337971091270447, + -0.03764159977436066, + 0.41468867659568787, + -0.1005522757768631, + 0.03348761051893234, + -0.18898601830005646, + 2.188262939453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/7.png", + [ + 0.1984851360321045, + 0.02417711354792118, + -0.08346861600875854, + 0.9556223154067993, + 0.008878505788743496, + -0.21267278492450714, + -0.04048902168869972, + 0.45238229632377625, + -0.08644485473632812, + 0.033669810742139816, + -0.19580991566181183, + 2.309164524078369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/73.png", + [ + 0.1968795657157898, + 0.0015722884563729167, + -0.09046466648578644, + 1.0352082252502441, + -0.0219266340136528, + -0.2093549221754074, + -0.05135788023471832, + 0.5737387537956238, + -0.08778126537799835, + 0.05582057684659958, + -0.19006948173046112, + 2.220055103302002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/46.png", + [ + 0.19680386781692505, + 0.01650235801935196, + -0.08912801742553711, + 1.002899408340454, + -0.0034320710692554712, + -0.21154405176639557, + -0.046746477484703064, + 0.5178835391998291, + -0.0905778780579567, + 0.04387122392654419, + -0.1918824166059494, + 2.2171621322631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/57.png", + [ + 0.20224592089653015, + 0.01258498802781105, + -0.07672096788883209, + 0.8810358643531799, + -0.003886428428813815, + -0.21191321313381195, + -0.045006461441516876, + 0.4956021010875702, + -0.07764911651611328, + 0.04338552802801132, + -0.19757582247257233, + 2.316065788269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/44.png", + [ + 0.19516083598136902, + 0.01839020662009716, + -0.09231435507535934, + 1.0377928018569946, + -0.0008739322074688971, + -0.2121358960866928, + -0.04410776123404503, + 0.4885600507259369, + -0.09412425756454468, + 0.04010060802102089, + -0.19099858403205872, + 2.210474967956543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/29.png", + [ + 0.18337379395961761, + 0.006341679487377405, + -0.11524636298418045, + 1.299918532371521, + -0.01414650771766901, + -0.21348130702972412, + -0.034256432205438614, + 0.3731875717639923, + -0.11455049365758896, + 0.03651588410139084, + -0.18025721609592438, + 2.0949883460998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/4.png", + [ + 0.1998058557510376, + 0.027892526239156723, + -0.07904129475355148, + 0.902289628982544, + 0.012571249157190323, + -0.21198678016662598, + -0.04302862659096718, + 0.48157551884651184, + -0.08287028223276138, + 0.03509282320737839, + -0.19710125029087067, + 2.3110108375549316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/55.png", + [ + 0.20249535143375397, + 0.012007640674710274, + -0.07615342736244202, + 0.8701419830322266, + -0.0032011528965085745, + -0.21253618597984314, + -0.04202406853437424, + 0.4605954885482788, + -0.07702778279781342, + 0.040399085730314255, + -0.19845031201839447, + 2.309295654296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/9.png", + [ + 0.19837462902069092, + 0.022624410688877106, + -0.08416375517845154, + 0.9641949534416199, + 0.0061681088991463184, + -0.21236629784107208, + -0.04254879429936409, + 0.4777607023715973, + -0.08693306893110275, + 0.03655928373336792, + -0.19507421553134918, + 2.3034472465515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/25.png", + [ + 0.19017741084098816, + 0.009631160646677017, + -0.10338129103183746, + 1.1762397289276123, + -0.0030582300387322903, + -0.21512724459171295, + -0.025667419657111168, + 0.2786236107349396, + -0.10378390550613403, + 0.023987704887986183, + -0.18868328630924225, + 2.224165916442871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/99.png", + [ + 0.20475834608078003, + -0.034442026168107986, + -0.06193265691399574, + 0.7220199704170227, + -0.04363473504781723, + -0.21048426628112793, + -0.027208128944039345, + 0.2987348139286041, + -0.05583832040429115, + 0.038184016942977905, + -0.20584449172019958, + 2.446140766143799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/34.png", + [ + 0.1901177316904068, + 0.008800223469734192, + -0.10356494039297104, + 1.1624027490615845, + -0.01171269454061985, + -0.21270747482776642, + -0.039575785398483276, + 0.43661096692085266, + -0.10327611118555069, + 0.04032352194190025, + -0.1861611008644104, + 2.162153720855713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/72.png", + [ + 0.19686897099018097, + 0.0036711166612803936, + -0.09042692929506302, + 1.0351101160049438, + -0.021626142784953117, + -0.20831601321697235, + -0.05553952232003212, + 0.6237140893936157, + -0.08787956088781357, + 0.05948824808001518, + -0.18890798091888428, + 2.2073750495910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/102.png", + [ + 0.20514607429504395, + -0.028834225609898567, + -0.06349465250968933, + 0.7387614250183105, + -0.03421706706285477, + -0.2135239541530609, + -0.01358695700764656, + 0.1429557204246521, + -0.060763269662857056, + 0.022891061380505562, + -0.20671652257442474, + 2.4451522827148438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/70.png", + [ + 0.19633503258228302, + 0.0073888846673071384, + -0.09135568886995316, + 1.0471887588500977, + -0.020232267677783966, + -0.2071477472782135, + -0.06023590639233589, + 0.677731454372406, + -0.08939302712678909, + 0.06311190873384476, + -0.18701249361038208, + 2.1909804344177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/90.png", + [ + 0.2073018103837967, + -0.03917543590068817, + -0.049387626349925995, + 0.5718593001365662, + -0.049461767077445984, + -0.20632420480251312, + -0.04395178332924843, + 0.5033731460571289, + -0.03908178582787514, + 0.053324587643146515, + -0.2063419371843338, + 2.4520263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/15.png", + [ + 0.19559603929519653, + 0.01929873786866665, + -0.09120111912488937, + 1.0492674112319946, + 0.004171344917267561, + -0.21358023583889008, + -0.03624879941344261, + 0.40254250168800354, + -0.09312725067138672, + 0.030966663733124733, + -0.19317421317100525, + 2.2839789390563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/22.png", + [ + 0.19388419389724731, + 0.008974784053862095, + -0.09631337970495224, + 1.0939178466796875, + -0.0018270505825057626, + -0.21536174416542053, + -0.02374604344367981, + 0.2559681534767151, + -0.0967133566737175, + 0.02206050604581833, + -0.1926337331533432, + 2.2666735649108887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/109.png", + [ + 0.2098947912454605, + -0.010605625808238983, + -0.052721891552209854, + 0.604343593120575, + -0.008796650916337967, + -0.21632921695709229, + 0.008496200665831566, + -0.11074218153953552, + -0.053053706884384155, + -0.006089924369007349, + -0.2099907547235489, + 2.452904224395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/26.png", + [ + 0.18710952997207642, + 0.010658943094313145, + -0.10873961448669434, + 1.2396010160446167, + -0.004421464167535305, + -0.21472583711147308, + -0.02865605428814888, + 0.3117178678512573, + -0.1091712936758995, + 0.02696489728987217, + -0.18520914018154144, + 2.1771273612976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/43.png", + [ + 0.19459980726242065, + 0.017140088602900505, + -0.0937284305691719, + 1.0548030138015747, + -0.0009104365017265081, + -0.21279586851596832, + -0.040804166346788406, + 0.450893759727478, + -0.09527839720249176, + 0.03704087436199188, + -0.19104422628879547, + 2.2091526985168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/84.png", + [ + 0.2065345048904419, + -0.030972572043538094, + -0.05772431939840317, + 0.6597231030464172, + -0.04048759862780571, + -0.21044757962226868, + -0.031944647431373596, + 0.3526811897754669, + -0.05149904638528824, + 0.04123597592115402, + -0.20638638734817505, + 2.4396800994873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/89.png", + [ + 0.20612263679504395, + -0.04003223404288292, + -0.053467486053705215, + 0.6200315952301025, + -0.05002831295132637, + -0.20745040476322174, + -0.03754177689552307, + 0.4217965602874756, + -0.04425516352057457, + 0.048058684915304184, + -0.20659074187278748, + 2.460663318634033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/63.png", + [ + 0.20198318362236023, + 0.011692927218973637, + -0.07754980772733688, + 0.8941385746002197, + -0.015512663871049881, + -0.20406314730644226, + -0.07117222994565964, + 0.8222724199295044, + -0.07687687128782272, + 0.07189857214689255, + -0.1893896460533142, + 2.2256088256835938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/88.png", + [ + 0.20610810816287994, + -0.039436936378479004, + -0.05396360531449318, + 0.6249200105667114, + -0.04837408289313316, + -0.20873436331748962, + -0.0322151780128479, + 0.35285910964012146, + -0.04612256586551666, + 0.04269189015030861, + -0.20735961198806763, + 2.466068744659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/62.png", + [ + 0.2005080133676529, + 0.012406455352902412, + -0.08118195831775665, + 0.9361541867256165, + -0.01828211173415184, + -0.20207005739212036, + -0.07603515684604645, + 0.8882762789726257, + -0.08006369322538376, + 0.07721179723739624, + -0.18594633042812347, + 2.18607759475708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/65.png", + [ + 0.20231689512729645, + 0.009240991435945034, + -0.0770089253783226, + 0.8802073001861572, + -0.01670270413160324, + -0.20489276945590973, + -0.06846806406974792, + 0.7810543179512024, + -0.07574159651994705, + 0.06986745446920395, + -0.1906033605337143, + 2.2408833503723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/80.png", + [ + 0.19913047552108765, + -0.006945767439901829, + -0.0851275771856308, + 0.9793672561645508, + -0.024024533107876778, + -0.2117926925420761, + -0.038917507976293564, + 0.4302341341972351, + -0.08196201175451279, + 0.045205164700746536, + -0.19541394710540771, + 2.3035635948181152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/79.png", + [ + 0.19941666722297668, + -0.0016988825518637896, + -0.08472304791212082, + 0.9745579957962036, + -0.018955426290631294, + -0.21203605830669403, + -0.04036450386047363, + 0.44315874576568604, + -0.08259281516075134, + 0.044561367481946945, + -0.19529619812965393, + 2.2953224182128906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/19.png", + [ + 0.19514690339565277, + 0.014565304853022099, + -0.09302382916212082, + 1.0652132034301758, + 0.0028377422131597996, + -0.21487903594970703, + -0.027691850438714027, + 0.30435019731521606, + -0.09411443769931793, + 0.02372221276164055, + -0.1937204748392105, + 2.2855324745178223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/77.png", + [ + 0.19739803671836853, + -0.0017713746055960655, + -0.0893239974975586, + 1.0239136219024658, + -0.02112349309027195, + -0.21141529083251953, + -0.0424884669482708, + 0.46910759806632996, + -0.08680848032236099, + 0.047416601330041885, + -0.1927792727947235, + 2.2597875595092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/68.png", + [ + 0.19750091433525085, + 0.012367711402475834, + -0.08825146406888962, + 1.0134689807891846, + -0.016832808032631874, + -0.20553737878799438, + -0.06647506356239319, + 0.7551658749580383, + -0.0875096395611763, + 0.06744863837957382, + -0.18638840317726135, + 2.185328483581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/86.png", + [ + 0.20626315474510193, + -0.03812306746840477, + -0.05431419238448143, + 0.6260145306587219, + -0.04599159210920334, + -0.20997285842895508, + -0.027277635410428047, + 0.29185765981674194, + -0.0478348545730114, + 0.037495702505111694, + -0.20797546207904816, + 2.4659738540649414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/1.png", + [ + 0.2006487101316452, + 0.024907024577260017, + -0.07789500802755356, + 0.8944976925849915, + 0.00881525781005621, + -0.21176570653915405, + -0.04500524327158928, + 0.5046096444129944, + -0.08130364120006561, + 0.03850741311907768, + -0.1971161961555481, + 2.285128593444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/81.png", + [ + 0.20254237949848175, + -0.012087132781744003, + -0.07601567357778549, + 0.8699624538421631, + -0.028005672618746758, + -0.210891991853714, + -0.04108699783682823, + 0.4618314206600189, + -0.07169493287801743, + 0.04823235049843788, + -0.1986992061138153, + 2.3340301513671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/95.png", + [ + 0.20840924978256226, + -0.03388872370123863, + -0.04863161966204643, + 0.559825599193573, + -0.044128723442554474, + -0.2073938548564911, + -0.044590748846530914, + 0.5090190172195435, + -0.03957443684339523, + 0.05279425159096718, + -0.20638442039489746, + 2.444758892059326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/103.png", + [ + 0.20552942156791687, + -0.026304904371500015, + -0.0633530393242836, + 0.7348364591598511, + -0.03045382723212242, + -0.21429899334907532, + -0.009818674996495247, + 0.09794451296329498, + -0.061466414481401443, + 0.01821795664727688, + -0.2069731503725052, + 2.445331573486328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/83.png", + [ + 0.20534829795360565, + -0.024085164070129395, + -0.06480644643306732, + 0.7410925030708313, + -0.03612571954727173, + -0.2105492502450943, + -0.03621925413608551, + 0.40977156162261963, + -0.05894830822944641, + 0.04513099044561386, + -0.2035588026046753, + 2.3959412574768066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/51.png", + [ + 0.20132222771644592, + 0.015353691764175892, + -0.07862260937690735, + 0.8891110420227051, + -0.001952244550921023, + -0.2116541564464569, + -0.04633148014545441, + 0.5090782046318054, + -0.08008395880460739, + 0.04375707730650902, + -0.196519136428833, + 2.273078441619873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_1/93.png", + [ + 0.209061861038208, + -0.03357595205307007, + -0.045974887907505035, + 0.5282137989997864, + -0.04399745911359787, + -0.2063334733247757, + -0.04938233643770218, + 0.5698516964912415, + -0.036128364503383636, + 0.056982867419719696, + -0.2059018909931183, + 2.439134120941162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/76.png", + [ + 0.2008623331785202, + -0.048385582864284515, + -0.06527674943208694, + 0.7624949216842651, + -0.04977162927389145, + -0.2108573168516159, + 0.0031436632853001356, + -0.05335981398820877, + -0.0642261952161789, + 0.01208026334643364, + -0.20658403635025024, + 2.4503965377807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/48.png", + [ + 0.19893160462379456, + -0.04338391125202179, + -0.07410766184329987, + 0.8367884159088135, + -0.043517403304576874, + -0.21213161945343018, + 0.007369185797870159, + -0.0951964408159256, + -0.0740293487906456, + 0.008118204772472382, + -0.20347395539283752, + 2.3480124473571777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/35.png", + [ + 0.19918908178806305, + -0.042253125458955765, + -0.07406940311193466, + 0.8397159576416016, + -0.043426379561424255, + -0.21223494410514832, + 0.004286925308406353, + -0.05808606743812561, + -0.07338770478963852, + 0.010904171504080296, + -0.20357613265514374, + 2.359631061553955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/97.png", + [ + 0.1997959315776825, + -0.038218867033720016, + -0.07462438195943832, + 0.8643020987510681, + -0.031319040805101395, + -0.21291403472423553, + 0.025191722437739372, + -0.3070051968097687, + -0.07777272164821625, + -0.012442799285054207, + -0.20185260474681854, + 2.3832645416259766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/13.png", + [ + 0.20352928340435028, + -0.047225963324308395, + -0.0573885478079319, + 0.6589961051940918, + -0.05213672295212746, + -0.20995864272117615, + -0.012125205248594284, + 0.12683677673339844, + -0.052966970950365067, + 0.025198543444275856, + -0.20858435332775116, + 2.430323600769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/32.png", + [ + 0.19823047518730164, + -0.04828532785177231, + -0.07294589281082153, + 0.8311362862586975, + -0.05020654574036598, + -0.21075524389743805, + 0.0030696517787873745, + -0.046867020428180695, + -0.07163713127374649, + 0.014094232581555843, + -0.20400336384773254, + 2.379854679107666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/38.png", + [ + 0.19830261170864105, + -0.03619998320937157, + -0.07945775985717773, + 0.9034497141838074, + -0.03558306023478508, + -0.21356409788131714, + 0.008492602966725826, + -0.10728779435157776, + -0.07973594963550568, + 0.005276320036500692, + -0.20140066742897034, + 2.334519863128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/111.png", + [ + 0.20630323886871338, + -0.0334206223487854, + -0.05718336999416351, + 0.6557170748710632, + -0.03587614372372627, + -0.2136349081993103, + -0.004573913291096687, + 0.0474306158721447, + -0.05567564815282822, + 0.013823175802826881, + -0.20894266664981842, + 2.4279417991638184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/11.png", + [ + 0.20316703617572784, + -0.05150233209133148, + -0.05494140088558197, + 0.6288161277770996, + -0.05592883378267288, + -0.20905038714408875, + -0.010853632353246212, + 0.10789439082145691, + -0.050428297370672226, + 0.024358686059713364, + -0.2093120515346527, + 2.438462734222412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/59.png", + [ + 0.20108944177627563, + -0.04482501745223999, + -0.06709430366754532, + 0.7664672136306763, + -0.047906678169965744, + -0.211298406124115, + -0.0024156118743121624, + 0.009876877069473267, + -0.0649297907948494, + 0.017076384276151657, + -0.20601071417331696, + 2.4035658836364746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/105.png", + [ + 0.20486034452915192, + -0.035761263221502304, + -0.060838017612695694, + 0.6999154686927795, + -0.03681032732129097, + -0.21351924538612366, + 0.0015572848496958613, + -0.01884917914867401, + -0.060209065675735474, + 0.00886324979364872, + -0.20795240998268127, + 2.416584014892578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/24.png", + [ + 0.2001727968454361, + -0.04313488304615021, + -0.07083873450756073, + 0.8151776194572449, + -0.04787687212228775, + -0.21121345460414886, + -0.006676868535578251, + 0.07154618203639984, + -0.0677240639925003, + 0.0218210332095623, + -0.20465871691703796, + 2.4012818336486816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/74.png", + [ + 0.2001773566007614, + -0.04744643718004227, + -0.06801284849643707, + 0.7947960495948792, + -0.04998847469687462, + -0.21082942187786102, + -5.082552888779901e-05, + -0.011181935667991638, + -0.0661669448018074, + 0.01573803462088108, + -0.20572346448898315, + 2.4489521980285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/98.png", + [ + 0.19950851798057556, + -0.0358915813267231, + -0.0765247792005539, + 0.8877279162406921, + -0.028324954211711884, + -0.2132168561220169, + 0.026156513020396233, + -0.3185828924179077, + -0.07963632047176361, + -0.014080491848289967, + -0.2010166496038437, + 2.3766465187072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/0.png", + [ + 0.20625390112400055, + -0.04402909427881241, + -0.04968558996915817, + 0.5707497596740723, + -0.047728102654218674, + -0.21106117963790894, + -0.011095281690359116, + 0.11079950630664825, + -0.04614376276731491, + 0.021506182849407196, + -0.21060895919799805, + 2.4158754348754883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/96.png", + [ + 0.19872251152992249, + -0.04064517840743065, + -0.07619208097457886, + 0.8844645023345947, + -0.033288437873125076, + -0.21245431900024414, + 0.026513025164604187, + -0.3246203064918518, + -0.07968151569366455, + -0.012610706500709057, + -0.2010962963104248, + 2.37868595123291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/100.png", + [ + 0.2014501690864563, + -0.03397908806800842, + -0.07218824326992035, + 0.8366395235061646, + -0.028056412935256958, + -0.2136911302804947, + 0.02228979580104351, + -0.27285143733024597, + -0.07468974590301514, + -0.01137622632086277, + -0.20307613909244537, + 2.389970302581787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/40.png", + [ + 0.1979234665632248, + -0.039885349571704865, + -0.07863430678844452, + 0.8923677802085876, + -0.039800968021154404, + -0.2128455638885498, + 0.0077812690287828445, + -0.09806622564792633, + -0.07867704331874847, + 0.007336464244872332, + -0.20175230503082275, + 2.3368659019470215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/52.png", + [ + 0.1982199102640152, + -0.044805858284235, + -0.0751611515879631, + 0.8487113118171692, + -0.044929392635822296, + -0.2118222713470459, + 0.0077830092050135136, + -0.10510025918483734, + -0.07508738338947296, + 0.008465217426419258, + -0.2030717134475708, + 2.346684455871582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/3.png", + [ + 0.20532765984535217, + -0.04747374355792999, + -0.05034580081701279, + 0.5694262385368347, + -0.05162229761481285, + -0.21006670594215393, + -0.012450529262423515, + 0.1299358755350113, + -0.04608248174190521, + 0.02379329688847065, + -0.2103762924671173, + 2.423539161682129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/47.png", + [ + 0.19637534022331238, + -0.04278319329023361, + -0.08095811307430267, + 0.9205710887908936, + -0.04226455092430115, + -0.21229250729084015, + 0.00966962706297636, + -0.12139993906021118, + -0.08123007416725159, + 0.0070279669016599655, + -0.20074902474880219, + 2.3265581130981445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/104.png", + [ + 0.20461362600326538, + -0.036127377301454544, + -0.06144886463880539, + 0.7084327340126038, + -0.036826811730861664, + -0.2135024219751358, + 0.002896953606978059, + -0.03577512875199318, + -0.0610322542488575, + 0.007708375342190266, + -0.207758367061615, + 2.419285774230957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/21.png", + [ + 0.19984768331050873, + -0.048794057220220566, + -0.06802897155284882, + 0.7800183892250061, + -0.053837794810533524, + -0.20973728597164154, + -0.007723556365817785, + 0.07755860686302185, + -0.06411156058311462, + 0.024027107283473015, + -0.20557311177253723, + 2.3967947959899902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/82.png", + [ + 0.2005264312028885, + -0.05736751854419708, + -0.058702725917100906, + 0.6691300868988037, + -0.056366004049777985, + -0.20889297127723694, + 0.011597373522818089, + -0.15196573734283447, + -0.05966503545641899, + 0.004537949338555336, + -0.20824837684631348, + 2.450723171234131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/106.png", + [ + 0.204984650015831, + -0.035152941942214966, + -0.06077379733324051, + 0.6982257962226868, + -0.036658111959695816, + -0.2135510891675949, + -0.00012179389887023717, + -0.00024836137890815735, + -0.05987793579697609, + 0.01039724238216877, + -0.20797699689865112, + 2.4135847091674805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/14.png", + [ + 0.20305916666984558, + -0.046400297433137894, + -0.059681523591279984, + 0.685967206954956, + -0.0516253262758255, + -0.21007341146469116, + -0.012324211187660694, + 0.130036860704422, + -0.05522406846284866, + 0.025769615545868874, + -0.20792816579341888, + 2.4242501258850098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/67.png", + [ + 0.2014854997396469, + -0.04369347542524338, + -0.06665107607841492, + 0.7662531733512878, + -0.045347120612859726, + -0.2118685394525528, + 0.0018076819833368063, + -0.04063637927174568, + -0.06553719937801361, + 0.01226822193711996, + -0.206160768866539, + 2.4077134132385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/78.png", + [ + 0.20222623646259308, + -0.047711167484521866, + -0.06144985184073448, + 0.7222991585731506, + -0.04631011188030243, + -0.21134474873542786, + 0.011690562590956688, + -0.1623511016368866, + -0.06251250952482224, + 0.0022227386943995953, + -0.20744913816452026, + 2.4607648849487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/31.png", + [ + 0.19902625679969788, + -0.04785523563623428, + -0.07103744894266129, + 0.8094152808189392, + -0.04974157363176346, + -0.21087060868740082, + 0.002694123424589634, + -0.043962638825178146, + -0.06972961127758026, + 0.0138332424685359, + -0.20468102395534515, + 2.389723300933838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/39.png", + [ + 0.1985010802745819, + -0.037205249071121216, + -0.07849195599555969, + 0.892276406288147, + -0.03670754283666611, + -0.2133808135986328, + 0.008311662822961807, + -0.10494746267795563, + -0.07872594892978668, + 0.00568305142223835, + -0.2017865777015686, + 2.3372907638549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/92.png", + [ + 0.19497504830360413, + -0.05161309614777565, + -0.07917517423629761, + 0.9189336895942688, + -0.04760586470365524, + -0.2104368805885315, + 0.019947433844208717, + -0.2498144805431366, + -0.08164742588996887, + -0.0005540538695640862, + -0.2007019817829132, + 2.371732711791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/53.png", + [ + 0.19964800775051117, + -0.04343108460307121, + -0.07212703675031662, + 0.815295934677124, + -0.04370024800300598, + -0.21211427450180054, + 0.006761494092643261, + -0.09529437124729156, + -0.07196427881717682, + 0.008316852152347565, + -0.2042054682970047, + 2.3624563217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/75.png", + [ + 0.20016013085842133, + -0.04878777265548706, + -0.067108653485775, + 0.7841722369194031, + -0.05095414072275162, + -0.21059513092041016, + 0.0011247426737099886, + -0.02683100663125515, + -0.06547895818948746, + 0.01474254485219717, + -0.2060171365737915, + 2.4500041007995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/87.png", + [ + 0.20042772591114044, + -0.049245793372392654, + -0.06596571207046509, + 0.7500768899917603, + -0.05145629495382309, + -0.21047453582286835, + 0.0007840156322345138, + -0.020991232246160507, + -0.06425631046295166, + 0.014940431341528893, + -0.2063875049352646, + 2.428521156311035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/107.png", + [ + 0.20510627329349518, + -0.03494461998343468, + -0.06048295274376869, + 0.6947948932647705, + -0.036706745624542236, + -0.21353991329669952, + -0.0011029827874153852, + 0.009744510054588318, + -0.05943003669381142, + 0.011290482245385647, + -0.20805886387825012, + 2.415390968322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/112.png", + [ + 0.2069631665945053, + -0.03380585089325905, + -0.05450969561934471, + 0.6236914992332458, + -0.03637072816491127, + -0.21352502703666687, + -0.005668811034411192, + 0.061780910938978195, + -0.05283288285136223, + 0.014564660377800465, + -0.20962932705879211, + 2.4342665672302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/69.png", + [ + 0.20033593475818634, + -0.043273311108350754, + -0.07029108703136444, + 0.8092565536499023, + -0.04609363153576851, + -0.2117125540971756, + -0.0010343872709199786, + -0.005293319001793861, + -0.06847476214170456, + 0.015909554436802864, + -0.2049536257982254, + 2.403899669647217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/45.png", + [ + 0.19594089686870575, + -0.04401123523712158, + -0.08135151118040085, + 0.9303945899009705, + -0.042417075484991074, + -0.21210910379886627, + 0.012586668133735657, + -0.1539514809846878, + -0.08219399303197861, + 0.004543448332697153, + -0.2004280388355255, + 2.3338866233825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/50.png", + [ + 0.20013222098350525, + -0.04671097546815872, + -0.06865183264017105, + 0.7690786719322205, + -0.04715842008590698, + -0.21138502657413483, + 0.006352090276777744, + -0.08393663167953491, + -0.06834524869918823, + 0.009074685163795948, + -0.20541290938854218, + 2.3596324920654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/101.png", + [ + 0.20256663858890533, + -0.03495737165212631, + -0.06850278377532959, + 0.793211817741394, + -0.031361646950244904, + -0.21376869082450867, + 0.016349220648407936, + -0.20280753076076508, + -0.07022176682949066, + -0.0053695556707680225, + -0.20490966737270355, + 2.404721736907959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/85.png", + [ + 0.2020074427127838, + -0.051079243421554565, + -0.05942896753549576, + 0.6784112453460693, + -0.05192459374666214, + -0.21031764149665833, + 0.004269149620085955, + -0.06751149892807007, + -0.058691807091236115, + 0.01026158593595028, + -0.20832154154777527, + 2.448244571685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/71.png", + [ + 0.20012372732162476, + -0.04408876597881317, + -0.07038867473602295, + 0.8164516687393188, + -0.04692479595541954, + -0.2115304172039032, + -0.0009184886584989727, + -0.0020273197442293167, + -0.0685306265950203, + 0.016092263162136078, + -0.2049206793308258, + 2.424753189086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/54.png", + [ + 0.2001064121723175, + -0.04305289313197136, + -0.07107573747634888, + 0.8061953186988831, + -0.044349320232868195, + -0.2120569795370102, + 0.0035888804122805595, + -0.06042216718196869, + -0.07027411460876465, + 0.011233445256948471, + -0.20465399324893951, + 2.372842788696289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/33.png", + [ + 0.19819362461566925, + -0.046637557446956635, + -0.07410883903503418, + 0.8428496718406677, + -0.048505622893571854, + -0.21115189790725708, + 0.003158921841531992, + -0.045905038714408875, + -0.07289984077215195, + 0.01370080653578043, + -0.20358240604400635, + 2.373013496398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/49.png", + [ + 0.19934587180614471, + -0.04468195140361786, + -0.07219862937927246, + 0.8117417097091675, + -0.04505191370844841, + -0.21183304488658905, + 0.006706519052386284, + -0.08706524223089218, + -0.07196835428476334, + 0.008841690607368946, + -0.2041819542646408, + 2.3507843017578125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/110.png", + [ + 0.20564383268356323, + -0.03325224667787552, + -0.05960538238286972, + 0.6850767135620117, + -0.03575717285275459, + -0.21366314589977264, + -0.004168452229350805, + 0.042558882385492325, + -0.05813723802566528, + 0.013792738318443298, + -0.20827318727970123, + 2.421292781829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/18.png", + [ + 0.20174190402030945, + -0.04845716059207916, + -0.06244994327425957, + 0.7174307703971863, + -0.05244024097919464, + -0.2101369947195053, + -0.00635314267128706, + 0.05489358678460121, + -0.05914485454559326, + 0.021029623225331306, + -0.20738257467746735, + 2.4143614768981934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/66.png", + [ + 0.20212310552597046, + -0.04597076028585434, + -0.06309386342763901, + 0.7252744436264038, + -0.046916522085666656, + -0.21150007843971252, + 0.003802357940003276, + -0.06477954983711243, + -0.062393806874752045, + 0.010114707984030247, + -0.20725008845329285, + 2.419539451599121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/16.png", + [ + 0.20292896032333374, + -0.045998137444257736, + -0.06043097376823425, + 0.6956120729446411, + -0.05055975168943405, + -0.21047551929950714, + -0.009573801420629025, + 0.09691756963729858, + -0.05666960030794144, + 0.02306765876710415, + -0.20785652101039886, + 2.422520160675049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/94.png", + [ + 0.1967213749885559, + -0.04722432419657707, + -0.07757871598005295, + 0.9020547270774841, + -0.04028157889842987, + -0.21124815940856934, + 0.026448050513863564, + -0.3256887197494507, + -0.08140017837285995, + -0.009589971974492073, + -0.20057404041290283, + 2.3719959259033203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/28.png", + [ + 0.20115742087364197, + -0.042852021753787994, + -0.06817105412483215, + 0.7783253192901611, + -0.04671073332428932, + -0.21152372658252716, + -0.0048699588514864445, + 0.042232755571603775, + -0.06558731943368912, + 0.019217517226934433, + -0.2056134194135666, + 2.4000210762023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/61.png", + [ + 0.20151333510875702, + -0.04674404859542847, + -0.06446126848459244, + 0.7363706827163696, + -0.04921965301036835, + -0.21100850403308868, + -0.0008535850793123245, + -0.009803956374526024, + -0.06259144097566605, + 0.015436834655702114, + -0.20686204731464386, + 2.4127111434936523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/58.png", + [ + 0.20070451498031616, + -0.043479762971401215, + -0.06910208612680435, + 0.78908371925354, + -0.046702802181243896, + -0.21156644821166992, + -0.0025267447344958782, + 0.012139551341533661, + -0.06696593761444092, + 0.017235012724995613, + -0.20534460246562958, + 2.3941574096679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/64.png", + [ + 0.20283286273479462, + -0.04548601806163788, + -0.061137083917856216, + 0.7018805742263794, + -0.04655851796269417, + -0.2115926295518875, + 0.0029590697959065437, + -0.056085824966430664, + -0.06032433360815048, + 0.010366950184106827, + -0.2078494429588318, + 2.4231042861938477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/10.png", + [ + 0.20312020182609558, + -0.052154578268527985, + -0.054497458040714264, + 0.6247859597206116, + -0.05628810077905655, + -0.20900727808475494, + -0.009772257879376411, + 0.09467078745365143, + -0.05021676421165466, + 0.023318378254771233, + -0.20948132872581482, + 2.441300392150879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/41.png", + [ + 0.19872525334358215, + -0.042222075164318085, + -0.07532234489917755, + 0.8534303903579712, + -0.04243477061390877, + -0.21236060559749603, + 0.007082140538841486, + -0.08886927366256714, + -0.07520272582769394, + 0.008256093598902225, + -0.20303763449192047, + 2.3503379821777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/91.png", + [ + 0.1955919861793518, + -0.049264609813690186, + -0.07914963364601135, + 0.913885235786438, + -0.04845888540148735, + -0.21087278425693512, + 0.011502201668918133, + -0.14880555868148804, + -0.07964548468589783, + 0.00731864757835865, + -0.20137259364128113, + 2.374520778656006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/23.png", + [ + 0.1994277834892273, + -0.045460671186447144, + -0.07148272544145584, + 0.8208934664726257, + -0.05039313808083534, + -0.21062850952148438, + -0.0066376649774611, + 0.07180933654308319, + -0.06809540838003159, + 0.022734427824616432, + -0.20443594455718994, + 2.390780448913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/37.png", + [ + 0.19897469878196716, + -0.03665120154619217, + -0.07754778116941452, + 0.8792590498924255, + -0.036716170608997345, + -0.21343699097633362, + 0.0066685862839221954, + -0.08540023118257523, + -0.07751704007387161, + 0.0070168678648769855, + -0.20221218466758728, + 2.337972640991211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/36.png", + [ + 0.1993790864944458, + -0.039491329342126846, + -0.07507528364658356, + 0.8515235185623169, + -0.040021225810050964, + -0.21287044882774353, + 0.005689494777470827, + -0.07470060884952545, + -0.07479415088891983, + 0.008631554432213306, + -0.20317289233207703, + 2.3510818481445312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/8.png", + [ + 0.20287881791591644, + -0.05281217396259308, + -0.05476266145706177, + 0.6247754693031311, + -0.05625714734196663, + -0.2091357409954071, + -0.006728522479534149, + 0.05868317559361458, + -0.05121725797653198, + 0.020518627017736435, + -0.2095320224761963, + 2.4423680305480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/6.png", + [ + 0.20353074371814728, + -0.052005305886268616, + -0.05309034138917923, + 0.600896418094635, + -0.05591906979680061, + -0.20911744236946106, + -0.009531539864838123, + 0.09445194900035858, + -0.048950932919979095, + 0.0226548183709383, + -0.2098534256219864, + 2.430936336517334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/20.png", + [ + 0.20001773536205292, + -0.04880762845277786, + -0.06751750409603119, + 0.7751635909080505, + -0.05355251953005791, + -0.20983707904815674, + -0.006958240643143654, + 0.06521746516227722, + -0.06381948292255402, + 0.023110710084438324, + -0.20576895773410797, + 2.398484230041504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/2.png", + [ + 0.2057761698961258, + -0.045992620289325714, + -0.04988730698823929, + 0.5663039684295654, + -0.04995838552713394, + -0.21049430966377258, + -0.012008259072899818, + 0.12432125210762024, + -0.045915402472019196, + 0.02290670946240425, + -0.21051117777824402, + 2.4234724044799805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/5.png", + [ + 0.2043880969285965, + -0.05057835951447487, + -0.05113926902413368, + 0.5772553086280823, + -0.05456322431564331, + -0.20940518379211426, + -0.010964230634272099, + 0.11256635189056396, + -0.04686416685581207, + 0.023220445960760117, + -0.210267573595047, + 2.427891254425049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/108.png", + [ + 0.20518890023231506, + -0.03456525877118111, + -0.060420677065849304, + 0.6944085359573364, + -0.03660250082612038, + -0.21354997158050537, + -0.002135306829586625, + 0.020080383867025375, + -0.059208713471889496, + 0.012228884734213352, + -0.20806892216205597, + 2.416959762573242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/60.png", + [ + 0.20105193555355072, + -0.045552585273981094, + -0.06671562790870667, + 0.7621897459030151, + -0.048250943422317505, + -0.2112305462360382, + -0.0011818334460258484, + -0.005427833646535873, + -0.06479088962078094, + 0.015953421592712402, + -0.20614442229270935, + 2.406395435333252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/56.png", + [ + 0.20034265518188477, + -0.043889470398426056, + -0.06988868117332458, + 0.7960653901100159, + -0.04656842350959778, + -0.21161027252674103, + -0.000603494409006089, + -0.011314600706100464, + -0.0681329220533371, + 0.015578709542751312, + -0.2050929069519043, + 2.3877487182617188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/30.png", + [ + 0.20010831952095032, + -0.045353490859270096, + -0.06962477415800095, + 0.7929092645645142, + -0.04833001643419266, + -0.2112116515636444, + -0.0013221482513472438, + 0.0020291507244110107, + -0.06759259849786758, + 0.016751106828451157, + -0.20517928898334503, + 2.39444637298584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/17.png", + [ + 0.2028491050004959, + -0.047486137598752975, + -0.059541601687669754, + 0.6840403079986572, + -0.05172617360949516, + -0.21023589372634888, + -0.008553972467780113, + 0.08244714140892029, + -0.05589757114648819, + 0.022222373634576797, + -0.20815744996070862, + 2.4234628677368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/12.png", + [ + 0.20330104231834412, + -0.04893800988793373, + -0.056759558618068695, + 0.6515569090843201, + -0.05358220264315605, + -0.20964790880680084, + -0.011162295006215572, + 0.11313511431217194, + -0.052397750318050385, + 0.024509599432349205, + -0.20881009101867676, + 2.434950828552246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/114.png", + [ + 0.20776155591011047, + -0.035646289587020874, + -0.050123557448387146, + 0.5678292512893677, + -0.03769444674253464, + -0.21332243084907532, + -0.0045348904095590115, + 0.043618831783533096, + -0.04860202968120575, + 0.013068239204585552, + -0.2107485681772232, + 2.4441933631896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/27.png", + [ + 0.2011089324951172, + -0.040895141661167145, + -0.06950312107801437, + 0.7965180277824402, + -0.044710561633110046, + -0.2119603455066681, + -0.00465509993955493, + 0.038440462201833725, + -0.06711231172084808, + 0.018662570044398308, + -0.20517197251319885, + 2.400419235229492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/42.png", + [ + 0.1981857568025589, + -0.043412890285253525, + -0.07606329768896103, + 0.8626617789268494, + -0.04399418830871582, + -0.21206451952457428, + 0.006406680215150118, + -0.08102743327617645, + -0.07572855800390244, + 0.009584094397723675, + -0.20278367400169373, + 2.349642753601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/7.png", + [ + 0.20343704521656036, + -0.052601005882024765, + -0.05286206677556038, + 0.6000415682792664, + -0.05620651692152023, + -0.20909500122070312, + -0.008245588280260563, + 0.07781118154525757, + -0.04901113361120224, + 0.021454520523548126, + -0.20996549725532532, + 2.440357208251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/73.png", + [ + 0.20043253898620605, + -0.04720975458621979, + -0.06742355972528458, + 0.7864519953727722, + -0.04979078471660614, + -0.21087591350078583, + -0.00036029540933668613, + -0.006775058805942535, + -0.06554064899682999, + 0.015826893970370293, + -0.20591704547405243, + 2.448634624481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/46.png", + [ + 0.19630548357963562, + -0.04444964975118637, + -0.08022637665271759, + 0.9141584634780884, + -0.043464429676532745, + -0.21198028326034546, + 0.011095371097326279, + -0.13698825240135193, + -0.08076439052820206, + 0.006040907930582762, + -0.20096895098686218, + 2.331294536590576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/57.png", + [ + 0.20052315294742584, + -0.04460494592785835, + -0.06891120970249176, + 0.7846089601516724, + -0.047757044434547424, + -0.21133489906787872, + -0.002173989312723279, + 0.007831282913684845, + -0.06676541268825531, + 0.017200587317347527, + -0.20541280508041382, + 2.3928847312927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/44.png", + [ + 0.19340144097805023, + -0.04498386010527611, + -0.08671926707029343, + 0.9914177656173706, + -0.04343320056796074, + -0.21187584102153778, + 0.013041513040661812, + -0.15799261629581451, + -0.08750621229410172, + 0.005742472130805254, + -0.19813525676727295, + 2.316319465637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/113.png", + [ + 0.20747624337673187, + -0.03494583070278168, + -0.05177159979939461, + 0.5893986821174622, + -0.03746576979756355, + -0.2133222073316574, + -0.006152681540697813, + 0.06560759246349335, + -0.049978259950876236, + 0.014843444339931011, + -0.21030868589878082, + 2.441133975982666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/29.png", + [ + 0.20072537660598755, + -0.04418770968914032, + -0.06859057396650314, + 0.7807081341743469, + -0.047697171568870544, + -0.21133165061473846, + -0.0034373821690678596, + 0.025647971779108047, + -0.0661981925368309, + 0.018283387646079063, + -0.20550283789634705, + 2.3982982635498047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/4.png", + [ + 0.20500987768173218, + -0.04922476038336754, + -0.04995764046907425, + 0.562978208065033, + -0.05325921252369881, + -0.20968692004680634, + -0.011947618797421455, + 0.12443669140338898, + -0.04563222825527191, + 0.023584138602018356, + -0.21049794554710388, + 2.424910068511963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/55.png", + [ + 0.20040564239025116, + -0.0438339002430439, + -0.06974280625581741, + 0.7925768494606018, + -0.045862697064876556, + -0.21176119148731232, + 0.0013073158916085958, + -0.03469698131084442, + -0.068425752222538, + 0.013553038239479065, + -0.20513929426670074, + 2.3839645385742188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/9.png", + [ + 0.2029266506433487, + -0.05285121873021126, + -0.054547399282455444, + 0.6241535544395447, + -0.05676111951470375, + -0.20892533659934998, + -0.008733394555747509, + 0.08149252831935883, + -0.05046628415584564, + 0.02246875874698162, + -0.20951421558856964, + 2.4423141479492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/25.png", + [ + 0.2008386105298996, + -0.04167803004384041, + -0.06981901079416275, + 0.8034792542457581, + -0.0460386797785759, + -0.21163924038410187, + -0.006096287630498409, + 0.060805898159742355, + -0.06702381372451782, + 0.020485760644078255, + -0.20502692461013794, + 2.4069557189941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/99.png", + [ + 0.19995205104351044, + -0.03520754724740982, + -0.07568033039569855, + 0.8784036040306091, + -0.02812335267663002, + -0.21338613331317902, + 0.024966605007648468, + -0.3051420748233795, + -0.07858855277299881, + -0.013216771185398102, + -0.20148710906505585, + 2.380286693572998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/34.png", + [ + 0.19896596670150757, + -0.04580610245466232, + -0.07254128158092499, + 0.8219415545463562, + -0.04740370437502861, + -0.21139714121818542, + 0.0034677658695727587, + -0.04785414785146713, + -0.0715075358748436, + 0.012686111032962799, + -0.20414119958877563, + 2.3699421882629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/72.png", + [ + 0.20064175128936768, + -0.045240625739097595, + -0.0681474357843399, + 0.7925586700439453, + -0.04774896427989006, + -0.21134771406650543, + -0.0002778124762699008, + -0.007697533816099167, + -0.06641403585672379, + 0.015275023877620697, + -0.20567874610424042, + 2.4421372413635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/102.png", + [ + 0.20346912741661072, + -0.03536629676818848, + -0.06555482000112534, + 0.7584425210952759, + -0.03373175486922264, + -0.21376873552799225, + 0.010629847645759583, + -0.13306516408920288, + -0.06641066819429398, + 0.00022352855012286454, + -0.20624612271785736, + 2.413708209991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/70.png", + [ + 0.19998398423194885, + -0.04322013631463051, + -0.07131849229335785, + 0.8242763876914978, + -0.04623324051499367, + -0.21168026328086853, + -0.001360898488201201, + 0.0015196837484836578, + -0.06940312683582306, + 0.016473745927214622, + -0.20459647476673126, + 2.411050796508789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/90.png", + [ + 0.19695232808589935, + -0.047280386090278625, + -0.07695607841014862, + 0.8867510557174683, + -0.047863561660051346, + -0.21119724214076996, + 0.007259308826178312, + -0.09696605801582336, + -0.07659472525119781, + 0.010401098057627678, + -0.20241779088974, + 2.3848013877868652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/15.png", + [ + 0.20322155952453613, + -0.04634302109479904, + -0.05917109176516533, + 0.6797128915786743, + -0.05124271661043167, + -0.21022219955921173, + -0.011344960890710354, + 0.11794598400592804, + -0.05498252436518669, + 0.02463430166244507, + -0.20812968909740448, + 2.4247617721557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/22.png", + [ + 0.19926193356513977, + -0.0490068681538105, + -0.06957665085792542, + 0.7974909543991089, + -0.05450429767370224, + -0.20953468978405, + -0.008508480153977871, + 0.09020854532718658, + -0.06535951793193817, + 0.025326650589704514, + -0.205023393034935, + 2.3917489051818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/109.png", + [ + 0.20527613162994385, + -0.03430802747607231, + -0.060270704329013824, + 0.6928701400756836, + -0.036532964557409286, + -0.213553324341774, + -0.0028662909753620625, + 0.02725672349333763, + -0.05894862860441208, + 0.012877598404884338, + -0.20810361206531525, + 2.4180831909179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/26.png", + [ + 0.20092208683490753, + -0.04014134779572487, + -0.07047607749700546, + 0.8094843029975891, + -0.044238604605197906, + -0.21204304695129395, + -0.005346790421754122, + 0.04827265068888664, + -0.06797904521226883, + 0.019347218796610832, + -0.20482292771339417, + 2.401090621948242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/43.png", + [ + 0.19412685930728912, + -0.04443025961518288, + -0.08537334948778152, + 0.9731621742248535, + -0.04387418553233147, + -0.21192485094070435, + 0.010526901111006737, + -0.12727852165699005, + -0.08566045016050339, + 0.007855702191591263, + -0.19886796176433563, + 2.3185248374938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/84.png", + [ + 0.20162171125411987, + -0.05320297181606293, + -0.05887295678257942, + 0.6718462109565735, + -0.05340714007616043, + -0.20988048613071442, + 0.00676417862996459, + -0.09582732617855072, + -0.058687806129455566, + 0.008217073045670986, + -0.20841333270072937, + 2.447697162628174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/89.png", + [ + 0.19879761338233948, + -0.04493172839283943, + -0.0735427662730217, + 0.8445242643356323, + -0.04663921892642975, + -0.21157151460647583, + 0.003188724396750331, + -0.04649987444281578, + -0.07247195392847061, + 0.012904452160000801, + -0.20378711819648743, + 2.4031176567077637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/63.png", + [ + 0.2026291936635971, + -0.044957783073186874, + -0.06219407916069031, + 0.7134436964988708, + -0.04665512219071388, + -0.21158991754055023, + 0.0009474217076785862, + -0.03163132816553116, + -0.06093115359544754, + 0.01250583678483963, + -0.20755454897880554, + 2.4194235801696777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/88.png", + [ + 0.20017048716545105, + -0.04511423781514168, + -0.06960159540176392, + 0.7936316132545471, + -0.04703517258167267, + -0.21150009334087372, + 0.0018190883565694094, + -0.02986232191324234, + -0.06831814348697662, + 0.013428406789898872, + -0.20518335700035095, + 2.4173994064331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/62.png", + [ + 0.20247843861579895, + -0.04625753313302994, + -0.06173023581504822, + 0.7064163684844971, + -0.04824386537075043, + -0.21123547852039337, + 4.680986239691265e-05, + -0.021447505801916122, + -0.06019062176346779, + 0.013700854033231735, + -0.2076951563358307, + 2.4201107025146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/65.png", + [ + 0.20252269506454468, + -0.0457058921456337, + -0.06199537217617035, + 0.71173495054245, + -0.04635857418179512, + -0.21160797774791718, + 0.004565960727632046, + -0.07502837479114532, + -0.06150884926319122, + 0.008996468037366867, + -0.20756593346595764, + 2.42220401763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/80.png", + [ + 0.20079602301120758, + -0.053965725004673004, + -0.06096356362104416, + 0.7102428078651428, + -0.05113103613257408, + -0.2098398506641388, + 0.01734233647584915, + -0.229322150349617, + -0.06335987150669098, + -0.001685207593254745, + -0.20719696581363678, + 2.4507484436035156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/79.png", + [ + 0.20224671065807343, + -0.04969562962651253, + -0.059787217527627945, + 0.7006970047950745, + -0.04636067897081375, + -0.21085242927074432, + 0.018434539437294006, + -0.24439109861850739, + -0.06240876764059067, + -0.0044146752916276455, + -0.20744530856609344, + 2.4608426094055176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/19.png", + [ + 0.2008741796016693, + -0.04905125871300697, + -0.06474126130342484, + 0.7429260015487671, + -0.05327334254980087, + -0.20993077754974365, + -0.006238208618015051, + 0.053297076374292374, + -0.061314020305871964, + 0.021701103076338768, + -0.2066822350025177, + 2.406712055206299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/77.png", + [ + 0.20130561292171478, + -0.04744049161672592, + -0.06460142880678177, + 0.7570123672485352, + -0.04750754311680794, + -0.21128246188163757, + 0.007117616944015026, + -0.10327284038066864, + -0.06455213576555252, + 0.00755159230902791, + -0.20669758319854736, + 2.4528822898864746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/68.png", + [ + 0.20069701969623566, + -0.04342351108789444, + -0.06915922462940216, + 0.7944307327270508, + -0.04576504975557327, + -0.21178628504276276, + 0.0001676444080658257, + -0.019985102117061615, + -0.0676325336098671, + 0.014452221803367138, + -0.20534084737300873, + 2.401948928833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/86.png", + [ + 0.20081622898578644, + -0.05150143802165985, + -0.06299474835395813, + 0.718077540397644, + -0.05319907143712044, + -0.21003153920173645, + 0.0021222189534455538, + -0.04034233093261719, + -0.06156781315803528, + 0.013499902561306953, + -0.20730425417423248, + 2.439826011657715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/1.png", + [ + 0.20579186081886292, + -0.04616542160511017, + -0.04966239631175995, + 0.5658956170082092, + -0.04978637397289276, + -0.21061460673809052, + -0.01052140537649393, + 0.10589867830276489, + -0.04603170230984688, + 0.021404124796390533, + -0.21064387261867523, + 2.419915199279785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/81.png", + [ + 0.20114469528198242, + -0.05531959608197212, + -0.05855296924710274, + 0.6727060079574585, + -0.053604111075401306, + -0.20948688685894012, + 0.013774649240076542, + -0.18080416321754456, + -0.06012742221355438, + 0.0016983167733997107, + -0.20815788209438324, + 2.4515695571899414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/95.png", + [ + 0.19748061895370483, + -0.04438427835702896, + -0.07732613384723663, + 0.8980849981307983, + -0.03678969666361809, + -0.21173980832099915, + 0.027580147609114647, + -0.338553249835968, + -0.08121462166309357, + -0.01200758945196867, + -0.20051905512809753, + 2.3729701042175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/103.png", + [ + 0.2040780782699585, + -0.03683574125170708, + -0.06279459595680237, + 0.7246110439300537, + -0.03634519875049591, + -0.21348613500595093, + 0.007113063707947731, + -0.08820012211799622, + -0.06307978928089142, + 0.003833683207631111, + -0.20725379884243011, + 2.4179000854492188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/83.png", + [ + 0.20093466341495514, + -0.05599530041217804, + -0.05863168090581894, + 0.6674096584320068, + -0.05597153678536415, + -0.2091696560382843, + 0.007946131750941277, + -0.10907191038131714, + -0.05865436792373657, + 0.007776875514537096, + -0.2084396481513977, + 2.448397159576416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/51.png", + [ + 0.19924411177635193, + -0.04649592563509941, + -0.07132881134748459, + 0.8007766604423523, + -0.04677943140268326, + -0.21144340932369232, + 0.007160239852964878, + -0.09512588381767273, + -0.07114320993423462, + 0.008815456181764603, + -0.20447206497192383, + 2.355370044708252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+D4BdpI6h1As+P1+C0+F809-925/93.png", + [ + 0.1960247904062271, + -0.05059964582324028, + -0.07721300423145294, + 0.8978220820426941, + -0.044935740530490875, + -0.21060803532600403, + 0.02393602579832077, + -0.29732391238212585, + -0.08064087480306625, + -0.005641782656311989, + -0.20103013515472412, + 2.377094268798828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/76.png", + [ + 0.2142578661441803, + 0.03202293440699577, + -0.004000077024102211, + 0.045466452836990356, + 0.03221577778458595, + -0.21381837129592896, + 0.013847253285348415, + -0.16444556415081024, + -0.001900823786854744, + -0.01428754348307848, + -0.21619470417499542, + 2.5088510513305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/48.png", + [ + 0.2054249346256256, + 0.01594593934714794, + -0.06703891605138779, + 0.7822674512863159, + 0.019200965762138367, + -0.2156907021999359, + 0.0075324345380067825, + -0.09191814064979553, + -0.06618014723062515, + -0.013082110323011875, + -0.20590516924858093, + 2.427278995513916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/35.png", + [ + 0.20787106454372406, + 0.024463018402457237, + -0.05602746084332466, + 0.6421409845352173, + 0.023745274171233177, + -0.21528871357440948, + -0.005901692900806665, + 0.06206531450152397, + -0.05633540824055672, + -0.0004781193856615573, + -0.20922234654426575, + 2.471740245819092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/124.png", + [ + 0.20663237571716309, + 0.012680786661803722, + -0.06395429372787476, + 0.7451884150505066, + 0.016309654340147972, + -0.21583297848701477, + 0.009900353848934174, + -0.12427261471748352, + -0.06312645971775055, + -0.014255506917834282, + -0.20678424835205078, + 2.4418559074401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/97.png", + [ + 0.21465478837490082, + 0.029384175315499306, + 0.002790970727801323, + -0.028660790994763374, + 0.028958188369870186, + -0.21361730992794037, + 0.02183965966105461, + -0.2622832655906677, + 0.005713359918445349, + -0.021263061091303825, + -0.21555310487747192, + 2.518500804901123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/13.png", + [ + 0.1978585571050644, + 0.006053306628018618, + -0.08810925483703613, + 1.030835509300232, + 0.01333583239465952, + -0.21573424339294434, + 0.015125575475394726, + -0.186752051115036, + -0.08730428665876389, + -0.019234992563724518, + -0.1973724216222763, + 2.358635902404785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/32.png", + [ + 0.20531757175922394, + 0.019228165969252586, + -0.06650465726852417, + 0.7754319906234741, + 0.0192925576120615, + -0.21579545736312866, + -0.0028306145686656237, + 0.023823466151952744, + -0.06648600846529007, + -0.0032392824068665504, + -0.20619654655456543, + 2.4392905235290527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/38.png", + [ + 0.20943067967891693, + 0.028045397251844406, + -0.047959789633750916, + 0.542668879032135, + 0.027330292388796806, + -0.21485193073749542, + -0.006292903795838356, + 0.07053294777870178, + -0.04837086424231529, + 3.31010487570893e-05, + -0.21120642125606537, + 2.4903945922851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/111.png", + [ + 0.21390698850154877, + 0.025190923362970352, + -0.023603195324540138, + 0.2602378726005554, + 0.025697238743305206, + -0.21512019634246826, + 0.0032937561627477407, + -0.04419822245836258, + -0.023050926625728607, + -0.00605098158121109, + -0.21536001563072205, + 2.5473756790161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/11.png", + [ + 0.19805528223514557, + 0.005820147227495909, + -0.08768192678689957, + 1.0272016525268555, + 0.013073878362774849, + -0.21574431657791138, + 0.015210514888167381, + -0.1874276101589203, + -0.08689688891172409, + -0.019194062799215317, + -0.19755610823631287, + 2.364826202392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/125.png", + [ + 0.2088272124528885, + 0.014372852630913258, + -0.05596880614757538, + 0.6467189192771912, + 0.018847621977329254, + -0.21532969176769257, + 0.01502612978219986, + -0.1825939565896988, + -0.054624658077955246, + -0.019350413233041763, + -0.20878124237060547, + 2.459733009338379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/59.png", + [ + 0.20985913276672363, + 0.027746349573135376, + -0.046229664236307144, + 0.5376591682434082, + 0.035517022013664246, + -0.2109183967113495, + 0.034639135003089905, + -0.4175942540168762, + -0.04056578874588013, + -0.041127465665340424, + -0.20883210003376007, + 2.4897408485412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/105.png", + [ + 0.21377897262573242, + 0.030478671193122864, + -0.01781853847205639, + 0.21303075551986694, + 0.0314103327691555, + -0.21412426233291626, + 0.010587049648165703, + -0.13299480080604553, + -0.016119573265314102, + -0.013028634712100029, + -0.2156810462474823, + 2.542806625366211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/121.png", + [ + 0.20773230493068695, + 0.011747609823942184, + -0.060474593192338943, + 0.7025030851364136, + 0.014930234290659428, + -0.21595798432826996, + 0.009334532544016838, + -0.11713872849941254, + -0.05976848304271698, + -0.013116366229951382, + -0.2078547328710556, + 2.4602112770080566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/24.png", + [ + 0.21112538874149323, + 0.010886989533901215, + -0.047491516917943954, + 0.5387628674507141, + 0.01245122030377388, + -0.2162393033504486, + 0.005781528539955616, + -0.07386530935764313, + -0.04710560292005539, + -0.008362560532987118, + -0.21132683753967285, + 2.4888052940368652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/74.png", + [ + 0.21385742723941803, + 0.03463995084166527, + -0.003600795054808259, + 0.03486134484410286, + 0.034824106842279434, + -0.21296416223049164, + 0.019530650228261948, + -0.23090189695358276, + -0.0004167516599409282, + -0.01985543593764305, + -0.21576255559921265, + 2.499213695526123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/129.png", + [ + 0.21030886471271515, + 0.013063209131360054, + -0.050472088158130646, + 0.577194333076477, + 0.016692817211151123, + -0.21559222042560577, + 0.013756529428064823, + -0.1659640520811081, + -0.04939057305455208, + -0.01724078506231308, + -0.2102646380662918, + 2.451261520385742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/98.png", + [ + 0.21457581222057343, + 0.02986251190304756, + 0.0036533656530082226, + -0.039192114025354385, + 0.02935069240629673, + -0.21356657147407532, + 0.02181173488497734, + -0.2629935145378113, + 0.0066070957109332085, + -0.021105574443936348, + -0.2155430167913437, + 2.5226197242736816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/0.png", + [ + 0.19613885879516602, + 0.01685468666255474, + -0.09051717817783356, + 1.0593223571777344, + 0.021343816071748734, + -0.21553407609462738, + 0.0061158896423876286, + -0.07754123210906982, + -0.08956495672464371, + -0.014452757313847542, + -0.1967667043209076, + 2.3607535362243652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/96.png", + [ + 0.2147989273071289, + 0.028228210285305977, + 0.003533583367243409, + -0.03778037428855896, + 0.02771039865911007, + -0.21369637548923492, + 0.02266901545226574, + -0.272411048412323, + 0.006438316311687231, + -0.022020867094397545, + -0.2154565453529358, + 2.5182933807373047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/100.png", + [ + 0.21443358063697815, + 0.03052246756851673, + 0.005874482449144125, + -0.06820604205131531, + 0.02982638031244278, + -0.2135830521583557, + 0.02098962850868702, + -0.25301146507263184, + 0.008747424930334091, + -0.019963882863521576, + -0.21557556092739105, + 2.529452323913574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/40.png", + [ + 0.20552298426628113, + 0.032557398080825806, + -0.06040041521191597, + 0.7023932933807373, + 0.03272204473614693, + -0.21415050327777863, + -0.004090219736099243, + 0.040993932634592056, + -0.06031138077378273, + -0.005241918843239546, + -0.20804555714130402, + 2.4700403213500977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/52.png", + [ + 0.21188606321811676, + 0.0183181781321764, + -0.04143231734633446, + 0.4698975384235382, + 0.022026140242815018, + -0.21482735872268677, + 0.017662204802036285, + -0.2146509736776352, + -0.03958588093519211, + -0.021483682096004486, + -0.21194174885749817, + 2.4870119094848633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/3.png", + [ + 0.19832676649093628, + 0.01365784090012312, + -0.08618499338626862, + 1.0110067129135132, + 0.01957881450653076, + -0.2155126929283142, + 0.010901721194386482, + -0.1397104114294052, + -0.08503564447164536, + -0.017766283825039864, + -0.19849734008312225, + 2.3783621788024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/47.png", + [ + 0.20543751120567322, + 0.015831753611564636, + -0.06702747941017151, + 0.7831878066062927, + 0.018993502482771873, + -0.2157183438539505, + 0.007262364029884338, + -0.09023818373680115, + -0.06620100885629654, + -0.012761292047798634, + -0.20591861009597778, + 2.4333653450012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/104.png", + [ + 0.21417707204818726, + 0.031011931598186493, + -0.010692566633224487, + 0.12373035401105881, + 0.03170584887266159, + -0.21382170915603638, + 0.014930255711078644, + -0.1836564987897873, + -0.008414861746132374, + -0.016322795301675797, + -0.21589499711990356, + 2.5442543029785156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/21.png", + [ + 0.20605780184268951, + 0.009265562519431114, + -0.06634922325611115, + 0.7643005847930908, + 0.011188138276338577, + -0.21633805334568024, + 0.004535237792879343, + -0.060222432017326355, + -0.06605223566293716, + -0.00773900281637907, + -0.20621617138385773, + 2.43043851852417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/82.png", + [ + 0.21480658650398254, + 0.028376083821058273, + -0.0009094206034205854, + 0.010564063675701618, + 0.02831590175628662, + -0.21362774074077606, + 0.02256755717098713, + -0.2717393934726715, + 0.002058854093775153, + -0.02249184250831604, + -0.21549426019191742, + 2.528533458709717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/106.png", + [ + 0.21195803582668304, + 0.03218787536025047, + -0.03139466419816017, + 0.37838709354400635, + 0.033192116767168045, + -0.21406742930412292, + 0.004617386031895876, + -0.06427080184221268, + -0.030330969020724297, + -0.009326184168457985, + -0.21433840692043304, + 2.540167808532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/14.png", + [ + 0.19975067675113678, + 0.003907512407749891, + -0.08385878056287766, + 0.9796901345252991, + 0.01056474819779396, + -0.2158891260623932, + 0.015105468221008778, + -0.18538683652877808, + -0.08328234404325485, + -0.01801444962620735, + -0.1992170214653015, + 2.3778514862060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/67.png", + [ + 0.21156899631023407, + 0.023906126618385315, + -0.04018638655543327, + 0.4723287522792816, + 0.028271762654185295, + -0.21372324228286743, + 0.021702220663428307, + -0.26212555170059204, + -0.03724454343318939, + -0.02643437311053276, + -0.21180643141269684, + 2.512383460998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/78.png", + [ + 0.21437875926494598, + 0.030145086348056793, + -0.008995619602501392, + 0.10789445787668228, + 0.030678536742925644, + -0.21404549479484558, + 0.013829589821398258, + -0.16630832850933075, + -0.006962410174310207, + -0.014956722036004066, + -0.21604564785957336, + 2.5169382095336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/31.png", + [ + 0.20476040244102478, + 0.018561504781246185, + -0.0683853030204773, + 0.8007287383079529, + 0.0193902850151062, + -0.21580463647842407, + -0.0005161419976502657, + -0.00569271482527256, + -0.06815493851900101, + -0.005632063373923302, + -0.2055993229150772, + 2.4322195053100586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/39.png", + [ + 0.2076239436864853, + 0.031125979498028755, + -0.053585153073072433, + 0.6147586107254028, + 0.030408672988414764, + -0.21442461013793945, + -0.006729627028107643, + 0.07477661967277527, + -0.053995437920093536, + -0.0010717530967667699, + -0.2098362147808075, + 2.4827957153320312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/92.png", + [ + 0.21462105214595795, + 0.029613059014081955, + 0.0029615932144224644, + -0.03204484283924103, + 0.029034800827503204, + -0.21307970583438873, + 0.026493584737181664, + -0.31803056597709656, + 0.006533351726830006, + -0.02584562636911869, + -0.21502840518951416, + 2.5177059173583984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/53.png", + [ + 0.21196167171001434, + 0.01802423782646656, + -0.041173551231622696, + 0.469758003950119, + 0.022284163162112236, + -0.21451856195926666, + 0.02081081084907055, + -0.24970297515392303, + -0.03903268277645111, + -0.024592692032456398, + -0.2117062658071518, + 2.4844021797180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/75.png", + [ + 0.21397633850574493, + 0.0339982770383358, + -0.0024774428457021713, + 0.02450629137456417, + 0.034087587147951126, + -0.21329475939273834, + 0.01706680655479431, + -0.20287388563156128, + 0.00023914410849101841, + -0.017244024202227592, + -0.21598723530769348, + 2.500850200653076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/87.png", + [ + 0.2147083729505539, + 0.029095428064465523, + 0.0012905173934996128, + -0.01265850942581892, + 0.02880663052201271, + -0.2135733962059021, + 0.022460512816905975, + -0.26999470591545105, + 0.004288081079721451, + -0.022085120901465416, + -0.2155034989118576, + 2.5225377082824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/107.png", + [ + 0.21004532277584076, + 0.03148924186825752, + -0.04286356642842293, + 0.5130822658538818, + 0.0326557420194149, + -0.21418292820453644, + 0.00267658568918705, + -0.04068218916654587, + -0.041981663554906845, + -0.009054801426827908, + -0.2123757004737854, + 2.520658016204834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/112.png", + [ + 0.21400050818920135, + 0.022463485598564148, + -0.025437531992793083, + 0.2849009037017822, + 0.02366580255329609, + -0.21518740057945251, + 0.009066709317266941, + -0.11561870574951172, + -0.024322951212525368, + -0.011733169667422771, + -0.21498516201972961, + 2.539189338684082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/69.png", + [ + 0.2122005671262741, + 0.02725406177341938, + -0.03429332748055458, + 0.40219661593437195, + 0.030666973441839218, + -0.21355503797531128, + 0.020041994750499725, + -0.241554856300354, + -0.03127863630652428, + -0.024481846019625664, + -0.2130027860403061, + 2.508084297180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/45.png", + [ + 0.20792816579341888, + 0.014713466167449951, + -0.05913783609867096, + 0.6868396401405334, + 0.017308082431554794, + -0.2158639132976532, + 0.007148237898945808, + -0.09135289490222931, + -0.05843115597963333, + -0.011583646759390831, + -0.20832550525665283, + 2.472550868988037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/50.png", + [ + 0.2082057148218155, + 0.01958513632416725, + -0.05669836699962616, + 0.6533321738243103, + 0.022829409688711166, + -0.2152600884437561, + 0.00947671476751566, + -0.11693203449249268, + -0.05547162890434265, + -0.015080198645591736, + -0.20890997350215912, + 2.456679344177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/101.png", + [ + 0.2144232839345932, + 0.030755870044231415, + 0.0049623120576143265, + -0.06074194237589836, + 0.030146345496177673, + -0.2135465294122696, + 0.02090386301279068, + -0.2515118420124054, + 0.007857869379222393, + -0.019996248185634613, + -0.21560682356357574, + 2.5332188606262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/85.png", + [ + 0.2147640883922577, + 0.02870112471282482, + -0.0007261464488692582, + 0.01164139062166214, + 0.028614021837711334, + -0.2135269194841385, + 0.02313852682709694, + -0.2773011028766632, + 0.0023493755143135786, + -0.023030396550893784, + -0.21543438732624054, + 2.5311312675476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/71.png", + [ + 0.21332427859306335, + 0.033530011773109436, + -0.01778731308877468, + 0.19593438506126404, + 0.03566908836364746, + -0.21180810034275055, + 0.028512105345726013, + -0.33507487177848816, + -0.012975610792636871, + -0.03099938854575157, + -0.2140527069568634, + 2.490035057067871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/115.png", + [ + 0.21223290264606476, + 0.017047513276338577, + -0.040180470794439316, + 0.4745838940143585, + 0.019805466756224632, + -0.21536092460155487, + 0.013240346685051918, + -0.17126338183879852, + -0.038895133882761, + -0.016641682013869286, + -0.21250440180301666, + 2.528237819671631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/54.png", + [ + 0.2113025188446045, + 0.017940212041139603, + -0.044466808438301086, + 0.5133011341094971, + 0.023103775456547737, + -0.2141668200492859, + 0.023381207138299942, + -0.2817930281162262, + -0.04201623424887657, + -0.027542948722839355, + -0.21076981723308563, + 2.485055923461914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/33.png", + [ + 0.20502406358718872, + 0.019296880811452866, + -0.06738441437482834, + 0.7868552207946777, + 0.019477225840091705, + -0.21578259766101837, + -0.002532200887799263, + 0.019589900970458984, + -0.06733251363039017, + -0.0036612474359571934, + -0.20591461658477783, + 2.4357948303222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/49.png", + [ + 0.20658844709396362, + 0.016858261078596115, + -0.0631260871887207, + 0.7337244749069214, + 0.01984279602766037, + -0.2156389057636261, + 0.0073503064922988415, + -0.09089263528585434, + -0.0622524619102478, + -0.012789160944521427, + -0.20714479684829712, + 2.435276985168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/118.png", + [ + 0.207729309797287, + 0.015303337946534157, + -0.05968451499938965, + 0.700675368309021, + 0.01850772649049759, + -0.21569037437438965, + 0.009111486375331879, + -0.1184225082397461, + -0.058769866824150085, + -0.01383340172469616, + -0.2080928534269333, + 2.4708948135375977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/110.png", + [ + 0.21237996220588684, + 0.028323709964752197, + -0.03225550800561905, + 0.3707728087902069, + 0.028607886284589767, + -0.2147776335477829, + -0.00023428353597410023, + -0.002940606325864792, + -0.0320037305355072, + -0.004029104486107826, + -0.21426017582416534, + 2.5386385917663574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/18.png", + [ + 0.20087461173534393, + 0.00475202314555645, + -0.08108456432819366, + 0.9434311985969543, + 0.009763780049979687, + -0.21614772081375122, + 0.011520770378410816, + -0.14310142397880554, + -0.0806347131729126, + -0.014334499835968018, + -0.200600266456604, + 2.378113269805908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/66.png", + [ + 0.21195948123931885, + 0.018607692793011665, + -0.04092463478446007, + 0.48290619254112244, + 0.023144369944930077, + -0.21426209807395935, + 0.02244970016181469, + -0.2712661027908325, + -0.03854101896286011, + -0.02633257582783699, + -0.21158704161643982, + 2.5110230445861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/16.png", + [ + 0.201140895485878, + 0.004375175107270479, + -0.0804431140422821, + 0.9364080429077148, + 0.009603392332792282, + -0.216114342212677, + 0.012258312664926052, + -0.15040338039398193, + -0.07998757064342499, + -0.014944872818887234, + -0.20081466436386108, + 2.3871216773986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/94.png", + [ + 0.21468695998191833, + 0.029232753440737724, + 0.001686783623881638, + -0.01622825674712658, + 0.028853746131062508, + -0.21332570910453796, + 0.024647381156682968, + -0.29571786522865295, + 0.004986024461686611, + -0.024196654558181763, + -0.21526159346103668, + 2.5150113105773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/28.png", + [ + 0.2101781666278839, + 0.01622011885046959, + -0.05009924992918968, + 0.5749666690826416, + 0.01773884892463684, + -0.2158999741077423, + 0.0045189340598881245, + -0.06307728588581085, + -0.049581848084926605, + -0.008484998717904091, + -0.21075467765331268, + 2.4860825538635254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/61.png", + [ + 0.21064040064811707, + 0.026654677465558052, + -0.04322097823023796, + 0.5021504759788513, + 0.03312400355935097, + -0.21190883219242096, + 0.030746454373002052, + -0.3681148588657379, + -0.038487985730171204, + -0.0364975668489933, + -0.21008212864398956, + 2.503875732421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/58.png", + [ + 0.20935571193695068, + 0.0258196834474802, + -0.049511853605508804, + 0.5798148512840271, + 0.033348746597766876, + -0.21190853416919708, + 0.030504582449793816, + -0.36971843242645264, + -0.04478773474693298, + -0.037094637751579285, + -0.20872457325458527, + 2.48374080657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/123.png", + [ + 0.20707584917545319, + 0.011488535441458225, + -0.06273355334997177, + 0.7301631569862366, + 0.014730631373822689, + -0.21598294377326965, + 0.009070594795048237, + -0.1130983978509903, + -0.06205234304070473, + -0.012933705933392048, + -0.20719586312770844, + 2.446518898010254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/64.png", + [ + 0.21149425208568573, + 0.02247505635023117, + -0.04138782247900963, + 0.4850965738296509, + 0.027533281594514847, + -0.213486447930336, + 0.024766001850366592, + -0.29731735587120056, + -0.03820992261171341, + -0.02943311259150505, + -0.21123823523521423, + 2.5122480392456055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/10.png", + [ + 0.1990387886762619, + 0.004341679625213146, + -0.08551381528377533, + 1.0034445524215698, + 0.011793526820838451, + -0.21572354435920715, + 0.016497528180480003, + -0.20413947105407715, + -0.0848078727722168, + -0.01980922557413578, + -0.19840139150619507, + 2.376465320587158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/41.png", + [ + 0.20547179877758026, + 0.028274957090616226, + -0.06268780678510666, + 0.7310296893119812, + 0.029246186837553978, + -0.21468956768512726, + -0.0009742079419083893, + 0.0009870901703834534, + -0.06224063038825989, + -0.0075376019813120365, + -0.20740586519241333, + 2.463723659515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/91.png", + [ + 0.2143874168395996, + 0.031021952629089355, + 0.00485495338216424, + -0.054300643503665924, + 0.030203886330127716, + -0.21290074288845062, + 0.026625055819749832, + -0.3203546702861786, + 0.008582381531596184, + -0.025667229667305946, + -0.21497775614261627, + 2.5201263427734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/23.png", + [ + 0.2089928388595581, + 0.011516164988279343, + -0.05601134151220322, + 0.6435166001319885, + 0.013451763428747654, + -0.21618035435676575, + 0.005744425114244223, + -0.07426109910011292, + -0.05557825788855553, + -0.009018104523420334, + -0.20923103392124176, + 2.4648094177246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/37.png", + [ + 0.20893865823745728, + 0.028845319524407387, + -0.049603238701820374, + 0.5620185136795044, + 0.028097592294216156, + -0.21474595367908478, + -0.006526639685034752, + 0.0714670717716217, + -0.050030581653118134, + -0.00013875350123271346, + -0.21081939339637756, + 2.4881510734558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/36.png", + [ + 0.2091355174779892, + 0.025396477431058884, + -0.050648268312215805, + 0.5737078785896301, + 0.024488253518939018, + -0.21517956256866455, + -0.006780877709388733, + 0.07386213541030884, + -0.05109357461333275, + 0.0008207464707084, + -0.21056273579597473, + 2.483262062072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/8.png", + [ + 0.19965194165706635, + 0.007298285141587257, + -0.08386735618114471, + 0.9824616312980652, + 0.014582174830138683, + -0.21559397876262665, + 0.015952493995428085, + -0.1977280080318451, + -0.08291175216436386, + -0.020343473181128502, + -0.19914738833904266, + 2.3812618255615234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/6.png", + [ + 0.2002045065164566, + 0.008812320418655872, + -0.08239171653985977, + 0.9681762456893921, + 0.015076026320457458, + -0.21572372317314148, + 0.01356036588549614, + -0.17226262390613556, + -0.08147861063480377, + -0.018262339755892754, + -0.19993901252746582, + 2.3925070762634277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/20.png", + [ + 0.20313523709774017, + 0.008204997517168522, + -0.07494430989027023, + 0.8688598871231079, + 0.011366196908056736, + -0.21625874936580658, + 0.007131590507924557, + -0.09115627408027649, + -0.07453040033578873, + -0.010617343708872795, + -0.20317575335502625, + 2.4010791778564453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/2.png", + [ + 0.1985963135957718, + 0.01415818091481924, + -0.08548066020011902, + 1.0034557580947876, + 0.01959802582859993, + -0.21556255221366882, + 0.00982820987701416, + -0.12987695634365082, + -0.0843997374176979, + -0.016739841550588608, + -0.1988576352596283, + 2.382460117340088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/117.png", + [ + 0.20812219381332397, + 0.01429127436131239, + -0.058556005358695984, + 0.6902514100074768, + 0.017634274438023567, + -0.2157229334115982, + 0.010026788339018822, + -0.1307116001844406, + -0.057637475430965424, + -0.014396654441952705, + -0.20837119221687317, + 2.4792990684509277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/5.png", + [ + 0.19837550818920135, + 0.012032458558678627, + -0.08631496876478195, + 1.0127547979354858, + 0.018905509263277054, + -0.21543076634407043, + 0.013418625108897686, + -0.17144560813903809, + -0.0850742906332016, + -0.019816601648926735, + -0.19828656315803528, + 2.374753475189209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/108.png", + [ + 0.20907793939113617, + 0.03172965720295906, + -0.047196730971336365, + 0.5637508034706116, + 0.03282362222671509, + -0.21416929364204407, + 0.0014233669498935342, + -0.02552632987499237, + -0.04644256830215454, + -0.008523206226527691, + -0.21146710216999054, + 2.514784336090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/60.png", + [ + 0.21036562323570251, + 0.02785942144691944, + -0.0437956266105175, + 0.5071829557418823, + 0.03498280793428421, + -0.21115772426128387, + 0.033712223172187805, + -0.40490323305130005, + -0.03834589198231697, + -0.039801549166440964, + -0.20950733125209808, + 2.496474266052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/56.png", + [ + 0.21008135378360748, + 0.022305618971586227, + -0.048126764595508575, + 0.5638889074325562, + 0.0286900345236063, + -0.2131311297416687, + 0.02645551785826683, + -0.3204384446144104, + -0.04461623355746269, + -0.03202298656105995, + -0.20959916710853577, + 2.481614112854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/30.png", + [ + 0.20591877400875092, + 0.017740873619914055, + -0.0650431290268898, + 0.7629570960998535, + 0.01858534850180149, + -0.21587607264518738, + -4.241009082761593e-05, + -0.012322502210736275, + -0.06480688601732254, + -0.005538793746381998, + -0.20668157935142517, + 2.4439749717712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/17.png", + [ + 0.20099703967571259, + 0.005854467861354351, + -0.08070813864469528, + 0.9362663626670837, + 0.011433198116719723, + -0.2159935086965561, + 0.012805551290512085, + -0.15597200393676758, + -0.08010842651128769, + -0.016137700527906418, + -0.2006741464138031, + 2.3794217109680176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/12.png", + [ + 0.19835737347602844, + 0.00472024641931057, + -0.08706298470497131, + 1.0191813707351685, + 0.012097171507775784, + -0.21575424075126648, + 0.015863798558712006, + -0.1945621520280838, + -0.08634757250547409, + -0.019383521750569344, + -0.1977783441543579, + 2.3662915229797363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/114.png", + [ + 0.21365976333618164, + 0.01885589025914669, + -0.03068968653678894, + 0.3531329333782196, + 0.020555788651108742, + -0.21542946994304657, + 0.010747278109192848, + -0.1372952163219452, + -0.02957804873585701, + -0.013509250245988369, + -0.21422074735164642, + 2.5356483459472656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/27.png", + [ + 0.2101045697927475, + 0.015257681719958782, + -0.05070676654577255, + 0.5840155482292175, + 0.017070461064577103, + -0.21592432260513306, + 0.0057601178996264935, + -0.07594054192304611, + -0.05012556537985802, + -0.009580331854522228, + -0.2105790674686432, + 2.4837894439697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/42.png", + [ + 0.20673850178718567, + 0.0227791890501976, + -0.060730502009391785, + 0.707639753818512, + 0.024578310549259186, + -0.21525616943836212, + 0.0029296972788870335, + -0.04613117128610611, + -0.0600249357521534, + -0.009684263728559017, + -0.2079690396785736, + 2.4722752571105957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/7.png", + [ + 0.1986713409423828, + 0.007689937949180603, + -0.08613044768571854, + 1.0142149925231934, + 0.015088737942278385, + -0.21558810770511627, + 0.015555942431092262, + -0.19431205093860626, + -0.0851464495062828, + -0.02026134915649891, + -0.19821062684059143, + 2.373856544494629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/73.png", + [ + 0.2138606309890747, + 0.034009214490652084, + -0.007409379351884127, + 0.07829919457435608, + 0.034587036818265915, + -0.2128155678510666, + 0.02147478237748146, + -0.25380682945251465, + -0.003906737081706524, + -0.02237861603498459, + -0.2154804766178131, + 2.4951701164245605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/120.png", + [ + 0.20801405608654022, + 0.01417925301939249, + -0.05896608904004097, + 0.6839435696601868, + 0.01752176694571972, + -0.21573638916015625, + 0.00993440207093954, + -0.12444238364696503, + -0.058060646057128906, + -0.014305714517831802, + -0.2082599401473999, + 2.4693870544433594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/46.png", + [ + 0.2065313756465912, + 0.014092948287725449, + -0.06398497521877289, + 0.7467189431190491, + 0.017203491181135178, + -0.21584278345108032, + 0.007989361882209778, + -0.10013523697853088, + -0.06321968138217926, + -0.012695620767772198, + -0.20685741305351257, + 2.4510021209716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/127.png", + [ + 0.2111603021621704, + 0.01245865598320961, + -0.04694681242108345, + 0.5355188250541687, + 0.01617957465350628, + -0.21550709009170532, + 0.01558263786137104, + -0.188248872756958, + -0.04579784348607063, + -0.018691688776016235, + -0.2109527885913849, + 2.46821928024292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/57.png", + [ + 0.2096308320760727, + 0.025617171078920364, + -0.04844140633940697, + 0.5651501417160034, + 0.03290705382823944, + -0.21200837194919586, + 0.030289731919765472, + -0.3665861189365387, + -0.04381706938147545, + -0.03666199743747711, + -0.20900683104991913, + 2.479440212249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/44.png", + [ + 0.20850756764411926, + 0.017387891188263893, + -0.05630408599972725, + 0.6516309380531311, + 0.01961621269583702, + -0.21570055186748505, + 0.006030662450939417, + -0.07991427928209305, + -0.05556701496243477, + -0.010900729335844517, + -0.20914438366889954, + 2.48457670211792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/113.png", + [ + 0.2140553593635559, + 0.022600878030061722, + -0.02484758570790291, + 0.2762911915779114, + 0.02370419166982174, + -0.21520806849002838, + 0.008456268347799778, + -0.10614441335201263, + -0.023797346279025078, + -0.011072367429733276, + -0.21507900953292847, + 2.536890983581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/126.png", + [ + 0.21088945865631104, + 0.013438982889056206, + -0.04788437485694885, + 0.5470800399780273, + 0.017277216538786888, + -0.21541818976402283, + 0.01563310995697975, + -0.18928737938404083, + -0.04663708433508873, + -0.019033916294574738, + -0.2107381969690323, + 2.470996379852295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/29.png", + [ + 0.20782822370529175, + 0.016679253429174423, + -0.058967139571905136, + 0.6876047253608704, + 0.018472598865628242, + -0.21584773063659668, + 0.004052240401506424, + -0.058487243950366974, + -0.058430153876543045, + -0.008914039470255375, + -0.2084570825099945, + 2.465664863586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/4.png", + [ + 0.1984652578830719, + 0.012330157682299614, + -0.08606623858213425, + 1.009482502937317, + 0.018538283184170723, + -0.2155536711215973, + 0.01186753623187542, + -0.15153872966766357, + -0.08494564890861511, + -0.018233858048915863, + -0.19849348068237305, + 2.3774614334106445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/55.png", + [ + 0.2101421058177948, + 0.01937158778309822, + -0.04912158101797104, + 0.5731275677680969, + 0.025721192359924316, + -0.21358947455883026, + 0.025804098695516586, + -0.31232163310050964, + -0.04611516371369362, + -0.030857296660542488, + -0.20944954454898834, + 2.477363109588623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/9.png", + [ + 0.20059587061405182, + 0.006023270543664694, + -0.08168790489435196, + 0.9581300020217896, + 0.01245550811290741, + -0.2158181220293045, + 0.014672821387648582, + -0.18241693079471588, + -0.08095711469650269, + -0.01827981509268284, + -0.20014916360378265, + 2.3934569358825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/25.png", + [ + 0.21218347549438477, + 0.011456645093858242, + -0.04236520454287529, + 0.47681939601898193, + 0.01331669744104147, + -0.21610741317272186, + 0.0082548251375556, + -0.10155659914016724, + -0.04181782528758049, + -0.010687464848160744, + -0.21233214437961578, + 2.496081829071045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/99.png", + [ + 0.21457618474960327, + 0.029685530811548233, + 0.004870652221143246, + -0.05451678857207298, + 0.029050789773464203, + -0.21359193325042725, + 0.021964380517601967, + -0.2638200521469116, + 0.007810587994754314, + -0.021098626777529716, + -0.21550345420837402, + 2.526853084564209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/34.png", + [ + 0.20656809210777283, + 0.021323591470718384, + -0.06182890757918358, + 0.7161413431167603, + 0.021020760759711266, + -0.2156129777431488, + -0.004131147637963295, + 0.03994722291827202, + -0.0619325265288353, + -0.0020598971750587225, + -0.20762468874454498, + 2.454453945159912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/72.png", + [ + 0.21361567080020905, + 0.03485278785228729, + -0.01007595844566822, + 0.10433945804834366, + 0.03579657897353172, + -0.2122686356306076, + 0.024668226018548012, + -0.29011210799217224, + -0.005903107114136219, + -0.02598460577428341, + -0.21502988040447235, + 2.493105411529541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/102.png", + [ + 0.21447741985321045, + 0.03077038936316967, + -0.0007199523388408124, + 0.005926327779889107, + 0.030702853575348854, + -0.21353372931480408, + 0.02021322399377823, + -0.2443547397851944, + 0.0021610031835734844, + -0.02011026442050934, + -0.2157285362482071, + 2.540419101715088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/70.png", + [ + 0.21298322081565857, + 0.03006386011838913, + -0.02611902728676796, + 0.29925957322120667, + 0.03329555317759514, + -0.21238693594932556, + 0.02703864313662052, + -0.3197576403617859, + -0.021850524470210075, + -0.030591607093811035, + -0.2133883833885193, + 2.495734214782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/90.png", + [ + 0.21433384716510773, + 0.03130214661359787, + 0.0053912741132080555, + -0.061774179339408875, + 0.030465764924883842, + -0.21300022304058075, + 0.02550765685737133, + -0.30627915263175964, + 0.008984840475022793, + -0.024474045261740685, + -0.21510040760040283, + 2.5195565223693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/122.png", + [ + 0.20633965730667114, + 0.011455326341092587, + -0.06512003391981125, + 0.7605394721031189, + 0.015228676609694958, + -0.2158944010734558, + 0.010275463573634624, + -0.12829969823360443, + -0.06434229761362076, + -0.014362212270498276, + -0.2064017653465271, + 2.4439969062805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/15.png", + [ + 0.19991283118724823, + 0.0053931949660182, + -0.08338860422372818, + 0.9729407429695129, + 0.011546982452273369, + -0.2159314900636673, + 0.013716855086386204, + -0.168639674782753, + -0.08276118338108063, + -0.017099659889936447, + -0.19951461255550385, + 2.3782224655151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/22.png", + [ + 0.20819620788097382, + 0.010161427780985832, + -0.05915217101573944, + 0.6761121153831482, + 0.012000801041722298, + -0.21628226339817047, + 0.005084929522126913, + -0.06520067155361176, + -0.058806587010622025, + -0.008162177167832851, + -0.2083820253610611, + 2.454981803894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/109.png", + [ + 0.2103472203016281, + 0.03119395300745964, + -0.041579779237508774, + 0.49222332239151, + 0.03160375356674194, + -0.21435536444187164, + -0.0009338402887806296, + 0.0034501999616622925, + -0.041269153356552124, + -0.0051581780426204205, + -0.21264559030532837, + 2.5284838676452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/26.png", + [ + 0.21181927621364594, + 0.012447786517441273, + -0.043881047517061234, + 0.4970991909503937, + 0.014096138067543507, + -0.21611054241657257, + 0.006739485077559948, + -0.08482369780540466, + -0.04337962716817856, + -0.009443218819797039, + -0.21207764744758606, + 2.4942407608032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/43.png", + [ + 0.20680496096611023, + 0.02321302518248558, + -0.06033877283334732, + 0.7015120983123779, + 0.025190070271492004, + -0.21517601609230042, + 0.0035556580405682325, + -0.051492758095264435, + -0.059540510177612305, + -0.010408533737063408, + -0.20807327330112457, + 2.474851131439209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/84.png", + [ + 0.21491184830665588, + 0.027582386508584023, + 4.652987263398245e-05, + 0.0009333926718682051, + 0.02742832899093628, + -0.2137494832277298, + 0.022511016577482224, + -0.2693273425102234, + 0.002911523450165987, + -0.02232198603451252, + -0.2155020833015442, + 2.5286240577697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/89.png", + [ + 0.21437892317771912, + 0.030873382464051247, + 0.006033670622855425, + -0.06895080953836441, + 0.02999163419008255, + -0.2131330370903015, + 0.024953892454504967, + -0.2987654209136963, + 0.0094906622543931, + -0.02385433204472065, + -0.21514829993247986, + 2.5195064544677734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/63.png", + [ + 0.21146675944328308, + 0.023797864094376564, + -0.04078448936343193, + 0.476450115442276, + 0.029084082692861557, + -0.2130759209394455, + 0.026469964534044266, + -0.31774717569351196, + -0.03719985857605934, + -0.03130821883678436, + -0.21114890277385712, + 2.512497901916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/88.png", + [ + 0.2146250456571579, + 0.029699858278036118, + 0.0013778199208900332, + -0.013267490081489086, + 0.029398294165730476, + -0.2134893387556076, + 0.02249309979379177, + -0.2700630724430084, + 0.004440721124410629, + -0.022093391045928, + -0.21549955010414124, + 2.518634796142578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/62.png", + [ + 0.21103987097740173, + 0.024366527795791626, + -0.042618561536073685, + 0.497211754322052, + 0.030228490009903908, + -0.21271133422851562, + 0.028071796521544456, + -0.33596545457839966, + -0.03868214040994644, + -0.03328752517700195, + -0.2105790227651596, + 2.507452964782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/65.png", + [ + 0.2112254649400711, + 0.021677721291780472, + -0.043148305267095566, + 0.5080119371414185, + 0.026656437665224075, + -0.213785782456398, + 0.023086197674274445, + -0.2774750590324402, + -0.040263306349515915, + -0.027813930064439774, + -0.21107615530490875, + 2.511234760284424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/80.png", + [ + 0.21431438624858856, + 0.030203118920326233, + -0.010247454978525639, + 0.12212997674942017, + 0.031024783849716187, + -0.21356265246868134, + 0.01939985156059265, + -0.2331332266330719, + -0.007396054919809103, + -0.02065582014620304, + -0.21556097269058228, + 2.522855758666992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/119.png", + [ + 0.207557812333107, + 0.015065347775816917, + -0.06033806502819061, + 0.7029156684875488, + 0.018680518493056297, + -0.21561606228351593, + 0.010423881001770496, + -0.13195236027240753, + -0.05931850150227547, + -0.015187308192253113, + -0.207842618227005, + 2.464231491088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/79.png", + [ + 0.21436075866222382, + 0.02962881699204445, + -0.010931471362709999, + 0.1304706633090973, + 0.030377471819519997, + -0.21395306289196014, + 0.01578574813902378, + -0.19047440588474274, + -0.008635570295155048, + -0.017149748280644417, + -0.21582217514514923, + 2.5191354751586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/116.png", + [ + 0.21038571000099182, + 0.013824308291077614, + -0.04994640871882439, + 0.5921273231506348, + 0.016940947622060776, + -0.2156965285539627, + 0.011658047325909138, + -0.15308021008968353, + -0.04897713288664818, + -0.015224790200591087, + -0.21051685512065887, + 2.5026612281799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/19.png", + [ + 0.20143689215183258, + 0.005921106785535812, + -0.07959908246994019, + 0.9250674843788147, + 0.010684511624276638, + -0.21613328158855438, + 0.010961265303194523, + -0.1362851858139038, + -0.07910066097974777, + -0.01411554403603077, + -0.20122559368610382, + 2.381181240081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/77.png", + [ + 0.21438845992088318, + 0.030511364340782166, + -0.00738508952781558, + 0.08915259689092636, + 0.030939558520913124, + -0.21399246156215668, + 0.01406656764447689, + -0.16837769746780396, + -0.005312866531312466, + -0.014972686767578125, + -0.21609139442443848, + 2.511613368988037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/68.png", + [ + 0.21134616434574127, + 0.024364016950130463, + -0.041074175387620926, + 0.48712629079818726, + 0.028772534802556038, + -0.21369795501232147, + 0.0212889201939106, + -0.2583124339580536, + -0.03811606392264366, + -0.026219680905342102, + -0.21167802810668945, + 2.501272678375244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/86.png", + [ + 0.21476247906684875, + 0.028719423338770866, + -0.0004156071809120476, + 0.00826747715473175, + 0.028601083904504776, + -0.21354486048221588, + 0.02298833802342415, + -0.2752404808998108, + 0.0026374158915132284, + -0.02284032478928566, + -0.21545130014419556, + 2.526228904724121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/1.png", + [ + 0.19709335267543793, + 0.015802206471562386, + -0.08861379325389862, + 1.0388383865356445, + 0.021829627454280853, + -0.21533292531967163, + 0.010153481736779213, + -0.12998491525650024, + -0.08732457458972931, + -0.018163593485951424, + -0.19746491312980652, + 2.3634791374206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/81.png", + [ + 0.21463461220264435, + 0.029234357178211212, + -0.005022350698709488, + 0.05812748894095421, + 0.029586730524897575, + -0.21361719071865082, + 0.020981142297387123, + -0.25267061591148376, + -0.002120646182447672, + -0.021469399333000183, + -0.21559792757034302, + 2.5253677368164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/95.png", + [ + 0.21457283198833466, + 0.03002641722559929, + 0.0021927806083112955, + -0.02260262332856655, + 0.029603010043501854, + -0.21329863369464874, + 0.023984385654330254, + -0.28770238161087036, + 0.005482331849634647, + -0.023452142253518105, + -0.21533191204071045, + 2.5160818099975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/103.png", + [ + 0.21447481215000153, + 0.030728520825505257, + -0.0020505348220467567, + 0.016627222299575806, + 0.03079148568212986, + -0.2136920690536499, + 0.01831609383225441, + -0.22176222503185272, + 0.0005752563592977822, + -0.018421536311507225, + -0.2158893495798111, + 2.542731761932373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/83.png", + [ + 0.2148100733757019, + 0.028362035751342773, + 0.0003500792954582721, + -0.0038366520311683416, + 0.0281772930175066, + -0.2136848419904709, + 0.02219749055802822, + -0.26660043001174927, + 0.0032508315052837133, + -0.021960945799946785, + -0.21553432941436768, + 2.5305066108703613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/51.png", + [ + 0.21054276823997498, + 0.018096093088388443, + -0.04787658154964447, + 0.5441850423812866, + 0.021909138187766075, + -0.21503670513629913, + 0.015069720335304737, + -0.18339011073112488, + -0.04625607654452324, + -0.01948430947959423, + -0.2107810080051422, + 2.471465587615967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/128.png", + [ + 0.2108849287033081, + 0.0140555240213871, + -0.0477273166179657, + 0.5451228022575378, + 0.018218157812952995, + -0.21522805094718933, + 0.017113707959651947, + -0.2070360630750656, + -0.04629852622747421, + -0.02066936157643795, + -0.21065875887870789, + 2.457764148712158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+nxMHEN-lqqY+P0+C1+F805-936/93.png", + [ + 0.21451780200004578, + 0.03045508824288845, + 0.0015790160978212953, + -0.015377646312117577, + 0.03006173111498356, + -0.2130659520626068, + 0.02543778158724308, + -0.30518290400505066, + 0.00512817082926631, + -0.024965494871139526, + -0.2151704579591751, + 2.5148720741271973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/76.png", + [ + 0.18369358777999878, + -0.04304485768079758, + 0.1065443679690361, + -1.2102051973342896, + -0.021761296316981316, + -0.21029408276081085, + -0.04744192957878113, + 0.5275969505310059, + 0.11283177137374878, + 0.029519997537136078, + -0.18260738253593445, + 2.1409945487976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/48.png", + [ + 0.18268656730651855, + -0.05124765634536743, + 0.10462884604930878, + -1.148404836654663, + -0.03723827749490738, + -0.21006430685520172, + -0.037870731204748154, + 0.4075978100299835, + 0.11039397120475769, + 0.013948448933660984, + -0.18592070043087006, + 2.099449634552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/35.png", + [ + 0.18677595257759094, + -0.04876763001084328, + 0.09840910881757736, + -1.0919537544250488, + -0.04371918737888336, + -0.21111175417900085, + -0.021641569212079048, + 0.23155465722084045, + 0.10075350850820541, + -0.0012010710779577494, + -0.19182071089744568, + 2.1916961669921875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/97.png", + [ + 0.1711508333683014, + -0.06392956525087357, + 0.11648302525281906, + -1.3042385578155518, + -0.05167430266737938, + -0.2070191651582718, + -0.03769256919622421, + 0.4082254469394684, + 0.12241344898939133, + 0.0019934794399887323, + -0.17877045273780823, + 2.0613341331481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/13.png", + [ + 0.18111276626586914, + -0.059919849038124084, + 0.10274077206850052, + -1.165534257888794, + -0.053976576775312424, + -0.20819291472434998, + -0.026270397007465363, + 0.2806277871131897, + 0.10598388314247131, + -0.0036353636533021927, + -0.18894997239112854, + 2.2028346061706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/32.png", + [ + 0.18539269268512726, + -0.04922459274530411, + 0.10076893866062164, + -1.1200530529022217, + -0.04510267451405525, + -0.21097494661808014, + -0.020080095157027245, + 0.21579357981681824, + 0.1026800274848938, + -0.0037948405370116234, + -0.19076243042945862, + 2.1787848472595215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/38.png", + [ + 0.18651798367500305, + -0.047717079520225525, + 0.0994083359837532, + -1.1038918495178223, + -0.04074126482009888, + -0.211336150765419, + -0.025001591071486473, + 0.2697606086730957, + 0.10246504843235016, + 0.002830167766660452, + -0.1908947378396988, + 2.1776232719421387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/11.png", + [ + 0.18133336305618286, + -0.05959836766123772, + 0.10253847390413284, + -1.1589951515197754, + -0.05512608215212822, + -0.20821882784366608, + -0.023535603657364845, + 0.24929264187812805, + 0.10501056164503098, + -0.006390935275703669, + -0.1894197165966034, + 2.2020506858825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/59.png", + [ + 0.1796867847442627, + -0.057830311357975006, + 0.10637769848108292, + -1.1806373596191406, + -0.04385128244757652, + -0.20852193236351013, + -0.039288248866796494, + 0.42387157678604126, + 0.11286108195781708, + 0.011052430607378483, + -0.1846296638250351, + 2.106825828552246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/24.png", + [ + 0.18342895805835724, + -0.048413291573524475, + 0.10467985272407532, + -1.176173448562622, + -0.04439682513475418, + -0.21114574372768402, + -0.01985672488808632, + 0.21129977703094482, + 0.10644548386335373, + -0.004639002028852701, + -0.18866832554340363, + 2.1742911338806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/74.png", + [ + 0.1843021959066391, + -0.04229842498898506, + 0.10578955709934235, + -1.1914353370666504, + -0.022337231785058975, + -0.2106991410255432, + -0.04533000662922859, + 0.5004276633262634, + 0.11172123998403549, + 0.027651479467749596, + -0.18358010053634644, + 2.1368179321289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/98.png", + [ + 0.16895198822021484, + -0.062316689640283585, + 0.12049790471792221, + -1.3543425798416138, + -0.05130567029118538, + -0.20751778781414032, + -0.03538341447710991, + 0.3814863860607147, + 0.1255820244550705, + -0.0009420919232070446, + -0.17656773328781128, + 2.0431652069091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/0.png", + [ + 0.18124455213546753, + -0.05557942017912865, + 0.10492487251758575, + -1.1738113164901733, + -0.060371242463588715, + -0.20801053941249847, + -0.005900859367102385, + 0.04733520373702049, + 0.10224291682243347, + -0.024298857897520065, + -0.18948309123516083, + 2.1530137062072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/96.png", + [ + 0.17428921163082123, + -0.060833804309368134, + 0.11344783008098602, + -1.2729943990707397, + -0.048129428178071976, + -0.20789943635463715, + -0.03754037991166115, + 0.4078715145587921, + 0.11939314752817154, + 0.004996908828616142, + -0.18074347078800201, + 2.08474063873291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/100.png", + [ + 0.16765469312667847, + -0.061153266578912735, + 0.12288236618041992, + -1.388649344444275, + -0.05288534238934517, + -0.2077844887971878, + -0.031251225620508194, + 0.3368358314037323, + 0.12666071951389313, + -0.005811761133372784, + -0.17570196092128754, + 2.0442686080932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/40.png", + [ + 0.18547748029232025, + -0.0494043342769146, + 0.10052467882633209, + -1.1164956092834473, + -0.040116675198078156, + -0.2108595222234726, + -0.02961098775267601, + 0.31989049911499023, + 0.10457845777273178, + 0.0067356969229876995, + -0.18964670598506927, + 2.1566662788391113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/52.png", + [ + 0.1834905743598938, + -0.05400840938091278, + 0.10179489850997925, + -1.1140838861465454, + -0.03882040083408356, + -0.20918656885623932, + -0.04101046174764633, + 0.44211262464523315, + 0.10849923640489578, + 0.016491614282131195, + -0.186825692653656, + 2.1098408699035645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/3.png", + [ + 0.1818082332611084, + -0.05636106804013252, + 0.103523388504982, + -1.1466951370239258, + -0.05746155232191086, + -0.20853501558303833, + -0.012618138454854488, + 0.12542647123336792, + 0.10291662812232971, + -0.01686645671725273, + -0.18992522358894348, + 2.157878875732422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/47.png", + [ + 0.1815290004014969, + -0.05338427424430847, + 0.10557100176811218, + -1.159172534942627, + -0.03912622109055519, + -0.20957012474536896, + -0.0386962927877903, + 0.4176415205001831, + 0.11164342612028122, + 0.013355999253690243, + -0.1852167844772339, + 2.087398052215576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/104.png", + [ + 0.1759381890296936, + -0.048973165452480316, + 0.11659879982471466, + -1.3197121620178223, + -0.04245278984308243, + -0.2110479176044464, + -0.0245853029191494, + 0.2609945237636566, + 0.11912771314382553, + -0.0028819723520427942, + -0.18096457421779633, + 2.108795166015625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/21.png", + [ + 0.18352821469306946, + -0.05267670005559921, + 0.10242287814617157, + -1.161756992340088, + -0.05219155550003052, + -0.20980247855186462, + -0.014382329769432545, + 0.1476840227842331, + 0.10267094522714615, + -0.012488982640206814, + -0.19039589166641235, + 2.21351957321167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/82.png", + [ + 0.1818120926618576, + -0.04904640465974808, + 0.10717605799436569, + -1.2346097230911255, + -0.029950536787509918, + -0.20978179574012756, + -0.04519360139966011, + 0.5091378092765808, + 0.11399659514427185, + 0.023107292130589485, + -0.18280787765979767, + 2.1811165809631348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/14.png", + [ + 0.18183177709579468, + -0.0598142072558403, + 0.10152517259120941, + -1.1537542343139648, + -0.05384349077939987, + -0.2082303762435913, + -0.02624649740755558, + 0.2809906005859375, + 0.10481403023004532, + -0.0032030625734478235, + -0.18960922956466675, + 2.2132515907287598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/67.png", + [ + 0.1820567101240158, + -0.05759280547499657, + 0.1024027094244957, + -1.1471545696258545, + -0.044665005058050156, + -0.20860357582569122, + -0.03791405260562897, + 0.41437286138534546, + 0.10866592079401016, + 0.01074740756303072, + -0.18714727461338043, + 2.157569408416748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/78.png", + [ + 0.18320202827453613, + -0.0471227653324604, + 0.10566149652004242, + -1.2087167501449585, + -0.024722468107938766, + -0.20926153659820557, + -0.05046091601252556, + 0.5647277235984802, + 0.11302082240581512, + 0.030609628185629845, + -0.18231083452701569, + 2.1510534286499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/31.png", + [ + 0.1838931441307068, + -0.05091078579425812, + 0.10266108810901642, + -1.1432671546936035, + -0.04570256173610687, + -0.21059377491474152, + -0.022570455446839333, + 0.24583211541175842, + 0.10508322715759277, + -0.0024983223993331194, + -0.18947076797485352, + 2.165114402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/39.png", + [ + 0.1861121952533722, + -0.048021361231803894, + 0.10002045333385468, + -1.1108094453811646, + -0.03952076658606529, + -0.2112094759941101, + -0.027866993099451065, + 0.30045291781425476, + 0.1036737784743309, + 0.005692881997674704, + -0.190176859498024, + 2.166524887084961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/92.png", + [ + 0.17721284925937653, + -0.05848457291722298, + 0.11010472476482391, + -1.2517049312591553, + -0.04208555072546005, + -0.20818491280078888, + -0.042845625430345535, + 0.46780458092689514, + 0.11735546588897705, + 0.013656321913003922, + -0.18162901699543, + 2.1218881607055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/53.png", + [ + 0.18208403885364532, + -0.05553769692778587, + 0.10348362475633621, + -1.13309907913208, + -0.0404236726462841, + -0.20888876914978027, + -0.040979377925395966, + 0.44252124428749084, + 0.11026885360479355, + 0.015130993910133839, + -0.18590247631072998, + 2.1052732467651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/75.png", + [ + 0.18264511227607727, + -0.04118367284536362, + 0.10905303061008453, + -1.2342745065689087, + -0.020641488954424858, + -0.2109246850013733, + -0.04508436843752861, + 0.5003052949905396, + 0.11472830921411514, + 0.027614785358309746, + -0.18172156810760498, + 2.1256775856018066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/87.png", + [ + 0.17409244179725647, + -0.05574922636151314, + 0.1163259819149971, + -1.3524082899093628, + -0.03332698717713356, + -0.20819929242134094, + -0.049902621656656265, + 0.5629792809486389, + 0.12461551278829575, + 0.022203225642442703, + -0.1758575737476349, + 2.0859274864196777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/69.png", + [ + 0.18196947872638702, + -0.05554961413145065, + 0.10367856174707413, + -1.1617487668991089, + -0.03994572535157204, + -0.20882314443588257, + -0.041774723678827286, + 0.4562240242958069, + 0.11063157021999359, + 0.015969615429639816, + -0.18561658263206482, + 2.1490464210510254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/45.png", + [ + 0.18345819413661957, + -0.051777184009552, + 0.10300534963607788, + -1.1310094594955444, + -0.036714524030685425, + -0.20975303649902344, + -0.04004492983222008, + 0.4394356310367584, + 0.10928413271903992, + 0.01645221747457981, + -0.1863711178302765, + 2.105158805847168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/50.png", + [ + 0.18367744982242584, + -0.05102363973855972, + 0.10299067944288254, + -1.130247712135315, + -0.03697901964187622, + -0.21006491780281067, + -0.038120582699775696, + 0.4114213287830353, + 0.10882575064897537, + 0.014738213270902634, + -0.1867823302745819, + 2.110151767730713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/101.png", + [ + 0.16917699575424194, + -0.05903015658259392, + 0.12182971835136414, + -1.3790936470031738, + -0.051559239625930786, + -0.20839068293571472, + -0.029374565929174423, + 0.31775861978530884, + 0.1251746118068695, + -0.00605491828173399, + -0.1767556220293045, + 2.0614328384399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/85.png", + [ + 0.17725367844104767, + -0.05334394425153732, + 0.11262079328298569, + -1.3052253723144531, + -0.03254656493663788, + -0.20883944630622864, + -0.04769385606050491, + 0.5361746549606323, + 0.12029024958610535, + 0.022099917754530907, + -0.1788567751646042, + 2.1173510551452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/71.png", + [ + 0.18396957218647003, + -0.04691366106271744, + 0.10441359877586365, + -1.1655478477478027, + -0.027891753241419792, + -0.21005626022815704, + -0.045236196368932724, + 0.4947322905063629, + 0.11101864278316498, + 0.024967418983578682, + -0.18438921868801117, + 2.1369919776916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/54.png", + [ + 0.1813889741897583, + -0.05722521245479584, + 0.10378442704677582, + -1.1379432678222656, + -0.041652388870716095, + -0.20841962099075317, + -0.04212166368961334, + 0.45597487688064575, + 0.11095499992370605, + 0.01531114149838686, + -0.18547898530960083, + 2.100069522857666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/33.png", + [ + 0.1859322488307953, + -0.049966681748628616, + 0.09940033406019211, + -1.1021952629089355, + -0.04592477157711983, + -0.21079936623573303, + -0.020060786977410316, + 0.21436229348182678, + 0.1013311967253685, + -0.003853662172332406, + -0.19148114323616028, + 2.1842546463012695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/49.png", + [ + 0.1828722506761551, + -0.05166317895054817, + 0.10409871488809586, + -1.1416295766830444, + -0.038486335426568985, + -0.21005764603614807, + -0.03663986548781395, + 0.39395928382873535, + 0.1096559539437294, + 0.012433563359081745, + -0.1864641159772873, + 2.107743740081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/18.png", + [ + 0.18472859263420105, + -0.05636157467961311, + 0.0982171818614006, + -1.1133984327316284, + -0.054339949041604996, + -0.20899930596351624, + -0.01772996596992016, + 0.18909619748592377, + 0.09934993833303452, + -0.009516043588519096, + -0.192319855093956, + 2.2315292358398438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/66.png", + [ + 0.1815319061279297, + -0.05793076381087303, + 0.10314113646745682, + -1.1562427282333374, + -0.04524518921971321, + -0.20855271816253662, + -0.03750370442867279, + 0.41011691093444824, + 0.10930205881595612, + 0.009883391670882702, + -0.18682418763637543, + 2.152622699737549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/16.png", + [ + 0.1837960183620453, + -0.05733466148376465, + 0.09939645230770111, + -1.1289787292480469, + -0.05311525613069534, + -0.20887954533100128, + -0.022271081805229187, + 0.23861965537071228, + 0.10171374678611755, + -0.005474252626299858, + -0.19123868644237518, + 2.227130889892578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/94.png", + [ + 0.17517657577991486, + -0.06086141616106033, + 0.11205781251192093, + -1.2643650770187378, + -0.04625933617353439, + -0.2077634036540985, + -0.04052571579813957, + 0.441135436296463, + 0.11883240193128586, + 0.008840149268507957, + -0.18096576631069183, + 2.1020750999450684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/28.png", + [ + 0.1830737292766571, + -0.05019441619515419, + 0.10446257889270782, + -1.1646207571029663, + -0.04258260503411293, + -0.21077114343643188, + -0.02664857544004917, + 0.28845375776290894, + 0.10778976231813431, + 0.001986226998269558, + -0.18795031309127808, + 2.1514058113098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/61.png", + [ + 0.18130625784397125, + -0.05634646490216255, + 0.10440792888402939, + -1.1648296117782593, + -0.04229056462645531, + -0.20884719491004944, + -0.0392715148627758, + 0.42639732360839844, + 0.11084875464439392, + 0.012482774443924427, + -0.1857542097568512, + 2.129849433898926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/58.png", + [ + 0.17981277406215668, + -0.05739018693566322, + 0.10640313476324081, + -1.1766031980514526, + -0.04271680489182472, + -0.20856356620788574, + -0.040304023772478104, + 0.43588191270828247, + 0.1130952537059784, + 0.012470207177102566, + -0.1843959242105484, + 2.098454475402832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/64.png", + [ + 0.1820361167192459, + -0.05763820558786392, + 0.10241379588842392, + -1.145172119140625, + -0.04425426200032234, + -0.20854520797729492, + -0.03870861232280731, + 0.42204082012176514, + 0.1088683009147644, + 0.011603198945522308, + -0.18697847425937653, + 2.1531753540039062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/10.png", + [ + 0.18123416602611542, + -0.05936872214078903, + 0.10284660756587982, + -1.160993218421936, + -0.05561919882893562, + -0.20823505520820618, + -0.022193728014826775, + 0.23308342695236206, + 0.10492175817489624, + -0.007836559787392616, + -0.18941465020179749, + 2.1966381072998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/41.png", + [ + 0.18472455441951752, + -0.04865594208240509, + 0.10226108133792877, + -1.1328526735305786, + -0.038842249661684036, + -0.2110096663236618, + -0.0302339568734169, + 0.3274633288383484, + 0.10637673735618591, + 0.0074438974261283875, + -0.1886172741651535, + 2.143397331237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/91.png", + [ + 0.1779017597436905, + -0.05548630654811859, + 0.11054468154907227, + -1.2606233358383179, + -0.038156017661094666, + -0.20882409811019897, + -0.04341098293662071, + 0.47635117173194885, + 0.1176561713218689, + 0.016176076605916023, + -0.18122708797454834, + 2.126173496246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/23.png", + [ + 0.18529731035232544, + -0.046938031911849976, + 0.10202760249376297, + -1.1466678380966187, + -0.04418141767382622, + -0.21143747866153717, + -0.017032265663146973, + 0.178179532289505, + 0.10325121134519577, + -0.0062383441254496574, + -0.1903894990682602, + 2.194700241088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/37.png", + [ + 0.1868065446615219, + -0.04951203614473343, + 0.097978375852108, + -1.088600993156433, + -0.04274952784180641, + -0.21092933416366577, + -0.02508358284831047, + 0.26905614137649536, + 0.10111221671104431, + 0.002294908743351698, + -0.19162188470363617, + 2.1863245964050293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/36.png", + [ + 0.185382679104805, + -0.049864429980516434, + 0.1004723533987999, + -1.1180086135864258, + -0.04371550306677818, + -0.21085864305496216, + -0.023989185690879822, + 0.2573292851448059, + 0.10329622775316238, + 0.0002537491382099688, + -0.19046711921691895, + 2.1782050132751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/8.png", + [ + 0.1801978349685669, + -0.05905107781291008, + 0.10483129322528839, + -1.180822730064392, + -0.05594130605459213, + -0.208257257938385, + -0.02115125209093094, + 0.22076711058616638, + 0.10652322322130203, + -0.009474989026784897, + -0.1884434074163437, + 2.1822800636291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/6.png", + [ + 0.17987187206745148, + -0.05774424597620964, + 0.10611129552125931, + -1.1884105205535889, + -0.05623782053589821, + -0.20846374332904816, + -0.018112853169441223, + 0.1844753921031952, + 0.10691731423139572, + -0.01250480767339468, + -0.18804310262203217, + 2.1653056144714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/20.png", + [ + 0.1854218691587448, + -0.05386485531926155, + 0.09831172972917557, + -1.1143269538879395, + -0.05234445258975029, + -0.2096368670463562, + -0.016134927049279213, + 0.1674833744764328, + 0.0991295874118805, + -0.009942580945789814, + -0.19241195917129517, + 2.235107421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/2.png", + [ + 0.18339011073112488, + -0.0538780651986599, + 0.10204468667507172, + -1.1301871538162231, + -0.056277383118867874, + -0.20903490483760834, + -0.009228113107383251, + 0.08860288560390472, + 0.10074135661125183, + -0.01869375817477703, + -0.19091784954071045, + 2.1662678718566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/5.png", + [ + 0.18076035380363464, + -0.05635518208146095, + 0.10534553974866867, + -1.174647331237793, + -0.05541885644197464, + -0.20880788564682007, + -0.016610795632004738, + 0.16716597974300385, + 0.10584111511707306, + -0.013086702674627304, + -0.1886114776134491, + 2.1642069816589355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/60.png", + [ + 0.18011994659900665, + -0.05770857632160187, + 0.10570912063121796, + -1.1765165328979492, + -0.0435572974383831, + -0.2085212618112564, + -0.03961746394634247, + 0.42883870005607605, + 0.11228293925523758, + 0.011683379299938679, + -0.1849430501461029, + 2.116898536682129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/56.png", + [ + 0.18193833529949188, + -0.05594215542078018, + 0.10352203249931335, + -1.1369428634643555, + -0.040196217596530914, + -0.20870241522789001, + -0.04213624447584152, + 0.45977383852005005, + 0.11059203743934631, + 0.01617634855210781, + -0.18562225997447968, + 2.102890968322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/30.png", + [ + 0.18508197367191315, + -0.04849384352564812, + 0.10169024765491486, + -1.1327670812606812, + -0.041877251118421555, + -0.21117447316646576, + -0.024485494941473007, + 0.2683412432670593, + 0.10458897799253464, + 0.001261411583982408, + -0.18975630402565002, + 2.1703319549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/17.png", + [ + 0.1839865744113922, + -0.05745074898004532, + 0.0989760011434555, + -1.1224445104599, + -0.0540044829249382, + -0.20880214869976044, + -0.02081051468849182, + 0.22315114736557007, + 0.10089773684740067, + -0.006998016498982906, + -0.19162088632583618, + 2.226614475250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/12.png", + [ + 0.1811414510011673, + -0.06025360897183418, + 0.10249471664428711, + -1.1604219675064087, + -0.05518466606736183, + -0.20805859565734863, + -0.02478228695690632, + 0.2629617154598236, + 0.1053105816245079, + -0.005386128555983305, + -0.1892843395471573, + 2.2037863731384277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/27.png", + [ + 0.1829090565443039, + -0.050471678376197815, + 0.10461729764938354, + -1.167680025100708, + -0.043241653591394424, + -0.21071133017539978, + -0.0260536577552557, + 0.28108569979667664, + 0.10780692100524902, + 0.0011151519138365984, + -0.18794766068458557, + 2.1520915031433105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/42.png", + [ + 0.18431299924850464, + -0.049256689846515656, + 0.10271507501602173, + -1.1350741386413574, + -0.03881940618157387, + -0.21083636581897736, + -0.031447965651750565, + 0.3418530225753784, + 0.10709652304649353, + 0.008348607458174229, + -0.18817155063152313, + 2.1336750984191895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/7.png", + [ + 0.18004481494426727, + -0.05898429825901985, + 0.10513140261173248, + -1.1814494132995605, + -0.05628826096653938, + -0.20823542773723602, + -0.020433569326996803, + 0.21093080937862396, + 0.10659919679164886, + -0.010332110337913036, + -0.18835538625717163, + 2.1767473220825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/73.png", + [ + 0.1862020492553711, + -0.04301685839891434, + 0.10210897773504257, + -1.143794059753418, + -0.02337796241044998, + -0.21043603122234344, + -0.04602213576436043, + 0.5057860016822815, + 0.10830587893724442, + 0.028532719239592552, + -0.18548211455345154, + 2.15084171295166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/46.png", + [ + 0.18235911428928375, + -0.05349373072385788, + 0.10407435148954391, + -1.1431787014007568, + -0.038036834448575974, + -0.20934179425239563, + -0.04095255583524704, + 0.44620513916015625, + 0.1106627881526947, + 0.01619669795036316, + -0.18557830154895782, + 2.094784736633301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/57.png", + [ + 0.18054525554180145, + -0.056547656655311584, + 0.1056109294295311, + -1.1643247604370117, + -0.04132789000868797, + -0.20869030058383942, + -0.041088491678237915, + 0.4474712014198303, + 0.11244247853755951, + 0.014093280769884586, + -0.18467800319194794, + 2.0973877906799316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/44.png", + [ + 0.18427178263664246, + -0.05014835298061371, + 0.10235696285963058, + -1.1248716115951538, + -0.03666903078556061, + -0.21031488478183746, + -0.03702608123421669, + 0.4065820872783661, + 0.10792213678359985, + 0.014166544191539288, + -0.18734999001026154, + 2.116586685180664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/29.png", + [ + 0.1839463859796524, + -0.04997935891151428, + 0.10302276164293289, + -1.1498303413391113, + -0.042868662625551224, + -0.21082648634910583, + -0.02573641762137413, + 0.28051093220710754, + 0.1061786338686943, + 0.0014661280438303947, + -0.1888699233531952, + 2.162424087524414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/4.png", + [ + 0.1804337203502655, + -0.05602418631315231, + 0.10607948899269104, + -1.1773792505264282, + -0.056559011340141296, + -0.2086925059556961, + -0.01401475165039301, + 0.13868708908557892, + 0.10579530149698257, + -0.016019489616155624, + -0.18841077387332916, + 2.1511688232421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/55.png", + [ + 0.1814722865819931, + -0.05676497891545296, + 0.10389148443937302, + -1.14030921459198, + -0.04157674312591553, + -0.2085898369550705, + -0.041346706449985504, + 0.4482996463775635, + 0.11084707826375961, + 0.014693981036543846, + -0.185593381524086, + 2.1019105911254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/9.png", + [ + 0.18077214062213898, + -0.05968436971306801, + 0.10347510874271393, + -1.1658918857574463, + -0.05588740110397339, + -0.20813913643360138, + -0.022418590262532234, + 0.23542937636375427, + 0.10557422786951065, + -0.007985694333910942, + -0.1890454888343811, + 2.1902222633361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/25.png", + [ + 0.1833799034357071, + -0.04992280155420303, + 0.10405487567186356, + -1.1655856370925903, + -0.04501408338546753, + -0.21082141995429993, + -0.02181652933359146, + 0.23265990614891052, + 0.10627058148384094, + -0.003153215628117323, + -0.18879754841327667, + 2.169567108154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/99.png", + [ + 0.16854038834571838, + -0.061731789261102676, + 0.12137223035097122, + -1.3670132160186768, + -0.05209064483642578, + -0.2076687216758728, + -0.03328917920589447, + 0.35884782671928406, + 0.12581174075603485, + -0.0032850459683686495, + -0.17637602984905243, + 2.044365882873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/34.png", + [ + 0.18734852969646454, + -0.0482763834297657, + 0.09755928814411163, + -1.081276297569275, + -0.04348883032798767, + -0.2112233191728592, + -0.021008029580116272, + 0.22484111785888672, + 0.09978550672531128, + -0.0014164830790832639, + -0.19232457876205444, + 2.195575714111328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/72.png", + [ + 0.18514284491539001, + -0.04382849112153053, + 0.10367778688669205, + -1.1570085287094116, + -0.02378692664206028, + -0.2103016972541809, + -0.04642486199736595, + 0.5085311532020569, + 0.11001909524202347, + 0.028286907821893692, + -0.18450891971588135, + 2.1375250816345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/102.png", + [ + 0.17212827503681183, + -0.058250028640031815, + 0.11801136285066605, + -1.3374934196472168, + -0.05023631826043129, + -0.20866425335407257, + -0.029722630977630615, + 0.3215530514717102, + 0.12163904309272766, + -0.003749170573428273, + -0.17927011847496033, + 2.091724395751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/70.png", + [ + 0.18297311663627625, + -0.052378177642822266, + 0.1035628691315651, + -1.1593419313430786, + -0.03492138907313347, + -0.20923958718776703, + -0.0441269613802433, + 0.4831230938434601, + 0.11067628115415573, + 0.02057226561009884, + -0.18513628840446472, + 2.145075798034668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/90.png", + [ + 0.17647214233875275, + -0.054547566920518875, + 0.11326973885297775, + -1.298743486404419, + -0.03545540198683739, + -0.20888681709766388, + -0.04535527154803276, + 0.5010988712310791, + 0.12061668187379837, + 0.01840510591864586, + -0.17905516922473907, + 2.1062121391296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/15.png", + [ + 0.1831502467393875, + -0.05874008312821388, + 0.09976714849472046, + -1.134799599647522, + -0.05318064242601395, + -0.2085355669260025, + -0.025152072310447693, + 0.26951736211776733, + 0.10283822566270828, + -0.0032263672910630703, + -0.1906876564025879, + 2.2252039909362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/22.png", + [ + 0.18634867668151855, + -0.04734044894576073, + 0.09990470111370087, + -1.1258951425552368, + -0.047005794942379, + -0.21115197241306305, + -0.012377412989735603, + 0.12708227336406708, + 0.10006260126829147, + -0.01102844811975956, + -0.1918690800666809, + 2.219527244567871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/26.png", + [ + 0.1827554702758789, + -0.050296757370233536, + 0.10496935993432999, + -1.1726778745651245, + -0.044337693601846695, + -0.21075135469436646, + -0.02378934994339943, + 0.2544887065887451, + 0.10762201994657516, + -0.0014144029701128602, + -0.18805156648159027, + 2.156796455383301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/43.png", + [ + 0.18356074392795563, + -0.04982656240463257, + 0.1037818044424057, + -1.145616054534912, + -0.03802871331572533, + -0.21060794591903687, + -0.033852674067020416, + 0.37075796723365784, + 0.10866078734397888, + 0.010464232414960861, + -0.18716631829738617, + 2.1204237937927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/84.png", + [ + 0.17823554575443268, + -0.05272352322936058, + 0.11135624349117279, + -1.2869808673858643, + -0.032092250883579254, + -0.2089402824640274, + -0.04755986109375954, + 0.5346605777740479, + 0.11895406991243362, + 0.022629251703619957, + -0.17968234419822693, + 2.1316781044006348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/89.png", + [ + 0.1744508445262909, + -0.05528942495584488, + 0.11600809544324875, + -1.3394581079483032, + -0.03411329537630081, + -0.2085021734237671, + -0.04807312786579132, + 0.5378110408782959, + 0.12389948219060898, + 0.02044069394469261, + -0.17657573521137238, + 2.0844192504882812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/63.png", + [ + 0.18262922763824463, + -0.05649273842573166, + 0.10199527442455292, + -1.1394895315170288, + -0.04322752356529236, + -0.2088412195444107, + -0.03827043995261192, + 0.4154466390609741, + 0.10828595608472824, + 0.011908624321222305, + -0.18729718029499054, + 2.1531286239624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/88.png", + [ + 0.17583879828453064, + -0.05648932605981827, + 0.11330299824476242, + -1.313198447227478, + -0.034290432929992676, + -0.20791256427764893, + -0.05044220760464668, + 0.5653102993965149, + 0.12187198549509048, + 0.02300448529422283, + -0.17766796052455902, + 2.096782684326172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/62.png", + [ + 0.1826011687517166, + -0.055783189833164215, + 0.10243503004312515, + -1.144713044166565, + -0.04205656051635742, + -0.20897652208805084, + -0.0388324148952961, + 0.4218873977661133, + 0.10879313945770264, + 0.012843132950365543, + -0.18694117665290833, + 2.1463422775268555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/65.png", + [ + 0.18141034245491028, + -0.058490604162216187, + 0.1030389815568924, + -1.153928279876709, + -0.045564088970422745, + -0.20838090777397156, + -0.03806838393211365, + 0.41639190912246704, + 0.1093713566660881, + 0.0102047985419631, + -0.18676632642745972, + 2.151214599609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/80.png", + [ + 0.18300174176692963, + -0.04658754914999008, + 0.10624433308839798, + -1.2205108404159546, + -0.024855541065335274, + -0.20957304537296295, + -0.04908392205834389, + 0.5500415563583374, + 0.11331574618816376, + 0.029268229380249977, + -0.18234802782535553, + 2.166748046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/79.png", + [ + 0.18249846994876862, + -0.04677252843976021, + 0.10702585428953171, + -1.2260836362838745, + -0.024675631895661354, + -0.20950116217136383, + -0.04947995766997337, + 0.5532636642456055, + 0.11416353285312653, + 0.029487010091543198, + -0.18178309500217438, + 2.155513286590576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/19.png", + [ + 0.18533535301685333, + -0.05582892894744873, + 0.09737472981214523, + -1.1034386157989502, + -0.05357552692294121, + -0.20917709171772003, + -0.01795841008424759, + 0.18960820138454437, + 0.09863249957561493, + -0.008716175332665443, + -0.19272661209106445, + 2.235881805419922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/77.png", + [ + 0.18362262845039368, + -0.044989001005887985, + 0.10586130619049072, + -1.2079777717590332, + -0.022637544199824333, + -0.2096482366323471, + -0.04983029142022133, + 0.5566970705986023, + 0.11277486383914948, + 0.031168989837169647, + -0.18236835300922394, + 2.1433849334716797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/68.png", + [ + 0.1815231889486313, + -0.05770087242126465, + 0.10328520089387894, + -1.1585180759429932, + -0.04357084259390831, + -0.2084672451019287, + -0.03988589346408844, + 0.4357339143753052, + 0.10999457538127899, + 0.012645646929740906, + -0.18625031411647797, + 2.1498889923095703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/86.png", + [ + 0.1735750436782837, + -0.05479196831583977, + 0.11754757910966873, + -1.3665697574615479, + -0.033039070665836334, + -0.20858967304229736, + -0.04844234883785248, + 0.5465492010116577, + 0.12541137635707855, + 0.020882565528154373, + -0.17545311152935028, + 2.0846047401428223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/1.png", + [ + 0.18412743508815765, + -0.05449877306818962, + 0.10037363320589066, + -1.1142656803131104, + -0.05816580355167389, + -0.20861798524856567, + -0.006570504978299141, + 0.05900843068957329, + 0.09829405695199966, + -0.02136152982711792, + -0.19191105663776398, + 2.172905445098877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/81.png", + [ + 0.18228335678577423, + -0.046679895371198654, + 0.10743215680122375, + -1.2385132312774658, + -0.02514752931892872, + -0.20968759059906006, + -0.04844190180301666, + 0.5468371510505676, + 0.11440403014421463, + 0.028284339234232903, + -0.1818230152130127, + 2.1699252128601074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/95.png", + [ + 0.17431841790676117, + -0.060005348175764084, + 0.11384347826242447, + -1.284290075302124, + -0.046319834887981415, + -0.20808759331703186, + -0.038754675537347794, + 0.42253634333610535, + 0.12006437033414841, + 0.00684179225936532, + -0.18023769557476044, + 2.0882859230041504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/103.png", + [ + 0.171991229057312, + -0.05252191051840782, + 0.12086505442857742, + -1.3678572177886963, + -0.04564085602760315, + -0.21016401052474976, + -0.02637975476682186, + 0.28399649262428284, + 0.12362776696681976, + -0.004519666079431772, + -0.17788660526275635, + 2.0786595344543457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/83.png", + [ + 0.1806395947933197, + -0.05106601119041443, + 0.10821042209863663, + -1.2464309930801392, + -0.03162785619497299, + -0.20935945212841034, + -0.04600212723016739, + 0.5177984237670898, + 0.11539892852306366, + 0.022556135430932045, + -0.18199506402015686, + 2.1654443740844727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/51.png", + [ + 0.18429403007030487, + -0.05092732980847359, + 0.10193142294883728, + -1.1171327829360962, + -0.03657034412026405, + -0.21001087129116058, + -0.03880644962191582, + 0.41776958107948303, + 0.10791764408349991, + 0.01580309122800827, + -0.18722164630889893, + 2.111494541168213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+88B87CPb6qo+P0+C0+F10741-10848/93.png", + [ + 0.17664535343647003, + -0.060138314962387085, + 0.1101258173584938, + -1.248803973197937, + -0.04489314183592796, + -0.207869753241539, + -0.041505008935928345, + 0.45261576771736145, + 0.11717047542333603, + 0.01102009229362011, + -0.18192727863788605, + 2.1219635009765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/76.png", + [ + 0.20043234527111053, + -0.007452753372490406, + 0.08197092264890671, + -0.9590404033660889, + 0.005247572902590036, + -0.2141885757446289, + -0.03230508044362068, + 0.367272287607193, + 0.08214158564805984, + 0.03186866641044617, + -0.19795212149620056, + 2.370293140411377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/48.png", + [ + 0.20189622044563293, + -0.020592402666807175, + 0.07590626925230026, + -0.8858850002288818, + -0.0070191058330237865, + -0.21299925446510315, + -0.039114490151405334, + 0.4469340443611145, + 0.07833607494831085, + 0.03398771211504936, + -0.1991386115550995, + 2.367800712585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/137.png", + [ + 0.1984081268310547, + 0.03971994295716286, + 0.0774882584810257, + -0.9063532948493958, + 0.04906059429049492, + -0.2102932333946228, + -0.017824459820985794, + 0.19275355339050293, + 0.07193860411643982, + 0.03386708348989487, + -0.20155830681324005, + 2.4111218452453613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/35.png", + [ + 0.20273971557617188, + -0.024443119764328003, + 0.07243640720844269, + -0.8376244306564331, + -0.008199119940400124, + -0.21106907725334167, + -0.048275429755449295, + 0.5432831048965454, + 0.0760083869099617, + 0.042429666966199875, + -0.19841961562633514, + 2.3609509468078613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/124.png", + [ + 0.20053815841674805, + 0.04386907070875168, + 0.06933866441249847, + -0.8200080990791321, + 0.0522073395550251, + -0.20947925746440887, + -0.018458709120750427, + 0.2045092135667801, + 0.06329880654811859, + 0.03379104286432266, + -0.20444881916046143, + 2.46480131149292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/97.png", + [ + 0.19916927814483643, + 0.021582499146461487, + 0.08254510909318924, + -0.940593421459198, + 0.025971464812755585, + -0.21501585841178894, + -0.006446636747568846, + 0.054844487458467484, + 0.08127104490995407, + 0.015819985419511795, + -0.20023146271705627, + 2.3517632484436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/155.png", + [ + 0.18907319009304047, + 0.020200960338115692, + 0.10388042777776718, + -1.2221723794937134, + 0.04338204115629196, + -0.2087932527065277, + -0.038357146084308624, + 0.42849767208099365, + 0.09652575105428696, + 0.05426963418722153, + -0.18624037504196167, + 2.247373580932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/13.png", + [ + 0.20072060823440552, + -0.028305845335125923, + 0.07653701305389404, + -0.8900108337402344, + -0.016861407086253166, + -0.21322257816791534, + -0.03463700786232948, + 0.38808006048202515, + 0.07984252274036407, + 0.026130609214305878, + -0.1997254490852356, + 2.3750739097595215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/32.png", + [ + 0.20095360279083252, + -0.026252247393131256, + 0.07665744423866272, + -0.8860939741134644, + -0.014252176508307457, + -0.2132432609796524, + -0.03566630557179451, + 0.39161935448646545, + 0.07976477593183517, + 0.028036223724484444, + -0.1994979977607727, + 2.3639931678771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/158.png", + [ + 0.1763414442539215, + 0.006586347706615925, + 0.1257307231426239, + -1.4855631589889526, + 0.04527994245290756, + -0.20521791279315948, + -0.052756354212760925, + 0.6098020076751709, + 0.11747901141643524, + 0.06921074539422989, + -0.16839373111724854, + 2.016615867614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/38.png", + [ + 0.20319698750972748, + -0.02419133298099041, + 0.07122967392206192, + -0.8371340036392212, + -0.003411697456613183, + -0.20791758596897125, + -0.060881320387125015, + 0.7084348797798157, + 0.07514818012714386, + 0.05597280338406563, + -0.1953655332326889, + 2.3387961387634277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/148.png", + [ + 0.19731679558753967, + 0.03301664814352989, + 0.08320983499288559, + -0.9706339836120605, + 0.04481229558587074, + -0.21077866852283478, + -0.022629685699939728, + 0.24709799885749817, + 0.07749731093645096, + 0.03781725838780403, + -0.1987760365009308, + 2.380802631378174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/111.png", + [ + 0.19245046377182007, + 0.060451991856098175, + 0.07909660786390305, + -0.930936872959137, + 0.0675969049334526, + -0.20573343336582184, + -0.007232425734400749, + 0.07451020181179047, + 0.07308470457792282, + 0.031099945306777954, + -0.20159195363521576, + 2.4207282066345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/11.png", + [ + 0.201912984251976, + -0.028173496946692467, + 0.0733845978975296, + -0.8534281849861145, + -0.01726550981402397, + -0.21323516964912415, + -0.03435938060283661, + 0.38627058267593384, + 0.07668732851743698, + 0.02617095597088337, + -0.20095281302928925, + 2.3879685401916504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/125.png", + [ + 0.20073272287845612, + 0.04341936856508255, + 0.06905815005302429, + -0.813802182674408, + 0.05171048268675804, + -0.2095964550971985, + -0.01852700300514698, + 0.20352119207382202, + 0.06308957934379578, + 0.03364494815468788, + -0.2045375555753708, + 2.4587512016296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/59.png", + [ + 0.20331688225269318, + -0.013457555323839188, + 0.07368201017379761, + -0.861129641532898, + -0.002103466307744384, + -0.21409042179584503, + -0.033298004418611526, + 0.37684985995292664, + 0.07487133890390396, + 0.030529916286468506, + -0.20102263987064362, + 2.4004650115966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/105.png", + [ + 0.1886230856180191, + 0.06356942653656006, + 0.08560467511415482, + -0.9976935982704163, + 0.07061745226383209, + -0.20481400191783905, + -0.0035065014380961657, + 0.026893526315689087, + 0.07988996058702469, + 0.03095235861837864, + -0.19901618361473083, + 2.355701446533203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/121.png", + [ + 0.20003251731395721, + 0.04525812342762947, + 0.06990411132574081, + -0.8325356841087341, + 0.05252726003527641, + -0.2097080647945404, + -0.014536581933498383, + 0.16024279594421387, + 0.06462019681930542, + 0.030366549268364906, + -0.20457270741462708, + 2.48526668548584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/24.png", + [ + 0.20106734335422516, + -0.02644745074212551, + 0.07629123330116272, + -0.8773806691169739, + -0.014018584974110126, + -0.2130470722913742, + -0.03690951317548752, + 0.4113512933254242, + 0.07951918244361877, + 0.029314933344721794, + -0.19941221177577972, + 2.345918655395508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/74.png", + [ + 0.19967086613178253, + -0.007286318112164736, + 0.08382335305213928, + -0.9744007587432861, + 0.005766194313764572, + -0.21416819095611572, + -0.032351817935705185, + 0.367794930934906, + 0.08394163101911545, + 0.0320436991751194, + -0.19716718792915344, + 2.3463850021362305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/129.png", + [ + 0.19938141107559204, + 0.041130729019641876, + 0.07418357580900192, + -0.8679528832435608, + 0.05025649443268776, + -0.20993672311306, + -0.018674761056900024, + 0.20249426364898682, + 0.06833173334598541, + 0.03439076989889145, + -0.20272134244441986, + 2.4269752502441406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/153.png", + [ + 0.19451317191123962, + 0.0276893749833107, + 0.09135547280311584, + -1.0697739124298096, + 0.043724674731492996, + -0.21017111837863922, + -0.029396360740065575, + 0.32534798979759216, + 0.0848567932844162, + 0.044825125485658646, + -0.1942625194787979, + 2.344850540161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/144.png", + [ + 0.19701772928237915, + 0.03381519392132759, + 0.08359692990779877, + -0.9677608013153076, + 0.044026266783475876, + -0.21136730909347534, + -0.018260570243000984, + 0.19339147210121155, + 0.07869943976402283, + 0.03359007090330124, + -0.19906280934810638, + 2.365748405456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/98.png", + [ + 0.19982630014419556, + 0.029088767245411873, + 0.07855690270662308, + -0.8945102095603943, + 0.03363542631268501, + -0.21395426988601685, + -0.006333957891911268, + 0.053037311881780624, + 0.07672028243541718, + 0.018036196008324623, + -0.2018330693244934, + 2.3702282905578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/0.png", + [ + 0.20392358303070068, + -0.024656515568494797, + 0.0689573809504509, + -0.8086472749710083, + -0.014344288036227226, + -0.21352067589759827, + -0.03392728418111801, + 0.385227233171463, + 0.07181438058614731, + 0.027365591377019882, + -0.2025875598192215, + 2.426546573638916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/96.png", + [ + 0.19943787157535553, + 0.016529668122529984, + 0.08306142687797546, + -0.9454583525657654, + 0.021886702626943588, + -0.21534818410873413, + -0.0096964742988348, + 0.09296940267086029, + 0.08181320875883102, + 0.017315294593572617, + -0.19988663494586945, + 2.3385019302368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/100.png", + [ + 0.19915156066417694, + 0.0466824546456337, + 0.07146536558866501, + -0.8110275268554688, + 0.051112473011016846, + -0.2105020135641098, + -0.004930742084980011, + 0.037608105689287186, + 0.068367138504982, + 0.02139030210673809, + -0.2044903188943863, + 2.4000535011291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/40.png", + [ + 0.20227141678333282, + -0.02546481229364872, + 0.07338743656873703, + -0.8633008599281311, + -0.005800436716526747, + -0.2090812623500824, + -0.05656217038631439, + 0.6504953503608704, + 0.0774630680680275, + 0.05083765089511871, + -0.1958644986152649, + 2.3386001586914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/141.png", + [ + 0.19653268158435822, + 0.03911453112959862, + 0.0824187770485878, + -0.9619758725166321, + 0.048165012151002884, + -0.2107313871383667, + -0.014842974953353405, + 0.15683069825172424, + 0.07747860252857208, + 0.03178420662879944, + -0.19983674585819244, + 2.383641242980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/52.png", + [ + 0.2032691389322281, + -0.018925640732049942, + 0.0726042240858078, + -0.8514154553413391, + -0.00651907455176115, + -0.21333037316799164, + -0.0373571552336216, + 0.4260622560977936, + 0.07474660128355026, + 0.032861460000276566, + -0.20070117712020874, + 2.392627716064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/3.png", + [ + 0.20381690561771393, + -0.02602122351527214, + 0.06877104192972183, + -0.8021795749664307, + -0.016265617683529854, + -0.2135881930589676, + -0.03260991722345352, + 0.3659297525882721, + 0.07170767337083817, + 0.02551221288740635, + -0.20286701619625092, + 2.4304394721984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/47.png", + [ + 0.20199885964393616, + -0.02275259792804718, + 0.07501113414764404, + -0.8766254782676697, + -0.009357019327580929, + -0.21286256611347198, + -0.039368413388729095, + 0.44800931215286255, + 0.07782542705535889, + 0.033462584018707275, + -0.19942757487297058, + 2.373208999633789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/104.png", + [ + 0.19043423235416412, + 0.06349799782037735, + 0.08155182003974915, + -0.9449055194854736, + 0.07067415118217468, + -0.2047475427389145, + -0.005612573586404324, + 0.05177680775523186, + 0.07541792094707489, + 0.031533144414424896, + -0.20066314935684204, + 2.37351131439209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/21.png", + [ + 0.20064052939414978, + -0.027879714965820312, + 0.07690251618623734, + -0.88800048828125, + -0.01515080314129591, + -0.21284279227256775, + -0.037633758038282394, + 0.4209212064743042, + 0.08038488775491714, + 0.02947148121893406, + -0.1990416944026947, + 2.3494338989257812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/82.png", + [ + 0.2023697793483734, + -0.007566052954643965, + 0.07705266773700714, + -0.900928795337677, + 0.0036411560140550137, + -0.21446889638900757, + -0.03062247298657894, + 0.3436431884765625, + 0.07733757048845291, + 0.02989562787115574, + -0.20018252730369568, + 2.3923044204711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/106.png", + [ + 0.1871899515390396, + 0.06329722702503204, + 0.08888912200927734, + -1.0402015447616577, + 0.07128851115703583, + -0.20456288754940033, + -0.004457563161849976, + 0.038836222141981125, + 0.08261818438768387, + 0.0330965593457222, + -0.197551891207695, + 2.3437557220458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/14.png", + [ + 0.20061494410037994, + -0.027890365570783615, + 0.07696537673473358, + -0.8954107761383057, + -0.01640961319208145, + -0.21327777206897736, + -0.03451398387551308, + 0.38585254549980164, + 0.0802014023065567, + 0.026126954704523087, + -0.1995820850133896, + 2.3740005493164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/67.png", + [ + 0.20020242035388947, + -0.006672154180705547, + 0.08259765058755875, + -0.9603437185287476, + 0.006155585404485464, + -0.21417702734470367, + -0.032221078872680664, + 0.3637860417366028, + 0.08263775706291199, + 0.03211808204650879, + -0.19770514965057373, + 2.3460044860839844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/78.png", + [ + 0.20137493312358856, + -0.007664598058909178, + 0.0796070396900177, + -0.9339720010757446, + 0.004876295104622841, + -0.21409928798675537, + -0.03294869884848595, + 0.3750804662704468, + 0.07982637733221054, + 0.03241371363401413, + -0.198808953166008, + 2.3857359886169434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/31.png", + [ + 0.20068025588989258, + -0.02672579139471054, + 0.07720787078142166, + -0.8923819065093994, + -0.014961340464651585, + -0.21331307291984558, + -0.034951284527778625, + 0.38321805000305176, + 0.08032111823558807, + 0.027040086686611176, + -0.1994122564792633, + 2.3577404022216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/152.png", + [ + 0.19623251259326935, + 0.029688024893403053, + 0.08694431185722351, + -1.0162553787231445, + 0.04319721460342407, + -0.2107856422662735, + -0.025520827621221542, + 0.2798038423061371, + 0.0810844749212265, + 0.040446676313877106, + -0.19681787490844727, + 2.3717455863952637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/39.png", + [ + 0.20210227370262146, + -0.025861553847789764, + 0.07371394336223602, + -0.8686280846595764, + -0.005460647400468588, + -0.20863355696201324, + -0.05822477489709854, + 0.673094630241394, + 0.0779278501868248, + 0.05245114862918854, + -0.19525374472141266, + 2.335630416870117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/92.png", + [ + 0.19896207749843597, + 0.0020893781911581755, + 0.08577657490968704, + -0.9807391166687012, + 0.009187490679323673, + -0.21588380634784698, + -0.016052158549427986, + 0.16679194569587708, + 0.08530870825052261, + 0.01837705820798874, + -0.19832447171211243, + 2.3206186294555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/53.png", + [ + 0.2033902257680893, + -0.01711738482117653, + 0.07271387428045273, + -0.8534260988235474, + -0.005189037416130304, + -0.21363741159439087, + -0.035777416080236435, + 0.4089485704898834, + 0.07452104985713959, + 0.03184249997138977, + -0.20094914734363556, + 2.399198055267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/75.png", + [ + 0.19972950220108032, + -0.007305774372071028, + 0.08368182182312012, + -0.9753304123878479, + 0.005530263762921095, + -0.2142416387796402, + -0.031903672963380814, + 0.36231839656829834, + 0.08381789922714233, + 0.03154447302222252, + -0.19730030000209808, + 2.354902744293213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/151.png", + [ + 0.1967753767967224, + 0.03147843852639198, + 0.08506737649440765, + -0.9931678175926208, + 0.04395143315196037, + -0.21084854006767273, + -0.023644518107175827, + 0.2586207091808319, + 0.07934495806694031, + 0.038728538900613785, + -0.19786958396434784, + 2.381537914276123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/87.png", + [ + 0.20102913677692413, + -0.003177393926307559, + 0.08077800273895264, + -0.9321244359016418, + 0.005053909961134195, + -0.2155897319316864, + -0.021057669073343277, + 0.22755149006843567, + 0.08068233728408813, + 0.021421290934085846, + -0.19994845986366272, + 2.364323139190674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/139.png", + [ + 0.19755275547504425, + 0.037379685789346695, + 0.08076854050159454, + -0.9451323747634888, + 0.047107577323913574, + -0.2107510268688202, + -0.0176854208111763, + 0.1888691484928131, + 0.07550942152738571, + 0.03368467465043068, + -0.20027871429920197, + 2.3947701454162598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/107.png", + [ + 0.18735754489898682, + 0.06527786701917648, + 0.08708532899618149, + -1.020783543586731, + 0.07364087551832199, + -0.2036956250667572, + -0.005745585076510906, + 0.05488007888197899, + 0.08013785630464554, + 0.03456573560833931, + -0.19832052290439606, + 2.3572282791137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/112.png", + [ + 0.19402813911437988, + 0.058898597955703735, + 0.07636704295873642, + -0.8999730944633484, + 0.06555847823619843, + -0.2063864767551422, + -0.007389510981738567, + 0.0763670951128006, + 0.07073228061199188, + 0.0297232773154974, + -0.20263603329658508, + 2.441535472869873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/69.png", + [ + 0.20054438710212708, + -0.007340042386204004, + 0.08170659840106964, + -0.9494121670722961, + 0.005308206658810377, + -0.21419228613376617, + -0.03227047994732857, + 0.36475199460983276, + 0.08186371624469757, + 0.031869806349277496, + -0.19806700944900513, + 2.3508129119873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/157.png", + [ + 0.17983287572860718, + 0.008470522239804268, + 0.12056650966405869, + -1.4257694482803345, + 0.04245835542678833, + -0.20679374039173126, + -0.04880092665553093, + 0.5577294826507568, + 0.11316059529781342, + 0.06412871181964874, + -0.1732919067144394, + 2.084559440612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/45.png", + [ + 0.20268262922763824, + -0.02392764948308468, + 0.07276751846075058, + -0.8507116436958313, + -0.008343606255948544, + -0.21150386333465576, + -0.04630757123231888, + 0.529523491859436, + 0.07614478468894958, + 0.04051510989665985, + -0.19876718521118164, + 2.370279312133789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/50.png", + [ + 0.20143191516399384, + -0.020036565139889717, + 0.07727619260549545, + -0.9005487561225891, + -0.005994545761495829, + -0.2129432111978531, + -0.03958731144666672, + 0.4532642066478729, + 0.07960616052150726, + 0.03466447815299034, + -0.1985173374414444, + 2.356680393218994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/101.png", + [ + 0.19663678109645844, + 0.053289271891117096, + 0.07377073913812637, + -0.8419721722602844, + 0.0583629384636879, + -0.2086094468832016, + -0.00487534562125802, + 0.04016508534550667, + 0.06982575356960297, + 0.024295182898640633, + -0.20367130637168884, + 2.397216320037842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/85.png", + [ + 0.20060983300209045, + -0.0036133439280092716, + 0.08179566264152527, + -0.9476228952407837, + 0.004767057951539755, + -0.21558083593845367, + -0.02121489681303501, + 0.23078566789627075, + 0.08173653483390808, + 0.021441558375954628, + -0.1995176374912262, + 2.3664402961730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/156.png", + [ + 0.18401992321014404, + 0.014018086716532707, + 0.11352558434009552, + -1.3416759967803955, + 0.04336365684866905, + -0.20753951370716095, + -0.044663675129413605, + 0.5053640604019165, + 0.10584969073534012, + 0.06065265089273453, + -0.179067000746727, + 2.1628222465515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/131.png", + [ + 0.19905073940753937, + 0.04185204580426216, + 0.07466663420200348, + -0.8734350800514221, + 0.05117826163768768, + -0.20969407260417938, + -0.01889660954475403, + 0.20664282143115997, + 0.06861111521720886, + 0.034995753318071365, + -0.2025233656167984, + 2.425492763519287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/71.png", + [ + 0.20028284192085266, + -0.006294930353760719, + 0.0824320912361145, + -0.9577040076255798, + 0.0069479262456297874, + -0.21399962902069092, + -0.033223263919353485, + 0.37568598985671997, + 0.08237962424755096, + 0.03335314989089966, + -0.1976083517074585, + 2.346381187438965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/115.png", + [ + 0.19600416719913483, + 0.05247361958026886, + 0.07600508630275726, + -0.9016152024269104, + 0.05898168310523033, + -0.20832805335521698, + -0.008274843916296959, + 0.08784295618534088, + 0.07107330113649368, + 0.028175020590424538, + -0.20273788273334503, + 2.464012622833252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/54.png", + [ + 0.2033594399690628, + -0.016664473339915276, + 0.07290494441986084, + -0.8560901284217834, + -0.004882904700934887, + -0.21373479068279266, + -0.035234831273555756, + 0.40445446968078613, + 0.07462567090988159, + 0.031426604837179184, + -0.20097579061985016, + 2.4010157585144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/33.png", + [ + 0.20111079514026642, + -0.02591772750020027, + 0.07635846734046936, + -0.8789077401161194, + -0.01335915271192789, + -0.21305127441883087, + -0.037129275500774384, + 0.40613505244255066, + 0.07952282577753067, + 0.02975434996187687, + -0.199345663189888, + 2.3546652793884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/159.png", + [ + 0.17404668033123016, + 0.004661065526306629, + 0.12897253036499023, + -1.5192300081253052, + 0.04815897345542908, + -0.20323798060417175, + -0.057644858956336975, + 0.670846700668335, + 0.11973452568054199, + 0.07496993243694305, + -0.16428951919078827, + 1.9566491842269897, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/49.png", + [ + 0.20120365917682648, + -0.020134104415774345, + 0.07784346491098404, + -0.9074079394340515, + -0.005738772451877594, + -0.2128324657678604, + -0.04021569713950157, + 0.46164047718048096, + 0.08020008355379105, + 0.03528248146176338, + -0.19816908240318298, + 2.3549561500549316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/118.png", + [ + 0.19882169365882874, + 0.04772695526480675, + 0.07169356942176819, + -0.8535376191139221, + 0.05396723374724388, + -0.20960159599781036, + -0.010129372589290142, + 0.10896143317222595, + 0.06712203472852707, + 0.027151504531502724, + -0.2042188197374344, + 2.4863924980163574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/110.png", + [ + 0.1916680783033371, + 0.06149933114647865, + 0.0801815465092659, + -0.9417476058006287, + 0.0695454329252243, + -0.20501308143138885, + -0.008997971192002296, + 0.0961003452539444, + 0.07331221550703049, + 0.03369515389204025, + -0.20109164714813232, + 2.405752658843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/18.png", + [ + 0.19986839592456818, + -0.02808512933552265, + 0.07881461083889008, + -0.9155991077423096, + -0.016049087047576904, + -0.21318203210830688, + -0.035266801714897156, + 0.39523884654045105, + 0.08211544156074524, + 0.02669355645775795, + -0.19872696697711945, + 2.357898235321045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/66.png", + [ + 0.20042943954467773, + -0.007203484885394573, + 0.0820002481341362, + -0.9545145034790039, + 0.005330552812665701, + -0.21425452828407288, + -0.031850870698690414, + 0.35939866304397583, + 0.08214326202869415, + 0.03148019313812256, + -0.198013573884964, + 2.3504271507263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/16.png", + [ + 0.19997641444206238, + -0.02807771973311901, + 0.0785427913069725, + -0.915683925151825, + -0.016534138470888138, + -0.21332469582557678, + -0.034162700176239014, + 0.38255196809768677, + 0.08175543695688248, + 0.02553643099963665, + -0.19902722537517548, + 2.3690319061279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/94.png", + [ + 0.19866091012954712, + 0.007660202216356993, + 0.0861571803689003, + -0.9831095933914185, + 0.013318472541868687, + -0.21595847606658936, + -0.011508901603519917, + 0.11247056722640991, + 0.08546552807092667, + 0.015847960487008095, + -0.19847513735294342, + 2.3184285163879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/28.png", + [ + 0.20060759782791138, + -0.02809135802090168, + 0.07691138982772827, + -0.885768711566925, + -0.01666182279586792, + -0.21327069401741028, + -0.03443671017885208, + 0.38341066241264343, + 0.08016777038574219, + 0.02596880868077278, + -0.19961625337600708, + 2.354336738586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/61.png", + [ + 0.20337630808353424, + -0.013289052061736584, + 0.07354838401079178, + -0.8531762957572937, + -0.002006490482017398, + -0.21411602199077606, + -0.03313908725976944, + 0.37385305762290955, + 0.074712373316288, + 0.030424105003476143, + -0.20109781622886658, + 2.386690616607666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/132.png", + [ + 0.1990056037902832, + 0.04191746562719345, + 0.07475017756223679, + -0.8742727041244507, + 0.05115997791290283, + -0.209725484251976, + -0.018594766035676003, + 0.20305755734443665, + 0.06875549256801605, + 0.03472801670432091, + -0.2025204747915268, + 2.4257116317749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/58.png", + [ + 0.2034820318222046, + -0.014903876930475235, + 0.0729440450668335, + -0.8546814322471619, + -0.0035663493908941746, + -0.21399633586406708, + -0.033775024116039276, + 0.3832796514034271, + 0.07436557859182358, + 0.030517952516674995, + -0.20121212303638458, + 2.4057998657226562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/123.png", + [ + 0.20003467798233032, + 0.044376175850629807, + 0.07046119123697281, + -0.8355259895324707, + 0.052847299724817276, + -0.20934253931045532, + -0.0181869063526392, + 0.2017802596092224, + 0.06435206532478333, + 0.03397580608725548, + -0.20408907532691956, + 2.469092845916748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/64.png", + [ + 0.20115478336811066, + -0.008767344988882542, + 0.08004860579967499, + -0.9313541650772095, + 0.003305261954665184, + -0.21430622041225433, + -0.0317777618765831, + 0.3595236837863922, + 0.08045943826436996, + 0.030722705647349358, + -0.1988222599029541, + 2.361125946044922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/10.png", + [ + 0.20203493535518646, + -0.02768745645880699, + 0.07323374599218369, + -0.8530815839767456, + -0.017194431275129318, + -0.21341656148433685, + -0.033250872045755386, + 0.37358972430229187, + 0.07638146728277206, + 0.025192730128765106, + -0.201194167137146, + 2.3945722579956055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/41.png", + [ + 0.20260433852672577, + -0.025288987904787064, + 0.07252476364374161, + -0.8505658507347107, + -0.006521071773022413, + -0.2095181792974472, + -0.054840654134750366, + 0.629355251789093, + 0.07653006166219711, + 0.04909672960639, + -0.19667372107505798, + 2.3439688682556152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/91.png", + [ + 0.20038877427577972, + -5.1019200327573344e-05, + 0.08241500705480576, + -0.9415485858917236, + 0.007237461395561695, + -0.215826615691185, + -0.017731202766299248, + 0.18532398343086243, + 0.0820966362953186, + 0.019151339307427406, + -0.19960278272628784, + 2.333620548248291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/140.png", + [ + 0.19694387912750244, + 0.038149382919073105, + 0.08188792318105698, + -0.9590626955032349, + 0.047778982669115067, + -0.21067529916763306, + -0.01676248572766781, + 0.17924924194812775, + 0.07666926831007004, + 0.03329319506883621, + -0.19990317523479462, + 2.3906431198120117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/23.png", + [ + 0.19981515407562256, + -0.027157746255397797, + 0.07927332073450089, + -0.9137793183326721, + -0.014325619675219059, + -0.2130330502986908, + -0.03687269985675812, + 0.4119809865951538, + 0.08256258070468903, + 0.02876240760087967, + -0.19825245440006256, + 2.3388586044311523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/37.png", + [ + 0.20414000749588013, + -0.023104043677449226, + 0.06885455548763275, + -0.8053314089775085, + -0.0036274571903049946, + -0.20840582251548767, + -0.05917557701468468, + 0.6871710419654846, + 0.07253681123256683, + 0.05459954962134361, + -0.19673635065555573, + 2.3536300659179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/36.png", + [ + 0.2037433236837387, + -0.024431049823760986, + 0.06956775486469269, + -0.8083859086036682, + -0.00671008974313736, + -0.20972998440265656, + -0.054001860320568085, + 0.6181356906890869, + 0.0734269917011261, + 0.04862457886338234, + -0.19796974956989288, + 2.3626885414123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/8.png", + [ + 0.20262302458286285, + -0.02709098532795906, + 0.07181838899850845, + -0.8402078151702881, + -0.017233723774552345, + -0.2136111706495285, + -0.03195543959736824, + 0.35841113328933716, + 0.07479840517044067, + 0.02417084574699402, + -0.2019130140542984, + 2.406661033630371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/6.png", + [ + 0.20303049683570862, + -0.02670121379196644, + 0.07080646604299545, + -0.8282550573348999, + -0.01600697450339794, + -0.2133043259382248, + -0.03453893959522247, + 0.39167430996894836, + 0.07396139204502106, + 0.02713313326239586, + -0.20184500515460968, + 2.4077577590942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/154.png", + [ + 0.19196854531764984, + 0.02458140254020691, + 0.09742547571659088, + -1.1414966583251953, + 0.04398929327726364, + -0.20944753289222717, + -0.03383147716522217, + 0.3758128881454468, + 0.09033775329589844, + 0.049753203988075256, + -0.19055603444576263, + 2.298999309539795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/20.png", + [ + 0.20035074651241302, + -0.027573177590966225, + 0.07776374369859695, + -0.9009456038475037, + -0.015090973116457462, + -0.2130184769630432, + -0.036650873720645905, + 0.4097747802734375, + 0.08111561089754105, + 0.028473561629652977, + -0.19889044761657715, + 2.3534345626831055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/2.png", + [ + 0.20400860905647278, + -0.025738628581166267, + 0.06830744445323944, + -0.797061026096344, + -0.016197914257645607, + -0.21366557478904724, + -0.032133325934410095, + 0.35985293984413147, + 0.07117591798305511, + 0.025148479267954826, + -0.2030995786190033, + 2.434561252593994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/117.png", + [ + 0.19848661124706268, + 0.04972979798913002, + 0.07125945389270782, + -0.8478251695632935, + 0.05586022511124611, + -0.2091277688741684, + -0.00964955985546112, + 0.10327817499637604, + 0.06656274199485779, + 0.027210742235183716, + -0.2043939232826233, + 2.487523078918457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/149.png", + [ + 0.19726839661598206, + 0.032553497701883316, + 0.08350654691457748, + -0.9749876260757446, + 0.04436754807829857, + -0.2108755260705948, + -0.02260398119688034, + 0.2479650378227234, + 0.07787550240755081, + 0.03767876699566841, + -0.19865451753139496, + 2.3829164505004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/5.png", + [ + 0.20347587764263153, + -0.026480892673134804, + 0.06960047781467438, + -0.813678503036499, + -0.016111822798848152, + -0.21337048709392548, + -0.034078408032655716, + 0.3855844736099243, + 0.0727040097117424, + 0.02682705782353878, + -0.20234212279319763, + 2.4173359870910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/108.png", + [ + 0.18810997903347015, + 0.06233421713113785, + 0.08761832863092422, + -1.029814600944519, + 0.07151295989751816, + -0.20437118411064148, + -0.008137378841638565, + 0.08463820815086365, + 0.08030208200216293, + 0.03598283603787422, + -0.19800177216529846, + 2.361948013305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/60.png", + [ + 0.20333264768123627, + -0.014049275778234005, + 0.07352785766124725, + -0.8559849262237549, + -0.0029728037770837545, + -0.21417200565338135, + -0.03270180523395538, + 0.36901941895484924, + 0.07479900121688843, + 0.029679343104362488, + -0.20117689669132233, + 2.395881175994873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/56.png", + [ + 0.20430822670459747, + -0.01568559743463993, + 0.0704273134469986, + -0.8260620832443237, + -0.004306922201067209, + -0.21376675367355347, + -0.03511591628193855, + 0.4016989767551422, + 0.07202426344156265, + 0.03171181306242943, + -0.20187808573246002, + 2.4114322662353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/147.png", + [ + 0.19754385948181152, + 0.03296809270977974, + 0.08268871158361435, + -0.962355375289917, + 0.04514133185148239, + -0.21056944131851196, + -0.02388862706720829, + 0.260616660118103, + 0.07672404497861862, + 0.0390065535902977, + -0.19884617626667023, + 2.376983165740967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/30.png", + [ + 0.20110058784484863, + -0.02748587541282177, + 0.0758351981639862, + -0.873597264289856, + -0.01598590798676014, + -0.2132474035024643, + -0.03489826247096062, + 0.3853763937950134, + 0.07906263321638107, + 0.02679486572742462, + -0.1999475657939911, + 2.358269691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/17.png", + [ + 0.1995866745710373, + -0.02874850295484066, + 0.07928794622421265, + -0.9230491518974304, + -0.016825255006551743, + -0.21317584812641144, + -0.034940872341394424, + 0.39103201031684875, + 0.08264361321926117, + 0.02602839469909668, + -0.19859619438648224, + 2.361973285675049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/12.png", + [ + 0.20160037279129028, + -0.028180429711937904, + 0.07423640042543411, + -0.8625020980834961, + -0.017002549022436142, + -0.21319206058979034, + -0.034755513072013855, + 0.389565646648407, + 0.07756347954273224, + 0.026512183248996735, + -0.2005714327096939, + 2.38314151763916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/114.png", + [ + 0.196710005402565, + 0.05490263178944588, + 0.07237939536571503, + -0.8552374839782715, + 0.06085389107465744, + -0.2078089565038681, + -0.007755120750516653, + 0.08056065440177917, + 0.0674527958035469, + 0.027368582785129547, + -0.20408082008361816, + 2.471400260925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/27.png", + [ + 0.2008235901594162, + -0.02785569429397583, + 0.07643196731805801, + -0.8796111345291138, + -0.016308024525642395, + -0.21322889626026154, + -0.03486241027712822, + 0.3889399468898773, + 0.07969838380813599, + 0.026559362187981606, + -0.19972647726535797, + 2.35219669342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/42.png", + [ + 0.2025790512561798, + -0.025101084262132645, + 0.07266063243150711, + -0.8496540784835815, + -0.006630056072026491, + -0.20974037051200867, + -0.05397144705057144, + 0.6196547746658325, + 0.07658769190311432, + 0.04823702573776245, + -0.19686394929885864, + 2.3451366424560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/7.png", + [ + 0.20281799137592316, + -0.027181008830666542, + 0.0712316632270813, + -0.8341119885444641, + -0.016987113282084465, + -0.2134588658809662, + -0.033085498958826065, + 0.37279027700424194, + 0.07432492822408676, + 0.02538513019680977, + -0.20193883776664734, + 2.4098434448242188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/73.png", + [ + 0.199619859457016, + -0.00811224989593029, + 0.08386891335248947, + -0.9745578169822693, + 0.00541833508759737, + -0.21398590505123138, + -0.03359425812959671, + 0.3819316625595093, + 0.08408594876527786, + 0.03304729983210564, + -0.19693990051746368, + 2.3401622772216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/120.png", + [ + 0.1996251493692398, + 0.0461072102189064, + 0.07051116228103638, + -0.8396187424659729, + 0.05305866897106171, + -0.2096681296825409, + -0.013113285414874554, + 0.14462429285049438, + 0.06544063240289688, + 0.029348013922572136, + -0.20446054637432098, + 2.488009452819824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/46.png", + [ + 0.20321114361286163, + -0.02292216382920742, + 0.07160796970129013, + -0.8384072184562683, + -0.009280586615204811, + -0.21242870390415192, + -0.04166305810213089, + 0.47425946593284607, + 0.07461230456829071, + 0.03600713610649109, + -0.200210839509964, + 2.3864002227783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/127.png", + [ + 0.1997576802968979, + 0.04160546883940697, + 0.07289546728134155, + -0.8555737137794495, + 0.0506904274225235, + -0.20978763699531555, + -0.019171148538589478, + 0.2097455859184265, + 0.06689727306365967, + 0.034728050231933594, + -0.20314186811447144, + 2.436683177947998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/133.png", + [ + 0.19895245134830475, + 0.04151259735226631, + 0.07511668652296066, + -0.8783313632011414, + 0.0507093109190464, + -0.20985811948776245, + -0.018331287428736687, + 0.20068179070949554, + 0.06924145668745041, + 0.034411828964948654, + -0.20240885019302368, + 2.4238157272338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/57.png", + [ + 0.20415981113910675, + -0.014360900036990643, + 0.0711367055773735, + -0.8345780372619629, + -0.0028820878360420465, + -0.21382680535316467, + -0.034895338118076324, + 0.39829251170158386, + 0.07251454144716263, + 0.031933605670928955, + -0.20166750252246857, + 2.4104509353637695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/44.png", + [ + 0.2018459141254425, + -0.025854263454675674, + 0.07441556453704834, + -0.8692898154258728, + -0.008215787820518017, + -0.2104659527540207, + -0.050837744027376175, + 0.5843350291252136, + 0.07834933698177338, + 0.04453686252236366, + -0.19704249501228333, + 2.3491315841674805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/113.png", + [ + 0.19567643105983734, + 0.056879326701164246, + 0.07364357262849808, + -0.8693750500679016, + 0.06328810006380081, + -0.20706208050251007, + -0.00823479425162077, + 0.08662377297878265, + 0.06821472197771072, + 0.028947167098522186, + -0.20360919833183289, + 2.459559440612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/126.png", + [ + 0.20004358887672424, + 0.041830141097307205, + 0.07197703421115875, + -0.8458634614944458, + 0.05077800154685974, + -0.20976190268993378, + -0.019220629706978798, + 0.21138402819633484, + 0.06597007811069489, + 0.03461325541138649, + -0.20346440374851227, + 2.442765235900879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/29.png", + [ + 0.20072582364082336, + -0.02802147902548313, + 0.07662796974182129, + -0.8839612007141113, + -0.01668434962630272, + -0.21329213678836823, + -0.03429272025823593, + 0.38097599148750305, + 0.07986666262149811, + 0.02586802840232849, + -0.19974999129772186, + 2.3584446907043457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/4.png", + [ + 0.20339787006378174, + -0.02569282241165638, + 0.07012185454368591, + -0.8187311887741089, + -0.01544802263379097, + -0.21352270245552063, + -0.033426180481910706, + 0.3773731291294098, + 0.07306540012359619, + 0.026378588750958443, + -0.20227088034152985, + 2.4215383529663086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/55.png", + [ + 0.20342586934566498, + -0.016310743987560272, + 0.07279949635267258, + -0.8548706769943237, + -0.004553029779344797, + -0.21375295519828796, + -0.035168733447790146, + 0.40408647060394287, + 0.07446526736021042, + 0.031488560140132904, + -0.20102559030056, + 2.4017562866210938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/9.png", + [ + 0.20224662125110626, + -0.027042947709560394, + 0.07288946211338043, + -0.8503662943840027, + -0.01686171069741249, + -0.2135663777589798, + -0.03244968503713608, + 0.36405280232429504, + 0.07589384913444519, + 0.024616625159978867, + -0.20144984126091003, + 2.3988256454467773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/25.png", + [ + 0.20100192725658417, + -0.026975074782967567, + 0.07627885788679123, + -0.876998245716095, + -0.014743393287062645, + -0.213068887591362, + -0.03649895638227463, + 0.40660351514816284, + 0.07955345511436462, + 0.028668567538261414, + -0.19949249923229218, + 2.3471221923828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/99.png", + [ + 0.20064224302768707, + 0.037619899958372116, + 0.07263141125440598, + -0.823797345161438, + 0.04143700376152992, + -0.21263131499290466, + -0.004334819503128529, + 0.029441557824611664, + 0.07052342593669891, + 0.01790415309369564, + -0.2040925920009613, + 2.393462657928467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/34.png", + [ + 0.20145411789417267, + -0.02475365251302719, + 0.07583790272474289, + -0.8741019368171692, + -0.010267197154462337, + -0.21231187880039215, + -0.04202549159526825, + 0.4673819839954376, + 0.07911205291748047, + 0.035479772835969925, + -0.19857080280780792, + 2.353158473968506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/72.png", + [ + 0.19995960593223572, + -0.007075978443026543, + 0.08315034210681915, + -0.9658735394477844, + 0.00654354365542531, + -0.2139001190662384, + -0.033938486129045486, + 0.38450270891189575, + 0.08319393545389175, + 0.033831484615802765, + -0.1971854269504547, + 2.3399534225463867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/102.png", + [ + 0.19465668499469757, + 0.058537717908620834, + 0.07503334432840347, + -0.8603502511978149, + 0.06477672606706619, + -0.20665250718593597, + -0.0068270498886704445, + 0.06427697837352753, + 0.06971832364797592, + 0.028565160930156708, + -0.2031533569097519, + 2.3923683166503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/134.png", + [ + 0.1987178474664688, + 0.04131565988063812, + 0.0758427307009697, + -0.8870434761047363, + 0.05053911358118057, + -0.2099224179983139, + -0.018062911927700043, + 0.1975700706243515, + 0.07003501057624817, + 0.03425619378685951, + -0.20216208696365356, + 2.422008514404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/70.png", + [ + 0.1998831182718277, + -0.007184308487921953, + 0.08332476764917374, + -0.9689384698867798, + 0.0059832860715687275, + -0.2140921652317047, + -0.032812125980854034, + 0.3714248538017273, + 0.08341960608959198, + 0.0325702428817749, + -0.1973024308681488, + 2.343161106109619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/135.png", + [ + 0.19881592690944672, + 0.040765438228845596, + 0.07588344812393188, + -0.8876609802246094, + 0.049769654870033264, + -0.21015378832817078, + -0.017500372603535652, + 0.190410777926445, + 0.0703071877360344, + 0.033488206565380096, + -0.20219628512859344, + 2.423153877258301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/130.png", + [ + 0.19912002980709076, + 0.0400724858045578, + 0.0754539892077446, + -0.882476270198822, + 0.04952811077237129, + -0.210068017244339, + -0.01913869008421898, + 0.20839744806289673, + 0.0696137472987175, + 0.03483559563755989, + -0.20220854878425598, + 2.4215784072875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/90.png", + [ + 0.2001098394393921, + -0.0033552099484950304, + 0.08302218466997147, + -0.9531936049461365, + 0.005248181987553835, + -0.21555522084236145, + -0.021361110731959343, + 0.22813764214515686, + 0.08292403817176819, + 0.02173897624015808, + -0.19899475574493408, + 2.340172290802002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/122.png", + [ + 0.20003663003444672, + 0.04512516409158707, + 0.0699782744050026, + -0.8317165970802307, + 0.0529305599629879, + -0.20948302745819092, + -0.01622067578136921, + 0.1790321171283722, + 0.06427749246358871, + 0.03206983208656311, + -0.20442068576812744, + 2.478452205657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/15.png", + [ + 0.20030982792377472, + -0.028015686199069023, + 0.07771091163158417, + -0.9050425887107849, + -0.016474206000566483, + -0.21328668296337128, + -0.034427955746650696, + 0.38500192761421204, + 0.08094729483127594, + 0.025919198989868164, + -0.1993078589439392, + 2.3721089363098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/22.png", + [ + 0.20063982903957367, + -0.027706578373908997, + 0.07696687430143356, + -0.8870687484741211, + -0.015060221776366234, + -0.21289420127868652, + -0.03737829253077507, + 0.4167366027832031, + 0.0804036408662796, + 0.029262475669384003, + -0.1990649700164795, + 2.3455028533935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/138.png", + [ + 0.19780302047729492, + 0.03872018679976463, + 0.07951481640338898, + -0.9300515055656433, + 0.04840219020843506, + -0.21043652296066284, + -0.017933236435055733, + 0.19319315254688263, + 0.0740208625793457, + 0.034133847802877426, + -0.20075780153274536, + 2.400695323944092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/109.png", + [ + 0.1904093623161316, + 0.06347965449094772, + 0.08162415027618408, + -0.9582985043525696, + 0.07199494540691376, + -0.2041580229997635, + -0.00917170662432909, + 0.0975302904844284, + 0.07422193139791489, + 0.03518134728074074, + -0.20050254464149475, + 2.3931803703308105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/26.png", + [ + 0.20138458907604218, + -0.0273432657122612, + 0.07512978464365005, + -0.8636385202407837, + -0.015291295945644379, + -0.2130230814218521, + -0.03654097765684128, + 0.40745940804481506, + 0.07847492396831512, + 0.02866029180586338, + -0.1999204158782959, + 2.350518226623535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/43.png", + [ + 0.20246723294258118, + -0.025435123592615128, + 0.07285579293966293, + -0.8499582409858704, + -0.007143206894397736, + -0.20986558496952057, + -0.05341636389493942, + 0.6148434281349182, + 0.07683674991130829, + 0.04751197621226311, + -0.19694319367408752, + 2.345897674560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/84.png", + [ + 0.20066113770008087, + -0.005324229132384062, + 0.08157610148191452, + -0.9510856866836548, + 0.004209567792713642, + -0.21525481343269348, + -0.02440374530851841, + 0.27096354961395264, + 0.08164121955633163, + 0.02418503351509571, + -0.19924280047416687, + 2.3733363151550293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/136.png", + [ + 0.19783756136894226, + 0.03931276872754097, + 0.07913722842931747, + -0.9264706969261169, + 0.04900176823139191, + -0.210288867354393, + -0.018036415800452232, + 0.19610387086868286, + 0.07353244721889496, + 0.03436555713415146, + -0.2008976936340332, + 2.407881736755371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/89.png", + [ + 0.2007279247045517, + -0.003722299123182893, + 0.08150054514408112, + -0.9369117021560669, + 0.004954291973263025, + -0.21549342572689056, + -0.022043973207473755, + 0.23695209622383118, + 0.0814349353313446, + 0.022285113111138344, + -0.19954854249954224, + 2.3493642807006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/63.png", + [ + 0.202267587184906, + -0.010675064288079739, + 0.07695300132036209, + -0.8931516408920288, + 0.0009102217736653984, + -0.21427905559539795, + -0.03211767226457596, + 0.36322036385536194, + 0.07768458127975464, + 0.03030538558959961, + -0.19998645782470703, + 2.3718514442443848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/88.png", + [ + 0.20098814368247986, + -0.0036179411690682173, + 0.08086143434047699, + -0.9309161305427551, + 0.004697679542005062, + -0.2155718207359314, + -0.02132171206176281, + 0.2295844852924347, + 0.08080589026212692, + 0.021531233564019203, + -0.1998867243528366, + 2.357243061065674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/62.png", + [ + 0.2021537572145462, + -0.01125707384198904, + 0.07716882228851318, + -0.8955152630805969, + 0.0006731577450409532, + -0.21414552628993988, + -0.0330021008849144, + 0.3735702335834503, + 0.07798266410827637, + 0.031030146405100822, + -0.19975918531417847, + 2.3715004920959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/65.png", + [ + 0.20075158774852753, + -0.007269076071679592, + 0.08120255917310715, + -0.9452006220817566, + 0.005060418043285608, + -0.2142845094203949, + -0.031692806631326675, + 0.357513427734375, + 0.08137007057666779, + 0.03126023709774017, + -0.19836734235286713, + 2.356396198272705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/80.png", + [ + 0.20168448984622955, + -0.007746899500489235, + 0.07881147414445877, + -0.9251813888549805, + 0.004248928744345903, + -0.21426619589328766, + -0.031934961676597595, + 0.36321401596069336, + 0.07907723635435104, + 0.031271085143089294, + -0.19929075241088867, + 2.393831729888916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/146.png", + [ + 0.197710320353508, + 0.032934848219156265, + 0.08230318129062653, + -0.956509530544281, + 0.04510360211133957, + -0.21055428683757782, + -0.024092303588986397, + 0.2624562382698059, + 0.07631633430719376, + 0.03911610320210457, + -0.19898150861263275, + 2.3748974800109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/119.png", + [ + 0.19913563132286072, + 0.04735178127884865, + 0.07106827944517136, + -0.8467009663581848, + 0.053820688277482986, + -0.20958679914474487, + -0.011162632144987583, + 0.12160526216030121, + 0.0663040354847908, + 0.027911994606256485, + -0.20438344776630402, + 2.4890732765197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/145.png", + [ + 0.19768644869327545, + 0.03299117833375931, + 0.08233799040317535, + -0.9544766545295715, + 0.044502221047878265, + -0.21087387204170227, + -0.02235310710966587, + 0.2406977415084839, + 0.0767301395535469, + 0.03730538487434387, + -0.19917000830173492, + 2.371455192565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/79.png", + [ + 0.20133502781391144, + -0.00757802277803421, + 0.07971624284982681, + -0.9358263611793518, + 0.004716270137578249, + -0.2142055332660675, + -0.032274533063173294, + 0.36733025312423706, + 0.07993660867214203, + 0.03172479197382927, + -0.19887575507164001, + 2.388981819152832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/116.png", + [ + 0.196994811296463, + 0.05042986571788788, + 0.07481822371482849, + -0.8889002799987793, + 0.056960392743349075, + -0.2088509202003479, + -0.00920332595705986, + 0.09895186126232147, + 0.06997466087341309, + 0.0280359648168087, + -0.20313893258571625, + 2.4713187217712402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/19.png", + [ + 0.19995687901973724, + -0.027470799162983894, + 0.07880672067403793, + -0.9145602583885193, + -0.01525947917252779, + -0.21318544447422028, + -0.03559514135122299, + 0.39824795722961426, + 0.08205054700374603, + 0.027298735454678535, + -0.19867154955863953, + 2.355225086212158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/77.png", + [ + 0.20107673108577728, + -0.007749603129923344, + 0.0803491547703743, + -0.9419886469841003, + 0.00484512560069561, + -0.21412625908851624, + -0.03277738764882088, + 0.3735913336277008, + 0.08057647943496704, + 0.032214537262916565, + -0.19853852689266205, + 2.3820080757141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/68.png", + [ + 0.2004798948764801, + -0.006827377714216709, + 0.08190907537937164, + -0.9532310366630554, + 0.005774999037384987, + -0.21422214806079865, + -0.03199091926217079, + 0.36240753531455994, + 0.08198998868465424, + 0.03178296238183975, + -0.19802872836589813, + 2.351362705230713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/143.png", + [ + 0.19570302963256836, + 0.03473062813282013, + 0.08626703172922134, + -0.9990053772926331, + 0.04389439895749092, + -0.21169614791870117, + -0.01434993650764227, + 0.14678305387496948, + 0.0819847509264946, + 0.030437184497714043, + -0.1982422024011612, + 2.3552417755126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/86.png", + [ + 0.20035269856452942, + -0.003071592189371586, + 0.08244547992944717, + -0.95374995470047, + 0.00495039951056242, + -0.21568670868873596, + -0.020065713673830032, + 0.21671061217784882, + 0.08235402405261993, + 0.020437825471162796, + -0.19936901330947876, + 2.361832618713379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/1.png", + [ + 0.20380781590938568, + -0.025759544223546982, + 0.06889637559652328, + -0.8053725361824036, + -0.01611274667084217, + -0.21365892887115479, + -0.03222016245126724, + 0.3619699776172638, + 0.07176798582077026, + 0.025183435529470444, + -0.20288677513599396, + 2.430403709411621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/81.png", + [ + 0.20224438607692719, + -0.007458914071321487, + 0.07739170640707016, + -0.9059578776359558, + 0.004029653035104275, + -0.21437981724739075, + -0.031192170456051826, + 0.35287243127822876, + 0.07764582335948944, + 0.030554121360182762, + -0.19996367394924164, + 2.3946332931518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/95.png", + [ + 0.1992146223783493, + 0.011774171143770218, + 0.08439667522907257, + -0.9620741009712219, + 0.017376769334077835, + -0.21570023894309998, + -0.01092478260397911, + 0.10693366825580597, + 0.08342347294092178, + 0.016812849789857864, + -0.19926299154758453, + 2.3298568725585938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/103.png", + [ + 0.19276092946529388, + 0.060317035764455795, + 0.07844091951847076, + -0.904485285282135, + 0.06748998165130615, + -0.20575396716594696, + -0.007635817397385836, + 0.07519255578517914, + 0.0723617672920227, + 0.031225910410284996, + -0.20183312892913818, + 2.383805274963379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/150.png", + [ + 0.1973744034767151, + 0.03173903748393059, + 0.08356960862874985, + -0.9756792783737183, + 0.04351091757416725, + -0.2110535353422165, + -0.02260756678879261, + 0.24753835797309875, + 0.07808998227119446, + 0.03737559914588928, + -0.19862757623195648, + 2.3859310150146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/83.png", + [ + 0.20111241936683655, + -0.005750799085944891, + 0.08042773604393005, + -0.9407804012298584, + 0.004651943221688271, + -0.21493536233901978, + -0.027000803500413895, + 0.30135345458984375, + 0.08049877732992172, + 0.026788288727402687, + -0.19937460124492645, + 2.3849620819091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/142.png", + [ + 0.19686686992645264, + 0.03772953152656555, + 0.08226672559976578, + -0.9534067511558533, + 0.04618750512599945, + -0.21125462651252747, + -0.013641616329550743, + 0.140171080827713, + 0.07783345878124237, + 0.029930949211120605, + -0.19998496770858765, + 2.3715415000915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/51.png", + [ + 0.2022961527109146, + -0.019236423075199127, + 0.07519392669200897, + -0.8797145485877991, + -0.006215217988938093, + -0.21325521171092987, + -0.03783488646149635, + 0.43115994334220886, + 0.07736625522375107, + 0.03316726163029671, + -0.1996554434299469, + 2.376286029815674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/128.png", + [ + 0.1994735300540924, + 0.041361983865499496, + 0.07380649447441101, + -0.8651574850082397, + 0.05041284114122391, + -0.2099044919013977, + -0.018615715205669403, + 0.2023918479681015, + 0.06794671714305878, + 0.03431013971567154, + -0.2028643637895584, + 2.431910991668701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+syGpm7DM-4g+P3+C2+F20443-20604/93.png", + [ + 0.1989341527223587, + 0.005194870755076408, + 0.08570944517850876, + -0.980164110660553, + 0.011609387584030628, + -0.21591909229755402, + -0.013858821243047714, + 0.14111478626728058, + 0.08507831394672394, + 0.017316412180662155, + -0.1985187977552414, + 2.3213319778442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/76.png", + [ + 0.1633846014738083, + 0.005034289322793484, + -0.1422252655029297, + 1.5759505033493042, + -0.01294180378317833, + -0.2151162326335907, + -0.022481583058834076, + 0.23845097422599792, + -0.14172466099262238, + 0.02544735185801983, + -0.16190876066684723, + 1.8474801778793335, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/48.png", + [ + 0.16884922981262207, + 0.007195345126092434, + -0.1355952024459839, + 1.4640719890594482, + -0.00291387178003788, + -0.2161283791065216, + -0.015097311697900295, + 0.16098037362098694, + -0.13575471937656403, + 0.01358847040683031, + -0.16832676529884338, + 1.8729368448257446, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/35.png", + [ + 0.16620294749736786, + 0.004900319501757622, + -0.13892610371112823, + 1.5003021955490112, + -0.003316789399832487, + -0.21633853018283844, + -0.011598885990679264, + 0.1213655024766922, + -0.1389729380607605, + 0.011023707687854767, + -0.16587011516094208, + 1.8412119150161743, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/124.png", + [ + 0.16865389049053192, + 0.009435784071683884, + -0.13570086658000946, + 1.4677692651748657, + -0.0036923906300216913, + -0.21575552225112915, + -0.0195913165807724, + 0.20975112915039062, + -0.13597840070724487, + 0.01756187528371811, + -0.1677776724100113, + 1.874165654182434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/97.png", + [ + 0.15051722526550293, + 0.013803633861243725, + -0.15524791181087494, + 1.6668384075164795, + -0.004433843307197094, + -0.21535661816596985, + -0.02344684675335884, + 0.23565077781677246, + -0.15579728782176971, + 0.01946467161178589, + -0.14931918680667877, + 1.6592841148376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/13.png", + [ + 0.16616229712963104, + 0.008409342728555202, + -0.13880661129951477, + 1.4733810424804688, + -0.0021980651654303074, + -0.21609225869178772, + -0.01572280563414097, + 0.1652185022830963, + -0.13904373347759247, + 0.013465550728142262, + -0.16563035547733307, + 1.8101564645767212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/32.png", + [ + 0.16718624532222748, + 0.004238292574882507, + -0.13776317238807678, + 1.4857184886932373, + -0.005209172610193491, + -0.2162231057882309, + -0.012973848730325699, + 0.13611812889575958, + -0.13772988319396973, + 0.013322653248906136, + -0.1667359620332718, + 1.8474140167236328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/38.png", + [ + 0.16688768565654755, + 0.00402704207226634, + -0.13813099265098572, + 1.4862525463104248, + -0.003627844387665391, + -0.2163802832365036, + -0.01069141086190939, + 0.11246466636657715, + -0.13814206421375275, + 0.010547534562647343, + -0.1665935516357422, + 1.8424670696258545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/111.png", + [ + 0.15040777623653412, + 0.013982448726892471, + -0.15533798933029175, + 1.7295761108398438, + -0.006465621292591095, + -0.21505765616893768, + -0.025618409737944603, + 0.2698715031147003, + -0.1558319330215454, + 0.022418705746531487, + -0.14886806905269623, + 1.711645483970642, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/11.png", + [ + 0.1666892021894455, + 0.007687512785196304, + -0.13821542263031006, + 1.4647740125656128, + -0.0018779173260554671, + -0.2161947637796402, + -0.0142894946038723, + 0.15038399398326874, + -0.1384163200855255, + 0.012190913781523705, + -0.16625341773033142, + 1.8146907091140747, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/125.png", + [ + 0.1679077446460724, + 0.005280395038425922, + -0.1368466019630432, + 1.4782301187515259, + -0.007908208295702934, + -0.21577836573123932, + -0.018029268831014633, + 0.19258171319961548, + -0.13671992719173431, + 0.018966069445014, + -0.16702048480510712, + 1.866226315498352, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/59.png", + [ + 0.17148298025131226, + 0.0076842703856527805, + -0.13222116231918335, + 1.4402748346328735, + -0.0033892665524035692, + -0.21598421037197113, + -0.01694798469543457, + 0.1817062497138977, + -0.13240090012550354, + 0.015481386333703995, + -0.1708163470029831, + 1.9170476198196411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/105.png", + [ + 0.15035875141620636, + 0.011932463385164738, + -0.15555629134178162, + 1.6889288425445557, + -0.007925239391624928, + -0.21517685055732727, + -0.024166295304894447, + 0.24658480286598206, + -0.1558118462562561, + 0.022459642961621284, + -0.1488829255104065, + 1.6735950708389282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/121.png", + [ + 0.1690279245376587, + 0.010234659537672997, + -0.13517655432224274, + 1.4758577346801758, + -0.0038643591105937958, + -0.21560466289520264, + -0.021156221628189087, + 0.2281324565410614, + -0.13550835847854614, + 0.018914829939603806, + -0.16801074147224426, + 1.8874250650405884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/24.png", + [ + 0.16195818781852722, + 0.005015319213271141, + -0.14384810626506805, + 1.5398688316345215, + -0.004141270648688078, + -0.21629104018211365, + -0.012203714810311794, + 0.1277550905942917, + -0.14387594163417816, + 0.011871283873915672, + -0.16157563030719757, + 1.7842150926589966, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/74.png", + [ + 0.16585926711559296, + 0.006061623804271221, + -0.13929052650928497, + 1.544631004333496, + -0.009938428178429604, + -0.21540506184101105, + -0.021208081394433975, + 0.2242739200592041, + -0.13906769454479218, + 0.02262325957417488, + -0.1646094173192978, + 1.881773829460144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/129.png", + [ + 0.16707028448581696, + 0.005081185605376959, + -0.13787530362606049, + 1.5101804733276367, + -0.008731257170438766, + -0.21570423245429993, + -0.01852954737842083, + 0.199215829372406, + -0.13769234716892242, + 0.01984339952468872, + -0.16611728072166443, + 1.8793476819992065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/98.png", + [ + 0.151239275932312, + 0.014326930046081543, + -0.154496967792511, + 1.6567857265472412, + -0.004986463580280542, + -0.21518871188163757, + -0.024836359545588493, + 0.2507835030555725, + -0.1550797075033188, + 0.020891355350613594, + -0.14987240731716156, + 1.6629350185394287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/0.png", + [ + 0.16212168335914612, + 0.0067374976351857185, + -0.14359338581562042, + 1.5315790176391602, + -0.006328931078314781, + -0.21589212119579315, + -0.017275378108024597, + 0.17660561203956604, + -0.14361196756362915, + 0.01712016761302948, + -0.1613393872976303, + 1.7706222534179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/96.png", + [ + 0.15244770050048828, + 0.013468911871314049, + -0.15338243544101715, + 1.6495548486709595, + -0.0053803822956979275, + -0.21524623036384583, + -0.024248924106359482, + 0.24479374289512634, + -0.15387867391109467, + 0.020869772881269455, + -0.1511082500219345, + 1.6810212135314941, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/100.png", + [ + 0.15029673278331757, + 0.012934849597513676, + -0.15553610026836395, + 1.6655266284942627, + -0.006124176550656557, + -0.2152741551399231, + -0.023820724338293076, + 0.23847562074661255, + -0.1559528261423111, + 0.020919421687722206, + -0.1489596962928772, + 1.6506850719451904, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/40.png", + [ + 0.16672512888908386, + 0.0031973349396139383, + -0.13834883272647858, + 1.488075613975525, + -0.006332270801067352, + -0.2162136286497116, + -0.01262790895998478, + 0.1356164664030075, + -0.13824079930782318, + 0.013760043308138847, + -0.1662769764661789, + 1.8391971588134766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/52.png", + [ + 0.17136916518211365, + 0.00611762423068285, + -0.13245031237602234, + 1.4281208515167236, + -0.0039396160282194614, + -0.2161133736371994, + -0.015079081058502197, + 0.15905296802520752, + -0.1325329691171646, + 0.014334362931549549, + -0.17081400752067566, + 1.900628685951233, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/3.png", + [ + 0.16170436143875122, + 0.008829683996737003, + -0.14395011961460114, + 1.5313231945037842, + -0.00535614974796772, + -0.2157512754201889, + -0.019250616431236267, + 0.19839473068714142, + -0.14412115514278412, + 0.01792515628039837, + -0.16079698503017426, + 1.7577898502349854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/47.png", + [ + 0.1669752597808838, + 0.0047407569363713264, + -0.13800247013568878, + 1.4957913160324097, + -0.005052435211837292, + -0.2161921262741089, + -0.013539946638047695, + 0.14517301321029663, + -0.13799141347408295, + 0.01365219708532095, + -0.16649287939071655, + 1.8565205335617065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/104.png", + [ + 0.14758415520191193, + 0.013672316446900368, + -0.15805023908615112, + 1.7099019289016724, + -0.00743465218693018, + -0.21503517031669617, + -0.025544188916683197, + 0.2616593837738037, + -0.15846621990203857, + 0.02282208576798439, + -0.14599834382534027, + 1.633446216583252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/21.png", + [ + 0.16507786512374878, + 0.0034487636294215918, + -0.14030428230762482, + 1.4958981275558472, + -0.004792807158082724, + -0.21634432673454285, + -0.01095695048570633, + 0.1146152913570404, + -0.14026477932929993, + 0.011451281607151031, + -0.16474995017051697, + 1.8097617626190186, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/82.png", + [ + 0.15663324296474457, + 0.008625674061477184, + -0.14946410059928894, + 1.6499232053756714, + -0.012089885771274567, + -0.21487948298454285, + -0.02507062815129757, + 0.26438215374946594, + -0.14922383427619934, + 0.02646317146718502, + -0.15485426783561707, + 1.7612550258636475, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/106.png", + [ + 0.14531944692134857, + 0.014097160659730434, + -0.160098135471344, + 1.7522552013397217, + -0.005655658897012472, + -0.21525727212429047, + -0.024087682366371155, + 0.24648046493530273, + -0.16061806678771973, + 0.020334037020802498, + -0.14400090277194977, + 1.6349799633026123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/14.png", + [ + 0.1668185144662857, + 0.007186422124505043, + -0.13808631896972656, + 1.4694240093231201, + -0.0021247912663966417, + -0.21622300148010254, + -0.013819794170558453, + 0.14592212438583374, + -0.13825686275959015, + 0.011994032189249992, + -0.16640034317970276, + 1.8238964080810547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/67.png", + [ + 0.17010816931724548, + 0.009339804761111736, + -0.13388004899024963, + 1.4740225076675415, + -0.0020322126802057028, + -0.21594524383544922, + -0.01764700934290886, + 0.19071513414382935, + -0.13419005274772644, + 0.015110091306269169, + -0.16944795846939087, + 1.9229494333267212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/78.png", + [ + 0.15897424519062042, + 0.008962155319750309, + -0.14695154130458832, + 1.6259968280792236, + -0.010519788600504398, + -0.21502847969532013, + -0.024494430050253868, + 0.2586296498775482, + -0.14684826135635376, + 0.02510623075067997, + -0.15733136236667633, + 1.7925519943237305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/31.png", + [ + 0.16533087193965912, + 0.00413079047575593, + -0.13998763263225555, + 1.5084518194198608, + -0.00611997302621603, + -0.2161603718996048, + -0.013606442138552666, + 0.14371146261692047, + -0.13991479575634003, + 0.01433617528527975, + -0.1648218035697937, + 1.8274270296096802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/39.png", + [ + 0.16667242348194122, + 0.003861415898427367, + -0.13839539885520935, + 1.4877190589904785, + -0.003949338104575872, + -0.2163695991039276, + -0.010793269611895084, + 0.11380225419998169, + -0.13839292526245117, + 0.010825036093592644, + -0.16636739671230316, + 1.8381696939468384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/92.png", + [ + 0.15602509677410126, + 0.013134519569575787, + -0.14977167546749115, + 1.6175719499588013, + -0.007154341321438551, + -0.21495305001735687, + -0.02630378119647503, + 0.26783618330955505, + -0.15017619729042053, + 0.02388635464012623, + -0.15435171127319336, + 1.7247097492218018, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/53.png", + [ + 0.17380638420581818, + 0.007573707029223442, + -0.12915831804275513, + 1.3925502300262451, + -0.002108489628881216, + -0.2161085456609726, + -0.015509739518165588, + 0.16466979682445526, + -0.12936300039291382, + 0.013698055408895016, + -0.1732785999774933, + 1.9286447763442993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/75.png", + [ + 0.16311849653720856, + 0.006226119585335255, + -0.14248330891132355, + 1.5804592370986938, + -0.010618316940963268, + -0.2153371125459671, + -0.021565746515989304, + 0.22839587926864624, + -0.14222343266010284, + 0.023217786103487015, + -0.16180644929409027, + 1.8467899560928345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/87.png", + [ + 0.15495647490024567, + 0.014207047410309315, + -0.15077976882457733, + 1.6525335311889648, + -0.006111968774348497, + -0.21495677530765533, + -0.026535330340266228, + 0.2746982276439667, + -0.15132422745227814, + 0.02323014847934246, + -0.15332719683647156, + 1.7340322732925415, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/107.png", + [ + 0.1453157514333725, + 0.015081551857292652, + -0.16001178324222565, + 1.7622567415237427, + -0.005156019702553749, + -0.21517008543014526, + -0.02496284805238247, + 0.2587064802646637, + -0.160638228058815, + 0.020549334585666656, + -0.14394782483577728, + 1.6423349380493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/112.png", + [ + 0.1486373245716095, + 0.013691001571714878, + -0.15705858170986176, + 1.7520086765289307, + -0.007367419544607401, + -0.21501702070236206, + -0.025715701282024384, + 0.27197331190109253, + -0.15748193860054016, + 0.022981135174632072, + -0.14703468978405, + 1.6930944919586182, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/69.png", + [ + 0.16849678754806519, + 0.006276111118495464, + -0.1360783874988556, + 1.5081770420074463, + -0.004641748033463955, + -0.21605432033538818, + -0.015712272375822067, + 0.16929620504379272, + -0.13614395260810852, + 0.015133795328438282, + -0.16787996888160706, + 1.919256567955017, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/45.png", + [ + 0.16807790100574493, + 0.005604701116681099, + -0.13662466406822205, + 1.4766020774841309, + -0.0035165860317647457, + -0.21624375879764557, + -0.013197047635912895, + 0.14152681827545166, + -0.13669434189796448, + 0.01245454978197813, + -0.1676526963710785, + 1.8619874715805054, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/50.png", + [ + 0.1708882451057434, + 0.004006965551525354, + -0.13315045833587646, + 1.432949423789978, + -0.006241164170205593, + -0.21609793603420258, + -0.014513195492327213, + 0.15591618418693542, + -0.13306444883346558, + 0.015281666070222855, + -0.17031797766685486, + 1.894100308418274, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/101.png", + [ + 0.1494765281677246, + 0.013142300769686699, + -0.15630720555782318, + 1.6788498163223267, + -0.007558634504675865, + -0.21505847573280334, + -0.025310426950454712, + 0.25677916407585144, + -0.1566765159368515, + 0.02291354537010193, + -0.14790312945842743, + 1.6428775787353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/85.png", + [ + 0.15618380904197693, + 0.01239404920488596, + -0.14966927468776703, + 1.6533839702606201, + -0.00838115531951189, + -0.21487967669963837, + -0.026540052145719528, + 0.2786615192890167, + -0.14994753897190094, + 0.024919986724853516, + -0.15441058576107025, + 1.7552354335784912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/131.png", + [ + 0.1677670180797577, + 0.004344203043729067, + -0.1370519995689392, + 1.5174673795700073, + -0.009188002906739712, + -0.21572299301624298, + -0.018085021525621414, + 0.19521115720272064, + -0.13681265711784363, + 0.019814521074295044, + -0.16684596240520477, + 1.9062150716781616, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/71.png", + [ + 0.16922083497047424, + 0.007068555802106857, + -0.13513784110546112, + 1.4989032745361328, + -0.004215539898723364, + -0.21599845588207245, + -0.01657680980861187, + 0.17558996379375458, + -0.13525690138339996, + 0.015575524419546127, + -0.16855524480342865, + 1.9253414869308472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/115.png", + [ + 0.16102251410484314, + 0.016958126798272133, + -0.14398632943630219, + 1.5948642492294312, + -0.004761165007948875, + -0.21445274353027344, + -0.030581872910261154, + 0.325671911239624, + -0.14490331709384918, + 0.025890953838825226, + -0.15899869799613953, + 1.8141899108886719, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/54.png", + [ + 0.17159666121006012, + 0.007281688507646322, + -0.13209637999534607, + 1.4278398752212524, + -0.0020847483538091183, + -0.21617048978805542, + -0.014624333009123802, + 0.15505512058734894, + -0.13228051364421844, + 0.012852796353399754, + -0.1711273491382599, + 1.9094096422195435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/33.png", + [ + 0.16759908199310303, + 0.0044106957502663136, + -0.13725519180297852, + 1.4807844161987305, + -0.004026663955301046, + -0.21631187200546265, + -0.011868046596646309, + 0.1247970312833786, + -0.13726700842380524, + 0.011730743572115898, + -0.16723652184009552, + 1.8547877073287964, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/49.png", + [ + 0.16802646219730377, + 0.006685973145067692, + -0.1366393119096756, + 1.473438024520874, + -0.004005508963018656, + -0.21608248353004456, + -0.015498855151236057, + 0.16588570177555084, + -0.13674414157867432, + 0.014544977806508541, + -0.1674436628818512, + 1.8613451719284058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/118.png", + [ + 0.16526639461517334, + 0.011568194255232811, + -0.1396462768316269, + 1.5406460762023926, + -0.007071276661008596, + -0.21497134864330292, + -0.02617666684091091, + 0.2804583013057709, + -0.1399460881948471, + 0.024523412808775902, + -0.1635896861553192, + 1.854742407798767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/110.png", + [ + 0.14944082498550415, + 0.015423586592078209, + -0.1561327576637268, + 1.7348177433013916, + -0.005098691675812006, + -0.21503376960754395, + -0.026122288778424263, + 0.27448132634162903, + -0.15680983662605286, + 0.02169063687324524, + -0.14794619381427765, + 1.7003917694091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/18.png", + [ + 0.1678341180086136, + 0.0045202043838799, + -0.1369641274213791, + 1.4601991176605225, + -0.003970656543970108, + -0.21630540490150452, + -0.01200428418815136, + 0.1259586364030838, + -0.13698115944862366, + 0.011808331124484539, + -0.16746528446674347, + 1.838407278060913, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/66.png", + [ + 0.17114318907260895, + 0.008778608404099941, + -0.13259272277355194, + 1.4562524557113647, + -0.0026120140682905912, + -0.2159372866153717, + -0.017668068408966064, + 0.19132661819458008, + -0.1328573375940323, + 0.01555375661700964, + -0.1704549640417099, + 1.9276710748672485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/16.png", + [ + 0.16518114507198334, + 0.0071618882939219475, + -0.14004211127758026, + 1.4977831840515137, + -0.0016677913954481483, + -0.2162761688232422, + -0.013027748093008995, + 0.1379167139530182, + -0.140215203166008, + 0.01100959163159132, + -0.1648222655057907, + 1.81563138961792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/94.png", + [ + 0.15303704142570496, + 0.013722589239478111, + -0.15277190506458282, + 1.6495113372802734, + -0.006672890391200781, + -0.21500585973262787, + -0.025997167453169823, + 0.26504144072532654, + -0.15324173867702484, + 0.023066658526659012, + -0.1514357626438141, + 1.6916693449020386, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/28.png", + [ + 0.16429686546325684, + 0.003749353811144829, + -0.1412103921175003, + 1.5180267095565796, + -0.006140877027064562, + -0.2162039577960968, + -0.012885398231446743, + 0.13706035912036896, + -0.1411266177892685, + 0.013772660866379738, + -0.16383372247219086, + 1.8157390356063843, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/61.png", + [ + 0.17197981476783752, + 0.00798814371228218, + -0.13155613839626312, + 1.4389173984527588, + -0.0027168644592165947, + -0.21601545810699463, + -0.016668232157826424, + 0.17950855195522308, + -0.13177043199539185, + 0.014879547990858555, + -0.1713564693927765, + 1.9299992322921753, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/132.png", + [ + 0.16687849164009094, + 0.004571119789034128, + -0.1381252110004425, + 1.5378602743148804, + -0.008896141313016415, + -0.21575164794921875, + -0.017888125032186508, + 0.19393792748451233, + -0.13791418075561523, + 0.01944817043840885, + -0.16597992181777954, + 1.9075590372085571, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/58.png", + [ + 0.17154337465763092, + 0.009313997812569141, + -0.1320379376411438, + 1.435101866722107, + -0.0015215036692097783, + -0.2159845381975174, + -0.01721235178411007, + 0.1839052140712738, + -0.13235731422901154, + 0.014554361812770367, + -0.1709315925836563, + 1.9156299829483032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/123.png", + [ + 0.16858552396297455, + 0.008961093612015247, + -0.13581793010234833, + 1.4718830585479736, + -0.004537784028798342, + -0.21571435034275055, + -0.019865132868289948, + 0.2128213495016098, + -0.13603757321834564, + 0.018300650641322136, + -0.16765069961547852, + 1.8761082887649536, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/64.png", + [ + 0.17176634073257446, + 0.007731372956186533, + -0.13185007870197296, + 1.4450297355651855, + -0.00344148650765419, + -0.21596765518188477, + -0.017147185280919075, + 0.1845577508211136, + -0.13203172385692596, + 0.01568743772804737, + -0.17108307778835297, + 1.9301525354385376, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/10.png", + [ + 0.16663356125354767, + 0.00811300240457058, + -0.1382582038640976, + 1.4626778364181519, + -0.0016694655641913414, + -0.21616917848587036, + -0.014696920290589333, + 0.1540956348180771, + -0.13848598301410675, + 0.012367935851216316, + -0.16618230938911438, + 1.8111329078674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/41.png", + [ + 0.1655024290084839, + 0.0031808041967451572, + -0.13980957865715027, + 1.506581425666809, + -0.005549571476876736, + -0.21629856526851654, + -0.011490419507026672, + 0.12312094867229462, + -0.1397356390953064, + 0.012357587926089764, + -0.16513371467590332, + 1.8323907852172852, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/91.png", + [ + 0.15564808249473572, + 0.01353774219751358, + -0.150127574801445, + 1.6244844198226929, + -0.005640146788209677, + -0.21512486040592194, + -0.02524641528725624, + 0.2579151391983032, + -0.15063117444515228, + 0.02204364538192749, + -0.15418241918087006, + 1.7254865169525146, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/23.png", + [ + 0.16473384201526642, + 0.004312803037464619, + -0.14068426191806793, + 1.500822901725769, + -0.004422523081302643, + -0.2163073569536209, + -0.0118096387013793, + 0.12364979088306427, + -0.14068086445331573, + 0.011850148439407349, + -0.16436657309532166, + 1.8069067001342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/37.png", + [ + 0.16735415160655975, + 0.004702416714280844, + -0.13754403591156006, + 1.4820477962493896, + -0.0031522747594863176, + -0.21636034548282623, + -0.011232494376599789, + 0.11825726926326752, + -0.13758830726146698, + 0.010676752775907516, + -0.16704298555850983, + 1.8489323854446411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/36.png", + [ + 0.1673547476530075, + 0.004708581138402224, + -0.13754312694072723, + 1.4826500415802002, + -0.003373919753357768, + -0.21634232997894287, + -0.011511349119246006, + 0.12097497284412384, + -0.13758234679698944, + 0.011032847687602043, + -0.16702477633953094, + 1.8488142490386963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/8.png", + [ + 0.16401195526123047, + 0.009059020318090916, + -0.1413007527589798, + 1.498275637626648, + -0.001786856329999864, + -0.21608105301856995, + -0.01592736504971981, + 0.16616828739643097, + -0.14157959818840027, + 0.013221495784819126, + -0.16348794102668762, + 1.7853182554244995, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/6.png", + [ + 0.16167287528514862, + 0.009422075934708118, + -0.14394789934158325, + 1.5345735549926758, + -0.00137560092844069, + -0.21610142290592194, + -0.015689855441451073, + 0.16182871162891388, + -0.1442493498325348, + 0.012620950117707253, + -0.1611853688955307, + 1.7656724452972412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/20.png", + [ + 0.16645455360412598, + 0.004332349635660648, + -0.13864344358444214, + 1.4778656959533691, + -0.003522235667333007, + -0.21636706590652466, + -0.010989846661686897, + 0.11400094628334045, + -0.13866639137268066, + 0.010696429759263992, + -0.1661478579044342, + 1.8242814540863037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/2.png", + [ + 0.1599903404712677, + 0.009630749002099037, + -0.14580203592777252, + 1.5522164106369019, + -0.00589444674551487, + -0.2156021147966385, + -0.020709341391921043, + 0.21381758153438568, + -0.14600081741809845, + 0.019257986918091774, + -0.15893641114234924, + 1.747292160987854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/117.png", + [ + 0.16305404901504517, + 0.015657497569918633, + -0.14183129370212555, + 1.568766713142395, + -0.004619017243385315, + -0.21467424929141998, + -0.02900918759405613, + 0.30998021364212036, + -0.14261814951896667, + 0.024853795766830444, + -0.1612149178981781, + 1.8296278715133667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/5.png", + [ + 0.16254690289497375, + 0.010236102156341076, + -0.14290420711040497, + 1.5202105045318604, + -0.0017989024054259062, + -0.21595807373523712, + -0.01751505210995674, + 0.18227440118789673, + -0.14325904846191406, + 0.014326038770377636, + -0.1619243621826172, + 1.7723394632339478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/108.png", + [ + 0.15174788236618042, + 0.01644228771328926, + -0.15378598868846893, + 1.6941709518432617, + -0.0034181231167167425, + -0.21503756940364838, + -0.026363929733633995, + 0.2740859389305115, + -0.15462467074394226, + 0.02088998630642891, + -0.1503419727087021, + 1.7130731344223022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/60.png", + [ + 0.17117300629615784, + 0.008903944864869118, + -0.13254590332508087, + 1.4469573497772217, + -0.0022456487640738487, + -0.21596254408359528, + -0.017407657578587532, + 0.18700402975082397, + -0.13282562792301178, + 0.015125777572393417, + -0.1705181896686554, + 1.9179340600967407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/56.png", + [ + 0.17138269543647766, + 0.00870612170547247, + -0.13228784501552582, + 1.4343196153640747, + -0.0016994952457025647, + -0.21604487299919128, + -0.01642007939517498, + 0.1746477335691452, + -0.13256312906742096, + 0.014025361277163029, + -0.17081627249717712, + 1.9106122255325317, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/30.png", + [ + 0.16622990369796753, + 0.003578712698072195, + -0.1389341950416565, + 1.4951419830322266, + -0.006727498024702072, + -0.2161416858434677, + -0.013616664335131645, + 0.14428769052028656, + -0.13881735503673553, + 0.014760272577404976, + -0.16570989787578583, + 1.8374254703521729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/17.png", + [ + 0.1671830713748932, + 0.00678253173828125, + -0.13766519725322723, + 1.4709570407867432, + -0.0024150703102350235, + -0.21623475849628448, + -0.013586423359811306, + 0.14388863742351532, + -0.13781103491783142, + 0.012017518281936646, + -0.16676807403564453, + 1.8344870805740356, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/12.png", + [ + 0.16937071084976196, + 0.008485540747642517, + -0.13486824929714203, + 1.4250916242599487, + -0.0015517814317718148, + -0.21611064672470093, + -0.015545854344964027, + 0.16214948892593384, + -0.1351260244846344, + 0.013117820024490356, + -0.16886910796165466, + 1.8369886875152588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/114.png", + [ + 0.15773425996303558, + 0.017268961295485497, + -0.14754517376422882, + 1.6364049911499023, + -0.004962986335158348, + -0.21447288990020752, + -0.030408021062612534, + 0.3230985105037689, + -0.14846940338611603, + 0.02551591582596302, + -0.15573588013648987, + 1.77863347530365, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/27.png", + [ + 0.1626172959804535, + 0.0021829819306731224, + -0.14317384362220764, + 1.5388219356536865, + -0.0071710566990077496, + -0.21625342965126038, + -0.011442139744758606, + 0.12123917043209076, + -0.14301081001758575, + 0.01332595944404602, + -0.16222894191741943, + 1.7979563474655151, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/42.png", + [ + 0.1655769944190979, + 0.002251299098134041, + -0.13973934948444366, + 1.508643627166748, + -0.006631968077272177, + -0.2162758708000183, + -0.011342568323016167, + 0.12201857566833496, + -0.1396000236272812, + 0.012944824993610382, + -0.16520337760448456, + 1.8358129262924194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/7.png", + [ + 0.1624445766210556, + 0.012048080563545227, + -0.14287932217121124, + 1.5193127393722534, + 0.0009226772817783058, + -0.21599175035953522, + -0.01716415211558342, + 0.17785672843456268, + -0.14338341355323792, + 0.01225982140749693, + -0.161983922123909, + 1.7713412046432495, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/73.png", + [ + 0.16757206618785858, + 0.0064246393740177155, + -0.13720865547657013, + 1.5202674865722656, + -0.007184574846178293, + -0.21573126316070557, + -0.01887584663927555, + 0.199699267745018, + -0.1371709704399109, + 0.019147839397192, + -0.16662946343421936, + 1.9026240110397339, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/120.png", + [ + 0.16896533966064453, + 0.009712612256407738, + -0.13529326021671295, + 1.4804470539093018, + -0.0059990533627569675, + -0.21537187695503235, + -0.022953514009714127, + 0.24908903241157532, + -0.1355087012052536, + 0.02164526842534542, + -0.1676805168390274, + 1.8901838064193726, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/46.png", + [ + 0.1681603193283081, + 0.005102353170514107, + -0.1365428864955902, + 1.4760390520095825, + -0.005059072747826576, + -0.21614253520965576, + -0.014307377859950066, + 0.15326876938343048, + -0.13654451072216034, + 0.014291999861598015, + -0.1676282286643982, + 1.86207115650177, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/127.png", + [ + 0.16552217304706573, + 0.0059592342004179955, + -0.13969533145427704, + 1.517529010772705, + -0.006685975007712841, + -0.21589280664920807, + -0.017131803557276726, + 0.1836724877357483, + -0.13966244459152222, + 0.01739794760942459, + -0.16474102437496185, + 1.849357008934021, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/57.png", + [ + 0.17155864834785461, + 0.00789081584662199, + -0.13211077451705933, + 1.4333157539367676, + -0.0025806992780417204, + -0.21604859828948975, + -0.016255605965852737, + 0.17239707708358765, + -0.1323210746049881, + 0.014444367028772831, + -0.17096897959709167, + 1.9136217832565308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/44.png", + [ + 0.16664572060108185, + 0.0034849916119128466, + -0.13843750953674316, + 1.497776746749878, + -0.004657743498682976, + -0.21634238958358765, + -0.011052960529923439, + 0.11824430525302887, + -0.1384030282497406, + 0.011476817540824413, + -0.16631527245044708, + 1.8496160507202148, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/113.png", + [ + 0.15433219075202942, + 0.01576235331594944, + -0.1512647122144699, + 1.6818733215332031, + -0.005599130876362324, + -0.2147727757692337, + -0.02809280902147293, + 0.2983175218105316, + -0.15198063850402832, + 0.02391870506107807, + -0.1525702327489853, + 1.7510156631469727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/126.png", + [ + 0.16648796200752258, + 0.004552930127829313, + -0.13859626650810242, + 1.5018802881240845, + -0.008494892157614231, + -0.21581622958183289, + -0.01729407161474228, + 0.1854008436203003, + -0.1384105682373047, + 0.018722152337431908, + -0.1656498908996582, + 1.8550740480422974, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/29.png", + [ + 0.16487878561019897, + 0.0025324509479105473, + -0.1405576914548874, + 1.5127471685409546, + -0.007789533585309982, + -0.21614205837249756, + -0.01303164567798376, + 0.13767682015895844, + -0.14036451280117035, + 0.01496954821050167, + -0.16438248753547668, + 1.8228614330291748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/4.png", + [ + 0.16118207573890686, + 0.008608466945588589, + -0.14454801380634308, + 1.5367845296859741, + -0.004619843326508999, + -0.21587559580802917, + -0.01800781674683094, + 0.18595640361309052, + -0.14473038911819458, + 0.016477828845381737, + -0.16040411591529846, + 1.7549220323562622, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/55.png", + [ + 0.17106510698795319, + 0.006906003225594759, + -0.13280409574508667, + 1.4384185075759888, + -0.0025879915338009596, + -0.21616840362548828, + -0.014574659988284111, + 0.15421077609062195, + -0.13295835256576538, + 0.013092958368360996, + -0.17058295011520386, + 1.9062987565994263, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/9.png", + [ + 0.1628560721874237, + 0.008439246565103531, + -0.1426694244146347, + 1.5115514993667603, + -0.001953021390363574, + -0.21614494919776917, + -0.015014861710369587, + 0.15778043866157532, + -0.14290547370910645, + 0.01257137581706047, + -0.16238188743591309, + 1.7737443447113037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/25.png", + [ + 0.1624736338853836, + 0.003343591233715415, + -0.1433144509792328, + 1.5354466438293457, + -0.006096941418945789, + -0.21625851094722748, + -0.01195742841809988, + 0.1257627010345459, + -0.14322374761104584, + 0.012998969294130802, + -0.16206751763820648, + 1.7911643981933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/99.png", + [ + 0.15292006731033325, + 0.012743902392685413, + -0.15297365188598633, + 1.6333595514297485, + -0.00636840146034956, + -0.21521402895450592, + -0.02429518848657608, + 0.24532335996627808, + -0.1533713936805725, + 0.02164267934858799, + -0.1515146940946579, + 1.6740095615386963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/34.png", + [ + 0.1672469526529312, + 0.0038349495735019445, + -0.13770125806331635, + 1.4864479303359985, + -0.004465990699827671, + -0.21632583439350128, + -0.011448858305811882, + 0.12049640715122223, + -0.137682244181633, + 0.011675383895635605, + -0.1668986976146698, + 1.850500226020813, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/72.png", + [ + 0.16911685466766357, + 0.005815553944557905, + -0.13532759249210358, + 1.4981937408447266, + -0.004859549924731255, + -0.21607497334480286, + -0.015358489006757736, + 0.16168151795864105, + -0.1353653073310852, + 0.015022574923932552, + -0.16851839423179626, + 1.9251381158828735, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/102.png", + [ + 0.14994288980960846, + 0.015279497019946575, + -0.15566487610340118, + 1.6705677509307861, + -0.00570279685780406, + -0.21496088802814484, + -0.026592949405312538, + 0.271513432264328, + -0.15630896389484406, + 0.022499864920973778, + -0.14835482835769653, + 1.6483073234558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/70.png", + [ + 0.16801691055297852, + 0.004298699088394642, + -0.13674697279930115, + 1.518662452697754, + -0.007322381250560284, + -0.21597470343112946, + -0.015786048024892807, + 0.16897830367088318, + -0.13661842048168182, + 0.01686231978237629, + -0.167328879237175, + 1.912436604499817, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/130.png", + [ + 0.1662774235010147, + 0.0040231444872915745, + -0.1388651579618454, + 1.5292469263076782, + -0.010471070185303688, + -0.2156047224998474, + -0.01878449320793152, + 0.2037511169910431, + -0.1385282427072525, + 0.021126164123415947, + -0.16526192426681519, + 1.881229043006897, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/90.png", + [ + 0.15675045549869537, + 0.014277392067015171, + -0.14890716969966888, + 1.614603877067566, + -0.005657453555613756, + -0.214965358376503, + -0.026566576212644577, + 0.2731478214263916, + -0.14948302507400513, + 0.023107267916202545, + -0.15514111518859863, + 1.734454870223999, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/122.png", + [ + 0.1670006513595581, + 0.011872475035488605, + -0.13754171133041382, + 1.498448371887207, + -0.0014557760441675782, + -0.2157084196805954, + -0.02038733661174774, + 0.21969649195671082, + -0.13804547488689423, + 0.016637522727251053, + -0.1661761999130249, + 1.8641246557235718, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/15.png", + [ + 0.16633442044258118, + 0.00702260946854949, + -0.1386774480342865, + 1.4797968864440918, + -0.0019051667768508196, + -0.21626156568527222, + -0.013236579485237598, + 0.1399480253458023, + -0.13884209096431732, + 0.011380670592188835, + -0.1659555584192276, + 1.823244571685791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/22.png", + [ + 0.16518333554267883, + 0.003855627030134201, + -0.14016950130462646, + 1.4941543340682983, + -0.0044242748990654945, + -0.2163415551185608, + -0.011164688505232334, + 0.11641892790794373, + -0.140152707695961, + 0.011373592540621758, + -0.16485069692134857, + 1.8097654581069946, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/109.png", + [ + 0.15211208164691925, + 0.013810019008815289, + -0.15368503332138062, + 1.7016209363937378, + -0.0056253946386277676, + -0.21516533195972443, + -0.024902410805225372, + 0.2598372995853424, + -0.1542017012834549, + 0.021472273394465446, + -0.15069396793842316, + 1.7246342897415161, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/26.png", + [ + 0.16287942230701447, + 0.0032948136795312166, + -0.1428542286157608, + 1.5321931838989258, + -0.006267632357776165, + -0.21624380350112915, + -0.0121337054297328, + 0.12858067452907562, + -0.1427547037601471, + 0.013253461569547653, + -0.16246025264263153, + 1.797502040863037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/43.png", + [ + 0.16652964055538177, + 0.004363453947007656, + -0.13855227828025818, + 1.4970953464508057, + -0.0035680464934557676, + -0.21636059880256653, + -0.01110241562128067, + 0.11839130520820618, + -0.13857504725456238, + 0.010814567096531391, + -0.1662164032459259, + 1.8457002639770508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/84.png", + [ + 0.15587346255779266, + 0.00976125430315733, + -0.15018682181835175, + 1.6578192710876465, + -0.010649889707565308, + -0.21496106684207916, + -0.025024332106113434, + 0.2617862820625305, + -0.1501264125108719, + 0.02538415603339672, + -0.15416094660758972, + 1.752758264541626, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/89.png", + [ + 0.1552516520023346, + 0.014948822557926178, + -0.1504039466381073, + 1.6337456703186035, + -0.004593552090227604, + -0.2150460183620453, + -0.026115279644727707, + 0.2676489055156708, + -0.15107521414756775, + 0.021900713443756104, + -0.15376779437065125, + 1.7253007888793945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/63.png", + [ + 0.17280453443527222, + 0.007480205502361059, + -0.13050106167793274, + 1.4287673234939575, + -0.004021071828901768, + -0.21591299772262573, + -0.017700493335723877, + 0.19084636867046356, + -0.13065339624881744, + 0.016538530588150024, + -0.17205829918384552, + 1.9376119375228882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/88.png", + [ + 0.1572480946779251, + 0.014951594173908234, + -0.14831513166427612, + 1.6167030334472656, + -0.0059776571579277515, + -0.21477606892585754, + -0.027989188209176064, + 0.289404958486557, + -0.14894695580005646, + 0.024404441937804222, + -0.1554577648639679, + 1.7453322410583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/62.png", + [ + 0.17207930982112885, + 0.00820021703839302, + -0.13141296803951263, + 1.439807415008545, + -0.003016839036718011, + -0.21595169603824615, + -0.01742587983608246, + 0.1878649741411209, + -0.13163399696350098, + 0.015669045969843864, + -0.17139096558094025, + 1.9328652620315552, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/65.png", + [ + 0.17096564173698425, + 0.0062551479786634445, + -0.1329643428325653, + 1.4592043161392212, + -0.005062997341156006, + -0.21597307920455933, + -0.01667019911110401, + 0.17999504506587982, + -0.13301508128643036, + 0.016260461881756783, + -0.17026591300964355, + 1.9240480661392212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/80.png", + [ + 0.1581694632768631, + 0.009022688493132591, + -0.14781376719474792, + 1.63567316532135, + -0.01246180385351181, + -0.21469402313232422, + -0.02643999084830284, + 0.28084734082221985, + -0.1475636065006256, + 0.027802174910902977, + -0.1562047153711319, + 1.7773895263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/119.png", + [ + 0.16546936333179474, + 0.01353157963603735, + -0.13922889530658722, + 1.532100796699524, + -0.004419262055307627, + -0.21504516899585724, + -0.02615228481590748, + 0.28107750415802, + -0.139815092086792, + 0.022811582311987877, + -0.16394899785518646, + 1.853328824043274, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/79.png", + [ + 0.1588078737258911, + 0.008655431680381298, + -0.1471496820449829, + 1.626744031906128, + -0.011198490858078003, + -0.21496722102165222, + -0.02473021112382412, + 0.26132696866989136, + -0.14697803556919098, + 0.025730781257152557, + -0.1571091264486313, + 1.7881666421890259, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/116.png", + [ + 0.16156022250652313, + 0.016827132552862167, + -0.14339816570281982, + 1.587895154953003, + -0.004571682307869196, + -0.21449393033981323, + -0.030320612713694572, + 0.3244495093822479, + -0.14430968463420868, + 0.02563372068107128, + -0.15957918763160706, + 1.817126750946045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/19.png", + [ + 0.16736112534999847, + 0.006028371397405863, + -0.13748382031917572, + 1.4649032354354858, + -0.0024613377172499895, + -0.21630088984966278, + -0.012480553239583969, + 0.13083066046237946, + -0.13759392499923706, + 0.011201838031411171, + -0.16700395941734314, + 1.8330528736114502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/77.png", + [ + 0.16370251774787903, + 0.0057431478053331375, + -0.14183227717876434, + 1.5692071914672852, + -0.01242797076702118, + -0.215085968375206, + -0.023053715005517006, + 0.24432513117790222, + -0.1414034068584442, + 0.02555277943611145, + -0.1621728241443634, + 1.8478708267211914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/68.png", + [ + 0.17050869762897491, + 0.006963212974369526, + -0.13351474702358246, + 1.475348949432373, + -0.003595761489123106, + -0.21606342494487762, + -0.015860451385378838, + 0.17062141001224518, + -0.1336478590965271, + 0.014696839265525341, + -0.1699121743440628, + 1.9338093996047974, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/86.png", + [ + 0.15621662139892578, + 0.013228360563516617, + -0.14956359565258026, + 1.6440538167953491, + -0.006144118029624224, + -0.2150881141424179, + -0.02544119767844677, + 0.2633500397205353, + -0.15002170205116272, + 0.02258351445198059, + -0.15469767153263092, + 1.7546335458755493, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/1.png", + [ + 0.1608145385980606, + 0.008787316270172596, + -0.14494608342647552, + 1.543185830116272, + -0.005079589318484068, + -0.215804785490036, + -0.018718799576163292, + 0.19096560776233673, + -0.14512333273887634, + 0.017291000112891197, + -0.15996292233467102, + 1.7519726753234863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/81.png", + [ + 0.1588936150074005, + 0.009953661821782589, + -0.14697495102882385, + 1.624226450920105, + -0.01027718186378479, + -0.21490371227264404, + -0.02566462568938732, + 0.27117666602134705, + -0.14695270359516144, + 0.025791822001338005, + -0.15712280571460724, + 1.7875280380249023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/95.png", + [ + 0.1516287922859192, + 0.014730574563145638, + -0.15407663583755493, + 1.6588386297225952, + -0.004024135880172253, + -0.21524302661418915, + -0.024538623169064522, + 0.24839723110198975, + -0.15472687780857086, + 0.020033670589327812, + -0.15035337209701538, + 1.6755362749099731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/103.png", + [ + 0.147841677069664, + 0.012627091258764267, + -0.15789645910263062, + 1.7022769451141357, + -0.008700310252606869, + -0.21501171588897705, + -0.025340914726257324, + 0.25970715284347534, + -0.1581614464521408, + 0.023630782961845398, + -0.1462000012397766, + 1.6311390399932861, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/83.png", + [ + 0.15807589888572693, + 0.008129274472594261, + -0.14796558022499084, + 1.6309419870376587, + -0.011696990579366684, + -0.2149888575077057, + -0.02430778555572033, + 0.25497159361839294, + -0.147726371884346, + 0.02572164312005043, + -0.1564071774482727, + 1.7740601301193237, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/51.png", + [ + 0.17182914912700653, + 0.0046483841724693775, + -0.1319129914045334, + 1.4215900897979736, + -0.005524604115635157, + -0.21609720587730408, + -0.014811210334300995, + 0.1581844985485077, + -0.13187919557094574, + 0.015109127387404442, + -0.17125271260738373, + 1.9037214517593384, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/128.png", + [ + 0.16537721455097198, + 0.0034839597065001726, + -0.1399504691362381, + 1.5272012948989868, + -0.010318289510905743, + -0.21571502089500427, + -0.017563018947839737, + 0.18903401494026184, + -0.1396130472421646, + 0.02006959728896618, + -0.1644788682460785, + 1.8562785387039185, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+l30AYDH4IR0+P0+C0+F832-966/93.png", + [ + 0.15189827978610992, + 0.01497988123446703, + -0.15378691256046295, + 1.6654725074768066, + -0.005577304400503635, + -0.21498188376426697, + -0.026449497789144516, + 0.2708624005317688, + -0.1544140726327896, + 0.022500786930322647, + -0.15032601356506348, + 1.6843228340148926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/76.png", + [ + 0.20484131574630737, + -0.006479640956968069, + -0.07032733410596848, + 0.830090343952179, + -0.015079772099852562, + -0.21479791402816772, + -0.02413211762905121, + 0.26800602674484253, + -0.06899653375148773, + 0.027708714827895164, + -0.2035180628299713, + 2.4690866470336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/48.png", + [ + 0.1922188699245453, + -0.020976640284061432, + 0.09777415543794632, + -1.1584841012954712, + -0.019276751205325127, + -0.21565307676792145, + -0.008369510062038898, + 0.08276136219501495, + 0.09812343865633011, + -0.0012737546348944306, + -0.19317883253097534, + 2.3463196754455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/137.png", + [ + 0.1865115612745285, + -0.01825077086687088, + 0.10875768959522247, + -1.2706949710845947, + -0.017669780179858208, + -0.2158716917037964, + -0.0059233130887150764, + 0.05574590340256691, + 0.10885357856750488, + -0.003770437091588974, + -0.18730875849723816, + 2.2694244384765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/35.png", + [ + 0.21067626774311066, + -0.02624361589550972, + 0.043297573924064636, + -0.5365777611732483, + -0.023712189868092537, + -0.21486042439937592, + -0.014853457920253277, + 0.1546373814344406, + 0.04473409429192543, + 0.009703908115625381, + -0.21178430318832397, + 2.5791635513305664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/124.png", + [ + 0.18537701666355133, + -0.0159770455211401, + 0.11103148013353348, + -1.3367829322814941, + -0.012813298963010311, + -0.21607783436775208, + -0.009699895977973938, + 0.10572358965873718, + 0.11144089698791504, + 0.0017328211106359959, + -0.18581125140190125, + 2.3108510971069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/97.png", + [ + 0.1874329298734665, + -0.022060850635170937, + 0.10644300282001495, + -1.284904956817627, + -0.021781135350465775, + -0.21548481285572052, + -0.0063064382411539555, + 0.06607827544212341, + 0.10650058835744858, + -0.005244800820946693, + -0.18862135708332062, + 2.340367317199707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/155.png", + [ + 0.20876896381378174, + -0.0267195962369442, + -0.051473092287778854, + 0.6166093945503235, + -0.031639330089092255, + -0.21364283561706543, + -0.017423851415514946, + 0.19204676151275635, + -0.04860420525074005, + 0.024304337799549103, + -0.20974943041801453, + 2.5811924934387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/13.png", + [ + 0.19397695362567902, + -0.007431088015437126, + -0.09625803679227829, + 1.1419851779937744, + -0.023993071168661118, + -0.21296480298042297, + -0.03190946951508522, + 0.3645364046096802, + -0.09351557493209839, + 0.03922576457262039, + -0.1914786398410797, + 2.3505959510803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/32.png", + [ + 0.21133071184158325, + -0.014994180761277676, + -0.045413631945848465, + 0.5343877077102661, + -0.01827365718781948, + -0.2154548317193985, + -0.013899281620979309, + 0.14378216862678528, + -0.04419611766934395, + 0.01738652214407921, + -0.21140554547309875, + 2.5399699211120605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/158.png", + [ + 0.20594416558742523, + -0.029333528131246567, + -0.06061721593141556, + 0.7265945076942444, + -0.036379698663949966, + -0.21259114146232605, + -0.020722471177577972, + 0.22861644625663757, + -0.05666939169168472, + 0.029873862862586975, + -0.20698800683021545, + 2.544480800628662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/38.png", + [ + 0.19934523105621338, + -0.024307966232299805, + 0.08135412633419037, + -0.9830554127693176, + -0.02213590405881405, + -0.21530461311340332, + -0.010090830735862255, + 0.09961451590061188, + 0.08197178691625595, + 0.0009724808041937649, + -0.20056813955307007, + 2.463778495788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/148.png", + [ + 0.21467642486095428, + -0.01743132807314396, + 0.02362368255853653, + -0.26568683981895447, + -0.016142746433615685, + -0.21571211516857147, + -0.01247395295649767, + 0.13058443367481232, + 0.024522261694073677, + 0.010598898865282536, + -0.21502143144607544, + 2.6062498092651367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/111.png", + [ + 0.18110966682434082, + -0.02071429044008255, + 0.1171242892742157, + -1.4212496280670166, + -0.018796294927597046, + -0.21566686034202576, + -0.009077494032680988, + 0.0976589024066925, + 0.11744733899831772, + -0.002572893863543868, + -0.1820642650127411, + 2.2876763343811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/11.png", + [ + 0.19761554896831512, + -0.009575183503329754, + -0.08834198862314224, + 1.0463131666183472, + -0.023991236463189125, + -0.21316246688365936, + -0.030562717467546463, + 0.3473103940486908, + -0.0855594128370285, + 0.03765600547194481, + -0.19547252357006073, + 2.3978047370910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/125.png", + [ + 0.1861059069633484, + -0.01613234542310238, + 0.10978265106678009, + -1.3197557926177979, + -0.013190893456339836, + -0.2160688191652298, + -0.009389400482177734, + 0.10177946090698242, + 0.11017479002475739, + 0.0013812967808917165, + -0.18656767904758453, + 2.313617706298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/59.png", + [ + 0.21323013305664062, + -0.022062668576836586, + 0.031528450548648834, + -0.364681601524353, + -0.01973719708621502, + -0.2151002287864685, + -0.01703605242073536, + 0.183450385928154, + 0.03303403779864311, + 0.01389325875788927, + -0.21369048953056335, + 2.582642078399658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/105.png", + [ + 0.182758167386055, + -0.021784747019410133, + 0.11433622986078262, + -1.3825178146362305, + -0.01746581308543682, + -0.21556854248046875, + -0.013154936023056507, + 0.14956970512866974, + 0.11507515609264374, + 0.0018793013878166676, + -0.18358123302459717, + 2.2902283668518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/121.png", + [ + 0.1853315383195877, + -0.018861975520849228, + 0.11065414547920227, + -1.3365569114685059, + -0.0162037406116724, + -0.21585208177566528, + -0.00965469516813755, + 0.10782298445701599, + 0.1110745444893837, + -1.7037529687513597e-05, + -0.1860385537147522, + 2.321840286254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/24.png", + [ + 0.19257228076457977, + -0.0051424759440124035, + -0.09918346256017685, + 1.161584496498108, + -0.02013438381254673, + -0.21391217410564423, + -0.028001505881547928, + 0.3122366964817047, + -0.09725436568260193, + 0.03410326689481735, + -0.19059498608112335, + 2.3015756607055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/74.png", + [ + 0.20388546586036682, + -0.007177209481596947, + -0.07298696786165237, + 0.8638113141059875, + -0.016157109290361404, + -0.2147323042154312, + -0.024018267169594765, + 0.26858723163604736, + -0.07153711467981339, + 0.028043126687407494, + -0.20259296894073486, + 2.465109348297119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/129.png", + [ + 0.18713349103927612, + -0.015036696568131447, + 0.10817968100309372, + -1.2815550565719604, + -0.014076164923608303, + -0.2161419540643692, + -0.005693664308637381, + 0.053302038460969925, + 0.10830885916948318, + -0.0021104440093040466, + -0.18765027821063995, + 2.298929214477539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/153.png", + [ + 0.21143034100532532, + -0.023022856563329697, + -0.04141322523355484, + 0.4952584505081177, + -0.026651861146092415, + -0.21436439454555511, + -0.016896342858672142, + 0.1872924417257309, + -0.0391763374209404, + 0.021581387147307396, + -0.21200791001319885, + 2.598968505859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/144.png", + [ + 0.19128352403640747, + -0.02227495051920414, + 0.09930931031703949, + -1.1784460544586182, + -0.021118521690368652, + -0.2155068963766098, + -0.00766071118414402, + 0.07311713695526123, + 0.0995616540312767, + -0.0029163474682718515, + -0.19242367148399353, + 2.3399477005004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/98.png", + [ + 0.18647444248199463, + -0.02137586660683155, + 0.10825087130069733, + -1.3051187992095947, + -0.020426958799362183, + -0.21558323502540588, + -0.007382601499557495, + 0.07855181396007538, + 0.10843393206596375, + -0.0038517159409821033, + -0.1875503659248352, + 2.325855255126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/0.png", + [ + 0.2157604694366455, + -0.014966998249292374, + -0.013088286854326725, + 0.14525772631168365, + -0.01651459001004696, + -0.2143321931362152, + -0.027145367115736008, + 0.3038364350795746, + -0.011071699671447277, + 0.02802840806543827, + -0.21456868946552277, + 2.6040897369384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/163.png", + [ + 0.20560522377490997, + -0.02431383728981018, + -0.06390010565519333, + 0.7682515978813171, + -0.03128629922866821, + -0.21352246403694153, + -0.019422125071287155, + 0.2198558747768402, + -0.06079106405377388, + 0.027656620368361473, + -0.20612484216690063, + 2.5678372383117676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/96.png", + [ + 0.18759089708328247, + -0.022429833188652992, + 0.10608698427677155, + -1.2857513427734375, + -0.0222395621240139, + -0.21544034779071808, + -0.006224623881280422, + 0.06513211131095886, + 0.10612703859806061, + -0.005499700549989939, + -0.18882451951503754, + 2.3505020141601562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/100.png", + [ + 0.18624599277973175, + -0.022826580330729485, + 0.10834795981645584, + -1.3041988611221313, + -0.02084890566766262, + -0.21545752882957458, + -0.009553788229823112, + 0.10324853658676147, + 0.10874584317207336, + -0.0022133744787424803, + -0.18739621341228485, + 2.3186378479003906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/40.png", + [ + 0.19748732447624207, + -0.02282819151878357, + 0.0861714705824852, + -1.0401115417480469, + -0.021514400839805603, + -0.21546369791030884, + -0.00777315953746438, + 0.07392953336238861, + 0.08650883287191391, + -0.0014714546268805861, + -0.1986503154039383, + 2.454160690307617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/141.png", + [ + 0.18812322616577148, + -0.020180214196443558, + 0.10559502989053726, + -1.2428240776062012, + -0.02022445946931839, + -0.21566636860370636, + -0.005184934940189123, + 0.04389069601893425, + 0.10558655858039856, + -0.0053545525297522545, + -0.18913143873214722, + 2.2973804473876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/52.png", + [ + 0.19328896701335907, + -0.022878089919686317, + 0.09520427882671356, + -1.120319128036499, + -0.019443489611148834, + -0.2154497504234314, + -0.012298461981117725, + 0.1293664425611496, + 0.09596465528011322, + 0.002427850617095828, + -0.19424930214881897, + 2.337073802947998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/3.png", + [ + 0.21378064155578613, + -0.011368847452104092, + -0.0334138348698616, + 0.3947291970252991, + -0.015655966475605965, + -0.21438685059547424, + -0.027222586795687675, + 0.3049508035182953, + -0.0316326729953289, + 0.029273327440023422, + -0.21234486997127533, + 2.579746723175049, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/47.png", + [ + 0.1920066773891449, + -0.020868944004178047, + 0.09821312129497528, + -1.1685174703598022, + -0.019155889749526978, + -0.2156635969877243, + -0.008375794626772404, + 0.08353376388549805, + 0.09856157004833221, + -0.0012606526724994183, + -0.19295574724674225, + 2.352898120880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/104.png", + [ + 0.18312343955039978, + -0.02032468467950821, + 0.1140201985836029, + -1.375784158706665, + -0.016759591177105904, + -0.21571727097034454, + -0.011535774916410446, + 0.1293966919183731, + 0.11459849029779434, + 0.0009301441023126245, + -0.18388640880584717, + 2.2880449295043945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/21.png", + [ + 0.19184693694114685, + -0.005737639032304287, + -0.10054711997509003, + 1.1785829067230225, + -0.021842068061232567, + -0.2135443240404129, + -0.02948959916830063, + 0.3304598927497864, + -0.09831361472606659, + 0.03624626621603966, + -0.18965372443199158, + 2.2975807189941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/82.png", + [ + 0.2089608609676361, + -0.008368895389139652, + -0.056685227900743484, + 0.6853429079055786, + -0.014331039041280746, + -0.21517187356948853, + -0.021061493083834648, + 0.23226332664489746, + -0.055478595197200775, + 0.024060897529125214, + -0.20806510746479034, + 2.5354156494140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/106.png", + [ + 0.18283741176128387, + -0.023519759997725487, + 0.11386480182409286, + -1.3782709836959839, + -0.01891516149044037, + -0.215385302901268, + -0.014116838574409485, + 0.16206850111484528, + 0.11471962183713913, + 0.001972152618691325, + -0.18380264937877655, + 2.294534683227539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/14.png", + [ + 0.19416336715221405, + -0.007106682285666466, + -0.09590601921081543, + 1.135016918182373, + -0.023658914491534233, + -0.2129710614681244, + -0.03211662173271179, + 0.3672336935997009, + -0.09321332722902298, + 0.039251960813999176, + -0.1916205883026123, + 2.3462166786193848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/67.png", + [ + 0.20575609803199768, + -0.009924928657710552, + -0.06718497723340988, + 0.8105489015579224, + -0.017567481845617294, + -0.2148311287164688, + -0.022064942866563797, + 0.24942097067832947, + -0.06560267508029938, + 0.026400264352560043, + -0.20481018722057343, + 2.5274529457092285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/78.png", + [ + 0.20548349618911743, + -0.006523394025862217, + -0.06842419505119324, + 0.8065671324729919, + -0.01459596585482359, + -0.21491846442222595, + -0.023343093693256378, + 0.25929030776023865, + -0.06716682016849518, + 0.026746729388833046, + -0.20425748825073242, + 2.4706602096557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/31.png", + [ + 0.20880509912967682, + -0.01014101505279541, + -0.05696916580200195, + 0.6748610734939575, + -0.015287771821022034, + -0.21540959179401398, + -0.017688389867544174, + 0.18866516649723053, + -0.05580868944525719, + 0.021065492182970047, + -0.20830152928829193, + 2.498533248901367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/152.png", + [ + 0.212717205286026, + -0.01677623577415943, + -0.03765436261892319, + 0.4550010859966278, + -0.019873324781656265, + -0.21513572335243225, + -0.01641855016350746, + 0.17937688529491425, + -0.036115702241659164, + 0.019572321325540543, + -0.2127450853586197, + 2.603569984436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/39.png", + [ + 0.19841012358665466, + -0.022751161828637123, + 0.08404582738876343, + -1.01374089717865, + -0.020968850702047348, + -0.2154768705368042, + -0.008827518671751022, + 0.08627410233020782, + 0.08450814336538315, + -5.019251329940744e-05, + -0.19951508939266205, + 2.4563965797424316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/92.png", + [ + 0.1956586390733719, + -0.022852983325719833, + 0.09024041891098022, + -1.1100308895111084, + -0.021376250311732292, + -0.21546098589897156, + -0.00821670237928629, + 0.08657386898994446, + 0.0906015932559967, + -0.0014830197906121612, + -0.1968173086643219, + 2.4736480712890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/53.png", + [ + 0.19462044537067413, + -0.020152002573013306, + 0.09308425337076187, + -1.0955300331115723, + -0.01652100682258606, + -0.215701624751091, + -0.012155594304203987, + 0.12586067616939545, + 0.09379678219556808, + 0.003820850746706128, + -0.19528302550315857, + 2.3493924140930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/75.png", + [ + 0.20434001088142395, + -0.007319045253098011, + -0.07169025391340256, + 0.8471741676330566, + -0.0164834875613451, + -0.21458661556243896, + -0.02507547102868557, + 0.2804042398929596, + -0.07015237957239151, + 0.02910182625055313, + -0.2029276341199875, + 2.4676570892333984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/151.png", + [ + 0.2140342742204666, + -0.01738307997584343, + -0.028897378593683243, + 0.3529609739780426, + -0.019400712102651596, + -0.21533934772014618, + -0.014158924110233784, + 0.1522897481918335, + -0.027583373710513115, + 0.016573812812566757, + -0.2142716944217682, + 2.6196913719177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/87.png", + [ + 0.21271394193172455, + -0.021582672372460365, + 0.03514062240719795, + -0.4457707703113556, + -0.0202360600233078, + -0.21550197899341583, + -0.009863694198429585, + 0.09756603837013245, + 0.03593295067548752, + 0.006401476450264454, + -0.21357840299606323, + 2.674315929412842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/139.png", + [ + 0.18678371608257294, + -0.018817836418747902, + 0.10819250345230103, + -1.2646175622940063, + -0.018782839179039, + -0.21579855680465698, + -0.00510694645345211, + 0.04472813382744789, + 0.10819857567548752, + -0.004976437892764807, + -0.18765978515148163, + 2.271489143371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/107.png", + [ + 0.18196362257003784, + -0.023175792768597603, + 0.11532571166753769, + -1.3946994543075562, + -0.01966390199959278, + -0.21543154120445251, + -0.012266844511032104, + 0.1391393393278122, + 0.11597616970539093, + -0.00016445864457637072, + -0.18302294611930847, + 2.285560131072998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/112.png", + [ + 0.18217933177947998, + -0.02107948251068592, + 0.11538732796907425, + -1.4026423692703247, + -0.019242944195866585, + -0.21563027799129486, + -0.009010586887598038, + 0.09714341163635254, + 0.11570776998996735, + -0.0026715120766311884, + -0.1831733137369156, + 2.3046560287475586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/69.png", + [ + 0.2053752988576889, + -0.009294774383306503, + -0.06842870265245438, + 0.8216085433959961, + -0.0174003466963768, + -0.21474075317382812, + -0.02305515483021736, + 0.25978773832321167, + -0.06682895123958588, + 0.027348116040229797, + -0.20428869128227234, + 2.516655445098877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/157.png", + [ + 0.20635569095611572, + -0.028633441776037216, + -0.05954284593462944, + 0.7130686044692993, + -0.034946076571941376, + -0.2130211889743805, + -0.018672144040465355, + 0.20485585927963257, + -0.05607135593891144, + 0.027386188507080078, + -0.2074943333864212, + 2.5497045516967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/45.png", + [ + 0.1922490894794464, + -0.02169400081038475, + 0.09755796194076538, + -1.1711375713348389, + -0.01989162527024746, + -0.21558251976966858, + -0.008740450255572796, + 0.08998611569404602, + 0.09794136136770248, + -0.001201076665893197, + -0.1932716816663742, + 2.3771181106567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/50.png", + [ + 0.19210146367549896, + -0.022877458482980728, + 0.09757839888334274, + -1.1503846645355225, + -0.02037995681166649, + -0.21546347439289093, + -0.010394077748060226, + 0.10713289678096771, + 0.09813040494918823, + 3.7264118873281404e-05, + -0.19317948818206787, + 2.330371856689453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/101.png", + [ + 0.18643634021282196, + -0.019853077828884125, + 0.10860591381788254, + -1.3041722774505615, + -0.01802903413772583, + -0.21575623750686646, + -0.008490869775414467, + 0.0907866507768631, + 0.10892356932163239, + -0.0017309498507529497, + -0.1872980296611786, + 2.316655158996582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/85.png", + [ + 0.2153359055519104, + -0.017332298681139946, + -0.01667158491909504, + 0.19587396085262299, + -0.018209276720881462, + -0.21562643349170685, + -0.011025244370102882, + 0.10952000319957733, + -0.01570899784564972, + 0.012358198873698711, + -0.2157507836818695, + 2.6599464416503906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/156.png", + [ + 0.20765957236289978, + -0.028389932587742805, + -0.05494912341237068, + 0.6590911746025085, + -0.033646609634160995, + -0.21337713301181793, + -0.016911623999476433, + 0.18529562652111053, + -0.051897019147872925, + 0.02474084123969078, + -0.2089078575372696, + 2.568753719329834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/131.png", + [ + 0.186593160033226, + -0.01588178612291813, + 0.10898920148611069, + -1.2838521003723145, + -0.016534430906176567, + -0.21601957082748413, + -0.003170626936480403, + 0.019338183104991913, + 0.10889210551977158, + -0.0055865212343633175, + -0.18724098801612854, + 2.280731201171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/71.png", + [ + 0.2044670730829239, + -0.007696227636188269, + -0.07128731906414032, + 0.8523147702217102, + -0.015640422701835632, + -0.21502260863780975, + -0.0216460470110178, + 0.24004945158958435, + -0.06997492909431458, + 0.025572292506694794, + -0.20346367359161377, + 2.4979186058044434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/160.png", + [ + 0.20636282861232758, + -0.02790338359773159, + -0.059863846749067307, + 0.7164643406867981, + -0.03451595827937126, + -0.21299855411052704, + -0.019701872020959854, + 0.21840938925743103, + -0.056310996413230896, + 0.028300462290644646, + -0.2073066681623459, + 2.552276134490967, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/115.png", + [ + 0.18387477099895477, + -0.02033897116780281, + 0.11280198395252228, + -1.3733439445495605, + -0.018400888890028, + -0.2157084047794342, + -0.008899024687707424, + 0.09774713218212128, + 0.11313429474830627, + -0.0020276973955333233, + -0.18478207290172577, + 2.3297715187072754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/54.png", + [ + 0.19557178020477295, + -0.020922236144542694, + 0.09089463949203491, + -1.0721464157104492, + -0.01725638471543789, + -0.21562416851520538, + -0.01250324584543705, + 0.1287555992603302, + 0.09166128933429718, + 0.004046477843075991, + -0.19628991186618805, + 2.3642711639404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/33.png", + [ + 0.21444255113601685, + -0.020497342571616173, + -0.02328389696776867, + 0.26376938819885254, + -0.021715009585022926, + -0.21533121168613434, + -0.010432315990328789, + 0.10018770396709442, + -0.02215263806283474, + 0.012658346444368362, + -0.21516720950603485, + 2.586322784423828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/159.png", + [ + 0.20613087713718414, + -0.02838553488254547, + -0.06043357774615288, + 0.7222444415092468, + -0.035226788371801376, + -0.2128368765115738, + -0.020184798166155815, + 0.2223828136920929, + -0.0567188486456871, + 0.02902781404554844, + -0.20709477365016937, + 2.5460309982299805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/49.png", + [ + 0.19262832403182983, + -0.02156727761030197, + 0.09683531522750854, + -1.1436878442764282, + -0.019201306626200676, + -0.21559852361679077, + -0.009822427295148373, + 0.09993934631347656, + 0.09733209013938904, + 0.00015097740106284618, + -0.19358289241790771, + 2.3421783447265625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/118.png", + [ + 0.18466445803642273, + -0.018552817404270172, + 0.11181560158729553, + -1.3571993112564087, + -0.016846301034092903, + -0.2158706933259964, + -0.007996173575520515, + 0.08618299663066864, + 0.11208540946245193, + -0.0018787155859172344, + -0.18542176485061646, + 2.331623077392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/110.png", + [ + 0.18180568516254425, + -0.022114770486950874, + 0.11578226089477539, + -1.4023292064666748, + -0.02061419188976288, + -0.2155124396085739, + -0.00879436731338501, + 0.09348012506961823, + 0.1160588189959526, + -0.0036362879909574986, + -0.1829344779253006, + 2.2917685508728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/18.png", + [ + 0.19270463287830353, + -0.006722485180944204, + -0.09883134067058563, + 1.1586840152740479, + -0.022284938022494316, + -0.21357585489749908, + -0.028924524784088135, + 0.32537952065467834, + -0.09652050584554672, + 0.035889480262994766, + -0.19064004719257355, + 2.31504487991333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/66.png", + [ + 0.20635783672332764, + -0.012710854411125183, + -0.06482884287834167, + 0.7844299077987671, + -0.019922392442822456, + -0.21470092236995697, + -0.021319357678294182, + 0.24043521285057068, + -0.06298764795064926, + 0.026265013962984085, + -0.2056467980146408, + 2.5422348976135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/16.png", + [ + 0.19109071791172028, + -0.006643190048635006, + -0.10192201286554337, + 1.2029411792755127, + -0.023061610758304596, + -0.21343864500522614, + -0.0293258186429739, + 0.3327938914299011, + -0.09950070828199387, + 0.03671116754412651, + -0.18894389271736145, + 2.3058199882507324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/94.png", + [ + 0.1919090300798416, + -0.022389300167560577, + 0.09806904196739197, + -1.1970959901809692, + -0.021541573107242584, + -0.21548613905906677, + -0.00704158516600728, + 0.07376313209533691, + 0.09825873374938965, + -0.003513182047754526, + -0.1930823028087616, + 2.417133331298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/28.png", + [ + 0.20181751251220703, + -0.007727637887001038, + -0.07847212255001068, + 0.9180274605751038, + -0.017450464889407158, + -0.21466195583343506, + -0.023740654811263084, + 0.2605653703212738, + -0.07689649611711502, + 0.02843274362385273, + -0.20056520402431488, + 2.413473606109619, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/61.png", + [ + 0.215690478682518, + -0.013593245297670364, + -0.015515580773353577, + 0.2033824324607849, + -0.01443389430642128, + -0.21588647365570068, + -0.01151461061090231, + 0.11719328165054321, + -0.014736765064299107, + 0.012495888397097588, + -0.21581144630908966, + 2.6419076919555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/132.png", + [ + 0.18685252964496613, + -0.015305318869650364, + 0.10862678289413452, + -1.2760603427886963, + -0.015239997766911983, + -0.21609655022621155, + -0.004232792649418116, + 0.03225874528288841, + 0.10863597691059113, + -0.003990148194134235, + -0.18743053078651428, + 2.2793126106262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/58.png", + [ + 0.20927990972995758, + -0.02520284429192543, + 0.05014606937766075, + -0.5898811221122742, + -0.021492494270205498, + -0.214830219745636, + -0.018274301663041115, + 0.19652587175369263, + 0.05184481292963028, + 0.012676521204411983, + -0.20999836921691895, + 2.5191454887390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/123.png", + [ + 0.186236172914505, + -0.01700030267238617, + 0.1094302162528038, + -1.3179932832717896, + -0.013871465809643269, + -0.21600115299224854, + -0.009948953054845333, + 0.10946662724018097, + 0.10987068712711334, + 0.0015456232940778136, + -0.18674564361572266, + 2.3233871459960938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/64.png", + [ + 0.20830218493938446, + -0.014515780843794346, + -0.05785658583045006, + 0.7063831090927124, + -0.019561782479286194, + -0.21516217291355133, + -0.016446102410554886, + 0.17855329811573029, + -0.0563509427011013, + 0.021034013479948044, + -0.2081586867570877, + 2.5735931396484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/10.png", + [ + 0.19812645018100739, + -0.010910441167652607, + -0.08703312277793884, + 1.0316150188446045, + -0.02410956099629402, + -0.21348486840724945, + -0.028121797367930412, + 0.31719836592674255, + -0.0843358263373375, + 0.035398710519075394, + -0.1964237540960312, + 2.4074559211730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/41.png", + [ + 0.1951085329055786, + -0.0234659593552351, + 0.09126833081245422, + -1.1046453714370728, + -0.02258955128490925, + -0.21537737548351288, + -0.0070848590694367886, + 0.0665309727191925, + 0.09148918092250824, + -0.003135549370199442, + -0.19638684391975403, + 2.43489933013916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/91.png", + [ + 0.19775046408176422, + -0.02389552630484104, + 0.08527400344610214, + -1.0531338453292847, + -0.02185315079987049, + -0.2153528332710266, + -0.009668822400271893, + 0.10267889499664307, + 0.08582010865211487, + 0.00022387730132322758, + -0.19895415008068085, + 2.503391742706299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/140.png", + [ + 0.18753816187381744, + -0.019540615379810333, + 0.10674967616796494, + -1.2517740726470947, + -0.01858847215771675, + -0.21576742827892303, + -0.006840118672698736, + 0.06565006077289581, + 0.10691958665847778, + -0.003237711265683174, + -0.1884293407201767, + 2.285074234008789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/23.png", + [ + 0.1924281269311905, + -0.006097315810620785, + -0.09940897673368454, + 1.164711594581604, + -0.021348048001527786, + -0.21376675367355347, + -0.028212349861860275, + 0.3143962621688843, + -0.09728094190359116, + 0.034849654883146286, + -0.19044636189937592, + 2.300166606903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/37.png", + [ + 0.2016621083021164, + -0.02527555450797081, + 0.07510950416326523, + -0.9104901552200317, + -0.022196872159838676, + -0.21515388786792755, + -0.012806180864572525, + 0.1320047527551651, + 0.0760762169957161, + 0.004224423784762621, + -0.2028360366821289, + 2.4838972091674805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/36.png", + [ + 0.20535075664520264, + -0.025753561407327652, + 0.06415385752916336, + -0.7833372354507446, + -0.02246239222586155, + -0.21502432227134705, + -0.01441804226487875, + 0.14984141290187836, + 0.06537893414497375, + 0.007013773545622826, + -0.2064565122127533, + 2.523958206176758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/8.png", + [ + 0.20122544467449188, + -0.013507004827260971, + -0.07920712977647781, + 0.9404298067092896, + -0.02533244527876377, + -0.21336281299591064, + -0.027972744777798653, + 0.3142320513725281, + -0.07625270634889603, + 0.035238731652498245, + -0.19972893595695496, + 2.4399585723876953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/6.png", + [ + 0.2071821540594101, + -0.012613159604370594, + -0.06216391921043396, + 0.7388375401496887, + -0.022356711328029633, + -0.2132413536310196, + -0.031244242563843727, + 0.3529607951641083, + -0.05936010554432869, + 0.036289580166339874, + -0.20520073175430298, + 2.4956045150756836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/154.png", + [ + 0.21031984686851501, + -0.025071630254387856, + -0.04566039890050888, + 0.5450810790061951, + -0.029350167140364647, + -0.21394525468349457, + -0.017717014998197556, + 0.19684326648712158, + -0.04303517937660217, + 0.023382434621453285, + -0.21106666326522827, + 2.59190034866333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/20.png", + [ + 0.19268912076950073, + -0.006066011730581522, + -0.09890399128198624, + 1.1583625078201294, + -0.021444130688905716, + -0.2136959731578827, + -0.028671935200691223, + 0.3217279314994812, + -0.09674163162708282, + 0.03528645634651184, + -0.19064053893089294, + 2.3113808631896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/2.png", + [ + 0.21484503149986267, + -0.011605776846408844, + -0.02558917924761772, + 0.3016035556793213, + -0.014772004447877407, + -0.21451088786125183, + -0.02673499658703804, + 0.29872485995292664, + -0.02390163019299507, + 0.028253816068172455, + -0.213490828871727, + 2.5919485092163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/117.png", + [ + 0.18249857425689697, + -0.018559589982032776, + 0.11531566828489304, + -1.4036076068878174, + -0.017565159127116203, + -0.21584990620613098, + -0.006941544357687235, + 0.07268358767032623, + 0.11547132581472397, + -0.0035016373731195927, + -0.18330849707126617, + 2.312256336212158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/149.png", + [ + 0.21605758368968964, + -0.01632630079984665, + 0.0006866224575787783, + 0.007094663567841053, + -0.01625114493072033, + -0.21563534438610077, + -0.013608649373054504, + 0.1464361548423767, + 0.001708732102997601, + 0.013518394902348518, + -0.21624575555324554, + 2.630995750427246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/161.png", + [ + 0.2059268355369568, + -0.025781981647014618, + -0.06226812303066254, + 0.7459681034088135, + -0.03315642476081848, + -0.21304664015769958, + -0.021440070122480392, + 0.2405892014503479, + -0.05867437273263931, + 0.029905090108513832, + -0.2064240723848343, + 2.5483250617980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/5.png", + [ + 0.20978446304798126, + -0.012075111269950867, + -0.05284467339515686, + 0.6275042295455933, + -0.0199884045869112, + -0.21357713639736176, + -0.030547812581062317, + 0.3453563451766968, + -0.05038681998848915, + 0.03445137292146683, + -0.20789940655231476, + 2.530975341796875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/108.png", + [ + 0.1818183809518814, + -0.023794548586010933, + 0.11542869359254837, + -1.3958604335784912, + -0.021110689267516136, + -0.2153557986021042, + -0.011140922084450722, + 0.12382033467292786, + 0.11594956368207932, + -0.0018975678831338882, + -0.18303000926971436, + 2.2875895500183105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/60.png", + [ + 0.21573656797409058, + -0.01743423379957676, + 0.010083266533911228, + -0.10495391488075256, + -0.01670754887163639, + -0.21549859642982483, + -0.015136328525841236, + 0.16169199347496033, + 0.011246448382735252, + 0.014293289743363857, + -0.2159099578857422, + 2.6322426795959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/56.png", + [ + 0.19942253828048706, + -0.022335968911647797, + 0.08172911405563354, + -0.9713237881660461, + -0.0184515081346035, + -0.21544241905212402, + -0.013856365345418453, + 0.14284753799438477, + 0.0826927125453949, + 0.005793232005089521, + -0.20019054412841797, + 2.414950370788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/147.png", + [ + 0.21103447675704956, + -0.02104964852333069, + 0.044376254081726074, + -0.5122888684272766, + -0.019488129764795303, + -0.21558353304862976, + -0.009583726525306702, + 0.09476691484451294, + 0.04508383944630623, + 0.005342971999198198, + -0.21186503767967224, + 2.5579891204833984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/30.png", + [ + 0.20648933947086334, + -0.007783574052155018, + -0.06518792361021042, + 0.7705539464950562, + -0.015111420303583145, + -0.21500445902347565, + -0.022194966673851013, + 0.24255260825157166, + -0.06388813257217407, + 0.02569800801575184, + -0.20544052124023438, + 2.4669370651245117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/17.png", + [ + 0.19295117259025574, + -0.005706058815121651, + -0.09841334074735641, + 1.1570652723312378, + -0.021246984601020813, + -0.21363449096679688, + -0.02927061915397644, + 0.33008626103401184, + -0.09626167267560959, + 0.035716164857149124, + -0.1908034086227417, + 2.318570137023926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/12.png", + [ + 0.19605660438537598, + -0.009796435944736004, + -0.0917263999581337, + 1.0880903005599976, + -0.025128144770860672, + -0.21297357976436615, + -0.03096335008740425, + 0.35251739621162415, + -0.0887596532702446, + 0.03865465521812439, + -0.19384384155273438, + 2.3810229301452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/114.png", + [ + 0.1821998804807663, + -0.020101409405469894, + 0.11552932858467102, + -1.4067219495773315, + -0.01811070553958416, + -0.21572986245155334, + -0.008973533287644386, + 0.09807944297790527, + 0.11585807055234909, + -0.002110725734382868, + -0.1830856204032898, + 2.311098575592041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/27.png", + [ + 0.19906353950500488, + -0.009157873690128326, + -0.08507487177848816, + 0.9931321740150452, + -0.019961286336183548, + -0.2144562155008316, + -0.023621559143066406, + 0.2597125470638275, + -0.0832054540514946, + 0.02953920140862465, + -0.19786909222602844, + 2.3838658332824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/42.png", + [ + 0.19371993839740753, + -0.021676238626241684, + 0.09460766613483429, + -1.1456053256988525, + -0.020300552248954773, + -0.2155795693397522, + -0.007825281471014023, + 0.07729282975196838, + 0.09491237252950668, + -0.0018676593899726868, + -0.19477178156375885, + 2.41619873046875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/7.png", + [ + 0.20276375114917755, + -0.012884514406323433, + -0.07529108226299286, + 0.8944427967071533, + -0.02488909475505352, + -0.21305884420871735, + -0.030567312613129616, + 0.3459246754646301, + -0.07221697270870209, + 0.03725341707468033, + -0.20086011290550232, + 2.4494833946228027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/73.png", + [ + 0.20409296452999115, + -0.007139977533370256, + -0.07240842282772064, + 0.8597121238708496, + -0.015919245779514313, + -0.21478642523288727, + -0.023691104725003242, + 0.2641451060771942, + -0.0709967315196991, + 0.027635332196950912, + -0.2028389722108841, + 2.4728527069091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/120.png", + [ + 0.18359965085983276, + -0.01979236491024494, + 0.11334603279829025, + -1.3733018636703491, + -0.01698492094874382, + -0.21576860547065735, + -0.010164843872189522, + 0.11304782330989838, + 0.11380060017108917, + -0.00027188952662982047, + -0.18438342213630676, + 2.3111863136291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/46.png", + [ + 0.19254133105278015, + -0.021141447126865387, + 0.0971018597483635, + -1.1589317321777344, + -0.019443994387984276, + -0.21563711762428284, + -0.008394361473619938, + 0.08517318964004517, + 0.0974559485912323, + -0.0012543527409434319, + -0.1935165673494339, + 2.366757869720459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/127.png", + [ + 0.1872396022081375, + -0.015203991904854774, + 0.10797251015901566, + -1.290061116218567, + -0.01336081512272358, + -0.21614022552967072, + -0.007265924941748381, + 0.07554437220096588, + 0.10821603983640671, + -0.0003790553309954703, + -0.1877153068780899, + 2.3153247833251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/133.png", + [ + 0.18600913882255554, + -0.01710323616862297, + 0.10979972034692764, + -1.285959243774414, + -0.017590485513210297, + -0.21592536568641663, + -0.003834544913843274, + 0.02647973597049713, + 0.10972272604703903, + -0.005622115917503834, + -0.18675442039966583, + 2.2643814086914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/57.png", + [ + 0.20410750806331635, + -0.025531532242894173, + 0.0680893287062645, + -0.809310793876648, + -0.021575678139925003, + -0.21500729024410248, + -0.015945347025990486, + 0.16850997507572174, + 0.06944426149129868, + 0.008240431547164917, + -0.20507921278476715, + 2.4664559364318848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/44.png", + [ + 0.19287064671516418, + -0.02082277275621891, + 0.09651537984609604, + -1.1636073589324951, + -0.018967831507325172, + -0.2156703919172287, + -0.008625741116702557, + 0.08973036706447601, + 0.09689699858427048, + -0.000770902493968606, + -0.19379958510398865, + 2.390552520751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/113.png", + [ + 0.18134118616580963, + -0.020598605275154114, + 0.11678598821163177, + -1.4216328859329224, + -0.018840376287698746, + -0.21567508578300476, + -0.008785894140601158, + 0.09470297396183014, + 0.11708249896764755, + -0.0028016557916998863, + -0.18229570984840393, + 2.2992377281188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/126.png", + [ + 0.18540306389331818, + -0.017382126301527023, + 0.1107766255736351, + -1.3287911415100098, + -0.015519201755523682, + -0.2159731537103653, + -0.007914712652564049, + 0.08329224586486816, + 0.11105292290449142, + -0.0011618935968726873, + -0.18604782223701477, + 2.3006067276000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/29.png", + [ + 0.20415349304676056, + -0.008310598321259022, + -0.07211222499608994, + 0.8477548956871033, + -0.016810668632388115, + -0.21481111645698547, + -0.022835910320281982, + 0.25005725026130676, + -0.07061614841222763, + 0.027111094444990158, + -0.20304244756698608, + 2.4414467811584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/4.png", + [ + 0.2124711126089096, + -0.012410745956003666, + -0.040618907660245895, + 0.48003697395324707, + -0.018114591017365456, + -0.2139054387807846, + -0.029397670179605484, + 0.33199018239974976, + -0.03841593116521835, + 0.032223206013441086, + -0.21079319715499878, + 2.565561294555664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/55.png", + [ + 0.1970812976360321, + -0.020339656621217728, + 0.08771062642335892, + -1.0386189222335815, + -0.015825197100639343, + -0.21561288833618164, + -0.01444113627076149, + 0.15091411769390106, + 0.08863643556833267, + 0.006729167886078358, + -0.1976011097431183, + 2.3805723190307617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/9.png", + [ + 0.20051169395446777, + -0.012874460779130459, + -0.0810999795794487, + 0.9602702260017395, + -0.025131158530712128, + -0.21334798634052277, + -0.028265738859772682, + 0.3174346089363098, + -0.07817532867193222, + 0.03556368127465248, + -0.19892646372318268, + 2.430792808532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/25.png", + [ + 0.19337111711502075, + -0.006416040472686291, + -0.09754151105880737, + 1.1423245668411255, + -0.02066139131784439, + -0.21400535106658936, + -0.026883412152528763, + 0.3003370463848114, + -0.09554381668567657, + 0.03329332545399666, + -0.1916007101535797, + 2.314868927001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/99.png", + [ + 0.18648658692836761, + -0.021035078912973404, + 0.10829668492078781, + -1.3041754961013794, + -0.019229881465435028, + -0.2156413048505783, + -0.008771433494985104, + 0.09562952816486359, + 0.10863175988197327, + -0.0020619735587388277, + -0.18746410310268402, + 2.3231863975524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/34.png", + [ + 0.21497510373592377, + -0.023854272440075874, + 0.012828492559492588, + -0.17150931060314178, + -0.023092858493328094, + -0.21505363285541534, + -0.012905505485832691, + 0.13081258535385132, + 0.014153320342302322, + 0.011437038891017437, + -0.2159091681241989, + 2.614650249481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/72.png", + [ + 0.20378094911575317, + -0.0064145466312766075, + -0.07334902882575989, + 0.8743248581886292, + -0.01489766500890255, + -0.2149783819913864, + -0.02258886583149433, + 0.2516784965991974, + -0.07210607826709747, + 0.026287846267223358, + -0.20262664556503296, + 2.4811172485351562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/102.png", + [ + 0.18515531718730927, + -0.019903840497136116, + 0.11076658964157104, + -1.3310284614562988, + -0.018064668402075768, + -0.2157500684261322, + -0.008571946062147617, + 0.09192721545696259, + 0.11108135432004929, + -0.0019098689081147313, + -0.18602466583251953, + 2.3026857376098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/134.png", + [ + 0.18499824404716492, + -0.018833158537745476, + 0.11121538281440735, + -1.301747441291809, + -0.019294725731015205, + -0.21576808393001556, + -0.004442776553332806, + 0.03522263094782829, + 0.11113624274730682, + -0.006110380403697491, + -0.18590129911899567, + 2.255727767944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/70.png", + [ + 0.2045169472694397, + -0.007975269109010696, + -0.07111332565546036, + 0.8529088497161865, + -0.01601259596645832, + -0.2149651050567627, + -0.021943040192127228, + 0.24504783749580383, + -0.06974459439516068, + 0.025967199355363846, + -0.20349273085594177, + 2.503787040710449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/135.png", + [ + 0.1857410967350006, + -0.018724091351032257, + 0.10998883843421936, + -1.28574800491333, + -0.0185707975178957, + -0.21581032872200012, + -0.005377745721489191, + 0.04709683731198311, + 0.11001482605934143, + -0.00481695681810379, + -0.18660500645637512, + 2.266098976135254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/130.png", + [ + 0.18681128323078156, + -0.013323522172868252, + 0.10895833373069763, + -1.2854835987091064, + -0.013831756077706814, + -0.21621553599834442, + -0.002724200254306197, + 0.016514413058757782, + 0.10889498144388199, + -0.004606786649674177, + -0.18726599216461182, + 2.2841997146606445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/90.png", + [ + 0.19903525710105896, + -0.024648392572999, + 0.0820080041885376, + -1.01883864402771, + -0.022458136081695557, + -0.21526633203029633, + -0.01019422709941864, + 0.10757279396057129, + 0.08263467252254486, + 0.0008642622269690037, + -0.20029641687870026, + 2.524707317352295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/122.png", + [ + 0.18623240292072296, + -0.017184866592288017, + 0.10940776765346527, + -1.318244457244873, + -0.014195887371897697, + -0.2159886360168457, + -0.009761658497154713, + 0.10722166299819946, + 0.10983560234308243, + 0.0012220969656482339, + -0.18676866590976715, + 2.3272452354431152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/15.png", + [ + 0.19241411983966827, + -0.006672462448477745, + -0.09939911961555481, + 1.1755495071411133, + -0.023362258449196815, + -0.213181734085083, + -0.030913565307855606, + 0.3517553508281708, + -0.09684477746486664, + 0.03816964477300644, + -0.1900317519903183, + 2.322413921356201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/162.png", + [ + 0.20544682443141937, + -0.024648243561387062, + -0.06428032368421555, + 0.7735021710395813, + -0.03185548633337021, + -0.21338576078414917, + -0.019990941509604454, + 0.22573700547218323, + -0.061030518263578415, + 0.028405526652932167, + -0.20595216751098633, + 2.5559544563293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/22.png", + [ + 0.1921292096376419, + -0.005865890067070723, + -0.09999929368495941, + 1.1724110841751099, + -0.021827077493071556, + -0.2135569453239441, + -0.02940938249230385, + 0.32783427834510803, + -0.09776424616575241, + 0.03615141287446022, + -0.18995557725429535, + 2.296916961669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/138.png", + [ + 0.18565867841243744, + -0.01918216049671173, + 0.1100490540266037, + -1.285839557647705, + -0.019338084384799004, + -0.21575242280960083, + -0.004982451442629099, + 0.043286051601171494, + 0.11002176254987717, + -0.0055525777861475945, + -0.18658047914505005, + 2.2569518089294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/109.png", + [ + 0.18293337523937225, + -0.02179739437997341, + 0.11405327171087265, + -1.3791736364364624, + -0.020062992349267006, + -0.21555528044700623, + -0.009016423486173153, + 0.09710265696048737, + 0.11437112092971802, + -0.002948409179225564, + -0.18400664627552032, + 2.3020706176757812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/26.png", + [ + 0.1959725320339203, + -0.008205835707485676, + -0.09206155687570572, + 1.0766266584396362, + -0.020647356286644936, + -0.21425172686576843, + -0.02485511638224125, + 0.2746905982494354, + -0.0900907963514328, + 0.03125306963920593, + -0.19456306099891663, + 2.3471908569335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/43.png", + [ + 0.19277454912662506, + -0.02156059816479683, + 0.09654533863067627, + -1.1678935289382935, + -0.019955767318606377, + -0.21559396386146545, + -0.008300459943711758, + 0.08443088829517365, + 0.09688977897167206, + -0.0015069537330418825, + -0.19379884004592896, + 2.3969640731811523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/84.png", + [ + 0.21330700814723969, + -0.013361185789108276, + -0.03563006594777107, + 0.4328383803367615, + -0.016010453924536705, + -0.2155599445104599, + -0.01501554250717163, + 0.15767797827720642, + -0.034520842134952545, + 0.01741493120789528, + -0.21319693326950073, + 2.6159439086914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/136.png", + [ + 0.18612083792686462, + -0.018687590956687927, + 0.1093512699007988, + -1.2809690237045288, + -0.01863541454076767, + -0.21581001579761505, + -0.005162541288882494, + 0.044912103563547134, + 0.10936018079519272, + -0.004970355425029993, + -0.18698540329933167, + 2.2734789848327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/89.png", + [ + 0.2021816521883011, + -0.023572126403450966, + 0.07426188141107559, + -0.9267212152481079, + -0.02128722332417965, + -0.21537505090236664, + -0.010408594273030758, + 0.10902927815914154, + 0.07494883239269257, + 0.0024165159557014704, + -0.2032848447561264, + 2.5621590614318848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/63.png", + [ + 0.21039006114006042, + -0.014018183574080467, + -0.04987386241555214, + 0.6122710704803467, + -0.017966253682971, + -0.21538932621479034, + -0.015249556861817837, + 0.16211256384849548, + -0.04859141260385513, + 0.01894269697368145, + -0.2103044092655182, + 2.5973939895629883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/88.png", + [ + 0.20677858591079712, + -0.023199161514639854, + 0.06043439731001854, + -0.7580032348632812, + -0.02127566747367382, + -0.2154005616903305, + -0.00989107508212328, + 0.10050061345100403, + 0.06113807111978531, + 0.003505165223032236, + -0.2078406661748886, + 2.6131553649902344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/62.png", + [ + 0.21326974034309387, + -0.013321998529136181, + -0.035866886377334595, + 0.4459778666496277, + -0.015693068504333496, + -0.2157023698091507, + -0.013195180334150791, + 0.13763298094272614, + -0.03489464893937111, + 0.01558555569499731, + -0.2132776379585266, + 2.626884937286377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/65.png", + [ + 0.20714999735355377, + -0.012934720143675804, + -0.06220509484410286, + 0.7559893727302551, + -0.019225774332880974, + -0.21495282649993896, + -0.019327428191900253, + 0.21419699490070343, + -0.060556989163160324, + 0.02399735152721405, + -0.20665156841278076, + 2.554244041442871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/80.png", + [ + 0.20682942867279053, + -0.006690173875540495, + -0.06422412395477295, + 0.7636611461639404, + -0.013860760256648064, + -0.21508485078811646, + -0.0222324226051569, + 0.24644139409065247, + -0.06306644529104233, + 0.025330672040581703, + -0.205739825963974, + 2.5004630088806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/146.png", + [ + 0.20558235049247742, + -0.023585882037878036, + 0.06424553692340851, + -0.7534220218658447, + -0.02144693210721016, + -0.21535800397396088, + -0.010433369316160679, + 0.10427144169807434, + 0.06499086320400238, + 0.0035400877241045237, + -0.2066677212715149, + 2.49306058883667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/119.png", + [ + 0.1838606894016266, + -0.018796833232045174, + 0.11309207230806351, + -1.372556447982788, + -0.01661430113017559, + -0.2158547043800354, + -0.008865945041179657, + 0.09709849953651428, + 0.11343326419591904, + -0.001148482784628868, + -0.18460625410079956, + 2.3184990882873535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/145.png", + [ + 0.19881802797317505, + -0.023173386231064796, + 0.08295952528715134, + -0.9834465980529785, + -0.02076265774667263, + -0.21542587876319885, + -0.010416606441140175, + 0.10378630459308624, + 0.08359544724225998, + 0.001608629827387631, + -0.19989274442195892, + 2.4260473251342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/79.png", + [ + 0.2056550830602646, + -0.006928293500095606, + -0.06786666065454483, + 0.8027535080909729, + -0.014671937562525272, + -0.21500204503536224, + -0.02251122146844864, + 0.2496252954006195, + -0.06662295758724213, + 0.02596188709139824, + -0.20453667640686035, + 2.4828639030456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/116.png", + [ + 0.18258026242256165, + -0.020270464941859245, + 0.11489756405353546, + -1.398830771446228, + -0.01880572736263275, + -0.21570228040218353, + -0.008171024732291698, + 0.08731107413768768, + 0.11514637619256973, + -0.003086953656747937, + -0.18352022767066956, + 2.3163466453552246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/19.png", + [ + 0.19367428123950958, + -0.005836449097841978, + -0.09697473794221878, + 1.134291172027588, + -0.021130822598934174, + -0.21363595128059387, + -0.029343945905566216, + 0.3294331431388855, + -0.09482432156801224, + 0.035686343908309937, + -0.1915273517370224, + 2.322401523590088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/77.png", + [ + 0.20476752519607544, + -0.006283821538090706, + -0.07055970281362534, + 0.8319635987281799, + -0.01470587495714426, + -0.2148895412683487, + -0.02353975549340248, + 0.2609303295612335, + -0.06929569691419601, + 0.027035098522901535, + -0.20350700616836548, + 2.4655508995056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/68.png", + [ + 0.20554353296756744, + -0.010510655120015144, + -0.0677441954612732, + 0.8149562478065491, + -0.01853875070810318, + -0.21465736627578735, + -0.022944118827581406, + 0.2599055767059326, + -0.06600048393011093, + 0.027561640366911888, + -0.20452918112277985, + 2.5218067169189453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/143.png", + [ + 0.1896982043981552, + -0.01983792707324028, + 0.10280537605285645, + -1.2149494886398315, + -0.018581785261631012, + -0.21575137972831726, + -0.007345228455960751, + 0.06756831705570221, + 0.10303982347249985, + -0.002385747153311968, + -0.19059118628501892, + 2.3101086616516113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/86.png", + [ + 0.21562883257865906, + -0.02013109251856804, + 0.006843718700110912, + -0.09585515409708023, + -0.019774751737713814, + -0.21549779176712036, + -0.010842031799256802, + 0.10901513695716858, + 0.007813874632120132, + 0.010165112093091011, + -0.21629495918750763, + 2.6874303817749023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/1.png", + [ + 0.21537122130393982, + -0.013542811386287212, + -0.01948665827512741, + 0.2278527319431305, + -0.01595383882522583, + -0.21434755623340607, + -0.02735869586467743, + 0.30613699555397034, + -0.01756737194955349, + 0.02862893044948578, + -0.21405529975891113, + 2.5980634689331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/81.png", + [ + 0.2076931893825531, + -0.007152042351663113, + -0.061321135610342026, + 0.7355340719223022, + -0.013959369622170925, + -0.21508239209651947, + -0.022194426506757736, + 0.2457195520401001, + -0.060137927532196045, + 0.025225084275007248, + -0.2066277265548706, + 2.5145182609558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/95.png", + [ + 0.1905270516872406, + -0.021625755354762077, + 0.10089434683322906, + -1.2265009880065918, + -0.021093741059303284, + -0.21555136144161224, + -0.006368380039930344, + 0.06626744568347931, + 0.10100691020488739, + -0.004222416318953037, + -0.19164463877677917, + 2.389575481414795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/103.png", + [ + 0.18164046108722687, + -0.023266557604074478, + 0.11581584066152573, + -1.3964436054229736, + -0.02095264010131359, + -0.21540766954421997, + -0.010412630625069141, + 0.11448271572589874, + 0.1162567213177681, + -0.0024704893585294485, + -0.18282823264598846, + 2.269807815551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/150.png", + [ + 0.2155388444662094, + -0.015562845394015312, + -0.015770014375448227, + 0.2014453411102295, + -0.01666201651096344, + -0.21550790965557098, + -0.01505359634757042, + 0.16263747215270996, + -0.01460385974496603, + 0.016187382861971855, + -0.21557502448558807, + 2.63045072555542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/83.png", + [ + 0.21073247492313385, + -0.009354691952466965, + -0.04951980710029602, + 0.6035423278808594, + -0.013787195086479187, + -0.2154880315065384, + -0.017964232712984085, + 0.19404931366443634, + -0.04847303032875061, + 0.020622562617063522, + -0.21017366647720337, + 2.571681499481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/142.png", + [ + 0.18950781226158142, + -0.020222749561071396, + 0.10308114439249039, + -1.2153575420379639, + -0.01979069970548153, + -0.21568739414215088, + -0.005930283106863499, + 0.05132172629237175, + 0.10316496342420578, + -0.0042285192757844925, + -0.1904914677143097, + 2.3091397285461426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/51.png", + [ + 0.19221560657024384, + -0.02319834753870964, + 0.09727741777896881, + -1.144835114479065, + -0.020324964076280594, + -0.21542760729789734, + -0.011213185265660286, + 0.11677756905555725, + 0.09791810065507889, + 0.0008223803015425801, + -0.19328543543815613, + 2.328129768371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/128.png", + [ + 0.18695567548274994, + -0.014592018909752369, + 0.1085473969578743, + -1.2915256023406982, + -0.012787524610757828, + -0.21618247032165527, + -0.007036907132714987, + 0.07015982270240784, + 0.10877474397420883, + -0.00033443112624809146, + -0.1873922049999237, + 2.3051538467407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+phGD1zdQ_sQ+P0+C0+F6922-7087/93.png", + [ + 0.19409939646720886, + -0.02344183437526226, + 0.09340126812458038, + -1.1445480585098267, + -0.022047489881515503, + -0.21539238095283508, + -0.008241722360253334, + 0.08772341907024384, + 0.09374019503593445, + -0.0021209234837442636, + -0.19533602893352509, + 2.450918197631836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/76.png", + [ + 0.17906874418258667, + -0.025390606373548508, + 0.11932139843702316, + -1.2980610132217407, + -0.009461787529289722, + -0.21418188512325287, + -0.031376585364341736, + 0.34278354048728943, + 0.12162545323371887, + 0.02072034403681755, + -0.17811740934848785, + 1.9944552183151245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/48.png", + [ + 0.1758066564798355, + -0.016237424686551094, + 0.1256035715341568, + -1.3631563186645508, + -0.005673132371157408, + -0.21568045020103455, + -0.01994147151708603, + 0.22425606846809387, + 0.12652166187763214, + 0.012891577556729317, + -0.17542511224746704, + 1.9596232175827026, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/35.png", + [ + 0.18292929232120514, + -0.025616519153118134, + 0.11326321959495544, + -1.2497591972351074, + -0.019319292157888412, + -0.21510517597198486, + -0.017447689548134804, + 0.19639764726161957, + 0.1145055741071701, + 0.0046315002255141735, + -0.18388831615447998, + 2.060558795928955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/124.png", + [ + 0.17517569661140442, + -0.030272604897618294, + 0.12387466430664062, + -1.3495830297470093, + -0.011678909882903099, + -0.21340464055538177, + -0.035636451095342636, + 0.3883359134197235, + 0.126984104514122, + 0.02213420532643795, + -0.17416372895240784, + 1.954569935798645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/97.png", + [ + 0.17861442267894745, + -0.027113020420074463, + 0.11962302774190903, + -1.2782686948776245, + -0.01390793640166521, + -0.21442878246307373, + -0.027834562584757805, + 0.29636305570602417, + 0.1218661367893219, + 0.015266879461705685, + -0.17850340902805328, + 1.966366171836853, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/13.png", + [ + 0.1837083101272583, + -0.021889667958021164, + 0.11278297007083893, + -1.2478359937667847, + -0.006588994991034269, + -0.2143627405166626, + -0.030872352421283722, + 0.34663477540016174, + 0.11469846963882446, + 0.022745538502931595, + -0.18241380155086517, + 2.0658297538757324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/32.png", + [ + 0.18406733870506287, + -0.03144367039203644, + 0.10990174859762192, + -1.208926796913147, + -0.026699574664235115, + -0.2143801599740982, + -0.016618292778730392, + 0.18638771772384644, + 0.11114957928657532, + 0.0005748502444475889, + -0.18599283695220947, + 2.0771541595458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/38.png", + [ + 0.18000662326812744, + -0.019930338487029076, + 0.1189466118812561, + -1.3124675750732422, + -0.011122802272439003, + -0.21552826464176178, + -0.0192806925624609, + 0.21679003536701202, + 0.1200907900929451, + 0.009911786764860153, + -0.18007735908031464, + 2.024399757385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/111.png", + [ + 0.17553041875362396, + -0.030773678794503212, + 0.12324750423431396, + -1.3295314311981201, + -0.014400810934603214, + -0.21368594467639923, + -0.032845478504896164, + 0.35170790553092957, + 0.12621243298053741, + 0.01841709390282631, + -0.17515456676483154, + 1.9483200311660767, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/11.png", + [ + 0.18447577953338623, + -0.023528942838311195, + 0.1111888661980629, + -1.22935950756073, + -0.005480619613081217, + -0.21357549726963043, + -0.036102212965488434, + 0.40428757667541504, + 0.11351889371871948, + 0.027924824506044388, + -0.18243233859539032, + 2.0671396255493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/59.png", + [ + 0.1742883324623108, + -0.021042475476861, + 0.12699875235557556, + -1.3710048198699951, + -0.004600920714437962, + -0.21464194357395172, + -0.029249977320432663, + 0.3228871524333954, + 0.12864798307418823, + 0.02083132043480873, + -0.17310011386871338, + 1.918103814125061, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/105.png", + [ + 0.17566747963428497, + -0.029190724715590477, + 0.12343717366456985, + -1.3279527425765991, + -0.01168963685631752, + -0.21368719637393951, + -0.033897362649440765, + 0.365313321352005, + 0.12630195915699005, + 0.020822595804929733, + -0.17482025921344757, + 1.9385172128677368, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/121.png", + [ + 0.17539454996585846, + -0.031903333961963654, + 0.12315364927053452, + -1.3302950859069824, + -0.012528653256595135, + -0.21306291222572327, + -0.03735138848423958, + 0.4034736156463623, + 0.1266004592180252, + 0.023114297538995743, + -0.1743156462907791, + 1.9391242265701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/24.png", + [ + 0.1839199960231781, + -0.025698481127619743, + 0.1116284653544426, + -1.2141661643981934, + -0.01884946972131729, + -0.21506288647651672, + -0.01845403015613556, + 0.2022673338651657, + 0.11298684030771255, + 0.00595329562202096, + -0.18478751182556152, + 2.0631160736083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/74.png", + [ + 0.17911575734615326, + -0.02593287080526352, + 0.11913405358791351, + -1.2961900234222412, + -0.00964378472417593, + -0.2140667736530304, + -0.032098401337862015, + 0.3512013256549835, + 0.12154191732406616, + 0.021231960505247116, + -0.17811419069766998, + 1.9931546449661255, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/98.png", + [ + 0.17718853056430817, + -0.026815364137291908, + 0.12179102748632431, + -1.3011831045150757, + -0.013110993430018425, + -0.21443916857242584, + -0.028139574453234673, + 0.2993340790271759, + 0.12401700764894485, + 0.01564192771911621, + -0.1769830584526062, + 1.9512401819229126, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/0.png", + [ + 0.19153940677642822, + -0.019164491444826126, + 0.09946493804454803, + -1.0910450220108032, + -0.007146094925701618, + -0.2147877812385559, + -0.02762320078909397, + 0.31775495409965515, + 0.1010420024394989, + 0.02113836072385311, + -0.19050349295139313, + 2.1159048080444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/96.png", + [ + 0.17862026393413544, + -0.02753284014761448, + 0.11951835453510284, + -1.277448058128357, + -0.014612160623073578, + -0.21441784501075745, + -0.02755647897720337, + 0.2933688461780548, + 0.12177512049674988, + 0.014656651765108109, + -0.17861661314964294, + 1.9672709703445435, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/100.png", + [ + 0.17700445652008057, + -0.02657470479607582, + 0.1221110075712204, + -1.3080880641937256, + -0.012257133610546589, + -0.21438990533351898, + -0.02888995036482811, + 0.3078373670578003, + 0.12436670809984207, + 0.016692858189344406, + -0.1766413450241089, + 1.9496105909347534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/40.png", + [ + 0.17968879640102386, + -0.014218044467270374, + 0.12024006247520447, + -1.3237926959991455, + -0.002605369547381997, + -0.21557973325252533, + -0.021598178893327713, + 0.24008864164352417, + 0.12104972451925278, + 0.01646561548113823, + -0.17895178496837616, + 2.0117406845092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/52.png", + [ + 0.1751471906900406, + -0.020573008805513382, + 0.12588925659656525, + -1.358198881149292, + -0.009063403122127056, + -0.2153046429157257, + -0.02257567271590233, + 0.2496732473373413, + 0.12723679840564728, + 0.012982973828911781, + -0.1749003529548645, + 1.941182255744934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/3.png", + [ + 0.18938365578651428, + -0.018428638577461243, + 0.10364417731761932, + -1.1349129676818848, + -0.004637203179299831, + -0.21458202600479126, + -0.029680820181965828, + 0.3366110324859619, + 0.10516761988401413, + 0.023724248632788658, + -0.1879490166902542, + 2.101346492767334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/47.png", + [ + 0.17462413012981415, + -0.015017895959317684, + 0.12739217281341553, + -1.3864659070968628, + -0.003908728715032339, + -0.21570758521556854, + -0.02007121592760086, + 0.22414177656173706, + 0.1282147765159607, + 0.013877849094569683, + -0.17411571741104126, + 1.9496146440505981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/104.png", + [ + 0.17578327655792236, + -0.028884295374155045, + 0.12334435433149338, + -1.3247627019882202, + -0.011747468262910843, + -0.2137749344110489, + -0.03331915661692619, + 0.3585198223590851, + 0.12613536417484283, + 0.020343709737062454, + -0.17499686777591705, + 1.9376388788223267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/21.png", + [ + 0.18431277573108673, + -0.017443276941776276, + 0.11257189512252808, + -1.2258816957473755, + -0.009998736903071404, + -0.2157701700925827, + -0.017063261941075325, + 0.18627379834651947, + 0.11347565054893494, + 0.009319967590272427, + -0.18434834480285645, + 2.0632143020629883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/82.png", + [ + 0.17860186100006104, + -0.027290645986795425, + 0.11960136890411377, + -1.3035788536071777, + -0.01490653958171606, + -0.21450766921043396, + -0.026686284691095352, + 0.2887266278266907, + 0.12176643311977386, + 0.013768930919468403, + -0.17869317531585693, + 1.9993788003921509, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/106.png", + [ + 0.17627522349357605, + -0.029982592910528183, + 0.12237636744976044, + -1.3172014951705933, + -0.012133430689573288, + -0.21351182460784912, + -0.0348336435854435, + 0.37482693791389465, + 0.12541018426418304, + 0.021485965698957443, + -0.1753811091184616, + 1.9426778554916382, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/14.png", + [ + 0.18478189408779144, + -0.0181224774569273, + 0.11169207096099854, + -1.2326184511184692, + -0.0036018856335431337, + -0.2147112637758255, + -0.0288788340985775, + 0.3253300189971924, + 0.11309540271759033, + 0.02277139574289322, + -0.18340879678726196, + 2.076140880584717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/67.png", + [ + 0.17766745388507843, + -0.021609656512737274, + 0.12212775647640228, + -1.3259857892990112, + -0.0074192555621266365, + -0.21483005583286285, + -0.027219390496611595, + 0.2953065037727356, + 0.12380275875329971, + 0.01813735067844391, + -0.1768949031829834, + 1.9745930433273315, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/78.png", + [ + 0.1793978065252304, + -0.025119079276919365, + 0.11888381093740463, + -1.2951359748840332, + -0.009818741120398045, + -0.21429774165153503, + -0.03046252578496933, + 0.3332148790359497, + 0.121111199259758, + 0.019834443926811218, + -0.17856809496879578, + 2.0011472702026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/31.png", + [ + 0.18320372700691223, + -0.03372970595955849, + 0.11066430062055588, + -1.215749979019165, + -0.028478965163230896, + -0.2140318900346756, + -0.018088750541210175, + 0.20293107628822327, + 0.11213040351867676, + 0.0007491525029763579, + -0.1854025274515152, + 2.0685782432556152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/39.png", + [ + 0.17873519659042358, + -0.017690060660243034, + 0.12119687348604202, + -1.337033987045288, + -0.007570288144052029, + -0.21558842062950134, + -0.020303290337324142, + 0.22690868377685547, + 0.12224692851305008, + 0.012513774447143078, + -0.17845726013183594, + 2.008683681488037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/92.png", + [ + 0.17672450840473175, + -0.02686733938753605, + 0.12245199084281921, + -1.3121739625930786, + -0.013565937988460064, + -0.21449588239192963, + -0.027484238147735596, + 0.29328471422195435, + 0.1246286928653717, + 0.014750048518180847, + -0.17662961781024933, + 1.9506210088729858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/53.png", + [ + 0.173561230301857, + -0.02056327648460865, + 0.12806852161884308, + -1.3854750394821167, + -0.007298982236534357, + -0.2151438295841217, + -0.0246527548879385, + 0.2719641625881195, + 0.12950335443019867, + 0.01543324626982212, + -0.17302770912647247, + 1.9234293699264526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/75.png", + [ + 0.1792334020137787, + -0.02566775493323803, + 0.11901449412107468, + -1.2945635318756104, + -0.009340387769043446, + -0.21407940983772278, + -0.03210388869047165, + 0.35092902183532715, + 0.12139209359884262, + 0.021425893530249596, + -0.1781931221485138, + 1.9930263757705688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/87.png", + [ + 0.17707855999469757, + -0.02625061757862568, + 0.122073695063591, + -1.3173857927322388, + -0.011456050910055637, + -0.21435435116291046, + -0.02947656810283661, + 0.31878888607025146, + 0.12433760613203049, + 0.017635593190789223, + -0.17657022178173065, + 1.9590708017349243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/107.png", + [ + 0.1748194396495819, + -0.02982022799551487, + 0.12448619306087494, + -1.3433371782302856, + -0.012276733294129372, + -0.21364781260490417, + -0.03393801674246788, + 0.36491870880126953, + 0.12741798162460327, + 0.020328829064965248, + -0.1740669161081314, + 1.9331244230270386, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/112.png", + [ + 0.17662203311920166, + -0.031172510236501694, + 0.12157642841339111, + -1.3101273775100708, + -0.015100095421075821, + -0.21363843977451324, + -0.0328405499458313, + 0.3503345549106598, + 0.12459751218557358, + 0.01829724945127964, + -0.17631950974464417, + 1.9592849016189575, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/69.png", + [ + 0.17780539393424988, + -0.02206362970173359, + 0.12184551358222961, + -1.3248600959777832, + -0.007744769565761089, + -0.21477143466472626, + -0.02758883126080036, + 0.29844579100608826, + 0.12358459830284119, + 0.018284456804394722, + -0.1770322471857071, + 1.9788662195205688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/45.png", + [ + 0.17603757977485657, + -0.01224374771118164, + 0.1257328987121582, + -1.3752269744873047, + 0.00013915399904362857, + -0.21563564240932465, + -0.02119322121143341, + 0.2371971309185028, + 0.1263275295495987, + 0.017299208790063858, + -0.17518556118011475, + 1.9669102430343628, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/50.png", + [ + 0.17364820837974548, + -0.019271161407232285, + 0.1281515210866928, + -1.3864543437957764, + -0.008394308388233185, + -0.21548818051815033, + -0.021030191332101822, + 0.234889417886734, + 0.12932023406028748, + 0.011889312416315079, + -0.1734439730644226, + 1.931641697883606, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/101.png", + [ + 0.17724022269248962, + -0.02654525451362133, + 0.12177496403455734, + -1.3052600622177124, + -0.01196677889674902, + -0.21434955298900604, + -0.029307907447218895, + 0.3130899965763092, + 0.1240588128566742, + 0.017248379066586494, + -0.17680440843105316, + 1.9522510766983032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/85.png", + [ + 0.1792120337486267, + -0.02837647870182991, + 0.11843020468950272, + -1.281884789466858, + -0.014503548853099346, + -0.21418403089046478, + -0.02937239222228527, + 0.31615278124809265, + 0.12091561406850815, + 0.01636660099029541, + -0.1790515035390854, + 1.9914878606796265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/71.png", + [ + 0.17813950777053833, + -0.023644348606467247, + 0.12105847150087357, + -1.3182201385498047, + -0.008714823052287102, + -0.21453766524791718, + -0.02907809056341648, + 0.3151143789291382, + 0.12303763628005981, + 0.019037548452615738, + -0.17733359336853027, + 1.9835442304611206, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/115.png", + [ + 0.17704170942306519, + -0.03104553371667862, + 0.12099713832139969, + -1.3008157014846802, + -0.01407647505402565, + -0.21349774301052094, + -0.03418286517262459, + 0.36524340510368347, + 0.12412083894014359, + 0.020069627091288567, + -0.1764627993106842, + 1.9557167291641235, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/54.png", + [ + 0.17329548299312592, + -0.02065650001168251, + 0.12841291725635529, + -1.3919837474822998, + -0.006387065164744854, + -0.21501803398132324, + -0.025968341156840324, + 0.2858140170574188, + 0.1299067884683609, + 0.016984060406684875, + -0.17257945239543915, + 1.9196733236312866, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/33.png", + [ + 0.18386413156986237, + -0.029249101877212524, + 0.11084388941526413, + -1.2211679220199585, + -0.024649223312735558, + -0.21469001471996307, + -0.015764348208904266, + 0.1764708310365677, + 0.11195666342973709, + 0.0007674306980334222, + -0.18550744652748108, + 2.0748376846313477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/49.png", + [ + 0.17502550780773163, + -0.01720132865011692, + 0.12656255066394806, + -1.370552897453308, + -0.006766486447304487, + -0.21564796566963196, + -0.0199515912681818, + 0.2239561378955841, + 0.1275467723608017, + 0.012164106592535973, + -0.17473337054252625, + 1.947943091392517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/118.png", + [ + 0.17792393267154694, + -0.03141756355762482, + 0.11959896236658096, + -1.2853337526321411, + -0.013452129438519478, + -0.21323856711387634, + -0.03600349649786949, + 0.38568705320358276, + 0.12292280048131943, + 0.0221392884850502, + -0.17705290019512177, + 1.9607638120651245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/110.png", + [ + 0.17588390409946442, + -0.029839398339390755, + 0.1229729950428009, + -1.327054738998413, + -0.013295103795826435, + -0.2137565165758133, + -0.03285250440239906, + 0.3513798117637634, + 0.12584111094474792, + 0.0191221684217453, + -0.17534609138965607, + 1.9502464532852173, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/18.png", + [ + 0.18495194613933563, + -0.014016406610608101, + 0.11200093477964401, + -1.225516676902771, + -0.005634209141135216, + -0.21587598323822021, + -0.017711885273456573, + 0.20043565332889557, + 0.1127338632941246, + 0.012206372804939747, + -0.18463470041751862, + 2.077633857727051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/66.png", + [ + 0.17752006649971008, + -0.021657569333910942, + 0.12233341485261917, + -1.3271145820617676, + -0.00719409016892314, + -0.21479088068008423, + -0.02758651413023472, + 0.29967746138572693, + 0.12402725964784622, + 0.018539700657129288, + -0.1766958087682724, + 1.969730019569397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/16.png", + [ + 0.18479304015636444, + -0.01549665816128254, + 0.11206819117069244, + -1.2305041551589966, + -0.0039025708101689816, + -0.21537774801254272, + -0.023347102105617523, + 0.2658485770225525, + 0.11306721717119217, + 0.017893318086862564, + -0.18396610021591187, + 2.0765485763549805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/94.png", + [ + 0.17829003930091858, + -0.027485309168696404, + 0.1200212836265564, + -1.2852684259414673, + -0.014539641328155994, + -0.21442918479442596, + -0.027506614103913307, + 0.2933320999145508, + 0.1222667247056961, + 0.014579873532056808, + -0.17828676104545593, + 1.9671076536178589, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/28.png", + [ + 0.1826346218585968, + -0.03303566575050354, + 0.11180843412876129, + -1.2212471961975098, + -0.027032792568206787, + -0.21413050591945648, + -0.019111445173621178, + 0.20882350206375122, + 0.11340947449207306, + 0.0021595414727926254, + -0.18461181223392487, + 2.05393648147583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/61.png", + [ + 0.17590197920799255, + -0.020117565989494324, + 0.12490663677453995, + -1.3479235172271729, + -0.0037500879261642694, + -0.2146528959274292, + -0.029291043058037758, + 0.32225435972213745, + 0.1264607459306717, + 0.021617399528622627, + -0.17460887134075165, + 1.9361969232559204, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/58.png", + [ + 0.17401766777038574, + -0.02078860066831112, + 0.1274110972881317, + -1.376808524131775, + -0.004233932588249445, + -0.21465082466602325, + -0.029240094125270844, + 0.3223555386066437, + 0.12902644276618958, + 0.02099388651549816, + -0.1727984994649887, + 1.9164544343948364, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/123.png", + [ + 0.17613178491592407, + -0.030822042375802994, + 0.12237438559532166, + -1.3289304971694946, + -0.01212461106479168, + -0.21327370405197144, + -0.0362657755613327, + 0.3937319815158844, + 0.12561242282390594, + 0.022632161155343056, + -0.1750919669866562, + 1.958227276802063, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/64.png", + [ + 0.1763172596693039, + -0.021434113383293152, + 0.12409954518079758, + -1.3443635702133179, + -0.00592775410041213, + -0.2146891951560974, + -0.02865850180387497, + 0.3128063976764679, + 0.12579737603664398, + 0.01992553099989891, + -0.17528802156448364, + 1.9501198530197144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/10.png", + [ + 0.18370714783668518, + -0.02383553981781006, + 0.1123897060751915, + -1.2421815395355225, + -0.004803215619176626, + -0.21336840093135834, + -0.03739991411566734, + 0.4188240170478821, + 0.11478898674249649, + 0.029217999428510666, + -0.1814323365688324, + 2.0563406944274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/41.png", + [ + 0.17745347321033478, + -0.012541007250547409, + 0.12369673699140549, + -1.361711859703064, + 0.00015196892491076142, + -0.21554750204086304, + -0.022071320563554764, + 0.24405592679977417, + 0.12433075159788132, + 0.018162857741117477, + -0.17652158439159393, + 1.9882391691207886, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/91.png", + [ + 0.177782341837883, + -0.027395926415920258, + 0.12079235911369324, + -1.2920156717300415, + -0.014406259171664715, + -0.2144475132226944, + -0.027433935552835464, + 0.2928750514984131, + 0.12301947176456451, + 0.014478406868875027, + -0.1777764856815338, + 1.960042119026184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/23.png", + [ + 0.18398010730743408, + -0.022690150886774063, + 0.11218009144067764, + -1.220240592956543, + -0.015837399289011955, + -0.21537798643112183, + -0.01758950762450695, + 0.19250091910362244, + 0.1133507490158081, + 0.006735806353390217, + -0.1845376193523407, + 2.062772750854492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/37.png", + [ + 0.18200114369392395, + -0.022109832614660263, + 0.11547567695379257, + -1.2741752862930298, + -0.01431943941861391, + -0.21539315581321716, + -0.01867191679775715, + 0.2102944254875183, + 0.1166980117559433, + 0.008052458986639977, + -0.1823859065771103, + 2.047069549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/36.png", + [ + 0.18201398849487305, + -0.023756885901093483, + 0.1151278167963028, + -1.2701795101165771, + -0.016912709921598434, + -0.21528828144073486, + -0.01768668368458748, + 0.19959020614624023, + 0.11633042246103287, + 0.005871017463505268, + -0.18270374834537506, + 2.049330234527588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/8.png", + [ + 0.18383993208408356, + -0.022338375449180603, + 0.1124800592660904, + -1.2398130893707275, + -0.0033526229672133923, + -0.2134801298379898, + -0.03691723570227623, + 0.4127347767353058, + 0.11462777107954025, + 0.029582414776086807, + -0.1814751774072647, + 2.0541300773620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/6.png", + [ + 0.1833788901567459, + -0.020393898710608482, + 0.11359649896621704, + -1.250381350517273, + -0.0026839820202440023, + -0.2139609307050705, + -0.034079503268003464, + 0.38177475333213806, + 0.11538141965866089, + 0.02743547223508358, + -0.18133482336997986, + 2.045938491821289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/20.png", + [ + 0.18502762913703918, + -0.016570474952459335, + 0.11152619123458862, + -1.2158657312393188, + -0.008802171796560287, + -0.21579065918922424, + -0.017458762973546982, + 0.19259430468082428, + 0.11240637302398682, + 0.01037814561277628, + -0.1849459409713745, + 2.069443702697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/2.png", + [ + 0.1893671154975891, + -0.018324842676520348, + 0.10369282960891724, + -1.1340755224227905, + -0.005601773504167795, + -0.21481941640377045, + -0.02773326449096203, + 0.31806543469429016, + 0.10515047609806061, + 0.021557224914431572, + -0.18821945786476135, + 2.1005735397338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/117.png", + [ + 0.177535280585289, + -0.03227347135543823, + 0.11994806677103043, + -1.288602590560913, + -0.014586656354367733, + -0.21320243179798126, + -0.035774942487478256, + 0.3829205334186554, + 0.12335456162691116, + 0.021237710490822792, + -0.1768629550933838, + 1.9584344625473022, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/5.png", + [ + 0.1859574317932129, + -0.01913868449628353, + 0.1095510870218277, + -1.2034833431243896, + -0.0030922514852136374, + -0.21424925327301025, + -0.03218061849474907, + 0.36229217052459717, + 0.1111672893166542, + 0.02605503983795643, + -0.18414901196956635, + 2.069931983947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/108.png", + [ + 0.17510657012462616, + -0.029753679409623146, + 0.12409795075654984, + -1.3389050960540771, + -0.012535683810710907, + -0.2136945128440857, + -0.03354703634977341, + 0.35980165004730225, + 0.12699778378009796, + 0.019931519404053688, + -0.1744195818901062, + 1.9373151063919067, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/60.png", + [ + 0.17548340559005737, + -0.019960660487413406, + 0.12551908195018768, + -1.3542695045471191, + -0.003330243518576026, + -0.2146344631910324, + -0.029476342722773552, + 0.3250776529312134, + 0.12705263495445251, + 0.021943505853414536, + -0.1741378903388977, + 1.9291166067123413, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/56.png", + [ + 0.173528254032135, + -0.02095409482717514, + 0.12804988026618958, + -1.3874032497406006, + -0.005826025269925594, + -0.21487317979335785, + -0.027266664430499077, + 0.3003065884113312, + 0.12962216138839722, + 0.01839400827884674, + -0.17264892160892487, + 1.9189563989639282, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/30.png", + [ + 0.183131605386734, + -0.033336084336042404, + 0.11090275645256042, + -1.2155098915100098, + -0.02821643091738224, + -0.21409407258033752, + -0.017760954797267914, + 0.19869856536388397, + 0.11231451481580734, + 0.0005691116093657911, + -0.18529172241687775, + 2.06658935546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/17.png", + [ + 0.18423500657081604, + -0.014333734288811684, + 0.1131366491317749, + -1.2408039569854736, + -0.004498565569519997, + -0.21570248901844025, + -0.020002614706754684, + 0.2279285490512848, + 0.11395226418972015, + 0.014658981934189796, + -0.18370598554611206, + 2.0712552070617676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/12.png", + [ + 0.18438677489757538, + -0.023268016055226326, + 0.11139123141765594, + -1.231742262840271, + -0.006282145623117685, + -0.21385473012924194, + -0.03427227586507797, + 0.384231835603714, + 0.11362191289663315, + 0.025935564190149307, + -0.18266169726848602, + 2.069211006164551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/114.png", + [ + 0.17675848305225372, + -0.03148818388581276, + 0.12129643559455872, + -1.3057541847229004, + -0.015071693807840347, + -0.21354244649410248, + -0.03347182646393776, + 0.3577050566673279, + 0.12440728396177292, + 0.018868327140808105, + -0.17639361321926117, + 1.9573253393173218, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/27.png", + [ + 0.18422408401966095, + -0.0320403054356575, + 0.10946600884199142, + -1.1933165788650513, + -0.025290457531809807, + -0.21424837410449982, + -0.02014755830168724, + 0.21844181418418884, + 0.11121951043605804, + 0.0043531619012355804, + -0.1859009563922882, + 2.065600872039795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/42.png", + [ + 0.17721131443977356, + -0.010811037383973598, + 0.12420612573623657, + -1.3634278774261475, + 0.002174791879951954, + -0.21555760502815247, + -0.021865257993340492, + 0.2418864369392395, + 0.12465677410364151, + 0.01912957802414894, + -0.17618924379348755, + 1.9831308126449585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/7.png", + [ + 0.1829439103603363, + -0.021417709067463875, + 0.11410830169916153, + -1.2568517923355103, + -0.0027606263756752014, + -0.2136981338262558, + -0.035684388130903244, + 0.3990929126739502, + 0.11606810986995697, + 0.028675395995378494, + -0.18070365488529205, + 2.042492389678955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/73.png", + [ + 0.17965073883533478, + -0.02456154301762581, + 0.11861803382635117, + -1.2914327383041382, + -0.008730595000088215, + -0.2142474353313446, + -0.031140200793743134, + 0.34068095684051514, + 0.12081924080848694, + 0.021039631217718124, + -0.17862793803215027, + 1.9995511770248413, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/120.png", + [ + 0.17657020688056946, + -0.03173750266432762, + 0.1215054988861084, + -1.308489203453064, + -0.012394923716783524, + -0.21302177011966705, + -0.037629611790180206, + 0.4051521122455597, + 0.12496887892484665, + 0.0237139780074358, + -0.1754090040922165, + 1.9467109441757202, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/46.png", + [ + 0.17534060776233673, + -0.011917082592844963, + 0.1267341524362564, + -1.3832370042800903, + 5.398779467213899e-05, + -0.21571603417396545, + -0.02035893127322197, + 0.22874760627746582, + 0.12729321420192719, + 0.016506729647517204, + -0.17456190288066864, + 1.959987759590149, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/57.png", + [ + 0.17356763780117035, + -0.02112218178808689, + 0.12796883285045624, + -1.3850436210632324, + -0.005459036212414503, + -0.21478234231472015, + -0.028047140687704086, + 0.30912432074546814, + 0.1295853704214096, + 0.019243091344833374, + -0.17258398234844208, + 1.9163533449172974, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/44.png", + [ + 0.1757400929927826, + -0.009285730309784412, + 0.12640048563480377, + -1.3840301036834717, + 0.003673700150102377, + -0.21562832593917847, + -0.02094835601747036, + 0.2332783341407776, + 0.12668786942958832, + 0.01913386769592762, + -0.17473401129245758, + 1.9646447896957397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/113.png", + [ + 0.17596954107284546, + -0.030981095507740974, + 0.12256745994091034, + -1.3206557035446167, + -0.014634747989475727, + -0.21364744007587433, + -0.032992132008075714, + 0.3530101478099823, + 0.12557241320610046, + 0.018515627831220627, + -0.17560361325740814, + 1.9507423639297485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/29.png", + [ + 0.18226246535778046, + -0.033353742212057114, + 0.11232013255357742, + -1.229416012763977, + -0.02754588983952999, + -0.21408611536026, + -0.01887454092502594, + 0.20823170244693756, + 0.11388373374938965, + 0.001597618917003274, + -0.18432535231113434, + 2.053523540496826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/4.png", + [ + 0.18671293556690216, + -0.018643906340003014, + 0.10834471881389618, + -1.1886924505233765, + -0.0033380151726305485, + -0.21439911425113678, + -0.031141212210059166, + 0.351560115814209, + 0.10988646000623703, + 0.025165895000100136, + -0.18503929674625397, + 2.0757527351379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/55.png", + [ + 0.17252790927886963, + -0.020834216848015785, + 0.12941387295722961, + -1.4044352769851685, + -0.006118663586676121, + -0.21496708691120148, + -0.026450257748365402, + 0.2911868691444397, + 0.13093730807304382, + 0.01740659773349762, + -0.1717565953731537, + 1.9116023778915405, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/9.png", + [ + 0.18351700901985168, + -0.02324129268527031, + 0.11282394081354141, + -1.2449829578399658, + -0.0038762004114687443, + -0.21334443986415863, + -0.0376431904733181, + 0.4218617081642151, + 0.11512763053178787, + 0.02986430749297142, + -0.18111222982406616, + 2.050960063934326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/25.png", + [ + 0.18298651278018951, + -0.02811737172305584, + 0.11257553100585938, + -1.2275506258010864, + -0.022058045491576195, + -0.21481285989284515, + -0.017798257991671562, + 0.19273677468299866, + 0.11391787230968475, + 0.003570538479834795, + -0.18427661061286926, + 2.057392120361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/99.png", + [ + 0.1776377409696579, + -0.026227857917547226, + 0.12126342952251434, + -1.2968766689300537, + -0.011917324736714363, + -0.2144055813550949, + -0.028915828093886375, + 0.3074563145637512, + 0.12349370867013931, + 0.017036639153957367, + -0.17722006142139435, + 1.9535552263259888, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/34.png", + [ + 0.18356755375862122, + -0.02740602381527424, + 0.11180230975151062, + -1.2337722778320312, + -0.022381998598575592, + -0.21492555737495422, + -0.015935683622956276, + 0.1786099225282669, + 0.11291542649269104, + 0.0019518461776897311, + -0.18491671979427338, + 2.0716800689697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/72.png", + [ + 0.1788855642080307, + -0.02326611988246441, + 0.12002722173929214, + -1.306874394416809, + -0.008029647171497345, + -0.21449166536331177, + -0.029609952121973038, + 0.32207247614860535, + 0.1219974234700203, + 0.01999780535697937, + -0.17794550955295563, + 1.9917489290237427, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/102.png", + [ + 0.17712144553661346, + -0.0266336090862751, + 0.1219283938407898, + -1.3079311847686768, + -0.011336284689605236, + -0.21424157917499542, + -0.030330324545502663, + 0.32480329275131226, + 0.1242874413728714, + 0.018414413556456566, + -0.1765259951353073, + 1.9504607915878296, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/70.png", + [ + 0.17872796952724457, + -0.022473664954304695, + 0.12041234970092773, + -1.3098585605621338, + -0.007673447020351887, + -0.21463245153427124, + -0.028669137507677078, + 0.3100837767124176, + 0.12225101888179779, + 0.019383903592824936, + -0.17783935368061066, + 1.987747073173523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/90.png", + [ + 0.17798757553100586, + -0.027063142508268356, + 0.12056491523981094, + -1.2916454076766968, + -0.013788364827632904, + -0.21444350481033325, + -0.027780529111623764, + 0.2972085177898407, + 0.1227933019399643, + 0.015148041769862175, + -0.1778770238161087, + 1.9620534181594849, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/122.png", + [ + 0.175811305642128, + -0.030766820535063744, + 0.12284819781780243, + -1.3306188583374023, + -0.011796565726399422, + -0.21324793994426727, + -0.036524683237075806, + 0.39569857716560364, + 0.12609168887138367, + 0.022948073223233223, + -0.17470592260360718, + 1.9496811628341675, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/15.png", + [ + 0.18601839244365692, + -0.016796523705124855, + 0.10983140766620636, + -1.2069422006607056, + -0.0035283188335597515, + -0.2149694412946701, + -0.02689948119223118, + 0.3036618232727051, + 0.11105227470397949, + 0.021305112168192863, + -0.18482796847820282, + 2.0861196517944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/22.png", + [ + 0.18549302220344543, + -0.01982978731393814, + 0.1102135106921196, + -1.198258638381958, + -0.012510605156421661, + -0.21558509767055511, + -0.017732642590999603, + 0.1944301724433899, + 0.11128217726945877, + 0.00881710834801197, + -0.18570522964000702, + 2.0729312896728516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/109.png", + [ + 0.17459142208099365, + -0.029772646725177765, + 0.1248171478509903, + -1.3467546701431274, + -0.012474489398300648, + -0.213701531291008, + -0.03352520614862442, + 0.3592415153980255, + 0.12771107256412506, + 0.019827809184789658, + -0.17390984296798706, + 1.9342414140701294, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/26.png", + [ + 0.18471099436283112, + -0.030751489102840424, + 0.1090141236782074, + -1.1874302625656128, + -0.024387847632169724, + -0.2144426852464676, + -0.019169330596923828, + 0.20762579143047333, + 0.11061179637908936, + 0.00407138979062438, + -0.18626955151557922, + 2.073030471801758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/43.png", + [ + 0.176850825548172, + -0.010278277099132538, + 0.12476393580436707, + -1.3671714067459106, + 0.0029362577479332685, + -0.21554312109947205, + -0.021918926388025284, + 0.24305906891822815, + 0.12515215575695038, + 0.019581062719225883, + -0.17578798532485962, + 1.9763082265853882, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/84.png", + [ + 0.1774822175502777, + -0.027777960523962975, + 0.12114594876766205, + -1.3147963285446167, + -0.015199885703623295, + -0.214459627866745, + -0.026905909180641174, + 0.29046571254730225, + 0.1233568862080574, + 0.013540650717914104, + -0.17761650681495667, + 1.9836794137954712, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/89.png", + [ + 0.177826926112175, + -0.02557409182190895, + 0.1211257353425026, + -1.300484299659729, + -0.01205024030059576, + -0.21456991136074066, + -0.027612408623099327, + 0.29644954204559326, + 0.12320823967456818, + 0.015925424173474312, + -0.17752183973789215, + 1.9611185789108276, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/63.png", + [ + 0.17635443806648254, + -0.020583007484674454, + 0.12419077754020691, + -1.34408700466156, + -0.004667236469686031, + -0.21468079090118408, + -0.02895294316112995, + 0.3180380165576935, + 0.12579834461212158, + 0.020890092477202415, + -0.17517496645450592, + 1.9476662874221802, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/88.png", + [ + 0.17760393023490906, + -0.026939667761325836, + 0.12115687876939774, + -1.302435278892517, + -0.012729877606034279, + -0.2143474519252777, + -0.02900019660592079, + 0.3128843903541565, + 0.1234612688422203, + 0.0166527908295393, + -0.17727912962436676, + 1.9589906930923462, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/62.png", + [ + 0.17565958201885223, + -0.02059158682823181, + 0.1251702457666397, + -1.353022575378418, + -0.004213085398077965, + -0.21462996304035187, + -0.02939598262310028, + 0.32305681705474854, + 0.12678270041942596, + 0.021397674456238747, + -0.17440234124660492, + 1.9373806715011597, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/65.png", + [ + 0.17718815803527832, + -0.020871104672551155, + 0.12294980138540268, + -1.332687258720398, + -0.006032480858266354, + -0.21480302512645721, + -0.02776980958878994, + 0.30214518308639526, + 0.12456268817186356, + 0.019286010414361954, + -0.17623870074748993, + 1.9630247354507446, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/80.png", + [ + 0.1796053797006607, + -0.024974878877401352, + 0.11860039830207825, + -1.2932331562042236, + -0.01203245297074318, + -0.21465139091014862, + -0.026979662477970123, + 0.29314422607421875, + 0.12060274183750153, + 0.01577775366604328, + -0.17931519448757172, + 2.009446144104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/119.png", + [ + 0.17695064842700958, + -0.032083991914987564, + 0.12085933983325958, + -1.2998008728027344, + -0.013425764627754688, + -0.21308517456054688, + -0.03691006451845169, + 0.39583101868629456, + 0.12432261556386948, + 0.02265438437461853, + -0.17600728571414948, + 1.9493221044540405, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/79.png", + [ + 0.17929090559482574, + -0.02530624158680439, + 0.11900527775287628, + -1.2971093654632568, + -0.011217135936021805, + -0.21447134017944336, + -0.028707409277558327, + 0.31252729892730713, + 0.1211479976773262, + 0.017593566328287125, + -0.17877784371376038, + 2.004227638244629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/116.png", + [ + 0.17827355861663818, + -0.03125953674316406, + 0.11911875754594803, + -1.2791410684585571, + -0.014136101119220257, + -0.21338725090026855, + -0.03484166041016579, + 0.3720655143260956, + 0.12233808636665344, + 0.020895253866910934, + -0.1776081919670105, + 1.9657241106033325, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/19.png", + [ + 0.18562649190425873, + -0.015310280956327915, + 0.11070816963911057, + -1.2097901105880737, + -0.0073991636745631695, + -0.2158445417881012, + -0.017443696036934853, + 0.1942063271999359, + 0.11151660978794098, + 0.011163578368723392, + -0.1854381561279297, + 2.080026149749756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/77.png", + [ + 0.1793370246887207, + -0.02545916475355625, + 0.11890314519405365, + -1.2951768636703491, + -0.009241427294909954, + -0.21411316096782684, + -0.031906746327877045, + 0.34855520725250244, + 0.12124653160572052, + 0.02133718505501747, + -0.1783028244972229, + 1.996179461479187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/68.png", + [ + 0.17763873934745789, + -0.021587444469332695, + 0.12217346578836441, + -1.3282716274261475, + -0.007350447122007608, + -0.214825838804245, + -0.027271199971437454, + 0.2948717176914215, + 0.1238480657339096, + 0.01821344718337059, + -0.17685537040233612, + 1.9755226373672485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/86.png", + [ + 0.17828840017318726, + -0.028333202004432678, + 0.11982641369104385, + -1.2928904294967651, + -0.014062386006116867, + -0.21416597068309784, + -0.02971671335399151, + 0.3196427524089813, + 0.12232492864131927, + 0.016675233840942383, + -0.1780630201101303, + 1.9783750772476196, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/1.png", + [ + 0.19157911837100983, + -0.018159227445721626, + 0.09957697242498398, + -1.0880200862884521, + -0.006147359032183886, + -0.21485309302806854, + -0.027354318648576736, + 0.3141508102416992, + 0.10103237628936768, + 0.0213609728962183, + -0.19048376381397247, + 2.1157588958740234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/81.png", + [ + 0.17975392937660217, + -0.027268139645457268, + 0.11786800622940063, + -1.2851998805999756, + -0.014872968196868896, + -0.21447870135307312, + -0.026936577633023262, + 0.29226014018058777, + 0.12006337195634842, + 0.014255980029702187, + -0.17980392277240753, + 2.0121254920959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/95.png", + [ + 0.1781594604253769, + -0.02730468288064003, + 0.120256207883358, + -1.286016821861267, + -0.014520901255309582, + -0.21447162330150604, + -0.027183987200260162, + 0.28955504298210144, + 0.12245916575193405, + 0.014292658306658268, + -0.17817790806293488, + 1.9645363092422485, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/103.png", + [ + 0.1769178956747055, + -0.028570786118507385, + 0.12178531289100647, + -1.3061281442642212, + -0.01198927965015173, + -0.21384915709495544, + -0.032752059400081635, + 0.3516817092895508, + 0.12451590597629547, + 0.020003758370876312, + -0.1761917620897293, + 1.9461392164230347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/83.png", + [ + 0.1781150996685028, + -0.027768470346927643, + 0.1202157512307167, + -1.3089139461517334, + -0.015303594060242176, + -0.2144576460123062, + -0.02686302736401558, + 0.2901270091533661, + 0.12242841720581055, + 0.01359170489013195, + -0.1782538890838623, + 1.9925698041915894, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/51.png", + [ + 0.17417490482330322, + -0.0200623981654644, + 0.12731260061264038, + -1.3767002820968628, + -0.008975852280855179, + -0.21540193259716034, + -0.0216640867292881, + 0.24107038974761963, + 0.12857073545455933, + 0.012140789069235325, + -0.17398293316364288, + 1.9350847005844116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+JSzFNdp7ruw+P1+C1+F18304-18430/93.png", + [ + 0.17816227674484253, + -0.027249515056610107, + 0.12026454508304596, + -1.288262963294983, + -0.014070329256355762, + -0.21443025767803192, + -0.02774149551987648, + 0.29593589901924133, + 0.12250765413045883, + 0.015000954270362854, + -0.1780863255262375, + 1.9651216268539429, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/76.png", + [ + 0.18995727598667145, + -0.06702427566051483, + 0.07982398569583893, + -0.9334322810173035, + -0.05264347791671753, + -0.20491072535514832, + -0.04677767679095268, + 0.5637195110321045, + 0.08995991200208664, + 0.021615583449602127, + -0.19592823088169098, + 2.370584011077881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/48.png", + [ + 0.18942901492118835, + -0.06482109427452087, + 0.08284185081720352, + -0.9625097513198853, + -0.054666973650455475, + -0.20645608007907867, + -0.0365418940782547, + 0.4263756275177002, + 0.08986695110797882, + 0.011045967228710651, + -0.19684971868991852, + 2.363953113555908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/137.png", + [ + 0.19213102757930756, + -0.07243656367063522, + 0.0691845640540123, + -0.8193358778953552, + -0.05921359360218048, + -0.2028399109840393, + -0.047933485358953476, + 0.565800130367279, + 0.08079176396131516, + 0.0235968716442585, + -0.19965913891792297, + 2.414278984069824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/35.png", + [ + 0.1872701793909073, + -0.0658552497625351, + 0.08683809638023376, + -1.0249289274215698, + -0.05782875418663025, + -0.20637929439544678, + -0.03180120140314102, + 0.37455499172210693, + 0.09237749874591827, + 0.0043091196566820145, + -0.1959482580423355, + 2.3932857513427734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/124.png", + [ + 0.1903885155916214, + -0.07299624383449554, + 0.07329156249761581, + -0.8702906966209412, + -0.05853784829378128, + -0.20260456204414368, + -0.04972521588206291, + 0.5951129794120789, + 0.08528438210487366, + 0.023891951888799667, + -0.1977464109659195, + 2.415505886077881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/97.png", + [ + 0.1907111257314682, + -0.06614166498184204, + 0.07875556498765945, + -0.9512525200843811, + -0.053196463733911514, + -0.20544254779815674, + -0.04371951147913933, + 0.5405378937721252, + 0.08801872283220291, + 0.01914520561695099, + -0.1970635950565338, + 2.457732677459717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/13.png", + [ + 0.1845902055501938, + -0.06933552771806717, + 0.08981607854366302, + -1.0237083435058594, + -0.06161435693502426, + -0.20527535676956177, + -0.031836919486522675, + 0.36269333958625793, + 0.09527861326932907, + 0.0015822068089619279, + -0.19459541141986847, + 2.299826145172119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/32.png", + [ + 0.18674896657466888, + -0.0658964142203331, + 0.08792255818843842, + -1.0323456525802612, + -0.05758209526538849, + -0.2063615620136261, + -0.0323590412735939, + 0.3838796615600586, + 0.09357892721891403, + 0.004524077754467726, + -0.19537249207496643, + 2.377561092376709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/38.png", + [ + 0.1887906789779663, + -0.06554976850748062, + 0.08372098207473755, + -0.9874656796455383, + -0.05710552632808685, + -0.20641754567623138, + -0.03284280747175217, + 0.3870055675506592, + 0.08969356119632721, + 0.006551230326294899, + -0.1971295028924942, + 2.4042396545410156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/111.png", + [ + 0.19165559113025665, + -0.07006476074457169, + 0.07284880429506302, + -0.8789340257644653, + -0.058077968657016754, + -0.20415161550045013, + -0.04355413094162941, + 0.5286891460418701, + 0.0827222391963005, + 0.018998458981513977, + -0.19935892522335052, + 2.463562488555908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/11.png", + [ + 0.18641112744808197, + -0.06868038326501846, + 0.08649733662605286, + -0.9785649180412292, + -0.05891893804073334, + -0.20536376535892487, + -0.036085717380046844, + 0.4054793119430542, + 0.09342025965452194, + 0.007524868007749319, + -0.19535590708255768, + 2.287105083465576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/125.png", + [ + 0.18980252742767334, + -0.07039982825517654, + 0.0772448480129242, + -0.9212722778320312, + -0.056985512375831604, + -0.20395463705062866, + -0.04585908353328705, + 0.5502822995185852, + 0.08761022984981537, + 0.01985619030892849, + -0.19717524945735931, + 2.4155702590942383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/59.png", + [ + 0.1881539225578308, + -0.06966152787208557, + 0.08181238919496536, + -0.9428017139434814, + -0.057305220514535904, + -0.20460692048072815, + -0.04242665693163872, + 0.49274441599845886, + 0.0908961296081543, + 0.015204668045043945, + -0.1960984617471695, + 2.3363776206970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/105.png", + [ + 0.19224165380001068, + -0.06710807234048843, + 0.0740780308842659, + -0.8941584825515747, + -0.05564913526177406, + -0.2052488774061203, + -0.041520778089761734, + 0.5048902034759521, + 0.08303145319223404, + 0.01781308837234974, + -0.1993398368358612, + 2.4809446334838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/121.png", + [ + 0.19009606540203094, + -0.07283846288919449, + 0.07420200854539871, + -0.8799779415130615, + -0.05850229039788246, + -0.20275439321994781, + -0.04915314540266991, + 0.589777410030365, + 0.08595848828554153, + 0.023089144378900528, + -0.19754981994628906, + 2.4154491424560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/24.png", + [ + 0.1868094652891159, + -0.06291513890028, + 0.0899544507265091, + -1.0495871305465698, + -0.05446209758520126, + -0.20728211104869843, + -0.03187331184744835, + 0.3720117509365082, + 0.09531001001596451, + 0.0048696440644562244, + -0.19452552497386932, + 2.3546695709228516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/74.png", + [ + 0.18911197781562805, + -0.06644102931022644, + 0.08228091895580292, + -0.9606752991676331, + -0.05170803889632225, + -0.20514227449893951, + -0.04680619761347771, + 0.563153088092804, + 0.09225420653820038, + 0.021216267719864845, + -0.19490234553813934, + 2.359379291534424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/129.png", + [ + 0.19084948301315308, + -0.07301712781190872, + 0.07206156849861145, + -0.85455721616745, + -0.059128012508153915, + -0.2026679515838623, + -0.048759426921606064, + 0.5768718719482422, + 0.08383466303348541, + 0.023283086717128754, + -0.19843776524066925, + 2.3982787132263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/98.png", + [ + 0.189909890294075, + -0.06520817428827286, + 0.08142497390508652, + -0.9873391389846802, + -0.05221574753522873, + -0.2058340460062027, + -0.04305528104305267, + 0.5335140228271484, + 0.09030862897634506, + 0.018114522099494934, + -0.19612270593643188, + 2.4546618461608887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/0.png", + [ + 0.19455575942993164, + -0.07221891731023788, + 0.0622926764190197, + -0.6828567385673523, + -0.050875473767519, + -0.1982918530702591, + -0.07099238783121109, + 0.8041206002235413, + 0.08066991716623306, + 0.049118850380182266, + -0.19500665366649628, + 2.247499942779541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/96.png", + [ + 0.19112186133861542, + -0.06644949316978455, + 0.07749061286449432, + -0.9342882037162781, + -0.05305974930524826, + -0.2051832228899002, + -0.04508214816451073, + 0.5567350387573242, + 0.08720660209655762, + 0.02078947238624096, + -0.19725796580314636, + 2.455995559692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/100.png", + [ + 0.19079527258872986, + -0.06746313720941544, + 0.0774194672703743, + -0.9369755387306213, + -0.05503913760185242, + -0.20509259402751923, + -0.043076805770397186, + 0.5327997803688049, + 0.08669339120388031, + 0.018265869468450546, + -0.19773343205451965, + 2.474404811859131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/40.png", + [ + 0.18861240148544312, + -0.06436789035797119, + 0.08502957969903946, + -1.0012924671173096, + -0.054704662412405014, + -0.20669245719909668, + -0.03512164577841759, + 0.41256046295166016, + 0.09154590964317322, + 0.009105195291340351, + -0.1961742490530014, + 2.38948917388916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/52.png", + [ + 0.18847447633743286, + -0.06602106243371964, + 0.08406238257884979, + -0.9778378009796143, + -0.05557382106781006, + -0.20608611404895782, + -0.03725536912679672, + 0.4346861243247986, + 0.0913061574101448, + 0.010845834389328957, + -0.19619746506214142, + 2.354005813598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/3.png", + [ + 0.19328534603118896, + -0.06913945823907852, + 0.06934263557195663, + -0.7695156931877136, + -0.048441339284181595, + -0.20085908472537994, + -0.06524538993835449, + 0.7255929708480835, + 0.08510054647922516, + 0.04269964247941971, + -0.1946343332529068, + 2.2339582443237305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/47.png", + [ + 0.18745771050453186, + -0.0659874975681305, + 0.08633165806531906, + -1.005733609199524, + -0.0558435283601284, + -0.20617753267288208, + -0.03633477911353111, + 0.4244247376918793, + 0.09321483969688416, + 0.0091850645840168, + -0.19538302719593048, + 2.352511405944824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/104.png", + [ + 0.1920352429151535, + -0.06757725030183792, + 0.07418681681156158, + -0.8956414461135864, + -0.05630932375788689, + -0.20515060424804688, + -0.04111431539058685, + 0.49994131922721863, + 0.0830640122294426, + 0.01715930551290512, + -0.19938361644744873, + 2.483447551727295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/21.png", + [ + 0.18497154116630554, + -0.06293118745088577, + 0.09366476535797119, + -1.0952425003051758, + -0.05688445642590523, + -0.2073284536600113, + -0.02696230821311474, + 0.312456339597702, + 0.09745553135871887, + -0.0015729126753285527, + -0.19351443648338318, + 2.346315860748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/82.png", + [ + 0.1901012808084488, + -0.06725132465362549, + 0.07928843051195145, + -0.9346789717674255, + -0.05388341471552849, + -0.20504628121852875, + -0.04472693055868149, + 0.5441578030586243, + 0.08891554921865463, + 0.019523821771144867, + -0.19662335515022278, + 2.4004125595092773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/106.png", + [ + 0.19183559715747833, + -0.06867343932390213, + 0.07369502633810043, + -0.8890426158905029, + -0.057403817772865295, + -0.20478828251361847, + -0.041406042873859406, + 0.5031579732894897, + 0.08277560025453568, + 0.017135264351963997, + -0.19950558245182037, + 2.47982120513916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/14.png", + [ + 0.18401141464710236, + -0.06730490177869797, + 0.09250807762145996, + -1.0595519542694092, + -0.060716573148965836, + -0.205952450633049, + -0.02906845137476921, + 0.33235540986061096, + 0.09695973247289658, + -0.0012361712288111448, + -0.1937657743692398, + 2.301180362701416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/67.png", + [ + 0.18715235590934753, + -0.06695456057786942, + 0.08624949306249619, + -0.9973915815353394, + -0.05304162576794624, + -0.2053540199995041, + -0.04431934654712677, + 0.5230726003646851, + 0.09543830901384354, + 0.017167018726468086, + -0.1937645822763443, + 2.328012466430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/78.png", + [ + 0.19006985425949097, + -0.06675032526254654, + 0.07978557050228119, + -0.9351824522018433, + -0.05360405519604683, + -0.20526933670043945, + -0.04403402656316757, + 0.5307376384735107, + 0.08915125578641891, + 0.018888747319579124, + -0.19657863676548004, + 2.384535312652588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/31.png", + [ + 0.18665532767772675, + -0.0658595860004425, + 0.08814874291419983, + -1.0314744710922241, + -0.05787625163793564, + -0.2063894122838974, + -0.031648896634578705, + 0.3744444251060486, + 0.0935843363404274, + 0.003718556370586157, + -0.19538690149784088, + 2.373147487640381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/39.png", + [ + 0.18937507271766663, + -0.06468895822763443, + 0.0830681249499321, + -0.9782878756523132, + -0.05616220831871033, + -0.20666639506816864, + -0.03290446102619171, + 0.38670358061790466, + 0.08905493468046188, + 0.007227407302707434, + -0.1973952353000641, + 2.404839038848877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/92.png", + [ + 0.1908484250307083, + -0.06595493108034134, + 0.0785793885588646, + -0.9446435570716858, + -0.05334571748971939, + -0.20556122064590454, + -0.04297347739338875, + 0.5230490565299988, + 0.08762995153665543, + 0.018504923209547997, + -0.1972978711128235, + 2.4527196884155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/53.png", + [ + 0.1891949623823166, + -0.06729138642549515, + 0.08139431476593018, + -0.945762038230896, + -0.05725255608558655, + -0.20567893981933594, + -0.0369623601436615, + 0.4313054084777832, + 0.0887429416179657, + 0.010767573490738869, + -0.1973743736743927, + 2.3660287857055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/75.png", + [ + 0.1895037740468979, + -0.06694289296865463, + 0.08096213638782501, + -0.9463050961494446, + -0.05234738439321518, + -0.20495061576366425, + -0.04693499580025673, + 0.5656125545501709, + 0.09108221530914307, + 0.021489378064870834, + -0.1954229474067688, + 2.3646836280822754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/87.png", + [ + 0.1915096789598465, + -0.0647641271352768, + 0.07795858383178711, + -0.9226483702659607, + -0.05154253542423248, + -0.20573937892913818, + -0.04430091008543968, + 0.5417477488517761, + 0.08726569265127182, + 0.020610950887203217, + -0.19725055992603302, + 2.421247959136963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/139.png", + [ + 0.19118282198905945, + -0.07266124337911606, + 0.07153581082820892, + -0.8488496541976929, + -0.05925353243947029, + -0.20287999510765076, + -0.04771396517753601, + 0.5670113563537598, + 0.08298221975564957, + 0.02253766544163227, + -0.1988816112279892, + 2.4099650382995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/107.png", + [ + 0.1924343854188919, + -0.06882111728191376, + 0.07197602093219757, + -0.8674959540367126, + -0.05716748163104057, + -0.20457492768764496, + -0.04276541247963905, + 0.5204018354415894, + 0.08154001832008362, + 0.018990913406014442, + -0.19984610378742218, + 2.4760189056396484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/112.png", + [ + 0.19307394325733185, + -0.06848201155662537, + 0.0705730989575386, + -0.8492335081100464, + -0.05677661672234535, + -0.2045922875404358, + -0.04320070147514343, + 0.5216313600540161, + 0.0802917405962944, + 0.020002467557787895, + -0.20025242865085602, + 2.4685463905334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/69.png", + [ + 0.1889687329530716, + -0.06707573682069778, + 0.08209481090307236, + -0.9514178037643433, + -0.05296600982546806, + -0.20508310198783875, + -0.04564452916383743, + 0.5437583327293396, + 0.09183308482170105, + 0.019739985466003418, + -0.19525602459907532, + 2.353020191192627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/45.png", + [ + 0.18861553072929382, + -0.06621264666318893, + 0.08359401673078537, + -0.9763622283935547, + -0.0563536211848259, + -0.2060832977294922, + -0.03608096390962601, + 0.4210706949234009, + 0.09053365141153336, + 0.009667055681347847, + -0.19661663472652435, + 2.373506546020508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/50.png", + [ + 0.18906135857105255, + -0.06463868916034698, + 0.0838184505701065, + -0.9727320671081543, + -0.054825861006975174, + -0.20657198131084442, + -0.035637568682432175, + 0.41520580649375916, + 0.0905417874455452, + 0.009887030348181725, + -0.19660194218158722, + 2.356229305267334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/101.png", + [ + 0.19168655574321747, + -0.0661475732922554, + 0.07634568959474564, + -0.9232456684112549, + -0.054267942905426025, + -0.2055533230304718, + -0.04184151440858841, + 0.5157454609870911, + 0.08520068228244781, + 0.017894718796014786, + -0.19841502606868744, + 2.482962131500244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/85.png", + [ + 0.19057725369930267, + -0.06694932281970978, + 0.07839641720056534, + -0.9259847402572632, + -0.0531262569129467, + -0.20498333871364594, + -0.045905668288469315, + 0.5612276196479797, + 0.08835049718618393, + 0.02115461602807045, + -0.19670933485031128, + 2.410244941711426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/131.png", + [ + 0.19240227341651917, + -0.07246723771095276, + 0.06839413195848465, + -0.8071273565292358, + -0.05915789678692818, + -0.20274533331394196, + -0.04840007796883583, + 0.5712180733680725, + 0.08018480241298676, + 0.024304794147610664, + -0.19981883466243744, + 2.401681900024414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/71.png", + [ + 0.18921862542629242, + -0.06545043736696243, + 0.08282779902219772, + -0.9645511507987976, + -0.050696901977062225, + -0.20545612275600433, + -0.046535007655620575, + 0.5572121739387512, + 0.09259604662656784, + 0.021258505061268806, + -0.194735586643219, + 2.350003242492676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/115.png", + [ + 0.19126169383525848, + -0.0691506639122963, + 0.0747331902384758, + -0.89425128698349, + -0.056050609797239304, + -0.2042781114578247, + -0.04557054862380028, + 0.543000340461731, + 0.08500112593173981, + 0.02089335210621357, + -0.19820739328861237, + 2.433077335357666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/54.png", + [ + 0.18896934390068054, + -0.06776084005832672, + 0.08152884244918823, + -0.9475066661834717, + -0.057376131415367126, + -0.2054917812347412, + -0.03780212625861168, + 0.4412519931793213, + 0.08914293348789215, + 0.011379425413906574, + -0.19715967774391174, + 2.363541603088379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/33.png", + [ + 0.18636009097099304, + -0.06608248502016068, + 0.0886053740978241, + -1.0439393520355225, + -0.05809454619884491, + -0.20632199943065643, + -0.03168842941522598, + 0.3747546374797821, + 0.09403634071350098, + 0.003498199861496687, + -0.19517384469509125, + 2.3809709548950195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/49.png", + [ + 0.1889694631099701, + -0.06524135172367096, + 0.08355837315320969, + -0.9694361090660095, + -0.05514204874634743, + -0.2063525766134262, + -0.03641236945986748, + 0.4238645136356354, + 0.09054165333509445, + 0.010491515509784222, + -0.19657069444656372, + 2.3571667671203613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/118.png", + [ + 0.19100132584571838, + -0.07084381580352783, + 0.07380744814872742, + -0.8781233429908752, + -0.05830059200525284, + -0.2038251757621765, + -0.04476870596408844, + 0.5336435437202454, + 0.08406799286603928, + 0.01960480958223343, + -0.1987362951040268, + 2.429917812347412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/110.png", + [ + 0.19209998846054077, + -0.07023666054010391, + 0.07150034606456757, + -0.8617468476295471, + -0.05794890597462654, + -0.20395046472549438, + -0.044654570519924164, + 0.5430301427841187, + 0.08177661150693893, + 0.020467441529035568, + -0.19960349798202515, + 2.4671549797058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/18.png", + [ + 0.18485403060913086, + -0.06431383639574051, + 0.09295488148927689, + -1.080194354057312, + -0.05865704268217087, + -0.2068938910961151, + -0.02649834379553795, + 0.3052330017089844, + 0.09662418067455292, + -0.002557441359385848, + -0.19392040371894836, + 2.3376755714416504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/66.png", + [ + 0.1871468722820282, + -0.06690269708633423, + 0.08630158752202988, + -0.9964812397956848, + -0.05256045609712601, + -0.2052927315235138, + -0.04516848176717758, + 0.5311126708984375, + 0.09571485966444016, + 0.018078209832310677, + -0.1935451775789261, + 2.321073532104492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/16.png", + [ + 0.1842198371887207, + -0.06404799222946167, + 0.09438643604516983, + -1.091162085533142, + -0.058960139751434326, + -0.20695102214813232, + -0.025355027988553047, + 0.28885477781295776, + 0.09764552116394043, + -0.0041266391053795815, + -0.19338102638721466, + 2.317437171936035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/94.png", + [ + 0.19124042987823486, + -0.06534480303525925, + 0.07813484966754913, + -0.9415701031684875, + -0.05192115530371666, + -0.20553402602672577, + -0.044809143990278244, + 0.5539437532424927, + 0.087630994617939, + 0.020826010033488274, + -0.19706593453884125, + 2.455167770385742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/28.png", + [ + 0.18647684156894684, + -0.06736678630113602, + 0.08738420158624649, + -1.0173193216323853, + -0.05903966352343559, + -0.2058897167444229, + -0.032735876739025116, + 0.38512885570526123, + 0.09321266412734985, + 0.0043629868887364864, + -0.19555115699768066, + 2.362794876098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/61.png", + [ + 0.18957655131816864, + -0.06824373453855515, + 0.07969580590724945, + -0.9153950214385986, + -0.055451650172472, + -0.20488418638706207, + -0.04353715479373932, + 0.5068556666374207, + 0.08907155692577362, + 0.01769639365375042, + -0.19672566652297974, + 2.3455443382263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/132.png", + [ + 0.19172297418117523, + -0.07335024327039719, + 0.06935368478298187, + -0.8186067342758179, + -0.05979939177632332, + -0.20245778560638428, + -0.04881368950009346, + 0.5775354504585266, + 0.081327885389328, + 0.0240517258644104, + -0.19938701391220093, + 2.3998937606811523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/58.png", + [ + 0.19003941118717194, + -0.07007532566785812, + 0.07695692777633667, + -0.8831577897071838, + -0.05753403529524803, + -0.2042328119277954, + -0.04389401152729988, + 0.507307231426239, + 0.08673381060361862, + 0.01806372031569481, + -0.1977342814207077, + 2.347066879272461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/123.png", + [ + 0.19028547406196594, + -0.07231973856687546, + 0.07422387599945068, + -0.8803895711898804, + -0.05771263688802719, + -0.2028498500585556, + -0.049689825624227524, + 0.5953148007392883, + 0.08607310056686401, + 0.023868035525083542, + -0.19740726053714752, + 2.414154052734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/64.png", + [ + 0.1892649531364441, + -0.06615792214870453, + 0.0821571946144104, + -0.939774215221405, + -0.05244455486536026, + -0.20544254779815674, + -0.044618573039770126, + 0.5194535255432129, + 0.09152182191610336, + 0.019088689237833023, + -0.1954668015241623, + 2.329634189605713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/10.png", + [ + 0.1862695813179016, + -0.06818581372499466, + 0.08719076961278915, + -0.9836759567260742, + -0.056951966136693954, + -0.20539434254169464, + -0.03895551711320877, + 0.43447744846343994, + 0.09491054713726044, + 0.010571343824267387, + -0.19449453055858612, + 2.267472743988037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/41.png", + [ + 0.1890571117401123, + -0.06436964124441147, + 0.08403484523296356, + -0.9873225688934326, + -0.054536670446395874, + -0.20665478706359863, + -0.03560126945376396, + 0.4173590838909149, + 0.09072516113519669, + 0.00991206057369709, + -0.19651614129543304, + 2.3885183334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/91.png", + [ + 0.1898220330476761, + -0.06741560995578766, + 0.07981617748737335, + -0.9572142362594604, + -0.05500328913331032, + -0.20521771907806396, + -0.04252322018146515, + 0.5170151591300964, + 0.08882638067007065, + 0.016991805285215378, + -0.19689856469631195, + 2.4444403648376465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/23.png", + [ + 0.18580248951911926, + -0.06403148174285889, + 0.09124311059713364, + -1.067366361618042, + -0.05712404474616051, + -0.2069958746433258, + -0.028938768431544304, + 0.33615225553512573, + 0.09571927785873413, + 0.0007602184196002781, + -0.19438400864601135, + 2.3542394638061523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/37.png", + [ + 0.18853892385959625, + -0.06582678109407425, + 0.08407022058963776, + -0.992434561252594, + -0.05773720145225525, + -0.2063593864440918, + -0.03209535777568817, + 0.3774028420448303, + 0.08981861174106598, + 0.005525542888790369, + -0.19710399210453033, + 2.4041500091552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/36.png", + [ + 0.18932870030403137, + -0.06457973271608353, + 0.08325857669115067, + -0.9816272258758545, + -0.05618304759263992, + -0.20671246945858002, + -0.032577697187662125, + 0.3832246959209442, + 0.08914032578468323, + 0.006877467036247253, + -0.19736918807029724, + 2.408493995666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/8.png", + [ + 0.18678602576255798, + -0.06740102171897888, + 0.08669470250606537, + -0.9671288132667542, + -0.051034990698099136, + -0.20474474132061005, + -0.049223098903894424, + 0.545086681842804, + 0.09723322838544846, + 0.022013306617736816, + -0.1923772543668747, + 2.219724655151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/6.png", + [ + 0.1907770037651062, + -0.06839025020599365, + 0.07664723694324493, + -0.8452790379524231, + -0.04903512820601463, + -0.20269428193569183, + -0.05880884826183319, + 0.6476696729660034, + 0.09026395529508591, + 0.03443397209048271, + -0.19394487142562866, + 2.209819793701172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/20.png", + [ + 0.18461430072784424, + -0.06371591240167618, + 0.0938389003276825, + -1.0963339805603027, + -0.05785515531897545, + -0.20708255469799042, + -0.02678595669567585, + 0.3106578290462494, + 0.09756145626306534, + -0.002233738312497735, + -0.1934545785188675, + 2.343879222869873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/2.png", + [ + 0.19337809085845947, + -0.07125253975391388, + 0.06690211594104767, + -0.7417199611663818, + -0.05017036572098732, + -0.19964751601219177, + -0.0676143541932106, + 0.7589882612228394, + 0.08387938141822815, + 0.044853564351797104, + -0.19468000531196594, + 2.2430543899536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/117.png", + [ + 0.19080689549446106, + -0.07143305987119675, + 0.07374238967895508, + -0.8781939744949341, + -0.058637674897909164, + -0.20357230305671692, + -0.04547346755862236, + 0.5404656529426575, + 0.08427482843399048, + 0.02008804678916931, + -0.1986003965139389, + 2.4294352531433105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/5.png", + [ + 0.1898651123046875, + -0.06985742598772049, + 0.07758267223834991, + -0.862054169178009, + -0.04966936260461807, + -0.20207194983959198, + -0.060396820306777954, + 0.6692102551460266, + 0.09182638674974442, + 0.03513917699456215, + -0.1930830031633377, + 2.211221218109131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/108.png", + [ + 0.19155463576316833, + -0.07018526643514633, + 0.0729982778429985, + -0.8797672390937805, + -0.05842195823788643, + -0.20417125523090363, + -0.04299850016832352, + 0.5245814919471741, + 0.08271392434835434, + 0.018330983817577362, + -0.1994248777627945, + 2.469748020172119, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/60.png", + [ + 0.18951454758644104, + -0.06892106682062149, + 0.07925917953252792, + -0.9108672142028809, + -0.056505847722291946, + -0.20472747087478638, + -0.04291437938809395, + 0.4986664354801178, + 0.08853936940431595, + 0.01686534658074379, + -0.1970386803150177, + 2.3460288047790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/56.png", + [ + 0.1913059651851654, + -0.06907887011766434, + 0.0746862068772316, + -0.858954131603241, + -0.05747496336698532, + -0.20463649928569794, + -0.042052678763866425, + 0.48733994364738464, + 0.08394372463226318, + 0.017317865043878555, + -0.19900110363960266, + 2.3650436401367188, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/30.png", + [ + 0.18695800006389618, + -0.06533236801624298, + 0.08789924532175064, + -1.0279533863067627, + -0.0568447969853878, + -0.2065282016992569, + -0.03259851410984993, + 0.3853621184825897, + 0.09361231327056885, + 0.005067215766757727, + -0.19534318149089813, + 2.370553970336914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/17.png", + [ + 0.1842883974313736, + -0.0643768161535263, + 0.09402823448181152, + -1.0912233591079712, + -0.05894119665026665, + -0.2068626433610916, + -0.026108980178833008, + 0.29913267493247986, + 0.09752752631902695, + -0.0033716626930981874, + -0.19345517456531525, + 2.3251848220825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/12.png", + [ + 0.18474654853343964, + -0.0689319595694542, + 0.08980529010295868, + -1.0211504697799683, + -0.05984364077448845, + -0.20536507666110992, + -0.03452260419726372, + 0.39068424701690674, + 0.09610069543123245, + 0.004632090218365192, + -0.1941419392824173, + 2.284581184387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/114.png", + [ + 0.1915023922920227, + -0.07137291878461838, + 0.07197664678096771, + -0.8627799153327942, + -0.058623578399419785, + -0.2034992277622223, + -0.045817337930202484, + 0.5481614470481873, + 0.08269224315881729, + 0.021020464599132538, + -0.1991683393716812, + 2.445840358734131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/27.png", + [ + 0.18812958896160126, + -0.06537286192178726, + 0.08533191680908203, + -0.992917537689209, + -0.056290920823812485, + -0.20644497871398926, + -0.0340542234480381, + 0.4004511535167694, + 0.09157772362232208, + 0.007399085909128189, + -0.1962311565876007, + 2.369377613067627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/42.png", + [ + 0.18818873167037964, + -0.06519962102174759, + 0.08533410727977753, + -1.0028544664382935, + -0.05541764199733734, + -0.20643536746501923, + -0.03551372140645981, + 0.41674545407295227, + 0.0919879674911499, + 0.009019363671541214, + -0.1959713250398636, + 2.3797359466552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/7.png", + [ + 0.1885383427143097, + -0.06723347306251526, + 0.0829508826136589, + -0.9207691550254822, + -0.04900909587740898, + -0.20403827726840973, + -0.053985048085451126, + 0.5957810878753662, + 0.0948646292090416, + 0.02821236662566662, + -0.1927502602338791, + 2.2101550102233887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/73.png", + [ + 0.18818162381649017, + -0.06660783290863037, + 0.08425536751747131, + -0.9835240840911865, + -0.05203179642558098, + -0.2052346169948578, + -0.04603629186749458, + 0.5541574358940125, + 0.09395883977413177, + 0.019749552011489868, + -0.19424106180667877, + 2.3512134552001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/120.png", + [ + 0.18943631649017334, + -0.07249732315540314, + 0.0761965811252594, + -0.9056682586669922, + -0.05825953185558319, + -0.2030232846736908, + -0.048324644565582275, + 0.5793493986129761, + 0.0875648781657219, + 0.02176196500658989, + -0.19699417054653168, + 2.408578872680664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/46.png", + [ + 0.1894967257976532, + -0.06479307264089584, + 0.08270879089832306, + -0.9621714353561401, + -0.05513176694512367, + -0.20651930570602417, + -0.03547060862183571, + 0.41256454586982727, + 0.08943922817707062, + 0.009976630099117756, + -0.19710147380828857, + 2.371809482574463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/127.png", + [ + 0.19178487360477448, + -0.0708836019039154, + 0.07170756906270981, + -0.8515622615814209, + -0.057836614549160004, + -0.20356138050556183, + -0.04653589054942131, + 0.5531224608421326, + 0.08259169012308121, + 0.022049449384212494, + -0.19909879565238953, + 2.4216713905334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/133.png", + [ + 0.19203057885169983, + -0.07304983586072922, + 0.06881772726774216, + -0.81156986951828, + -0.059553563594818115, + -0.20253176987171173, + -0.04880727827548981, + 0.5764031410217285, + 0.0807807520031929, + 0.02434132993221283, + -0.19957421720027924, + 2.4014596939086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/57.png", + [ + 0.18971320986747742, + -0.06902660429477692, + 0.0786900520324707, + -0.905019998550415, + -0.05726701021194458, + -0.20479175448417664, + -0.04157795011997223, + 0.4808623492717743, + 0.08762013167142868, + 0.015606545843183994, + -0.1975526362657547, + 2.347762107849121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/44.png", + [ + 0.18860703706741333, + -0.06574872136116028, + 0.08397849649190903, + -0.9837646484375, + -0.055467501282691956, + -0.20618686079978943, + -0.03685422241687775, + 0.43161851167678833, + 0.09109686315059662, + 0.010582171380519867, + -0.19630911946296692, + 2.376455783843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/113.png", + [ + 0.1917857974767685, + -0.06930935382843018, + 0.0732278823852539, + -0.8813883066177368, + -0.05733649432659149, + -0.20441320538520813, + -0.043308939784765244, + 0.520821750164032, + 0.08293754607439041, + 0.01895657181739807, + -0.19927345216274261, + 2.4575281143188477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/126.png", + [ + 0.19139276444911957, + -0.07172762602567673, + 0.07191557437181473, + -0.8553351759910583, + -0.05872884392738342, + -0.20331686735153198, + -0.046487316489219666, + 0.55436772108078, + 0.08287114650011063, + 0.02157067321240902, + -0.19903510808944702, + 2.428431510925293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/29.png", + [ + 0.18706606328487396, + -0.06616459786891937, + 0.0870426595211029, + -1.015502691268921, + -0.05745065584778786, + -0.2062472105026245, + -0.0333077497780323, + 0.39360836148262024, + 0.09302473813295364, + 0.005677137523889542, + -0.19560691714286804, + 2.368821144104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/4.png", + [ + 0.19158343970775604, + -0.06886211037635803, + 0.07417339831590652, + -0.8236437439918518, + -0.04916813224554062, + -0.20211900770664215, + -0.06064896658062935, + 0.6711320877075195, + 0.08846568316221237, + 0.03679419681429863, + -0.19433966279029846, + 2.2294249534606934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/55.png", + [ + 0.1908443123102188, + -0.0674736276268959, + 0.07728941738605499, + -0.8944127559661865, + -0.05702366679906845, + -0.205450177192688, + -0.038554124534130096, + 0.4478417634963989, + 0.0852915346622467, + 0.01361723244190216, + -0.1987154185771942, + 2.374635696411133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/9.png", + [ + 0.18584176898002625, + -0.06796969473361969, + 0.0882657840847969, + -0.9923549294471741, + -0.05390533432364464, + -0.2051020860671997, + -0.0444437600672245, + 0.4938333332538605, + 0.09749329835176468, + 0.016160229220986366, + -0.1928258240222931, + 2.238555908203125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/25.png", + [ + 0.18507035076618195, + -0.06491834670305252, + 0.09210030734539032, + -1.0758202075958252, + -0.05602926388382912, + -0.20667299628257751, + -0.03308907523751259, + 0.3872506320476532, + 0.09776286780834198, + 0.004446737468242645, + -0.19331462681293488, + 2.339949131011963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/99.png", + [ + 0.19049084186553955, + -0.06577825546264648, + 0.07958867400884628, + -0.9644894599914551, + -0.0532790906727314, + -0.20568272471427917, + -0.042471788823604584, + 0.5260343551635742, + 0.0884447693824768, + 0.017768917605280876, + -0.19700174033641815, + 2.467884063720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/34.png", + [ + 0.18711017072200775, + -0.06543637812137604, + 0.08749721944332123, + -1.0316592454910278, + -0.05727067217230797, + -0.2065088450908661, + -0.03196977078914642, + 0.378221333026886, + 0.09304704517126083, + 0.004480654839426279, + -0.195627361536026, + 2.3875513076782227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/72.png", + [ + 0.188755601644516, + -0.06594398617744446, + 0.08349011838436127, + -0.9722580313682556, + -0.05144888535141945, + -0.20540694892406464, + -0.04592265188694, + 0.5501844882965088, + 0.09312476217746735, + 0.02018088474869728, + -0.19459804892539978, + 2.351445198059082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/102.png", + [ + 0.19232700765132904, + -0.06731150299310684, + 0.07367075234651566, + -0.8887076377868652, + -0.05556442588567734, + -0.20510411262512207, + -0.0423414409160614, + 0.5183696746826172, + 0.08289036899805069, + 0.0186912938952446, + -0.19931812584400177, + 2.486680507659912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/134.png", + [ + 0.19241924583911896, + -0.07125876098871231, + 0.06960546225309372, + -0.8222705125808716, + -0.0580546073615551, + -0.2032543420791626, + -0.047594424337148666, + 0.5621666312217712, + 0.08094687014818192, + 0.023616818711161613, + -0.19959396123886108, + 2.404898166656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/70.png", + [ + 0.18939922749996185, + -0.06555508822202682, + 0.08233074843883514, + -0.9566609859466553, + -0.05158400535583496, + -0.205573171377182, + -0.04501839727163315, + 0.5383461117744446, + 0.09173284471035004, + 0.019750814884901047, + -0.19530203938484192, + 2.3560428619384766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/135.png", + [ + 0.19295912981033325, + -0.07135862857103348, + 0.06798982620239258, + -0.804126501083374, + -0.05856435000896454, + -0.20322632789611816, + -0.04708682373166084, + 0.5567000508308411, + 0.07927727699279785, + 0.02355629950761795, + -0.20027008652687073, + 2.4166207313537598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/130.png", + [ + 0.19215714931488037, + -0.07348281890153885, + 0.06799851357936859, + -0.8029166460037231, + -0.06057882681488991, + -0.20250403881072998, + -0.04764682054519653, + 0.561934232711792, + 0.07971028238534927, + 0.0232441034168005, + -0.20013464987277985, + 2.407935619354248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/90.png", + [ + 0.19070425629615784, + -0.06601493060588837, + 0.0788785070180893, + -0.9430102705955505, + -0.05370805412530899, + -0.2056194692850113, + -0.042237136512994766, + 0.5133193731307983, + 0.08772248774766922, + 0.01762268878519535, + -0.19733752310276031, + 2.4420104026794434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/122.png", + [ + 0.19035792350769043, + -0.0716976746916771, + 0.07464048266410828, + -0.8833456039428711, + -0.05755114555358887, + -0.20320318639278412, + -0.04841715097427368, + 0.5796069502830505, + 0.0860210508108139, + 0.02271120436489582, + -0.19756637513637543, + 2.413353443145752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/15.png", + [ + 0.18235178291797638, + -0.06643625348806381, + 0.09634289145469666, + -1.1120890378952026, + -0.060509782284498215, + -0.20620621740818024, + -0.027666844427585602, + 0.3173295855522156, + 0.10017131268978119, + -0.0036210466641932726, + -0.19209499657154083, + 2.295950412750244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/22.png", + [ + 0.18498334288597107, + -0.06269881129264832, + 0.09379719197750092, + -1.0986913442611694, + -0.05621519684791565, + -0.20740388333797455, + -0.027773749083280563, + 0.3221189081668854, + 0.09782078117132187, + -0.0006237314664758742, + -0.19333547353744507, + 2.3468799591064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/138.png", + [ + 0.1918240487575531, + -0.07236124575138092, + 0.07010902464389801, + -0.8300625085830688, + -0.05871661752462387, + -0.20280885696411133, + -0.048670511692762375, + 0.5752684473991394, + 0.08187663555145264, + 0.024089623242616653, + -0.19915771484375, + 2.408783435821533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/109.png", + [ + 0.1909799873828888, + -0.07017891108989716, + 0.07449469715356827, + -0.8990814685821533, + -0.057784371078014374, + -0.2041083723306656, + -0.04414333403110504, + 0.5379574298858643, + 0.0844719186425209, + 0.019041744992136955, + -0.19861973822116852, + 2.4584765434265137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/26.png", + [ + 0.18708740174770355, + -0.06471382826566696, + 0.08808134496212006, + -1.0247886180877686, + -0.055538829416036606, + -0.2066771388053894, + -0.03388063237071037, + 0.3973163068294525, + 0.09413629025220871, + 0.006676849443465471, + -0.19504274427890778, + 2.356417655944824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/43.png", + [ + 0.18897585570812225, + -0.06524866819381714, + 0.08353821188211441, + -0.9792120456695557, + -0.055280838161706924, + -0.2063649594783783, + -0.03613072633743286, + 0.42334040999412537, + 0.09044362604618073, + 0.010198579169809818, + -0.19663123786449432, + 2.3827037811279297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/84.png", + [ + 0.19004294276237488, + -0.06744398921728134, + 0.07926464080810547, + -0.9362176060676575, + -0.0538884773850441, + -0.20494547486305237, + -0.04518049582839012, + 0.5508323311805725, + 0.08903711289167404, + 0.019913649186491966, + -0.19652922451496124, + 2.4047513008117676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/136.png", + [ + 0.19261254370212555, + -0.07151980698108673, + 0.06879840791225433, + -0.8144480586051941, + -0.0586603507399559, + -0.20321355760097504, + -0.0470225065946579, + 0.5558664202690125, + 0.08004540950059891, + 0.023174773901700974, + -0.20000891387462616, + 2.418083667755127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/89.png", + [ + 0.1907038688659668, + -0.06558912992477417, + 0.0792337954044342, + -0.9443622827529907, + -0.05275915935635567, + -0.20565348863601685, + -0.0432550385594368, + 0.5270371437072754, + 0.08829722553491592, + 0.01877743937075138, + -0.19697436690330505, + 2.432623863220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/63.png", + [ + 0.1892748326063156, + -0.06679856032133102, + 0.08161421865224838, + -0.9335148930549622, + -0.052977416664361954, + -0.2052028477191925, + -0.04508969932794571, + 0.5243296027183533, + 0.09119387716054916, + 0.01943298615515232, + -0.19558611512184143, + 2.32735013961792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/88.png", + [ + 0.19039413332939148, + -0.06540151685476303, + 0.08012867718935013, + -0.9543697834014893, + -0.052285805344581604, + -0.20569102466106415, + -0.043649718165397644, + 0.5328884124755859, + 0.08924213796854019, + 0.01901957020163536, + -0.19652478396892548, + 2.4227852821350098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/62.png", + [ + 0.19104406237602234, + -0.06729497760534286, + 0.07695094496011734, + -0.8800065517425537, + -0.054421257227659225, + -0.20502175390720367, + -0.04418495297431946, + 0.5125437378883362, + 0.08653547614812851, + 0.019630838185548782, + -0.1976718008518219, + 2.3497390747070312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/65.png", + [ + 0.18849340081214905, + -0.06833508610725403, + 0.08214893192052841, + -0.9425144791603088, + -0.05432320386171341, + -0.20472577214241028, + -0.045653533190488815, + 0.532428503036499, + 0.09201696515083313, + 0.01911989599466324, + -0.19523115456104279, + 2.3302769660949707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/80.png", + [ + 0.19188182055950165, + -0.06564617156982422, + 0.0762879028916359, + -0.8945026993751526, + -0.05239946395158768, + -0.2053845077753067, + -0.04493769630789757, + 0.543621838092804, + 0.08592764288187027, + 0.021346669644117355, + -0.19775907695293427, + 2.3979010581970215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/119.png", + [ + 0.1913188397884369, + -0.06939981132745743, + 0.07435499131679535, + -0.8845356702804565, + -0.056356970220804214, + -0.20419266819953918, + -0.04557573422789574, + 0.5460811853408813, + 0.08466930687427521, + 0.02090265415608883, + -0.19834838807582855, + 2.426891326904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/79.png", + [ + 0.19077156484127045, + -0.0646856501698494, + 0.07981151342391968, + -0.9375775456428528, + -0.05092768371105194, + -0.20573751628398895, + -0.04501495882868767, + 0.5442114472389221, + 0.0892215445637703, + 0.020874420180916786, + -0.19634580612182617, + 2.381989002227783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/116.png", + [ + 0.19126199185848236, + -0.07003162056207657, + 0.07390742748975754, + -0.8826605081558228, + -0.056910641491413116, + -0.2039490044116974, + -0.0459769070148468, + 0.5475350022315979, + 0.08442696928977966, + 0.021172376349568367, + -0.19842304289340973, + 2.431079864501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/19.png", + [ + 0.18531747162342072, + -0.06422071158885956, + 0.09209246188402176, + -1.072219729423523, + -0.05832143500447273, + -0.20693127810955048, + -0.026943495497107506, + 0.31115996837615967, + 0.09593711793422699, + -0.0017439204966649413, + -0.19427023828029633, + 2.3458900451660156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/77.png", + [ + 0.1904330849647522, + -0.06618741899728775, + 0.07938741147518158, + -0.9294397830963135, + -0.05235208943486214, + -0.2052614837884903, + -0.04555078595876694, + 0.5493563413619995, + 0.08912011235952377, + 0.0208528321236372, + -0.1963941603899002, + 2.377666473388672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/68.png", + [ + 0.18744035065174103, + -0.0681547224521637, + 0.08466961234807968, + -0.9808269143104553, + -0.05367637425661087, + -0.20481105148792267, + -0.04603448882699013, + 0.5453081130981445, + 0.09451378136873245, + 0.018848365172743797, + -0.194061279296875, + 2.337125778198242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/86.png", + [ + 0.19108858704566956, + -0.06749599426984787, + 0.0766637995839119, + -0.9047041535377502, + -0.054136600345373154, + -0.2048318237066269, + -0.045398734509944916, + 0.5539248585700989, + 0.0866156816482544, + 0.020883210003376007, + -0.19750824570655823, + 2.418457508087158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/1.png", + [ + 0.19462767243385315, + -0.07061588019132614, + 0.06388553977012634, + -0.7027212381362915, + -0.04910263046622276, + -0.19897009432315826, + -0.0703401193022728, + 0.795911967754364, + 0.08158981055021286, + 0.048705220222473145, + -0.19472749531269073, + 2.242579460144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/81.png", + [ + 0.18964830040931702, + -0.06791198253631592, + 0.07980839908123016, + -0.938460111618042, + -0.05469084158539772, + -0.20490378141403198, + -0.04439878091216087, + 0.53852379322052, + 0.0893886387348175, + 0.018716376274824142, + -0.19648730754852295, + 2.3941526412963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/95.png", + [ + 0.19124850630760193, + -0.06705118715763092, + 0.07665538787841797, + -0.9217190742492676, + -0.053107500076293945, + -0.20481829345226288, + -0.04665789753198624, + 0.575802206993103, + 0.08689938485622406, + 0.022394297644495964, + -0.19721786677837372, + 2.452230930328369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/103.png", + [ + 0.1923522651195526, + -0.0681009292602539, + 0.0728750228881836, + -0.8793578743934631, + -0.056664906442165375, + -0.20489272475242615, + -0.041904110461473465, + 0.5111337304115295, + 0.0820828452706337, + 0.01814192160964012, + -0.19970270991325378, + 2.4898853302001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/83.png", + [ + 0.18921872973442078, + -0.0676765963435173, + 0.08101873844861984, + -0.9577766060829163, + -0.054079968482255936, + -0.20495650172233582, + -0.04490089789032936, + 0.5479015707969666, + 0.09066154062747955, + 0.018989769741892815, + -0.19587691128253937, + 2.3958096504211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/51.png", + [ + 0.18886405229568481, + -0.0664384737610817, + 0.08285041153430939, + -0.9617321491241455, + -0.05651819705963135, + -0.2059912085533142, + -0.03634847700595856, + 0.4227599799633026, + 0.08991082012653351, + 0.010072079487144947, + -0.19688192009925842, + 2.3587117195129395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/128.png", + [ + 0.19116714596748352, + -0.0707554742693901, + 0.07346205413341522, + -0.8732443451881409, + -0.05749579519033432, + -0.20365792512893677, + -0.046535685658454895, + 0.5515528321266174, + 0.08424514532089233, + 0.021563835442066193, + -0.19845819473266602, + 2.4069933891296387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y5OFsRIRkwc+P0+C0+F9797-9938/93.png", + [ + 0.18936331570148468, + -0.06509657949209213, + 0.08277598768472672, + -0.9998295307159424, + -0.05215303227305412, + -0.20593568682670593, + -0.04264325276017189, + 0.5248056650161743, + 0.0914849042892456, + 0.017344200983643532, + -0.19564656913280487, + 2.442310333251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/76.png", + [ + 0.18779383599758148, + -0.004075874108821154, + -0.10800349712371826, + 1.0742820501327515, + -0.015428699553012848, + -0.21531398594379425, + -0.018701450899243355, + 0.13464930653572083, + -0.10697347670793533, + 0.023899298161268234, + -0.18690477311611176, + 1.779586672782898, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/137.png", + [ + 0.1913280189037323, + 0.017658712342381477, + -0.10014816373586655, + 1.146978735923767, + 0.014733985997736454, + -0.21594499051570892, + -0.009928147308528423, + 0.10472050309181213, + -0.10062005370855331, + 0.0019566251430660486, + -0.19188453257083893, + 2.262641429901123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/35.png", + [ + 0.19596824049949646, + -0.014022779650986195, + -0.09136579185724258, + 0.9371987581253052, + -0.012454181909561157, + -0.21621954441070557, + 0.006472608540207148, + -0.12368519604206085, + -0.09159279614686966, + -0.0006024683243595064, + -0.1963626593351364, + 1.8601616621017456, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/124.png", + [ + 0.19067268073558807, + 0.014411959797143936, + -0.10190246254205704, + 1.169771671295166, + 0.011434356682002544, + -0.21617794036865234, + -0.00917867012321949, + 0.0938263088464737, + -0.10227938741445541, + 0.0026995916850864887, + -0.1909961700439453, + 2.252030372619629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/97.png", + [ + 0.18716397881507874, + 0.0034575152676552534, + -0.10911272466182709, + 1.1310044527053833, + -0.002952511655166745, + -0.21632638573646545, + -0.011919375509023666, + 0.10124397277832031, + -0.10912757366895676, + 0.011782802641391754, + -0.1868160516023636, + 1.9136358499526978, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/155.png", + [ + 0.1940838098526001, + 0.035325221717357635, + -0.08961860835552216, + 1.0042732954025269, + 0.03013482876121998, + -0.2137274444103241, + -0.018983641639351845, + 0.20169858634471893, + -0.09149458259344101, + 0.004540341906249523, + -0.1963568776845932, + 2.2610044479370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/13.png", + [ + 0.1912401020526886, + 0.002480258233845234, + -0.10182809829711914, + 1.0431410074234009, + -0.00021361677499953657, + -0.21660014986991882, + -0.005676983390003443, + 0.037893157452344894, + -0.10185807198286057, + 0.005110977683216333, + -0.19117192924022675, + 1.930479645729065, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/32.png", + [ + 0.19084230065345764, + -0.011895435862243176, + -0.10190985351800919, + 1.1169147491455078, + -0.016068650409579277, + -0.21602298319339752, + -0.004875783808529377, + 0.029297679662704468, + -0.10133567452430725, + 0.011852147057652473, + -0.1911504715681076, + 2.0958685874938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/148.png", + [ + 0.19774913787841797, + 0.02563554234802723, + -0.08477021008729935, + 0.9631657600402832, + 0.02000461518764496, + -0.2149680107831955, + -0.018342841416597366, + 0.2028510719537735, + -0.08627273142337799, + 0.00891422014683485, + -0.19855841994285583, + 2.3066892623901367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/111.png", + [ + 0.18536506593227386, + 0.011794108897447586, + -0.1115732192993164, + 1.2682468891143799, + 0.008233151398599148, + -0.2163231074810028, + -0.009188581258058548, + 0.09834659099578857, + -0.11189236491918564, + 0.003621296025812626, + -0.1855124831199646, + 2.1697754859924316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/11.png", + [ + 0.1956578493118286, + 0.003555801697075367, + -0.093022920191288, + 0.9535356760025024, + -0.0010216444497928023, + -0.2164214551448822, + -0.010421565733850002, + 0.07025671005249023, + -0.09308525919914246, + 0.00984931830316782, + -0.19541244208812714, + 1.8896232843399048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/125.png", + [ + 0.19095154106616974, + 0.016668030992150307, + -0.1010325700044632, + 1.1617680788040161, + 0.013927836902439594, + -0.21602575480937958, + -0.009315635077655315, + 0.09550866484642029, + -0.10144662857055664, + 0.001715335063636303, + -0.19145111739635468, + 2.2549819946289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/105.png", + [ + 0.18598823249340057, + 0.008777464739978313, + -0.11081165075302124, + 1.2291803359985352, + 0.00509124668315053, + -0.21644404530525208, + -0.008599435910582542, + 0.08822967112064362, + -0.1110420972108841, + 0.004777783993631601, + -0.18599654734134674, + 2.1222610473632812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/121.png", + [ + 0.1883527934551239, + 0.015270862728357315, + -0.10600904375314713, + 1.2141482830047607, + 0.01439979299902916, + -0.21612440049648285, + -0.0055482517927885056, + 0.05116583779454231, + -0.10613087564706802, + -0.002222131472080946, + -0.18888935446739197, + 2.2305479049682617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/24.png", + [ + 0.18631264567375183, + -0.003464811947196722, + -0.11055989563465118, + 1.229007363319397, + -0.006302385590970516, + -0.21654900908470154, + -0.003834234084933996, + 0.03253462538123131, + -0.11043449491262436, + 0.006512794643640518, + -0.18630540370941162, + 2.128030776977539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/74.png", + [ + 0.18137957155704498, + -0.003915500361472368, + -0.11846522986888885, + 1.1899651288986206, + -0.017941253259778023, + -0.21496811509132385, + -0.020364360883831978, + 0.1798599660396576, + -0.11716421693563461, + 0.026856370270252228, + -0.18027526140213013, + 1.8093502521514893, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/129.png", + [ + 0.19106966257095337, + 0.013826061971485615, + -0.10123792290687561, + 1.156994104385376, + 0.011937318369746208, + -0.21623224020004272, + -0.007001135963946581, + 0.0683605819940567, + -0.1014779657125473, + 0.000596263853367418, + -0.19144128262996674, + 2.238006114959717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/153.png", + [ + 0.19552943110466003, + 0.0342952162027359, + -0.08683299273252487, + 0.973032534122467, + 0.02906198613345623, + -0.21387194097042084, + -0.019028592854738235, + 0.2042260318994522, + -0.08872165530920029, + 0.005524924956262112, + -0.19760018587112427, + 2.271115779876709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/144.png", + [ + 0.19377167522907257, + 0.022178838029503822, + -0.09438499063253403, + 1.08633291721344, + 0.02029411494731903, + -0.2155349999666214, + -0.008983330801129341, + 0.09223167598247528, + -0.09480810910463333, + -0.0008064847788773477, + -0.19482985138893127, + 2.29331636428833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/98.png", + [ + 0.1861666887998581, + 0.004419165197759867, + -0.11077147722244263, + 1.1574597358703613, + -0.0014956688974052668, + -0.21638257801532745, + -0.011146134696900845, + 0.09788325428962708, + -0.11084951460361481, + 0.010341390036046505, + -0.1858852654695511, + 1.9327555894851685, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/0.png", + [ + 0.18851663172245026, + -0.0001036593021126464, + -0.10681463032960892, + 1.1961934566497803, + -0.0021465944591909647, + -0.21663446724414825, + -0.00357828033156693, + 0.032567765563726425, + -0.106793113052845, + 0.004171477165073156, + -0.18848268687725067, + 2.1651053428649902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/96.png", + [ + 0.18761420249938965, + 0.0006231102743186057, + -0.10839010775089264, + 1.1120127439498901, + -0.007264465093612671, + -0.21611160039901733, + -0.013816558755934238, + 0.11661119759082794, + -0.10814819484949112, + 0.015597484074532986, + -0.18710580468177795, + 1.892539381980896, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/100.png", + [ + 0.18646185100078583, + 0.004441037308424711, + -0.1102730929851532, + 1.171533226966858, + 0.00039569963701069355, + -0.2165246307849884, + -0.00805102288722992, + 0.07454738020896912, + -0.11036176979541779, + 0.006727015133947134, + -0.18634086847305298, + 2.002016067504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/141.png", + [ + 0.19110429286956787, + 0.017651958391070366, + -0.10057560354471207, + 1.163306713104248, + 0.018413860350847244, + -0.21587130427360535, + -0.0028991529252380133, + 0.020707834511995316, + -0.1004389077425003, + -0.005990293342620134, + -0.19189590215682983, + 2.2806997299194336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/3.png", + [ + 0.18690864741802216, + 0.0032074591144919395, + -0.1095571219921112, + 1.228293538093567, + 0.0020279514137655497, + -0.21664594113826752, + -0.0028828922659158707, + 0.020675912499427795, + -0.10958531498908997, + 0.001461458276025951, + -0.18691393733024597, + 2.133390426635742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/104.png", + [ + 0.18667054176330566, + 0.00771201541647315, + -0.10973846167325974, + 1.2106045484542847, + 0.0032430647406727076, + -0.21643339097499847, + -0.009693530388176441, + 0.10033784806728363, + -0.10996128618717194, + 0.006708713248372078, + -0.18657812476158142, + 2.111762046813965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/21.png", + [ + 0.18338583409786224, + -0.002711050445213914, + -0.11536972224712372, + 1.270685076713562, + -0.004951165057718754, + -0.2166002094745636, + -0.0027802742552012205, + 0.022486601024866104, + -0.11529531329870224, + 0.00498940609395504, + -0.18338479101657867, + 2.0775513648986816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/106.png", + [ + 0.18611714243888855, + 0.009850122034549713, + -0.1105046421289444, + 1.232229471206665, + 0.005516489967703819, + -0.21637362241744995, + -0.009995901957154274, + 0.10540330410003662, + -0.11080554127693176, + 0.005772762466222048, + -0.18610937893390656, + 2.135465621948242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/14.png", + [ + 0.18839961290359497, + 0.0008904123096726835, + -0.10701724141836166, + 1.1051806211471558, + -0.0006651945295743644, + -0.21665321290493011, + -0.002973661059513688, + 0.016649160534143448, + -0.10701888054609299, + 0.0029141572304069996, + -0.188378244638443, + 1.9534190893173218, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/78.png", + [ + 0.19496095180511475, + -0.0008809481514617801, + -0.09453755617141724, + 0.8741225004196167, + -0.009024783968925476, + -0.21584920585155487, + -0.016600051894783974, + 0.06777198612689972, + -0.0941099300980568, + 0.018874119967222214, + -0.19425494968891144, + 1.5988414287567139, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/31.png", + [ + 0.18497751653194427, + -0.010573945939540863, + -0.11233612895011902, + 1.2520232200622559, + -0.013829759322106838, + -0.21621929109096527, + -0.002420447999611497, + 0.011158209294080734, + -0.11198192834854126, + 0.009236476384103298, + -0.18526369333267212, + 2.092593193054199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/152.png", + [ + 0.19553972780704498, + 0.03336790204048157, + -0.08717048168182373, + 0.9789401888847351, + 0.02792876400053501, + -0.21400146186351776, + -0.019267968833446503, + 0.2079254388809204, + -0.08906231075525284, + 0.0061524962075054646, + -0.19742834568023682, + 2.270641803741455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/92.png", + [ + 0.18006345629692078, + -3.3737855119397864e-05, + -0.12051991373300552, + 1.1410799026489258, + -0.012321492657065392, + -0.2155444324016571, + -0.018348654732108116, + 0.14184433221817017, + -0.11988841742277145, + 0.022101838141679764, + -0.17912612855434418, + 1.676411747932434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/75.png", + [ + 0.18267615139484406, + -0.0035248002968728542, + -0.11646843701601028, + 1.1662933826446533, + -0.017234839498996735, + -0.2150106281042099, + -0.020525086671113968, + 0.17088532447814941, + -0.11524010449647903, + 0.02656867727637291, + -0.18155363202095032, + 1.7849310636520386, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/151.png", + [ + 0.19646693766117096, + 0.030721144750714302, + -0.08605144172906876, + 0.9666423201560974, + 0.024656763300299644, + -0.21431560814380646, + -0.02021794021129608, + 0.22090721130371094, + -0.08798115700483322, + 0.008540025912225246, + -0.19782385230064392, + 2.2751517295837402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/139.png", + [ + 0.19076083600521088, + 0.019394569098949432, + -0.1009061262011528, + 1.162422776222229, + 0.018936123698949814, + -0.21577101945877075, + -0.005673740524798632, + 0.05334853008389473, + -0.10099317133426666, + -0.003823444712907076, + -0.19166025519371033, + 2.272984027862549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/107.png", + [ + 0.18651644885540009, + 0.009642452001571655, + -0.10984774678945541, + 1.2303255796432495, + 0.00506409490481019, + -0.21636593341827393, + -0.010394035838544369, + 0.10883846879005432, + -0.11015380918979645, + 0.006379976868629456, + -0.18647609651088715, + 2.1494040489196777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/112.png", + [ + 0.1877443939447403, + 0.011423296295106411, + -0.10756134241819382, + 1.2235358953475952, + 0.008190668188035488, + -0.21634571254253387, + -0.008679971098899841, + 0.09571586549282074, + -0.10785567760467529, + 0.0034550277050584555, + -0.18789121508598328, + 2.202221393585205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/101.png", + [ + 0.18560832738876343, + 0.005996718071401119, + -0.11163101345300674, + 1.1998674869537354, + 0.0020688159856945276, + -0.2165098637342453, + -0.008190905675292015, + 0.07934682071208954, + -0.11177282780408859, + 0.005950656719505787, + -0.18552443385124207, + 2.030470371246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/156.png", + [ + 0.1941261738538742, + 0.036861617118120193, + -0.08890524506568909, + 0.9938880205154419, + 0.032745007425546646, + -0.21350833773612976, + -0.01702486351132393, + 0.17611420154571533, + -0.09050240367650986, + 0.0018173258285969496, + -0.19686011970043182, + 2.2660574913024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/131.png", + [ + 0.19126753509044647, + 0.014833344146609306, + -0.1007203683257103, + 1.149662971496582, + 0.012462900020182133, + -0.21616166830062866, + -0.008167685009539127, + 0.08259716629981995, + -0.10104106366634369, + 0.0014166185865178704, + -0.19166791439056396, + 2.2387490272521973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/71.png", + [ + 0.17930492758750916, + -0.001464924425818026, + -0.12163669615983963, + 1.1694637537002563, + -0.018314799293875694, + -0.2145143300294876, + -0.024414395913481712, + 0.20771034061908722, + -0.1202588900923729, + 0.03048521839082241, + -0.17764103412628174, + 1.7030943632125854, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/115.png", + [ + 0.18954230844974518, + 0.012932115234434605, + -0.10418432950973511, + 1.190292477607727, + 0.012850606814026833, + -0.216265469789505, + -0.0034653618931770325, + 0.029091574251651764, + -0.10419441014528275, + -0.003147573210299015, + -0.1899513602256775, + 2.235464572906494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/33.png", + [ + 0.195266991853714, + -0.012397067621350288, + -0.09308602660894394, + 1.0096415281295776, + -0.014321212656795979, + -0.21619723737239838, + -0.001248829415999353, + -0.02413950487971306, + -0.09280947595834732, + 0.007278010249137878, + -0.19565613567829132, + 2.069309711456299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/118.png", + [ + 0.18788889050483704, + 0.013964660465717316, + -0.107007697224617, + 1.2271080017089844, + 0.014725892804563046, + -0.2161608338356018, + -0.0023529278114438057, + 0.014699075371026993, + -0.10690559446811676, + -0.005232243798673153, + -0.18839244544506073, + 2.2269935607910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/110.png", + [ + 0.18901899456977844, + 0.012124624103307724, + -0.10522691160440445, + 1.1895066499710083, + 0.00828314758837223, + -0.21628324687480927, + -0.010041926056146622, + 0.10672563314437866, + -0.10559876263141632, + 0.004737542942166328, + -0.18914107978343964, + 2.2000770568847656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/18.png", + [ + 0.18432575464248657, + -0.0038648017216473818, + -0.11382871121168137, + 1.2298165559768677, + -0.005113556049764156, + -0.216612309217453, + -0.000925921369343996, + 0.0016937851905822754, + -0.11377944052219391, + 0.0034740602131932974, + -0.1843639314174652, + 2.0473122596740723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/16.png", + [ + 0.18359988927841187, + -0.0013083775993436575, + -0.11505330353975296, + 1.2201026678085327, + -0.0025936970487236977, + -0.21665261685848236, + -0.0016752146184444427, + 0.008990898728370667, + -0.11503151059150696, + 0.002796740736812353, + -0.1835968941450119, + 1.9903067350387573, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/94.png", + [ + 0.18278919160366058, + 0.0006904146866872907, + -0.11634228378534317, + 1.153812050819397, + -0.00915683712810278, + -0.215913325548172, + -0.015667909756302834, + 0.12995269894599915, + -0.11598342657089233, + 0.01813434436917305, + -0.182117760181427, + 1.7911633253097534, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/28.png", + [ + 0.18367569148540497, + -0.005392857361584902, + -0.11481311172246933, + 1.2790168523788452, + -0.009168335236608982, + -0.21643377840518951, + -0.004501262214034796, + 0.042566340416669846, + -0.11457343399524689, + 0.008673916570842266, + -0.18369971215724945, + 2.102247714996338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/132.png", + [ + 0.19148750603199005, + 0.016968021169304848, + -0.09996254742145538, + 1.1403169631958008, + 0.014407346956431866, + -0.21600490808486938, + -0.00906688068062067, + 0.09264808893203735, + -0.10036361217498779, + 0.0013661014381796122, + -0.1920238882303238, + 2.241708278656006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/123.png", + [ + 0.18873031437397003, + 0.01378425769507885, + -0.10554032027721405, + 1.2118401527404785, + 0.013214445672929287, + -0.21622218191623688, + -0.004609574563801289, + 0.04154451563954353, + -0.10561317950487137, + -0.0024215595331043005, + -0.18917687237262726, + 2.2364001274108887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/10.png", + [ + 0.1969022899866104, + 0.002360147889703512, + -0.09039807319641113, + 0.940296471118927, + -0.001556367613375187, + -0.2164802998304367, + -0.0090419827029109, + 0.05195373669266701, + -0.09041547775268555, + 0.008866196498274803, + -0.19670872390270233, + 1.9058843851089478, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/91.png", + [ + 0.18108585476875305, + -0.00200197147205472, + -0.11896131187677383, + 1.0922473669052124, + -0.014118991792201996, + -0.21547472476959229, + -0.0178661048412323, + 0.12381689250469208, + -0.11813745647668839, + 0.022683383896946907, + -0.18021348118782043, + 1.615071415901184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/140.png", + [ + 0.19126072525978088, + 0.01938667707145214, + -0.09995689988136292, + 1.153476595878601, + 0.019635703414678574, + -0.21574079990386963, + -0.004271423909813166, + 0.03656657412648201, + -0.09990827739238739, + -0.0052879671566188335, + -0.19219331443309784, + 2.281437397003174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/23.png", + [ + 0.18522922694683075, + -0.003461384680122137, + -0.11236567795276642, + 1.2460068464279175, + -0.006106262560933828, + -0.21656197309494019, + -0.0033947560004889965, + 0.029089156538248062, + -0.11225302517414093, + 0.006068741902709007, + -0.18523044884204865, + 2.1090965270996094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/36.png", + [ + 0.19295884668827057, + -0.007071373052895069, + -0.09830958396196365, + 0.956183671951294, + -0.005949229467660189, + -0.2165578305721283, + 0.0038999721873551607, + -0.1124986857175827, + -0.09838386625051498, + -0.0007738223648630083, + -0.19304898381233215, + 1.6856613159179688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/8.png", + [ + 0.19714321196079254, + 0.0017854147590696812, + -0.0898846983909607, + 0.9650736451148987, + -0.0014122248394414783, + -0.21654365956783295, + -0.007398711051791906, + 0.04092004522681236, + -0.08989132940769196, + 0.0073176221922039986, + -0.19701242446899414, + 1.9946950674057007, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/6.png", + [ + 0.18979375064373016, + -0.00029225496109575033, + -0.10452817380428314, + 1.1487281322479248, + -0.004178306553512812, + -0.21652182936668396, + -0.006981245707720518, + 0.04790150746703148, + -0.10444504767656326, + 0.008130844682455063, + -0.1896655410528183, + 2.050327777862549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/154.png", + [ + 0.19467449188232422, + 0.03564288094639778, + -0.08820042014122009, + 0.9870761632919312, + 0.030537448823451996, + -0.21367359161376953, + -0.018946396186947823, + 0.2014472782611847, + -0.09009546786546707, + 0.004591978155076504, + -0.19700156152248383, + 2.2632761001586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/20.png", + [ + 0.18633107841014862, + -0.0025719425175338984, + -0.11055322736501694, + 1.2077100276947021, + -0.004834999330341816, + -0.21659834682941437, + -0.0031101051717996597, + 0.025765124708414078, + -0.11047738045454025, + 0.005141506437212229, + -0.18632285296916962, + 2.0908961296081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/2.png", + [ + 0.18792632222175598, + 0.000378963042749092, + -0.10784919559955597, + 1.207922339439392, + -0.0011960213305428624, + -0.21665263175964355, + -0.002845336217433214, + 0.022635728120803833, + -0.10784322768449783, + 0.0030631348490715027, + -0.18790514767169952, + 2.1563496589660645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/117.png", + [ + 0.18829505145549774, + 0.012326383963227272, + -0.10649378597736359, + 1.218306064605713, + 0.012917361222207546, + -0.21627812087535858, + -0.002194043016061187, + 0.012720931321382523, + -0.10642372071743011, + -0.0044421046040952206, + -0.1886853277683258, + 2.2265748977661133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/149.png", + [ + 0.1968407779932022, + 0.028137847781181335, + -0.08608055114746094, + 0.9758321642875671, + 0.02199913188815117, + -0.21463854610919952, + -0.019855137914419174, + 0.22093436121940613, + -0.08785009384155273, + 0.009297829121351242, + -0.19784794747829437, + 2.292189121246338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/5.png", + [ + 0.1876300871372223, + 0.002687121042981744, + -0.10833105444908142, + 1.2032307386398315, + 5.0878821639344096e-05, + -0.21661017835140228, + -0.005284831393510103, + 0.0373883880674839, + -0.10836436599493027, + 0.004550979007035494, + -0.18757490813732147, + 2.076357364654541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/108.png", + [ + 0.1884123682975769, + 0.009496479295194149, + -0.10657621175050735, + 1.1977031230926514, + 0.004856284707784653, + -0.21635612845420837, + -0.010693168267607689, + 0.11288820207118988, + -0.10688821226358414, + 0.006909719668328762, + -0.18834824860095978, + 2.177128791809082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/147.png", + [ + 0.19754929840564728, + 0.02381904236972332, + -0.08576023578643799, + 0.9794446229934692, + 0.018888160586357117, + -0.21523568034172058, + -0.01627054065465927, + 0.17943468689918518, + -0.08697932213544846, + 0.007358411327004433, + -0.19831375777721405, + 2.313239097595215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/30.png", + [ + 0.18696902692317963, + -0.0076926518231630325, + -0.10923048853874207, + 1.2158896923065186, + -0.01088191382586956, + -0.21637468039989471, + -0.0033881175331771374, + 0.027660418301820755, + -0.10895901173353195, + 0.008409429341554642, + -0.18709653615951538, + 2.118786334991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/17.png", + [ + 0.18416348099708557, + -0.0023349516559392214, + -0.11413263529539108, + 1.2226241827011108, + -0.0034696203656494617, + -0.21664373576641083, + -0.00116640399210155, + 0.004269309341907501, + -0.1141037866473198, + 0.0028190012089908123, + -0.1841745674610138, + 2.0253329277038574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/12.png", + [ + 0.1920960694551468, + 0.0025159334763884544, + -0.10020305216312408, + 1.0252368450164795, + -0.0018185338703915477, + -0.2164832353591919, + -0.0089217908680439, + 0.06182229146361351, + -0.10021814703941345, + 0.008750742301344872, + -0.19190530478954315, + 1.8954147100448608, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/114.png", + [ + 0.1900143325328827, + 0.01428175624459982, + -0.10314298421144485, + 1.1795421838760376, + 0.01270141452550888, + -0.2162032276391983, + -0.006537633016705513, + 0.06812708079814911, + -0.10334949940443039, + -0.0003129927790723741, + -0.19043812155723572, + 2.2392983436584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/27.png", + [ + 0.18518401682376862, + -0.0043698688969016075, + -0.11240849643945694, + 1.2519375085830688, + -0.006620775442570448, + -0.21655914187431335, + -0.0024884846061468124, + 0.01507052406668663, + -0.1122983917593956, + 0.005561606492847204, + -0.18521887063980103, + 2.119394302368164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/7.png", + [ + 0.19483548402786255, + 0.003841323545202613, + -0.09472207725048065, + 1.0318365097045898, + 0.0006968849920667708, + -0.2165488600730896, + -0.007348407991230488, + 0.047243837267160416, + -0.09479737281799316, + 0.006303093396127224, + -0.19473473727703094, + 2.035928726196289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/73.png", + [ + 0.17980965971946716, + -0.003575720125809312, + -0.12084534019231796, + 1.200886607170105, + -0.020378731191158295, + -0.2143772691488266, + -0.023978909477591515, + 0.21865206956863403, + -0.11916833370923996, + 0.03126491606235504, + -0.17823947966098785, + 1.785456657409668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/120.png", + [ + 0.18753205239772797, + 0.01272289827466011, + -0.1077856793999672, + 1.234910488128662, + 0.011351745575666428, + -0.21629983186721802, + -0.005781329236924648, + 0.05319150909781456, + -0.10793870687484741, + -0.0006432263180613518, + -0.1878742128610611, + 2.2209391593933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/127.png", + [ + 0.1899435669183731, + 0.01479948777705431, + -0.10320033133029938, + 1.1826311349868774, + 0.013120634481310844, + -0.21616847813129425, + -0.006850779987871647, + 0.06629407405853271, + -0.10342719405889511, + -0.00024364837736357003, + -0.1903960406780243, + 2.2343292236328125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/133.png", + [ + 0.19321009516716003, + 0.015577859245240688, + -0.09682503342628479, + 1.1022647619247437, + 0.013317792676389217, + -0.21610967814922333, + -0.008194100111722946, + 0.08349981904029846, + -0.0971616879105568, + 0.0013554301112890244, + -0.1936637908220291, + 2.2561583518981934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/113.png", + [ + 0.18910016119480133, + 0.014521857723593712, + -0.10477660596370697, + 1.19405198097229, + 0.012425637803971767, + -0.21618668735027313, + -0.007537388242781162, + 0.08163970708847046, + -0.10504583269357681, + 0.0005695418221876025, + -0.18950709700584412, + 2.2265682220458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/126.png", + [ + 0.1895051747560501, + 0.015193506143987179, + -0.10394635051488876, + 1.1930146217346191, + 0.012809005565941334, + -0.21613866090774536, + -0.008240127936005592, + 0.08370022475719452, + -0.10426703095436096, + 0.0010619492968544364, + -0.1899345964193344, + 2.2331223487854004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/29.png", + [ + 0.18329909443855286, + -0.004688241984695196, + -0.1154441311955452, + 1.2879709005355835, + -0.006835185922682285, + -0.21655701100826263, + -0.002058240585029125, + 0.01566965878009796, + -0.11533693969249725, + 0.0053829834796488285, + -0.18334750831127167, + 2.0972900390625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/4.png", + [ + 0.18620182573795319, + 0.001378438901156187, + -0.11079203337430954, + 1.239425778388977, + 0.0007989575387910008, + -0.21666894853115082, + -0.0013529639691114426, + -0.0009496435523033142, + -0.11079775542020798, + 0.0007541555096395314, + -0.1862020194530487, + 2.1047306060791016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/9.png", + [ + 0.19727720320224762, + 0.001549147767946124, + -0.08959468454122543, + 0.9501482248306274, + -0.0018300038063898683, + -0.21652740240097046, + -0.007773351389914751, + 0.04047064855694771, + -0.08958937972784042, + 0.007834158837795258, + -0.19713006913661957, + 1.9490300416946411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/25.png", + [ + 0.1870558112859726, + -0.004276104271411896, + -0.10926908254623413, + 1.2154078483581543, + -0.006836541462689638, + -0.21654267609119415, + -0.0032292373944073915, + 0.024963241070508957, + -0.10913880169391632, + 0.006235480308532715, + -0.18707680702209473, + 2.1371259689331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/99.png", + [ + 0.18771646916866302, + 0.004682636354118586, + -0.10811333358287811, + 1.137351155281067, + -5.634161425405182e-05, + -0.21646742522716522, + -0.009473524987697601, + 0.08585572242736816, + -0.10821468383073807, + 0.008235519751906395, + -0.18753573298454285, + 1.978713870048523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/34.png", + [ + 0.19776584208011627, + -0.01197803858667612, + -0.08771023899316788, + 0.9314978718757629, + -0.014829597435891628, + -0.21613097190856934, + -0.003921584226191044, + -0.0142167117446661, + -0.08727337419986725, + 0.00958240032196045, + -0.19808943569660187, + 1.997482419013977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/72.png", + [ + 0.17893217504024506, + -0.0037239957600831985, + -0.12213638424873352, + 1.1959832906723022, + -0.020889412611722946, + -0.21431803703308105, + -0.024068742990493774, + 0.2161681354045868, + -0.12039432674646378, + 0.03165128827095032, + -0.17734511196613312, + 1.7518142461776733, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/102.png", + [ + 0.18550638854503632, + 0.006881226319819689, + -0.11174934357404709, + 1.2140737771987915, + 0.0037368666380643845, + -0.21652504801750183, + -0.007129755336791277, + 0.06978268921375275, + -0.11189862340688705, + 0.004176875576376915, + -0.18549703061580658, + 2.0606689453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/134.png", + [ + 0.19117946922779083, + 0.016140034422278404, + -0.1006866842508316, + 1.1489959955215454, + 0.014130384661257267, + -0.2160724401473999, + -0.007806164212524891, + 0.0788581371307373, + -0.10098833590745926, + 0.0003213885647710413, + -0.19170068204402924, + 2.243643283843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/70.png", + [ + 0.18549758195877075, + -0.0015919780125841498, + -0.11196429282426834, + 1.0596554279327393, + -0.014739307574927807, + -0.2151147723197937, + -0.021360812708735466, + 0.15868623554706573, + -0.11100130528211594, + 0.02590361423790455, + -0.1842704862356186, + 1.6905250549316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/135.png", + [ + 0.19412074983119965, + 0.016465581953525543, + -0.09483624249696732, + 1.0812948942184448, + 0.014198237098753452, + -0.2160438597202301, + -0.008447355590760708, + 0.08603955805301666, + -0.09520209580659866, + 0.001353641739115119, + -0.1946345865726471, + 2.2745628356933594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/130.png", + [ + 0.19007930159568787, + 0.014592881314456463, + -0.1029796153306961, + 1.1765519380569458, + 0.013334003277122974, + -0.21618010103702545, + -0.006022283341735601, + 0.05735268071293831, + -0.10315017402172089, + -0.001054203137755394, + -0.1905435025691986, + 2.2282352447509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/90.png", + [ + 0.1859973520040512, + -0.0014415186597034335, + -0.11113417148590088, + 0.9938336610794067, + -0.010493465699255466, + -0.21591638028621674, + -0.01476152054965496, + 0.08135998249053955, + -0.110647052526474, + 0.018053734675049782, + -0.18541626632213593, + 1.5787218809127808, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/122.png", + [ + 0.18825846910476685, + 0.014179110527038574, + -0.10632780194282532, + 1.219342589378357, + 0.014103523455560207, + -0.2161807268857956, + -0.003857341129332781, + 0.03089762106537819, + -0.10633786022663116, + -0.003569497726857662, + -0.18875226378440857, + 2.231107711791992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/15.png", + [ + 0.18616867065429688, + -0.0010370356030762196, + -0.1108514592051506, + 1.1605627536773682, + -0.003009908366948366, + -0.21663255989551544, + -0.0030283313244581223, + 0.020941801369190216, + -0.11081542819738388, + 0.004141847603023052, + -0.18614692986011505, + 1.9800869226455688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/22.png", + [ + 0.18747210502624512, + -0.0042086937464773655, + -0.10855594277381897, + 1.1963400840759277, + -0.0067690215073525906, + -0.21654382348060608, + -0.0032944870181381702, + 0.02751445397734642, + -0.10842640697956085, + 0.006241810508072376, + -0.18749040365219116, + 2.125051498413086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/138.png", + [ + 0.19156678020954132, + 0.017684103921055794, + -0.09968619048595428, + 1.1448681354522705, + 0.01532513927668333, + -0.2159503698348999, + -0.008858808316290379, + 0.09232093393802643, + -0.10007599741220474, + 0.0007815794670023024, + -0.19217722117900848, + 2.2727718353271484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/109.png", + [ + 0.1889326423406601, + 0.010623467154800892, + -0.1055438295006752, + 1.1899383068084717, + 0.006319808308035135, + -0.2163296490907669, + -0.010461559519171715, + 0.11053332686424255, + -0.10588870942592621, + 0.00604368606582284, + -0.18894165754318237, + 2.1924948692321777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/26.png", + [ + 0.18444034457206726, + -0.0038733871188014746, + -0.11364264041185379, + 1.2664272785186768, + -0.0069612436927855015, + -0.2165273278951645, + -0.003917894326150417, + 0.032422397285699844, + -0.1134953573346138, + 0.006986105814576149, + -0.18443940579891205, + 2.1120247840881348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/136.png", + [ + 0.19120310246944427, + 0.016390088945627213, + -0.10060139000415802, + 1.1486520767211914, + 0.0129171721637249, + -0.2160271406173706, + -0.010644991882145405, + 0.11220225691795349, + -0.10110599547624588, + 0.0033961967565119267, + -0.19160881638526917, + 2.250171661376953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/89.png", + [ + 0.1917574405670166, + -0.0025467569939792156, + -0.10084887593984604, + 0.8890182971954346, + -0.009887278079986572, + -0.21603716909885406, + -0.013344372622668743, + 0.04895612969994545, + -0.1003953218460083, + 0.01641171984374523, + -0.19130949676036835, + 1.5443840026855469, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/88.png", + [ + 0.18992161750793457, + -0.006139852572232485, + -0.10411518067121506, + 0.9158214330673218, + -0.01183047704398632, + -0.2161710411310196, + -0.00883257482200861, + -0.0024367589503526688, + -0.1036229282617569, + 0.013426718302071095, + -0.1898154467344284, + 1.4838567972183228, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/146.png", + [ + 0.19776444137096405, + 0.022491497918963432, + -0.08562272042036057, + 0.9804911017417908, + 0.019276799634099007, + -0.21547719836235046, + -0.012077855877578259, + 0.12944938242435455, + -0.0864032655954361, + 0.003406205680221319, + -0.19867251813411713, + 2.3215770721435547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/119.png", + [ + 0.18765483796596527, + 0.01499229297041893, + -0.10727901011705399, + 1.228887677192688, + 0.015294252894818783, + -0.21610665321350098, + -0.003447961062192917, + 0.025619369000196457, + -0.10723638534545898, + -0.00458625890314579, + -0.18822120130062103, + 2.226902484893799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/145.png", + [ + 0.19547411799430847, + 0.020809544250369072, + -0.09113024920225143, + 1.0472264289855957, + 0.018120817840099335, + -0.2156660109758377, + -0.010378113947808743, + 0.10974285006523132, + -0.09170275926589966, + 0.0017413112800568342, + -0.1963045299053192, + 2.306206226348877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/116.png", + [ + 0.1889292597770691, + 0.013960478827357292, + -0.10516053438186646, + 1.20188570022583, + 0.014857818372547626, + -0.21615533530712128, + -0.002002227818593383, + 0.010055020451545715, + -0.10503751039505005, + -0.005465230438858271, + -0.189433753490448, + 2.2324395179748535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/19.png", + [ + 0.18462491035461426, + -0.002677574288100004, + -0.11337709426879883, + 1.2330313920974731, + -0.004373826552182436, + -0.21662119030952454, + -0.0020065598655492067, + 0.013791568577289581, + -0.11332433670759201, + 0.003998403903096914, + -0.18463343381881714, + 2.0632200241088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/77.png", + [ + 0.1933981329202652, + -0.0031480344478040934, + -0.09764808416366577, + 0.9496144652366638, + -0.013260511681437492, + -0.21540386974811554, + -0.0193189587444067, + 0.11634814739227295, + -0.09679470956325531, + 0.023219674825668335, + -0.19245657324790955, + 1.732242465019226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/143.png", + [ + 0.19231341779232025, + 0.02184714749455452, + -0.0973968356847763, + 1.124462366104126, + 0.021900231018662453, + -0.2155047506093979, + -0.005097248125821352, + 0.04616626724600792, + -0.09738490730524063, + -0.005320160649716854, + -0.19348324835300446, + 2.2881741523742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/1.png", + [ + 0.18894538283348083, + 0.0004128224973101169, + -0.10605360567569733, + 1.1867409944534302, + -0.0008991385693661869, + -0.21665897965431213, + -0.0024452712386846542, + 0.019625622779130936, + -0.10605059564113617, + 0.0025724272709339857, + -0.18893001973628998, + 2.168478012084961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/95.png", + [ + 0.1850905567407608, + 0.0011584326857700944, + -0.11264119297266006, + 1.1371675729751587, + -0.007224034518003464, + -0.21609513461589813, + -0.014092819765210152, + 0.11780509352684021, + -0.11241528391838074, + 0.01579405926167965, + -0.18455690145492554, + 1.8426662683486938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/103.png", + [ + 0.18613332509994507, + 0.00817076489329338, + -0.11061427742242813, + 1.2127918004989624, + 0.0045321243815124035, + -0.21646571159362793, + -0.008363398723304272, + 0.08437210321426392, + -0.11082299053668976, + 0.0048708501271903515, + -0.1861247718334198, + 2.089911460876465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/150.png", + [ + 0.19746091961860657, + 0.027572786435484886, + -0.08483409136533737, + 0.9572440385818481, + 0.021640179678797722, + -0.2147151231765747, + -0.019416775554418564, + 0.2148096114397049, + -0.08653776347637177, + 0.009222257882356644, + -0.19842898845672607, + 2.2906198501586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/142.png", + [ + 0.19185884296894073, + 0.018186774104833603, + -0.09903189539909363, + 1.1455258131027222, + 0.018979238346219063, + -0.21582280099391937, + -0.002865601098164916, + 0.021122731268405914, + -0.09888308495283127, + -0.0061371224001049995, + -0.19269759953022003, + 2.2856974601745605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/128.png", + [ + 0.19046299159526825, + 0.014138517901301384, + -0.10233201831579208, + 1.1701661348342896, + 0.012316601350903511, + -0.2162126749753952, + -0.006948655005544424, + 0.06738916039466858, + -0.10256724804639816, + 0.00029112494667060673, + -0.1908605992794037, + 2.2307333946228027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+sgjIxRD_eSQ+P0+C1+F586-744/93.png", + [ + 0.18287420272827148, + -0.0020621176809072495, + -0.11619241535663605, + 1.1276259422302246, + -0.012581855989992619, + -0.21571840345859528, + -0.01597401686012745, + 0.1282828003168106, + -0.11552762240171432, + 0.020229186862707138, + -0.18218685686588287, + 1.7557543516159058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/76.png", + [ + 0.21465447545051575, + 0.012024148367345333, + -0.026958608999848366, + 0.31626731157302856, + 0.010107791982591152, + -0.2158614844083786, + -0.015797089785337448, + 0.18775445222854614, + -0.02773408219218254, + 0.01439219806343317, + -0.21440985798835754, + 2.5682249069213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/48.png", + [ + 0.2155207395553589, + 0.014572950080037117, + -0.016921376809477806, + 0.20369519293308258, + 0.012559032998979092, + -0.21485209465026855, + -0.025074632838368416, + 0.30683818459510803, + -0.018465494737029076, + 0.02396029233932495, + -0.2145526111125946, + 2.5943665504455566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/137.png", + [ + 0.21586085855960846, + 0.007345863152295351, + -0.017263244837522507, + 0.20587903261184692, + 0.0054047792218625546, + -0.2152712047100067, + -0.024020535871386528, + 0.27723899483680725, + -0.01796579174697399, + 0.02349970117211342, + -0.21464596688747406, + 2.576749801635742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/173.png", + [ + 0.21555328369140625, + 0.0047515081241726875, + -0.02149658277630806, + 0.25914883613586426, + 0.0027764197438955307, + -0.21574582159519196, + -0.019847415387630463, + 0.2277837097644806, + -0.021839676424860954, + 0.0194692462682724, + -0.2146901935338974, + 2.59287166595459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/35.png", + [ + 0.2158205211162567, + 0.01621057465672493, + -0.010325501672923565, + 0.12197083234786987, + 0.01548825390636921, + -0.21561473608016968, + -0.014774709939956665, + 0.18167567253112793, + -0.01138036884367466, + 0.013978386297821999, + -0.21592356264591217, + 2.595961570739746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/124.png", + [ + 0.2161410003900528, + 0.002165767829865217, + -0.015042288228869438, + 0.17954173684120178, + 0.00035931236925534904, + -0.21513144671916962, + -0.02581140398979187, + 0.2983516752719879, + -0.015193154104053974, + 0.025722891092300415, + -0.2146052122116089, + 2.579068660736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/97.png", + [ + 0.2159198671579361, + 0.009746324270963669, + -0.015215687453746796, + 0.17930401861667633, + 0.00764827337116003, + -0.2145988494157791, + -0.02892645075917244, + 0.33230823278427124, + -0.016371069476008415, + 0.028288597241044044, + -0.21419532597064972, + 2.5351433753967285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/155.png", + [ + 0.21611739695072174, + 0.00112339376937598, + -0.015488600358366966, + 0.18429523706436157, + -0.0006351828924380243, + -0.21528664231300354, + -0.024477722123265266, + 0.28180766105651855, + -0.015516291372478008, + 0.02446017973124981, + -0.2147296965122223, + 2.5807242393493652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/13.png", + [ + 0.21586847305297852, + 0.011151778511703014, + -0.0149776516482234, + 0.17815275490283966, + 0.009486463852226734, + -0.21518799662590027, + -0.02349504828453064, + 0.2911199629306793, + -0.016084128990769386, + 0.022751882672309875, + -0.21487565338611603, + 2.5963029861450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/32.png", + [ + 0.21586191654205322, + 0.015507477335631847, + -0.0105379493907094, + 0.1247871145606041, + 0.01471601240336895, + -0.21559470891952515, + -0.015819348394870758, + 0.19367647171020508, + -0.011617625132203102, + 0.015044299885630608, + -0.21583928167819977, + 2.588752269744873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/158.png", + [ + 0.21611960232257843, + -0.0045471168123185635, + -0.014816693030297756, + 0.17722663283348083, + -0.00652977405115962, + -0.21457220613956451, + -0.029394369572401047, + 0.3403452932834625, + -0.01405605673789978, + 0.029765596613287926, + -0.21415960788726807, + 2.572901725769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/38.png", + [ + 0.21579812467098236, + 0.015123005025088787, + -0.012262041680514812, + 0.14570903778076172, + 0.014176677912473679, + -0.21558785438537598, + -0.016394926235079765, + 0.20061229169368744, + -0.013344839215278625, + 0.015526318922638893, + -0.21570523083209991, + 2.5937156677246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/148.png", + [ + 0.21611551940441132, + 0.0068730199709534645, + -0.013954601250588894, + 0.16424737870693207, + 0.005457798484712839, + -0.2155235856771469, + -0.021626070141792297, + 0.251619815826416, + -0.014566459693014622, + 0.021218769252300262, + -0.21514058113098145, + 2.6037683486938477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/111.png", + [ + 0.21610477566719055, + 0.009623900055885315, + -0.012409581802785397, + 0.1468428671360016, + 0.00781780481338501, + -0.21442440152168274, + -0.030148813501000404, + 0.3486107885837555, + -0.013619804754853249, + 0.029621776193380356, + -0.2142077088356018, + 2.557389736175537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/164.png", + [ + 0.21580341458320618, + -0.006074126809835434, + -0.018436118960380554, + 0.22064568102359772, + -0.008397935889661312, + -0.2147521674633026, + -0.02754760906100273, + 0.3218015432357788, + -0.017500290647149086, + 0.02815139666199684, + -0.21412411332130432, + 2.5832748413085938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/11.png", + [ + 0.21578876674175262, + 0.010954158380627632, + -0.01622074656188488, + 0.19221925735473633, + 0.008985918946564198, + -0.21496589481830597, + -0.02562829479575157, + 0.3166208863258362, + -0.017388485372066498, + 0.024850809946656227, + -0.21454130113124847, + 2.583616256713867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/125.png", + [ + 0.21610932052135468, + 0.0027734709437936544, + -0.015393704175949097, + 0.18376626074314117, + 0.0009542476036585867, + -0.21518181264400482, + -0.02537262998521328, + 0.29242196679115295, + -0.015612420625984669, + 0.025238636881113052, + -0.21463261544704437, + 2.577890396118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/59.png", + [ + 0.21524177491664886, + 0.01599082164466381, + -0.01905677281320095, + 0.22681014239788055, + 0.013626251369714737, + -0.21465125679969788, + -0.026211779564619064, + 0.3192886710166931, + -0.020813273265957832, + 0.02484000101685524, + -0.21423743665218353, + 2.5882568359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/105.png", + [ + 0.21588094532489777, + 0.011920593678951263, + -0.014185163192451, + 0.16481426358222961, + 0.009694435633718967, + -0.21403047442436218, + -0.03232439607381821, + 0.37039029598236084, + -0.015790419653058052, + 0.03157131373882294, + -0.21377982199192047, + 2.5309829711914062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/121.png", + [ + 0.2161324918270111, + 0.0042630089446902275, + -0.014712889678776264, + 0.17700551450252533, + 0.0023642280139029026, + -0.21490463614463806, + -0.027537351474165916, + 0.3194652795791626, + -0.01513449102640152, + 0.027307914569973946, + -0.21441341936588287, + 2.58748197555542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/175.png", + [ + 0.21534228324890137, + 0.008219441398978233, + -0.022539693862199783, + 0.26893919706344604, + 0.006388912443071604, + -0.2158578485250473, + -0.01767672970890999, + 0.2014380246400833, + -0.023125285282731056, + 0.016903424635529518, + -0.21477288007736206, + 2.585625648498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/24.png", + [ + 0.216106116771698, + 0.013094315305352211, + -0.00863600242882967, + 0.10190999507904053, + 0.012203693389892578, + -0.21530234813690186, + -0.021068017929792404, + 0.25977563858032227, + -0.0098545141518116, + 0.02052633836865425, + -0.2154749482870102, + 2.5834150314331055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/74.png", + [ + 0.2145157754421234, + 0.01225836668163538, + -0.02793937362730503, + 0.32828736305236816, + 0.009902781806886196, + -0.21564902365207672, + -0.0185831468552351, + 0.22115600109100342, + -0.028858467936515808, + 0.01712106727063656, + -0.21406063437461853, + 2.56058406829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/129.png", + [ + 0.21594977378845215, + 0.005314663518220186, + -0.016892148181796074, + 0.20086567103862762, + 0.0034208688884973526, + -0.21531306207180023, + -0.024010006338357925, + 0.2767042815685272, + -0.017374927178025246, + 0.0236629918217659, + -0.2146766483783722, + 2.574167251586914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/172.png", + [ + 0.2157038152217865, + 0.002833352657034993, + -0.020291265100240707, + 0.24479708075523376, + 0.0008702836348675191, + -0.21566613018512726, + -0.020862897858023643, + 0.24040961265563965, + -0.020469635725021362, + 0.020687919110059738, + -0.21471120417118073, + 2.5973448753356934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/153.png", + [ + 0.21602648496627808, + 0.0027640783227980137, + -0.0165169108659029, + 0.1969355344772339, + 0.0011505591683089733, + -0.2156476080417633, + -0.021039996296167374, + 0.24189132452011108, + -0.016707027330994606, + 0.02088935300707817, + -0.21501721441745758, + 2.5913920402526855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/144.png", + [ + 0.2159913331270218, + 0.007693527732044458, + -0.015377113595604897, + 0.18171097338199615, + 0.00635639438405633, + -0.21577487885951996, + -0.01867346651852131, + 0.21414318680763245, + -0.015976304188370705, + 0.018163472414016724, + -0.21532009541988373, + 2.5986266136169434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/98.png", + [ + 0.21600808203220367, + 0.009310214780271053, + -0.014203090220689774, + 0.16810160875320435, + 0.007299040909856558, + -0.2145177572965622, + -0.029610075056552887, + 0.33917632699012756, + -0.015334011986851692, + 0.029040532186627388, + -0.21417145431041718, + 2.5320677757263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/0.png", + [ + 0.21467018127441406, + 0.012861187569797039, + -0.026442265138030052, + 0.3141592741012573, + 0.010017176158726215, + -0.2151811122894287, + -0.02333747036755085, + 0.28645771741867065, + -0.027645248919725418, + 0.021899115294218063, + -0.2137850821018219, + 2.5763721466064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/163.png", + [ + 0.21583865582942963, + -0.005488551687449217, + -0.018205638974905014, + 0.21953238546848297, + -0.007932577282190323, + -0.21452820301055908, + -0.029370443895459175, + 0.34250786900520325, + -0.017281310632824898, + 0.02992364391684532, + -0.21390146017074585, + 2.5769925117492676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/96.png", + [ + 0.21578213572502136, + 0.010079869069159031, + -0.016863331198692322, + 0.19961193203926086, + 0.007890183478593826, + -0.21478720009326935, + -0.027424369007349014, + 0.31613075733184814, + -0.017992237582802773, + 0.026697328314185143, + -0.2142695188522339, + 2.54325532913208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/100.png", + [ + 0.21600733697414398, + 0.011187230236828327, + -0.012789289467036724, + 0.1511736810207367, + 0.009282268583774567, + -0.2142915576696396, + -0.030673395842313766, + 0.35012495517730713, + -0.014232340268790722, + 0.03003104031085968, + -0.21411088109016418, + 2.529489040374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/40.png", + [ + 0.2156330943107605, + 0.016493435949087143, + -0.01335027813911438, + 0.1582454890012741, + 0.015436374582350254, + -0.2154649794101715, + -0.016865910962224007, + 0.20657816529273987, + -0.014559592120349407, + 0.015833737328648567, + -0.2156042903661728, + 2.5889129638671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/141.png", + [ + 0.21594658493995667, + 0.007664645090699196, + -0.01600705087184906, + 0.1896660029888153, + 0.006142475642263889, + -0.21562640368938446, + -0.02038184367120266, + 0.2337755262851715, + -0.016650600358843803, + 0.01985957659780979, + -0.2151191532611847, + 2.5879855155944824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/52.png", + [ + 0.2155032753944397, + 0.0165837612003088, + -0.015205788426101208, + 0.18046852946281433, + 0.01468362845480442, + -0.21461237967014313, + -0.025957869365811348, + 0.3186558783054352, + -0.01704781875014305, + 0.024787070229649544, + -0.21457603573799133, + 2.593212127685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/3.png", + [ + 0.21498331427574158, + 0.012326114811003208, + -0.024044526740908623, + 0.2864367365837097, + 0.0091550899669528, + -0.21463967859745026, + -0.028176121413707733, + 0.34275931119918823, + -0.02542157843708992, + 0.02694023959338665, + -0.21348504722118378, + 2.5717616081237793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/47.png", + [ + 0.2156841903924942, + 0.01344059407711029, + -0.015734335407614708, + 0.1889813244342804, + 0.011688991449773312, + -0.21507969498634338, + -0.023494351655244827, + 0.28760531544685364, + -0.017075898125767708, + 0.022538134828209877, + -0.21482163667678833, + 2.5908141136169434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/104.png", + [ + 0.2158137708902359, + 0.013036089017987251, + -0.014225798659026623, + 0.16564244031906128, + 0.010786006227135658, + -0.2139611542224884, + -0.03243737667798996, + 0.3718113899230957, + -0.015999220311641693, + 0.03160034865140915, + -0.21376000344753265, + 2.528106689453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/21.png", + [ + 0.2159985899925232, + 0.012813457287847996, + -0.01132785715162754, + 0.13728994131088257, + 0.011654544621706009, + -0.2153082638978958, + -0.021317148581147194, + 0.2614436447620392, + -0.01251705177128315, + 0.020641328766942024, + -0.21532569825649261, + 2.5872621536254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/82.png", + [ + 0.21546074748039246, + 0.009496827609837055, + -0.020841332152485847, + 0.24714244902133942, + 0.00735126156359911, + -0.21541312336921692, + -0.022159472107887268, + 0.2574335038661957, + -0.02169124037027359, + 0.021328235045075417, + -0.21452854573726654, + 2.567862033843994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/106.png", + [ + 0.21582435071468353, + 0.013289907947182655, + -0.013824730180203915, + 0.16055607795715332, + 0.011121189221739769, + -0.21399511396884918, + -0.03209841996431351, + 0.3696063458919525, + -0.015622547827661037, + 0.03126288205385208, + -0.21383747458457947, + 2.5358123779296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/14.png", + [ + 0.21592625975608826, + 0.01207001693546772, + -0.013344033621251583, + 0.15970301628112793, + 0.010567598044872284, + -0.2151273787021637, + -0.023588772863149643, + 0.29135575890541077, + -0.014562775380909443, + 0.022856488823890686, + -0.21497301757335663, + 2.596719264984131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/67.png", + [ + 0.21486029028892517, + 0.012914154678583145, + -0.024823011830449104, + 0.2892652750015259, + 0.01063972245901823, + -0.21548597514629364, + -0.020012283697724342, + 0.24025774002075195, + -0.025879599153995514, + 0.018625782802700996, + -0.21431569755077362, + 2.546743392944336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/78.png", + [ + 0.21496731042861938, + 0.01181930024176836, + -0.024438869208097458, + 0.28703418374061584, + 0.009721288457512856, + -0.21564023196697235, + -0.0187798161059618, + 0.22247779369354248, + -0.02534661442041397, + 0.017535366117954254, + -0.21447134017944336, + 2.57315731048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/31.png", + [ + 0.21585087478160858, + 0.01496803667396307, + -0.011500297114253044, + 0.1378251314163208, + 0.01409594900906086, + -0.21561798453330994, + -0.01606522873044014, + 0.19597512483596802, + -0.01255401037633419, + 0.015255991369485855, + -0.21577198803424835, + 2.585582733154297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/152.png", + [ + 0.2159901261329651, + 0.00530537823215127, + -0.016371501609683037, + 0.19471114873886108, + 0.003739564213901758, + -0.21566526591777802, + -0.020552579313516617, + 0.23660963773727417, + -0.0167984738945961, + 0.020205093547701836, + -0.21507547795772552, + 2.5951709747314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/39.png", + [ + 0.21580606698989868, + 0.014690404757857323, + -0.01264220755547285, + 0.15003955364227295, + 0.013703623786568642, + -0.21560215950012207, + -0.016607685014605522, + 0.20337189733982086, + -0.013705623336136341, + 0.01574155129492283, + -0.2156670242547989, + 2.592644691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/92.png", + [ + 0.21515247225761414, + 0.009907216764986515, + -0.023646391928195953, + 0.28015923500061035, + 0.0074349986389279366, + -0.2153661847114563, + -0.02258361130952835, + 0.2643173038959503, + -0.02453620731830597, + 0.021613553166389465, + -0.2141931802034378, + 2.5615921020507812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/53.png", + [ + 0.2155468910932541, + 0.01617988385260105, + -0.015021157450973988, + 0.17800070345401764, + 0.014361032284796238, + -0.21472308039665222, + -0.025212330743670464, + 0.310127317905426, + -0.01676855981349945, + 0.024085519835352898, + -0.21467788517475128, + 2.5962023735046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/75.png", + [ + 0.21456213295459747, + 0.012178437784314156, + -0.027616512030363083, + 0.32367774844169617, + 0.0100053446367383, + -0.21574264764785767, + -0.017404107376933098, + 0.2069394886493683, + -0.028475938364863396, + 0.015959180891513824, + -0.21420159935951233, + 2.565974712371826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/151.png", + [ + 0.21605822443962097, + 0.005561841651797295, + -0.015355663374066353, + 0.18110834062099457, + 0.004005642142146826, + -0.21554695069789886, + -0.021710943430662155, + 0.24944207072257996, + -0.015833044424653053, + 0.021365303546190262, + -0.21503658592700958, + 2.5956249237060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/87.png", + [ + 0.21543125808238983, + 0.007987040095031261, + -0.02175942063331604, + 0.25626328587532043, + 0.00540952431038022, + -0.21511246263980865, + -0.025401940569281578, + 0.2959299385547638, + -0.02253890410065651, + 0.024712927639484406, + -0.21407747268676758, + 2.5568838119506836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/139.png", + [ + 0.2158070057630539, + 0.006246018223464489, + -0.018336262553930283, + 0.21978825330734253, + 0.00421295128762722, + -0.21532626450061798, + -0.023764245212078094, + 0.27373942732810974, + -0.018907200545072556, + 0.023312561213970184, + -0.21458549797534943, + 2.579008102416992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/107.png", + [ + 0.21577371656894684, + 0.01306086778640747, + -0.014799089170992374, + 0.17212393879890442, + 0.010738005861639977, + -0.2139858901500702, + -0.032289959490299225, + 0.3712523281574249, + -0.0165618397295475, + 0.03142228350043297, + -0.2137434184551239, + 2.53656005859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/112.png", + [ + 0.2158925086259842, + 0.009958024136722088, + -0.015464925207197666, + 0.18407495319843292, + 0.007949938997626305, + -0.21479728817939758, + -0.027327921241521835, + 0.31671303510665894, + -0.01658688113093376, + 0.026661856099963188, + -0.21438729763031006, + 2.5686044692993164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/69.png", + [ + 0.21481062471866608, + 0.012361721135675907, + -0.02552415058016777, + 0.2991653084754944, + 0.0101099768653512, + -0.21557457745075226, + -0.019320622086524963, + 0.23002183437347412, + -0.026496848091483116, + 0.017963461577892303, + -0.2142968326807022, + 2.5454277992248535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/157.png", + [ + 0.2161705195903778, + -0.0014997574035078287, + -0.014695228077471256, + 0.1750599592924118, + -0.003416650230064988, + -0.21478617191314697, + -0.02833925373852253, + 0.3275493383407593, + -0.014370996505022049, + 0.02850504405796528, + -0.21431012451648712, + 2.5746946334838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/45.png", + [ + 0.2156868427991867, + 0.01315077394247055, + -0.015941672027111053, + 0.1897854059934616, + 0.011646284721791744, + -0.21542227268218994, + -0.02013712376356125, + 0.2468949556350708, + -0.01707172952592373, + 0.019188454374670982, + -0.21514706313610077, + 2.587153911590576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/50.png", + [ + 0.21554647386074066, + 0.015201917849481106, + -0.016016200184822083, + 0.19179220497608185, + 0.0131906196475029, + -0.2146749198436737, + -0.026240866631269455, + 0.32183128595352173, + -0.01770944893360138, + 0.025129210203886032, + -0.2144826203584671, + 2.5919079780578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/101.png", + [ + 0.21604008972644806, + 0.011066977865993977, + -0.012332635000348091, + 0.14602351188659668, + 0.009201881475746632, + -0.21423980593681335, + -0.031056813895702362, + 0.35477733612060547, + -0.0137803228572011, + 0.030442113056778908, + -0.21408240497112274, + 2.528057098388672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/85.png", + [ + 0.21548599004745483, + 0.008264690637588501, + -0.02110396884381771, + 0.24859954416751862, + 0.005734323989599943, + -0.21507170796394348, + -0.02567453682422638, + 0.29651448130607605, + -0.021927155554294586, + 0.02497517131268978, + -0.2141105830669403, + 2.5482563972473145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/156.png", + [ + 0.21618472039699554, + -0.0009882692247629166, + -0.014528622850775719, + 0.1730940192937851, + -0.0027297567576169968, + -0.2150932401418686, + -0.025987442582845688, + 0.2996235489845276, + -0.014304054901003838, + 0.026111718267202377, + -0.21461935341358185, + 2.5781102180480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/131.png", + [ + 0.21605505049228668, + 0.005428404547274113, + -0.015447957441210747, + 0.1834193468093872, + 0.003654572879895568, + -0.21525102853775024, + -0.024526290595531464, + 0.2845838665962219, + -0.015960920602083206, + 0.024195602163672447, + -0.21472707390785217, + 2.5778555870056152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/71.png", + [ + 0.2146075814962387, + 0.012027991935610771, + -0.02732774056494236, + 0.3201900124549866, + 0.009615524671971798, + -0.21559199690818787, + -0.019378643482923508, + 0.23208197951316833, + -0.028266936540603638, + 0.017981031909585, + -0.21406905353069305, + 2.54825496673584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/160.png", + [ + 0.21606305241584778, + -0.006403789855539799, + -0.014954560436308384, + 0.17977043986320496, + -0.008554891683161259, + -0.21414250135421753, + -0.03190147876739502, + 0.37113842368125916, + -0.013836950063705444, + 0.03240188583731651, + -0.2137909233570099, + 2.570629596710205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/115.png", + [ + 0.21610726416110992, + 0.007594849448651075, + -0.01370637584477663, + 0.16429859399795532, + 0.005714446306228638, + -0.2146691530942917, + -0.028851283714175224, + 0.33332955837249756, + -0.014590805396437645, + 0.028414253145456314, + -0.21430733799934387, + 2.5832815170288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/54.png", + [ + 0.21538852155208588, + 0.01735139824450016, + -0.01595667563378811, + 0.1893198937177658, + 0.015395283699035645, + -0.2146104872226715, + -0.02555827610194683, + 0.3137618899345398, + -0.01785138063132763, + 0.02427280880510807, + -0.21456944942474365, + 2.5941710472106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/33.png", + [ + 0.2158893197774887, + 0.015717165544629097, + -0.00962614081799984, + 0.11365329474210739, + 0.01499452069401741, + -0.2155836671590805, + -0.01570797711610794, + 0.1930726319551468, + -0.010717100463807583, + 0.014984888955950737, + -0.21589000523090363, + 2.58964204788208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/159.png", + [ + 0.21613511443138123, + -0.005866652820259333, + -0.0141102634370327, + 0.1691002994775772, + -0.007831841707229614, + -0.21432341635227203, + -0.030855191871523857, + 0.3582647144794464, + -0.013121714815497398, + 0.03128838166594505, + -0.21400175988674164, + 2.5728230476379395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/177.png", + [ + 0.21529366075992584, + 0.013011995702981949, + -0.02066930942237377, + 0.24322424829006195, + 0.01140636671334505, + -0.21570655703544617, + -0.01698433980345726, + 0.19305211305618286, + -0.02159692533314228, + 0.0157880000770092, + -0.21501675248146057, + 2.580130100250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/49.png", + [ + 0.21555230021476746, + 0.014919163659214973, + -0.016202706843614578, + 0.1946718692779541, + 0.012939266860485077, + -0.2147657573223114, + -0.025615278631448746, + 0.31432434916496277, + -0.017823705449700356, + 0.02451501227915287, + -0.21454423666000366, + 2.594359874725342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/118.png", + [ + 0.2161845713853836, + 0.004968115594238043, + -0.013691232539713383, + 0.16394349932670593, + 0.0031083307694643736, + -0.21472471952438354, + -0.028836270794272423, + 0.3343276381492615, + -0.014229205437004566, + 0.028574639931321144, + -0.21431033313274384, + 2.5917930603027344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/179.png", + [ + 0.21537859737873077, + 0.016315322369337082, + -0.017139647156000137, + 0.1954304426908493, + 0.014881470240652561, + -0.21540838479995728, + -0.018046287819743156, + 0.20457135140895844, + -0.01839834451675415, + 0.0167611725628376, + -0.2152404636144638, + 2.5780797004699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/110.png", + [ + 0.21618741750717163, + 0.008895262144505978, + -0.011479106731712818, + 0.1347207874059677, + 0.007156341802328825, + -0.21428602933883667, + -0.031275875866413116, + 0.3609028458595276, + -0.012636547908186913, + 0.030826415866613388, + -0.21409796178340912, + 2.549595832824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/18.png", + [ + 0.21592195332050323, + 0.01298227347433567, + -0.01253252662718296, + 0.14961124956607819, + 0.01173471100628376, + -0.2153451144695282, + -0.020896628499031067, + 0.25657951831817627, + -0.013707669451832771, + 0.020145298913121223, + -0.21530015766620636, + 2.599161148071289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/66.png", + [ + 0.21492455899715424, + 0.013715922832489014, + -0.0238160602748394, + 0.2773514688014984, + 0.01130308024585247, + -0.2152615338563919, + -0.021968424320220947, + 0.264224112033844, + -0.025051381438970566, + 0.020548593252897263, + -0.21423836052417755, + 2.54661226272583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/16.png", + [ + 0.21591560542583466, + 0.010902968235313892, + -0.014472865499556065, + 0.1753232628107071, + 0.009451782330870628, + -0.2154202163219452, + -0.02127654291689396, + 0.2631036937236786, + -0.015459701418876648, + 0.020570674911141396, + -0.2151412069797516, + 2.601680278778076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/94.png", + [ + 0.21544845402240753, + 0.01085104513913393, + -0.02030041255056858, + 0.24035809934139252, + 0.008461556397378445, + -0.21504439413547516, + -0.025143692269921303, + 0.29267311096191406, + -0.0214068666100502, + 0.024208633229136467, + -0.21425122022628784, + 2.5563344955444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/28.png", + [ + 0.21594469249248505, + 0.014519790187478065, + -0.010245300829410553, + 0.12313178926706314, + 0.013694170862436295, + -0.21558108925819397, + -0.016886651515960693, + 0.2061813771724701, + -0.011325200088322163, + 0.016182245686650276, + -0.21577249467372894, + 2.587552547454834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/61.png", + [ + 0.21502605080604553, + 0.014337205328047276, + -0.022497542202472687, + 0.2682172358036041, + 0.011732635088264942, + -0.21492715179920197, + -0.02483082376420498, + 0.302351713180542, + -0.023959137499332428, + 0.023423686623573303, + -0.2140681892633438, + 2.585265636444092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/132.png", + [ + 0.21604368090629578, + 0.0064676543697714806, + -0.01520496141165495, + 0.18044829368591309, + 0.004769283812493086, + -0.21530862152576447, + -0.023819077759981155, + 0.27632611989974976, + -0.0158200915902853, + 0.023415036499500275, + -0.21482400596141815, + 2.5812249183654785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/58.png", + [ + 0.2152082324028015, + 0.01604144647717476, + -0.01939031109213829, + 0.2313511222600937, + 0.013633627444505692, + -0.2146451473236084, + -0.026257961988449097, + 0.3199895918369293, + -0.021152693778276443, + 0.02486017718911171, + -0.21420185267925262, + 2.58897066116333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/123.png", + [ + 0.21615801751613617, + 0.003489074530079961, + -0.014540934935212135, + 0.17431089282035828, + 0.0016453703865408897, + -0.21496425569057465, + -0.027121111750602722, + 0.3132465183734894, + -0.014862880110740662, + 0.02694602683186531, + -0.21447820961475372, + 2.5777382850646973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/64.png", + [ + 0.21487385034561157, + 0.014145961962640285, + -0.02402125485241413, + 0.2822113037109375, + 0.01164790615439415, + -0.21518521010875702, + -0.0225288774818182, + 0.2727588713169098, + -0.025326967239379883, + 0.021050315350294113, + -0.21415725350379944, + 2.562441349029541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/10.png", + [ + 0.21571286022663116, + 0.01047070324420929, + -0.017499437555670738, + 0.20713013410568237, + 0.008209382183849812, + -0.2147883176803589, + -0.027321765199303627, + 0.3353036344051361, + -0.018667403608560562, + 0.026537468656897545, + -0.21423161029815674, + 2.577890396118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/170.png", + [ + 0.21596525609493256, + -0.0010372494580224156, + -0.01748763956129551, + 0.20865526795387268, + -0.0029183682054281235, + -0.2154022753238678, + -0.02326444908976555, + 0.2708224952220917, + -0.01727357879281044, + 0.023423824459314346, + -0.2147110551595688, + 2.6001486778259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/41.png", + [ + 0.21576258540153503, + 0.014808494597673416, + -0.013232669793069363, + 0.15656991302967072, + 0.013721936382353306, + -0.21553359925746918, + -0.017460428178310394, + 0.2131028175354004, + -0.014356308616697788, + 0.016548914834856987, + -0.21556419134140015, + 2.5871667861938477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/166.png", + [ + 0.21592673659324646, + -0.0037000025622546673, + -0.017602525651454926, + 0.20942051708698273, + -0.005887677427381277, + -0.21489864587783813, + -0.027051882818341255, + 0.3146616220474243, + -0.016996299847960472, + 0.027436820790171623, + -0.21425743401050568, + 2.5907979011535645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/91.png", + [ + 0.2151416689157486, + 0.010208331048488617, + -0.023616550490260124, + 0.27963584661483765, + 0.007702285423874855, + -0.2153225541114807, + -0.022907735779881477, + 0.2692773938179016, + -0.024548448622226715, + 0.021906152367591858, + -0.21416206657886505, + 2.5610294342041016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/140.png", + [ + 0.21590910851955414, + 0.006785583682358265, + -0.016885004937648773, + 0.2016381025314331, + 0.005182109773159027, + -0.21564994752407074, + -0.02039952576160431, + 0.23393255472183228, + -0.017444005236029625, + 0.019923625513911247, + -0.2150503247976303, + 2.5872340202331543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/23.png", + [ + 0.21601815521717072, + 0.010833311825990677, + -0.012910905294120312, + 0.15514406561851501, + 0.009534824639558792, + -0.2154216319322586, + -0.021225055679678917, + 0.26119285821914673, + -0.013897455297410488, + 0.020592598244547844, + -0.21524567902088165, + 2.5863566398620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/37.png", + [ + 0.21585533022880554, + 0.014914645813405514, + -0.011486065573990345, + 0.13696016371250153, + 0.014083237387239933, + -0.21566860377788544, + -0.015382029116153717, + 0.18895447254180908, + -0.012491547502577305, + 0.01457730308175087, + -0.2158225029706955, + 2.594599723815918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/178.png", + [ + 0.2154892235994339, + 0.013932138681411743, + -0.0178378839045763, + 0.206663578748703, + 0.012520317919552326, + -0.2156304121017456, + -0.01716567762196064, + 0.19461144506931305, + -0.01885567046701908, + 0.016041019931435585, + -0.2152557671070099, + 2.5794835090637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/36.png", + [ + 0.21593740582466125, + 0.01475262176245451, + -0.010064229369163513, + 0.11980045586824417, + 0.014018424786627293, + -0.21567392349243164, + -0.01536670420318842, + 0.18870902061462402, + -0.011064013466238976, + 0.014663285575807095, + -0.21589457988739014, + 2.5973381996154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/8.png", + [ + 0.21562863886356354, + 0.01028505526483059, + -0.018612036481499672, + 0.2207966148853302, + 0.007737962994724512, + -0.21459414064884186, + -0.028937524184584618, + 0.3541421890258789, + -0.01980692334473133, + 0.028133148327469826, + -0.21392545104026794, + 2.5742993354797363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/6.png", + [ + 0.21551673114299774, + 0.010252351872622967, + -0.019882947206497192, + 0.23719292879104614, + 0.007097570691257715, + -0.2139676958322525, + -0.033396799117326736, + 0.40645989775657654, + -0.02121477760374546, + 0.03256702050566673, + -0.21316008269786835, + 2.5680246353149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/169.png", + [ + 0.21606086194515228, + -0.00044741510646417737, + -0.016291236504912376, + 0.19245584309101105, + -0.002294644946232438, + -0.21527047455310822, + -0.024520397186279297, + 0.28496798872947693, + -0.01613503135740757, + 0.024623466655611992, + -0.21466542780399323, + 2.5996041297912598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/154.png", + [ + 0.21607843041419983, + 0.0024173781275749207, + -0.015879660844802856, + 0.1885382980108261, + 0.000701356097124517, + -0.21542242169380188, + -0.02325047180056572, + 0.2674686014652252, + -0.016047287732362747, + 0.023135093972086906, + -0.21483749151229858, + 2.5862574577331543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/20.png", + [ + 0.21605107188224792, + 0.01303822547197342, + -0.009991370141506195, + 0.11948415637016296, + 0.01197833102196455, + -0.21523648500442505, + -0.021855885162949562, + 0.26767268776893616, + -0.011240213178098202, + 0.021240640431642532, + -0.2153378427028656, + 2.5892415046691895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/2.png", + [ + 0.21485751867294312, + 0.011561675928533077, + -0.02550423890352249, + 0.3039235770702362, + 0.008677292615175247, + -0.21511942148208618, + -0.024417875334620476, + 0.2980732023715973, + -0.026624109596014023, + 0.02319171465933323, + -0.21377839148044586, + 2.5744552612304688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/117.png", + [ + 0.2161272168159485, + 0.007085245568305254, + -0.013664359226822853, + 0.1641918569803238, + 0.0052343071438372135, + -0.21472202241420746, + -0.02854742668569088, + 0.3299330472946167, + -0.014474719762802124, + 0.028145210817456245, + -0.21435070037841797, + 2.591308116912842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/149.png", + [ + 0.21614010632038116, + 0.0075712366960942745, + -0.013191679492592812, + 0.155379056930542, + 0.006135202944278717, + -0.21535472571849823, + -0.023078052327036858, + 0.26798033714294434, + -0.013917733915150166, + 0.022647595033049583, + -0.21503785252571106, + 2.602013111114502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/161.png", + [ + 0.215972438454628, + -0.004886208567768335, + -0.01673092506825924, + 0.20274561643600464, + -0.007339095696806908, + -0.2141433209180832, + -0.03219747170805931, + 0.3754848837852478, + -0.015809381380677223, + 0.032659824937582016, + -0.2136148363351822, + 2.5708155632019043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/5.png", + [ + 0.21522636711597443, + 0.012473220936954021, + -0.021677838638424873, + 0.2585764229297638, + 0.008909774012863636, + -0.21372246742248535, + -0.03451402857899666, + 0.4173594117164612, + -0.023369336500763893, + 0.03339193016290665, + -0.212806835770607, + 2.5655136108398438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/108.png", + [ + 0.2158062905073166, + 0.01342487521469593, + -0.01397541631013155, + 0.16343024373054504, + 0.01124098151922226, + -0.21400466561317444, + -0.031992703676223755, + 0.368407666683197, + -0.01578543148934841, + 0.031139452010393143, + -0.21384350955486298, + 2.5392513275146484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/60.png", + [ + 0.21512098610401154, + 0.015380699187517166, + -0.020839745178818703, + 0.24791951477527618, + 0.012859349139034748, + -0.21475373208522797, + -0.025755958631634712, + 0.3139186501502991, + -0.022483283653855324, + 0.024334466084837914, + -0.21412666141986847, + 2.587310314178467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/56.png", + [ + 0.21537010371685028, + 0.015758616849780083, + -0.01775633729994297, + 0.21226561069488525, + 0.01355968602001667, + -0.2146746814250946, + -0.026054078713059425, + 0.31851908564567566, + -0.01948734000325203, + 0.024786008521914482, + -0.21436837315559387, + 2.592599391937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/147.png", + [ + 0.2160124033689499, + 0.0074168602004647255, + -0.015215974301099777, + 0.1804436445236206, + 0.005950102582573891, + -0.2156085968017578, + -0.020625866949558258, + 0.24060094356536865, + -0.015847142785787582, + 0.020144980400800705, + -0.215153306722641, + 2.6053266525268555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/30.png", + [ + 0.21586063504219055, + 0.014319106936454773, + -0.012126474641263485, + 0.1457936018705368, + 0.013435072265565395, + -0.21569828689098358, + -0.015544848516583443, + 0.18916861712932587, + -0.01309912744909525, + 0.014734538272023201, + -0.21577580273151398, + 2.5886058807373047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/17.png", + [ + 0.21576188504695892, + 0.013222387991845608, + -0.014828367158770561, + 0.17931537330150604, + 0.011741159483790398, + -0.21531924605369568, + -0.021158087998628616, + 0.26155319809913635, + -0.01602676324546337, + 0.02026543766260147, + -0.21512869000434875, + 2.6014814376831055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/12.png", + [ + 0.21580317616462708, + 0.01130285207182169, + -0.015783704817295074, + 0.1872667670249939, + 0.009493701159954071, + -0.21510550379753113, + -0.024236077442765236, + 0.3004123568534851, + -0.016933675855398178, + 0.023447031155228615, + -0.21473559737205505, + 2.591491222381592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/114.png", + [ + 0.21609172224998474, + 0.007512982934713364, + -0.013993491418659687, + 0.1672317385673523, + 0.00565739581361413, + -0.21478918194770813, + -0.027955222874879837, + 0.3234120309352875, + -0.014841045252978802, + 0.02751464582979679, + -0.21440750360488892, + 2.5808262825012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/27.png", + [ + 0.2160380780696869, + 0.014256330206990242, + -0.008496896363794804, + 0.10154131799936295, + 0.013492473401129246, + -0.21546484529972076, + -0.018459605053067207, + 0.22525233030319214, + -0.00966402143239975, + 0.017876267433166504, + -0.21571959555149078, + 2.5870633125305176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/42.png", + [ + 0.21585039794445038, + 0.013501686975359917, + -0.013198488391935825, + 0.1573047637939453, + 0.012311125174164772, + -0.21548043191432953, + -0.01909218728542328, + 0.23229169845581055, + -0.014315441250801086, + 0.018269643187522888, + -0.21542790532112122, + 2.582213878631592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/174.png", + [ + 0.21557748317718506, + 0.005127319600433111, + -0.021164894104003906, + 0.25341925024986267, + 0.003309776773676276, + -0.21585123240947723, + -0.018579116091132164, + 0.2126128375530243, + -0.021524114534258842, + 0.01816173829138279, + -0.21483658254146576, + 2.5890088081359863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/7.png", + [ + 0.21555465459823608, + 0.010303877294063568, + -0.019440164789557457, + 0.23178791999816895, + 0.007416802924126387, + -0.21426914632320404, + -0.03133083134889603, + 0.38255682587623596, + -0.02071426808834076, + 0.030503444373607635, + -0.2135142832994461, + 2.572005271911621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/73.png", + [ + 0.214665487408638, + 0.012359476648271084, + -0.026718413457274437, + 0.31391096115112305, + 0.010144670493900776, + -0.21566562354564667, + -0.01825721748173237, + 0.21776695549488068, + -0.02763541042804718, + 0.016836972907185555, + -0.21424447000026703, + 2.557717800140381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/120.png", + [ + 0.21617195010185242, + 0.003843038808554411, + -0.01424113567918539, + 0.1706203669309616, + 0.001959074055776, + -0.21481852233409882, + -0.028232231736183167, + 0.3279808759689331, + -0.014619880355894566, + 0.02803797274827957, + -0.21435490250587463, + 2.589517116546631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/46.png", + [ + 0.21562999486923218, + 0.012884519062936306, + -0.01689957268536091, + 0.20175740122795105, + 0.011188827455043793, + -0.21532443165779114, + -0.021403169259428978, + 0.26318591833114624, + -0.018067000433802605, + 0.02042730525135994, + -0.21495163440704346, + 2.5915961265563965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/127.png", + [ + 0.21587896347045898, + 0.005281573627144098, + -0.01778414100408554, + 0.21329593658447266, + 0.0032793916761875153, + -0.2153015434741974, + -0.02413269318640232, + 0.2774398922920227, + -0.01825968734920025, + 0.02377490885555744, + -0.21459083259105682, + 2.5705089569091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/133.png", + [ + 0.21607007086277008, + 0.006683513056486845, + -0.014729419723153114, + 0.17440852522850037, + 0.0051388610154390335, + -0.21545450389385223, + -0.022379621863365173, + 0.26056939363479614, + -0.015336793847382069, + 0.021967843174934387, + -0.2150118499994278, + 2.5844054222106934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/57.png", + [ + 0.21520039439201355, + 0.01623734086751938, + -0.01931421272456646, + 0.23065800964832306, + 0.013854206539690495, + -0.21465131640434265, + -0.02609146013855934, + 0.3188428580760956, + -0.02108912169933319, + 0.02467898279428482, + -0.2142290621995926, + 2.5934300422668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/44.png", + [ + 0.21566705405712128, + 0.013466649688780308, + -0.01594589836895466, + 0.18941855430603027, + 0.012035214342176914, + -0.2154858261346817, + -0.01920701190829277, + 0.23585504293441772, + -0.01705215498805046, + 0.01823197677731514, + -0.2152317613363266, + 2.585874557495117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/113.png", + [ + 0.2161005139350891, + 0.008621475659310818, + -0.013196283020079136, + 0.15749973058700562, + 0.006965964566916227, + -0.21495231986045837, + -0.026360293850302696, + 0.30477461218833923, + -0.014140263199806213, + 0.02586619183421135, + -0.2146599441766739, + 2.5766353607177734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/126.png", + [ + 0.21602316200733185, + 0.003543535713106394, + -0.016411418095231056, + 0.1963339000940323, + 0.001634483691304922, + -0.21522636711597443, + -0.02495676651597023, + 0.2872215509414673, + -0.016709869727492332, + 0.024757931008934975, + -0.21460597217082977, + 2.5719871520996094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/29.png", + [ + 0.21592429280281067, + 0.01399349793791771, + -0.011347932741045952, + 0.13701513409614563, + 0.01313446369022131, + -0.21568022668361664, + -0.01604440249502659, + 0.19517967104911804, + -0.012332049198448658, + 0.015300949104130268, + -0.2157815843820572, + 2.588958740234375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/4.png", + [ + 0.21521733701229095, + 0.012465045787394047, + -0.021772004663944244, + 0.25961068272590637, + 0.009133574552834034, + -0.21406322717666626, + -0.03227100148797035, + 0.3910830318927765, + -0.023366115987300873, + 0.03113619238138199, + -0.21314890682697296, + 2.567944049835205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/55.png", + [ + 0.2153327316045761, + 0.017479103058576584, + -0.016558723524212837, + 0.19755353033542633, + 0.01548075396567583, + -0.21464014053344727, + -0.02525584027171135, + 0.3091050386428833, + -0.01844063028693199, + 0.02391635626554489, + -0.2145596593618393, + 2.592447280883789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/9.png", + [ + 0.21552754938602448, + 0.011577049270272255, + -0.019019467756152153, + 0.22635331749916077, + 0.009122027084231377, + -0.21474844217300415, + -0.027345919981598854, + 0.33462247252464294, + -0.020311493426561356, + 0.026400426402688026, + -0.2140989452600479, + 2.576563835144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/25.png", + [ + 0.21619495749473572, + 0.012606760486960411, + -0.006978413090109825, + 0.08105920255184174, + 0.011834115721285343, + -0.21521301567554474, + -0.02216300554573536, + 0.27271535992622375, + -0.008220847696065903, + 0.02173280157148838, + -0.21542514860630035, + 2.5807032585144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/99.png", + [ + 0.215983048081398, + 0.011114165186882019, + -0.013254852034151554, + 0.15754884481430054, + 0.009227736853063107, + -0.2144634872674942, + -0.029464533552527428, + 0.3364903926849365, + -0.01463095098733902, + 0.028805993497371674, + -0.2142522782087326, + 2.5318350791931152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/34.png", + [ + 0.21588099002838135, + 0.015936201438307762, + -0.009451654739677906, + 0.11102388799190521, + 0.015280497260391712, + -0.21564310789108276, + -0.01457555964589119, + 0.17962713539600372, + -0.010478676296770573, + 0.013855614699423313, + -0.21597713232040405, + 2.595381736755371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/72.png", + [ + 0.21451719105243683, + 0.012956390157341957, + -0.02761174365878105, + 0.3241613507270813, + 0.010577737353742123, + -0.21558238565921783, + -0.018979743123054504, + 0.22744262218475342, + -0.028607476502656937, + 0.017442794516682625, + -0.21406835317611694, + 2.5524182319641113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/102.png", + [ + 0.21605269610881805, + 0.011278785765171051, + -0.011912750080227852, + 0.13951927423477173, + 0.009435935877263546, + -0.2141474485397339, + -0.03161853924393654, + 0.3608095943927765, + -0.013419677503407001, + 0.031008996069431305, + -0.21402396261692047, + 2.5241613388061523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/134.png", + [ + 0.2160671055316925, + 0.0077758231200277805, + -0.01422808226197958, + 0.1681017428636551, + 0.006274242419749498, + -0.21541734039783478, + -0.022447850555181503, + 0.2612932324409485, + -0.014951108023524284, + 0.021972909569740295, + -0.2150384932756424, + 2.5840134620666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/70.png", + [ + 0.21463386714458466, + 0.012937286868691444, + -0.026698864996433258, + 0.31287625432014465, + 0.010536464862525463, + -0.21551720798015594, + -0.0197284035384655, + 0.23530960083007812, + -0.027734199538826942, + 0.01824427768588066, + -0.2141164392232895, + 2.545592784881592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/135.png", + [ + 0.21608318388462067, + 0.007068653590977192, + -0.014352439902722836, + 0.16891153156757355, + 0.005519131664186716, + -0.21538153290748596, + -0.02298327535390854, + 0.2669687569141388, + -0.015016576275229454, + 0.022554952651262283, + -0.21497364342212677, + 2.57802152633667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/130.png", + [ + 0.21598662436008453, + 0.006312160287052393, + -0.016057008877396584, + 0.19064414501190186, + 0.004456155467778444, + -0.2152201384305954, + -0.024664239957928658, + 0.28522032499313354, + -0.016667738556861877, + 0.024255692958831787, + -0.21466659009456635, + 2.5731053352355957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/90.png", + [ + 0.215236634016037, + 0.009054558351635933, + -0.02321859449148178, + 0.2745765149593353, + 0.006545259617269039, + -0.2153194546699524, + -0.023293526843190193, + 0.2730993926525116, + -0.02404678240418434, + 0.022437550127506256, + -0.21416395902633667, + 2.564218521118164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/122.png", + [ + 0.21616919338703156, + 0.0032131692860275507, + -0.014437835663557053, + 0.1731119155883789, + 0.0013840723549947143, + -0.21496644616127014, + -0.027118315920233727, + 0.31365564465522766, + -0.014726163819432259, + 0.026962827891111374, + -0.2144855409860611, + 2.5847043991088867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/15.png", + [ + 0.21597686409950256, + 0.01233629509806633, + -0.012235178612172604, + 0.1474238932132721, + 0.011025783605873585, + -0.21523316204547882, + -0.02238343469798565, + 0.2763972282409668, + -0.013428174890577793, + 0.021688751876354218, + -0.21516777575016022, + 2.598979949951172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/162.png", + [ + 0.21590864658355713, + -0.00649500684812665, + -0.017004869878292084, + 0.20615778863430023, + -0.008929592557251453, + -0.21417580544948578, + -0.03157348558306694, + 0.36838945746421814, + -0.015862317755818367, + 0.03216267377138138, + -0.21368631720542908, + 2.5743088722229004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/22.png", + [ + 0.2159992754459381, + 0.011562538333237171, + -0.012590622529387474, + 0.1519359052181244, + 0.010281055234372616, + -0.21536938846111298, + -0.021406153216958046, + 0.26335281133651733, + -0.01365708652883768, + 0.020742017775774002, + -0.21524672210216522, + 2.5865073204040527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/171.png", + [ + 0.21594755351543427, + 0.0003819233679678291, + -0.01773143745958805, + 0.2131102830171585, + -0.001403781003318727, + -0.21557669341564178, + -0.021739739924669266, + 0.2524792551994324, + -0.017679907381534576, + 0.021781664341688156, + -0.21485082805156708, + 2.6002583503723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/138.png", + [ + 0.21589523553848267, + 0.0059991334564983845, + -0.01735391654074192, + 0.20769564807415009, + 0.004054405260831118, + -0.21530434489250183, + -0.02398955635726452, + 0.276248574256897, + -0.01790837198495865, + 0.023578539490699768, + -0.21464210748672485, + 2.5818281173706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/109.png", + [ + 0.21604518592357635, + 0.01082662120461464, + -0.012456231750547886, + 0.1450108140707016, + 0.008897277526557446, + -0.21414226293563843, + -0.03180922567844391, + 0.36663317680358887, + -0.013900067657232285, + 0.031205328181385994, + -0.21396474540233612, + 2.543668746948242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/26.png", + [ + 0.21610809862613678, + 0.01462898775935173, + -0.0055838986299932, + 0.06594887375831604, + 0.014007116667926311, + -0.2151453197002411, + -0.021545235067605972, + 0.26407426595687866, + -0.006999132689088583, + 0.02112792432308197, + -0.2155284732580185, + 2.583326816558838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/43.png", + [ + 0.2158230096101761, + 0.013082829304039478, + -0.014041457325220108, + 0.16687682271003723, + 0.01186054851859808, + -0.21555419266223907, + -0.018536526709794998, + 0.2275608479976654, + -0.015088087879121304, + 0.017695056274533272, + -0.21542313694953918, + 2.584578037261963, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/84.png", + [ + 0.21556587517261505, + 0.008306036703288555, + -0.020254909992218018, + 0.23886685073375702, + 0.006021883804351091, + -0.215237557888031, + -0.02417481131851673, + 0.27960440516471863, + -0.02104729227721691, + 0.023488175123929977, + -0.21436700224876404, + 2.5549163818359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/136.png", + [ + 0.21596865355968475, + 0.008101207204163074, + -0.015485824085772038, + 0.1833895593881607, + 0.0064956797286868095, + -0.21544496715068817, + -0.022117070853710175, + 0.25581657886505127, + -0.016224870458245277, + 0.021580757573246956, + -0.21498586237430573, + 2.5771093368530273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/89.png", + [ + 0.2153363972902298, + 0.009125576354563236, + -0.0222453773021698, + 0.26307448744773865, + 0.006674045231193304, + -0.21527069807052612, + -0.023704007267951965, + 0.2774626910686493, + -0.023099569603800774, + 0.022872397676110268, + -0.21422222256660461, + 2.564464569091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/63.png", + [ + 0.21489204466342926, + 0.0142743568867445, + -0.02378121390938759, + 0.2807061970233917, + 0.011703705415129662, + -0.21509456634521484, + -0.023350507020950317, + 0.28364044427871704, + -0.025146108120679855, + 0.021873855963349342, + -0.21409602463245392, + 2.570589065551758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/88.png", + [ + 0.21543380618095398, + 0.00887160375714302, + -0.021388398483395576, + 0.25269052386283875, + 0.006528105121105909, + -0.21529251337051392, + -0.023546190932393074, + 0.27494698762893677, + -0.02221604622900486, + 0.022766947746276855, + -0.214326873421669, + 2.5637025833129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/62.png", + [ + 0.21492402255535126, + 0.014184401370584965, + -0.023544905707240105, + 0.2799355387687683, + 0.011538747698068619, + -0.2150093913078308, + -0.024201631546020508, + 0.2945282757282257, + -0.02494829148054123, + 0.022752242162823677, + -0.21402759850025177, + 2.578129768371582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/65.png", + [ + 0.21487395465373993, + 0.013227362185716629, + -0.024537980556488037, + 0.2880403995513916, + 0.010811753571033478, + -0.2153434157371521, + -0.021406041458249092, + 0.2593325972557068, + -0.025694003328680992, + 0.02000373788177967, + -0.21421383321285248, + 2.556938648223877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/80.png", + [ + 0.2153080254793167, + 0.009946740232408047, + -0.022167621180415154, + 0.26160064339637756, + 0.007771594449877739, + -0.21549391746520996, + -0.02121001109480858, + 0.24837183952331543, + -0.02302050217986107, + 0.02028113789856434, + -0.21449154615402222, + 2.568960189819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/146.png", + [ + 0.21597571671009064, + 0.006643649656325579, + -0.016070032492280006, + 0.1910269558429718, + 0.005166375078260899, + -0.21571126580238342, + -0.0197447557002306, + 0.2288917899131775, + -0.016603993251919746, + 0.019297894090414047, + -0.2151738703250885, + 2.6035289764404297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/119.png", + [ + 0.21615910530090332, + 0.004424988757818937, + -0.014267198741436005, + 0.17073287069797516, + 0.0025177793577313423, + -0.21478153765201569, + -0.02846844494342804, + 0.3306698799133301, + -0.014723937027156353, + 0.028234928846359253, + -0.21432194113731384, + 2.591609001159668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/145.png", + [ + 0.21603664755821228, + 0.006625073030591011, + -0.015237095765769482, + 0.180719256401062, + 0.00520726665854454, + -0.2156911939382553, + -0.01995193026959896, + 0.2309548556804657, + -0.015777992084622383, + 0.019526997581124306, + -0.21521534025669098, + 2.5991392135620117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/167.png", + [ + 0.2160046100616455, + -0.0025826161727309227, + -0.01682954840362072, + 0.1988368183374405, + -0.0046247150748968124, + -0.2150152623653412, + -0.026361847296357155, + 0.3058639168739319, + -0.016386445611715317, + 0.026639539748430252, + -0.21440549194812775, + 2.592334747314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/79.png", + [ + 0.21526315808296204, + 0.010247215628623962, + -0.022464655339717865, + 0.2644336521625519, + 0.008060017600655556, + -0.21549752354621887, + -0.021065300330519676, + 0.24789214134216309, + -0.02333885431289673, + 0.020092420279979706, + -0.21447491645812988, + 2.5707902908325195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/176.png", + [ + 0.21526771783828735, + 0.010863246396183968, + -0.02212897129356861, + 0.2627499997615814, + 0.009081960655748844, + -0.2157696634531021, + -0.017574509605765343, + 0.2011622190475464, + -0.022917669266462326, + 0.01653285324573517, + -0.21482397615909576, + 2.5841879844665527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/165.png", + [ + 0.2159518450498581, + -0.004897558595985174, + -0.016991659998893738, + 0.20179401338100433, + -0.007024345453828573, + -0.21482619643211365, + -0.027354387566447258, + 0.3189832270145416, + -0.016228405758738518, + 0.02781398594379425, + -0.21426832675933838, + 2.587541103363037, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/116.png", + [ + 0.21606993675231934, + 0.007125991862267256, + -0.014522504061460495, + 0.174275740981102, + 0.005142807029187679, + -0.2146867960691452, + -0.028827674686908722, + 0.3336487114429474, + -0.015337354503571987, + 0.028402527794241905, + -0.21425676345825195, + 2.5888285636901855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/19.png", + [ + 0.2159791886806488, + 0.013343226164579391, + -0.01108324434608221, + 0.13215279579162598, + 0.012212404049932957, + -0.2152884304523468, + -0.021204764023423195, + 0.26069438457489014, + -0.012318167835474014, + 0.020512022078037262, + -0.21534952521324158, + 2.5948686599731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/77.png", + [ + 0.21492496132850647, + 0.011384310200810432, + -0.025010816752910614, + 0.29334479570388794, + 0.009484894573688507, + -0.21581949293613434, + -0.016729380935430527, + 0.1982913762331009, + -0.02579108625650406, + 0.015499448403716087, + -0.21457511186599731, + 2.5698633193969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/68.png", + [ + 0.2148437649011612, + 0.013081224635243416, + -0.024878310039639473, + 0.2894984781742096, + 0.010803612880408764, + -0.21547868847846985, + -0.020002804696559906, + 0.23952651023864746, + -0.025948617607355118, + 0.018593328073620796, + -0.2143101841211319, + 2.544809341430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/143.png", + [ + 0.21610261499881744, + 0.007806988433003426, + -0.013660324737429619, + 0.16037361323833466, + 0.006586035247892141, + -0.2157304286956787, + -0.019102441146969795, + 0.2188740372657776, + -0.014289076440036297, + 0.0186367928981781, + -0.21539822220802307, + 2.594999313354492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/86.png", + [ + 0.215348020195961, + 0.00862569734454155, + -0.022332003340125084, + 0.26305392384529114, + 0.005938436836004257, + -0.21505127847194672, + -0.025798700749874115, + 0.29999396204948425, + -0.023191720247268677, + 0.025028690695762634, + -0.21397101879119873, + 2.5528063774108887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/1.png", + [ + 0.21461491286754608, + 0.012324156239628792, + -0.027137575671076775, + 0.3235914409160614, + 0.009424259886145592, + -0.21522176265716553, + -0.02320914901793003, + 0.2854102551937103, + -0.028275715187191963, + 0.02180817537009716, + -0.2137119024991989, + 2.5763602256774902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/81.png", + [ + 0.21536561846733093, + 0.00955970399081707, + -0.021775241941213608, + 0.25741517543792725, + 0.007399471011012793, + -0.21548639237880707, + -0.021418577060103416, + 0.2482982873916626, + -0.022600814700126648, + 0.02054555155336857, + -0.21451100707054138, + 2.5677413940429688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/95.png", + [ + 0.2156914621591568, + 0.009683660231530666, + -0.01820211671292782, + 0.21518035233020782, + 0.0074627455323934555, + -0.21498650312423706, + -0.025942359119653702, + 0.3005862236022949, + -0.019219722598791122, + 0.025197723880410194, + -0.21434451639652252, + 2.5498108863830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/103.png", + [ + 0.21581946313381195, + 0.01333494484424591, + -0.013857622630894184, + 0.16098608076572418, + 0.011120658367872238, + -0.2139117270708084, + -0.03264966607093811, + 0.37352845072746277, + -0.01569029875099659, + 0.031809575855731964, + -0.21375185251235962, + 2.5253000259399414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/150.png", + [ + 0.21607251465320587, + 0.0062265642918646336, + -0.014892738312482834, + 0.17505671083927155, + 0.00461638392880559, + -0.21539273858070374, + -0.023077229037880898, + 0.2661379873752594, + -0.015467798337340355, + 0.02269580028951168, + -0.2149268239736557, + 2.598848342895508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/83.png", + [ + 0.21549393236637115, + 0.009328934364020824, + -0.020572496578097343, + 0.24365995824337006, + 0.007130283862352371, + -0.21533678472042084, + -0.022959278896450996, + 0.2659755349159241, + -0.021433984860777855, + 0.022157177329063416, + -0.21447037160396576, + 2.5635757446289062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/142.png", + [ + 0.21604737639427185, + 0.008108134381473064, + -0.01434177067130804, + 0.1688675880432129, + 0.006739327218383551, + -0.21560947597026825, + -0.020372426137328148, + 0.23349115252494812, + -0.015033619478344917, + 0.019867371767759323, + -0.21523749828338623, + 2.591440200805664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/51.png", + [ + 0.21554020047187805, + 0.015782909467816353, + -0.015531281940639019, + 0.1850609928369522, + 0.013786622323095798, + -0.21457761526107788, + -0.026725903153419495, + 0.3275701105594635, + -0.017327724024653435, + 0.025597745552659035, + -0.2144584059715271, + 2.590531826019287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/128.png", + [ + 0.21587026119232178, + 0.004493624437600374, + -0.018103456124663353, + 0.21578259766101837, + 0.0024660122580826283, + -0.2153225541114807, + -0.02404182031750679, + 0.2771216034889221, + -0.018489094451069832, + 0.02374652959406376, + -0.21457435190677643, + 2.570012092590332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/168.png", + [ + 0.21610000729560852, + -0.0014521265402436256, + -0.015702594071626663, + 0.18477420508861542, + -0.003366638906300068, + -0.21502819657325745, + -0.026446744799613953, + 0.30803847312927246, + -0.015406033955514431, + 0.026620591059327126, + -0.21448051929473877, + 2.5958571434020996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "VFHQ_2/93.png", + [ + 0.21529123187065125, + 0.010115670040249825, + -0.022254347801208496, + 0.2632235586643219, + 0.007553343661129475, + -0.21512801945209503, + -0.024714061990380287, + 0.2888033092021942, + -0.023249294608831406, + 0.023780474439263344, + -0.21410711109638214, + 2.557964324951172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/76.png", + [ + 0.19951653480529785, + -0.02645670436322689, + 0.08025640994310379, + -0.9424921870231628, + -0.011557182297110558, + -0.21239103376865387, + -0.04128415510058403, + 0.47325125336647034, + 0.0837106928229332, + 0.033734146505594254, + -0.19698332250118256, + 2.3676671981811523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/48.png", + [ + 0.2081279158592224, + -0.03406506031751633, + 0.04970144107937813, + -0.5908711552619934, + -0.02382318302989006, + -0.2106836587190628, + -0.044640179723501205, + 0.5299501419067383, + 0.055345430970191956, + 0.03741472586989403, + -0.20611868798732758, + 2.4940261840820312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/35.png", + [ + 0.2013288289308548, + -0.045717038214206696, + 0.0657612681388855, + -0.5804810523986816, + -0.03685339167714119, + -0.21083419024944305, + -0.033744219690561295, + 0.248268723487854, + 0.07110849767923355, + 0.020169217139482498, + -0.20367787778377533, + 2.003507137298584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/97.png", + [ + 0.2061707228422165, + -0.03367231413722038, + 0.05751262605190277, + -0.6902309656143188, + -0.024782249704003334, + -0.21231116354465485, + -0.035464104264974594, + 0.4137592315673828, + 0.06186572462320328, + 0.027166852727532387, + -0.20587009191513062, + 2.484525680541992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/13.png", + [ + 0.20248232781887054, + -0.023872217163443565, + 0.07334105670452118, + -0.8614743947982788, + -0.02140558697283268, + -0.21533426642417908, + -0.010993204079568386, + 0.11790154874324799, + 0.07409853488206863, + 0.003027681028470397, + -0.20358814299106598, + 2.472046375274658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/38.png", + [ + 0.2007017284631729, + -0.047769203782081604, + 0.06621795147657394, + -0.6871470212936401, + -0.03791935369372368, + -0.21015486121177673, + -0.036673590540885925, + 0.36822181940078735, + 0.07231069356203079, + 0.022381536662578583, + -0.20302248001098633, + 2.2017359733581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/111.png", + [ + 0.20439307391643524, + -0.01728249341249466, + 0.0698046013712883, + -0.6482911109924316, + -0.015158863738179207, + -0.21595287322998047, + -0.009080174379050732, + -0.002216903492808342, + 0.07029633224010468, + 0.0036818634252995253, + -0.20492134988307953, + 2.174940586090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/11.png", + [ + 0.20297010242938995, + -0.016556132584810257, + 0.07400628179311752, + -0.8711364269256592, + -0.013314047828316689, + -0.2159433513879776, + -0.011794043704867363, + 0.1291714608669281, + 0.07465769350528717, + 0.006500600837171078, + -0.20330239832401276, + 2.4546165466308594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/59.png", + [ + 0.20615871250629425, + -0.03263276442885399, + 0.05815138295292854, + -0.6937230229377747, + -0.021322784945368767, + -0.21129606664180756, + -0.0429791584610939, + 0.5023139119148254, + 0.0631808489561081, + 0.03517060726881027, + -0.20425254106521606, + 2.4819931983947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/105.png", + [ + 0.19742172956466675, + -0.01925712265074253, + 0.08718779683113098, + -1.0130460262298584, + -0.008986926637589931, + -0.21478649973869324, + -0.02709043025970459, + 0.29914504289627075, + 0.08883572369813919, + 0.021067021414637566, + -0.19650009274482727, + 2.319424629211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/24.png", + [ + 0.20900873839855194, + -0.033159028738737106, + 0.04651574417948723, + -0.4586676359176636, + -0.029949510470032692, + -0.213849276304245, + -0.017871899530291557, + 0.11526773869991302, + 0.04864424467086792, + 0.010810031555593014, + -0.21086671948432922, + 2.353684425354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/74.png", + [ + 0.20035168528556824, + -0.027403181418776512, + 0.07782132923603058, + -0.9144483804702759, + -0.013059274293482304, + -0.2123306393623352, + -0.0411466583609581, + 0.4727427661418915, + 0.08146502822637558, + 0.033356521278619766, + -0.19798658788204193, + 2.3781208992004395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/98.png", + [ + 0.20530977845191956, + -0.02951585315167904, + 0.06264668703079224, + -0.7547826170921326, + -0.018508151173591614, + -0.21226570010185242, + -0.0393524244427681, + 0.4587767422199249, + 0.06673261523246765, + 0.031937114894390106, + -0.20365330576896667, + 2.4508209228515625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/0.png", + [ + 0.2049076408147812, + -0.022866079583764076, + 0.06661751121282578, + -0.778444766998291, + -0.027743468061089516, + -0.2145732045173645, + 0.011684614233672619, + -0.15891298651695251, + 0.06473832577466965, + -0.019579898566007614, + -0.20584817230701447, + 2.5022902488708496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/96.png", + [ + 0.20710483193397522, + -0.03628208488225937, + 0.05233641341328621, + -0.6254111528396606, + -0.02946717105805874, + -0.21245795488357544, + -0.030678926035761833, + 0.35825133323669434, + 0.05645507574081421, + 0.022206321358680725, + -0.20800866186618805, + 2.5212879180908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/100.png", + [ + 0.20151287317276, + -0.02125696651637554, + 0.07673724740743637, + -0.9223151803016663, + -0.008066474460065365, + -0.21318663656711578, + -0.03787212073802948, + 0.44184592366218567, + 0.07921740412712097, + 0.032365214079618454, + -0.19906027615070343, + 2.3877720832824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/40.png", + [ + 0.20130519568920135, + -0.043896593153476715, + 0.0670611783862114, + -0.7398801445960999, + -0.031954336911439896, + -0.210213303565979, + -0.04167947173118591, + 0.452014684677124, + 0.07350531965494156, + 0.028833089396357536, + -0.201775923371315, + 2.2853941917419434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/52.png", + [ + 0.20853489637374878, + -0.033378537744283676, + 0.04844546690583229, + -0.5808641314506531, + -0.023714065551757812, + -0.21097858250141144, + -0.04328470677137375, + 0.5150035619735718, + 0.05383988097310066, + 0.03635650500655174, + -0.2067059874534607, + 2.5250892639160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/3.png", + [ + 0.2051268070936203, + -0.019808104261755943, + 0.06692179292440414, + -0.7940065860748291, + -0.020731521770358086, + -0.2156803458929062, + -0.00029329489916563034, + -0.003523176535964012, + 0.06664151698350906, + -0.006125441752374172, + -0.20608076453208923, + 2.494197368621826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/47.png", + [ + 0.20738129317760468, + -0.03458753228187561, + 0.05238889530301094, + -0.6204123497009277, + -0.024069132283329964, + -0.21081094443798065, + -0.04390133172273636, + 0.5180510878562927, + 0.057979047298431396, + 0.03619879111647606, + -0.2056112140417099, + 2.4758801460266113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/104.png", + [ + 0.19760891795158386, + -0.018572919070720673, + 0.08691176772117615, + -1.0180273056030273, + -0.0064661758951842785, + -0.2143334597349167, + -0.03110077790915966, + 0.34938204288482666, + 0.08863858133554459, + 0.025770461186766624, + -0.19602800905704498, + 2.3242459297180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/21.png", + [ + 0.2058653086423874, + -0.02772046998143196, + 0.0616355836391449, + -0.7181186676025391, + -0.026366371661424637, + -0.21489308774471283, + -0.00858297012746334, + 0.07872794568538666, + 0.062226876616477966, + 0.0006545712240040302, + -0.20754586160182953, + 2.518299102783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/82.png", + [ + 0.19917449355125427, + -0.023978937417268753, + 0.08186835795640945, + -0.9597917199134827, + -0.015230772085487843, + -0.21459338068962097, + -0.02579922042787075, + 0.2830013036727905, + 0.08393712341785431, + 0.017960701137781143, + -0.19894689321517944, + 2.3855485916137695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/106.png", + [ + 0.19648192822933197, + -0.01886727847158909, + 0.08936870098114014, + -1.0294488668441772, + -0.009654458612203598, + -0.21510395407676697, + -0.024186311289668083, + 0.2614884376525879, + 0.09082692861557007, + 0.017950264737010002, + -0.19589832425117493, + 2.3067426681518555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/14.png", + [ + 0.20293012261390686, + -0.02807721495628357, + 0.07056155800819397, + -0.8285887241363525, + -0.026563800871372223, + -0.21484772861003876, + -0.009094617329537868, + 0.09409338235855103, + 0.07114511728286743, + -0.00013297238911036402, + -0.2046613097190857, + 2.489651679992676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/67.png", + [ + 0.2034265697002411, + -0.02979404479265213, + 0.06839478015899658, + -0.804434061050415, + -0.013211198151111603, + -0.20989254117012024, + -0.0521390475332737, + 0.5977324843406677, + 0.07342340052127838, + 0.0447809211909771, + -0.19887575507164001, + 2.3900294303894043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/78.png", + [ + 0.1992650330066681, + -0.021462995558977127, + 0.08234486728906631, + -0.9669908285140991, + -0.008661279454827309, + -0.21369604766368866, + -0.03474007919430733, + 0.3916972577571869, + 0.08465411514043808, + 0.02865711972117424, + -0.19738374650478363, + 2.372556686401367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/39.png", + [ + 0.20033687353134155, + -0.04798443242907524, + 0.06716043502092361, + -0.7208787798881531, + -0.0370897501707077, + -0.20983129739761353, + -0.039281927049160004, + 0.41262689232826233, + 0.07373859733343124, + 0.024823646992444992, + -0.20222339034080505, + 2.2469253540039062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/92.png", + [ + 0.20890888571739197, + -0.03641647845506668, + 0.04448387771844864, + -0.5251641273498535, + -0.03015803173184395, + -0.212158203125, + -0.0320514477789402, + 0.3761782944202423, + 0.04894351586699486, + 0.024711178615689278, + -0.20962296426296234, + 2.5517210960388184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/53.png", + [ + 0.20796778798103333, + -0.03412317857146263, + 0.05032790079712868, + -0.6039913296699524, + -0.023946920409798622, + -0.21080903708934784, + -0.0439772829413414, + 0.5231401324272156, + 0.05589126795530319, + 0.03664785623550415, + -0.2061091810464859, + 2.520026683807373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/75.png", + [ + 0.19892725348472595, + -0.026618773117661476, + 0.08165346831083298, + -0.9589468240737915, + -0.011562802828848362, + -0.2124299556016922, + -0.041081752628088, + 0.4720180928707123, + 0.08510082960128784, + 0.033359404653310776, + -0.19645074009895325, + 2.3646903038024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/87.png", + [ + 0.2025565654039383, + -0.02467375434935093, + 0.07286933809518814, + -0.862785279750824, + -0.020702339708805084, + -0.2151399850845337, + -0.015300209634006023, + 0.15862709283828735, + 0.07409552484750748, + 0.007340922486037016, + -0.20347939431667328, + 2.468902111053467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/107.png", + [ + 0.1967780441045761, + -0.017628991976380348, + 0.0889691635966301, + -1.012142539024353, + -0.010011929087340832, + -0.21546544134616852, + -0.020549939945340157, + 0.21155735850334167, + 0.09014463424682617, + 0.014551886357367039, + -0.1964944750070572, + 2.3038291931152344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/112.png", + [ + 0.2039816826581955, + -0.02029346488416195, + 0.07019640505313873, + -0.5854693651199341, + -0.015544738620519638, + -0.2154378592967987, + -0.017111117020249367, + 0.04597867652773857, + 0.0713983103632927, + 0.011072685942053795, + -0.2042732834815979, + 2.0458450317382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/69.png", + [ + 0.20335157215595245, + -0.02728496491909027, + 0.06965313106775284, + -0.8184770345687866, + -0.012164897285401821, + -0.2111237794160843, + -0.047187454998493195, + 0.534877359867096, + 0.07381086051464081, + 0.04037538170814514, + -0.19967392086982727, + 2.395691394805908, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/45.png", + [ + 0.20612621307373047, + -0.03221545368432999, + 0.05849824100732803, + -0.6884246468544006, + -0.02137952856719494, + -0.21164079010486603, + -0.04121871665120125, + 0.477481871843338, + 0.06326764822006226, + 0.03343996778130531, + -0.20451617240905762, + 2.4383864402770996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/50.png", + [ + 0.20844094455242157, + -0.03353298455476761, + 0.04874223470687866, + -0.5836886763572693, + -0.024023523554205894, + -0.21110351383686066, + -0.04249794781208038, + 0.5063521265983582, + 0.05406603962182999, + 0.035478781908750534, + -0.2067994624376297, + 2.517059326171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/101.png", + [ + 0.20011800527572632, + -0.020910393446683884, + 0.08039548248052597, + -0.9603292942047119, + -0.006903612520545721, + -0.21315869688987732, + -0.03825706988573074, + 0.4427483379840851, + 0.08278295397758484, + 0.03277222439646721, + -0.19753697514533997, + 2.3615145683288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/85.png", + [ + 0.19980493187904358, + -0.023459309712052345, + 0.08047079294919968, + -0.9514127969741821, + -0.019599836319684982, + -0.21532471477985382, + -0.014107298105955124, + 0.14713843166828156, + 0.08149683475494385, + 0.005729758646339178, + -0.2006821632385254, + 2.4314064979553223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/71.png", + [ + 0.20380042493343353, + -0.02514982782304287, + 0.06914305686950684, + -0.8109884858131409, + -0.01100816298276186, + -0.21175390481948853, + -0.04457578435540199, + 0.5042781233787537, + 0.07274679094552994, + 0.038414400070905685, + -0.20044982433319092, + 2.4015755653381348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/54.png", + [ + 0.20778298377990723, + -0.03361262008547783, + 0.05142293497920036, + -0.6159914135932922, + -0.023146454244852066, + -0.2108340710401535, + -0.04428465664386749, + 0.5262342095375061, + 0.05690666288137436, + 0.03697405755519867, + -0.20577280223369598, + 2.5130343437194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/33.png", + [ + 0.20642678439617157, + -0.04733126983046532, + 0.04577810689806938, + -0.33314669132232666, + -0.04233083873987198, + -0.21077187359333038, + -0.027040941640734673, + 0.09638644754886627, + 0.05043792724609375, + 0.01681853085756302, + -0.21005010604858398, + 1.9331740140914917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/49.png", + [ + 0.2082296907901764, + -0.03437420353293419, + 0.04905819147825241, + -0.5860027074813843, + -0.02445562556385994, + -0.21077080070972443, + -0.043880365788936615, + 0.5221427083015442, + 0.054682858288288116, + 0.036633022129535675, + -0.20643571019172668, + 2.506625175476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/110.png", + [ + 0.20274658501148224, + -0.016974778845906258, + 0.07452227920293808, + -0.764015793800354, + -0.015830785036087036, + -0.2160084843635559, + -0.006133171729743481, + -0.004565265029668808, + 0.0747736394405365, + 0.00029414359596557915, + -0.20336349308490753, + 2.2706961631774902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/18.png", + [ + 0.20278571546077728, + -0.032237716019153595, + 0.06918511539697647, + -0.821124792098999, + -0.031588517129421234, + -0.21423740684986115, + -0.007238903548568487, + 0.07077905535697937, + 0.0694839283823967, + -0.00331145734526217, + -0.2052045613527298, + 2.518972396850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/66.png", + [ + 0.20402337610721588, + -0.029346928000450134, + 0.06679154932498932, + -0.7856382727622986, + -0.012378720566630363, + -0.20941998064517975, + -0.05420273169875145, + 0.6268370747566223, + 0.07189659774303436, + 0.04722210019826889, + -0.19886893033981323, + 2.390965461730957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/16.png", + [ + 0.20141096413135529, + -0.034855715930461884, + 0.07187908887863159, + -0.8487095236778259, + -0.0341506190598011, + -0.21381713449954987, + -0.00799177773296833, + 0.07877691090106964, + 0.07221676409244537, + -0.003900241805240512, + -0.20424842834472656, + 2.4995627403259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/94.png", + [ + 0.20823350548744202, + -0.038544390350580215, + 0.04583704471588135, + -0.5409296154975891, + -0.03314439207315445, + -0.21229319274425507, + -0.027945464476943016, + 0.32785564661026, + 0.04988139867782593, + 0.019845152273774147, + -0.209918811917305, + 2.5566811561584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/61.png", + [ + 0.20539484918117523, + -0.030641397461295128, + 0.061821967363357544, + -0.7347116470336914, + -0.018181325867772102, + -0.21131083369255066, + -0.04432905092835426, + 0.5154978036880493, + 0.06656042486429214, + 0.03683381527662277, + -0.20288142561912537, + 2.4570770263671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/58.png", + [ + 0.2070096880197525, + -0.03398654982447624, + 0.05421987175941467, + -0.6472979187965393, + -0.02360757812857628, + -0.2111995965242386, + -0.04225291684269905, + 0.4949682056903839, + 0.05947741121053696, + 0.03446072340011597, + -0.20548184216022491, + 2.5005674362182617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/64.png", + [ + 0.20510877668857574, + -0.028971439227461815, + 0.06355267763137817, + -0.7497595548629761, + -0.013234654441475868, + -0.2097046822309494, + -0.052883729338645935, + 0.6171561479568481, + 0.06857939064502716, + 0.04617900773882866, + -0.20028045773506165, + 2.4138951301574707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/10.png", + [ + 0.20400580763816833, + -0.013245513662695885, + 0.07179196923971176, + -0.8464290499687195, + -0.01024861540645361, + -0.21616452932357788, + -0.0107593247666955, + 0.11463385820388794, + 0.07228067517280579, + 0.006734504830092192, + -0.20415203273296356, + 2.459995746612549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/41.png", + [ + 0.20176032185554504, + -0.04107184335589409, + 0.0674816146492958, + -0.7614625096321106, + -0.028987545520067215, + -0.21066811680793762, + -0.04155191406607628, + 0.4618363678455353, + 0.07348731905221939, + 0.02966384030878544, + -0.20166201889514923, + 2.3223156929016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/91.png", + [ + 0.20914621651172638, + -0.03341751545667648, + 0.04570578411221504, + -0.5376906394958496, + -0.0274646133184433, + -0.21283207833766937, + -0.029934916645288467, + 0.3500288724899292, + 0.04951205849647522, + 0.023101381957530975, + -0.20967301726341248, + 2.550144672393799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/23.png", + [ + 0.20838241279125214, + -0.028116419911384583, + 0.052288878709077835, + -0.565861165523529, + -0.027586551383137703, + -0.21483878791332245, + -0.00558331236243248, + 0.013088207691907883, + 0.05257035791873932, + -0.001287671155296266, + -0.21019655466079712, + 2.4581799507141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/37.png", + [ + 0.20190554857254028, + -0.04788413643836975, + 0.06236312910914421, + -0.6202316880226135, + -0.03975503146648407, + -0.21044401824474335, + -0.0328746996819973, + 0.3071199059486389, + 0.0678350105881691, + 0.019191613420844078, + -0.2048853188753128, + 2.1621270179748535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/36.png", + [ + 0.20168207585811615, + -0.04692503437399864, + 0.06379872560501099, + -0.5998679399490356, + -0.03891221433877945, + -0.21073758602142334, + -0.03199078142642975, + 0.2690684497356415, + 0.06897880882024765, + 0.018319718539714813, + -0.20458300411701202, + 2.082735538482666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/8.png", + [ + 0.20439991354942322, + -0.011890091001987457, + 0.07090270519256592, + -0.8398571610450745, + -0.009311380796134472, + -0.21626923978328705, + -0.009424393996596336, + 0.0956716388463974, + 0.07128721475601196, + 0.005843523424118757, + -0.20452845096588135, + 2.4579296112060547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/6.png", + [ + 0.20369625091552734, + -0.016384871676564217, + 0.07202263176441193, + -0.8571253418922424, + -0.013791083358228207, + -0.21599768102169037, + -0.010134341195225716, + 0.10858957469463348, + 0.07256396114826202, + 0.004943161271512508, + -0.2041027545928955, + 2.4559383392333984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/20.png", + [ + 0.20406021177768707, + -0.02926780842244625, + 0.06671368330717087, + -0.7877883911132812, + -0.02794174663722515, + -0.2146884799003601, + -0.008718783967196941, + 0.08704935014247894, + 0.0672798603773117, + -0.00039201450999826193, + -0.20596398413181305, + 2.518801689147949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/2.png", + [ + 0.20448526740074158, + -0.021765559911727905, + 0.06826365739107132, + -0.8089728355407715, + -0.024821480736136436, + -0.2151714712381363, + 0.005746839568018913, + -0.0799923688173294, + 0.06721280515193939, + -0.01324358582496643, + -0.20556007325649261, + 2.49544620513916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/5.png", + [ + 0.2043166309595108, + -0.017414603382349014, + 0.06999529153108597, + -0.8331217169761658, + -0.015502993948757648, + -0.21595308184623718, + -0.008475102484226227, + 0.09342366456985474, + 0.07044335454702377, + 0.0029835884924978018, + -0.20488223433494568, + 2.4712071418762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/108.png", + [ + 0.1988704651594162, + -0.01513366587460041, + 0.08467227220535278, + -0.9446580410003662, + -0.009754610247910023, + -0.21588660776615143, + -0.015675166621804237, + 0.14312884211540222, + 0.08545917272567749, + 0.01057522464543581, + -0.1988285481929779, + 2.3104753494262695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/60.png", + [ + 0.20556612312793732, + -0.033321913331747055, + 0.05983404442667961, + -0.7121418118476868, + -0.021463118493556976, + -0.21110740303993225, + -0.043828085064888, + 0.5095633864402771, + 0.06503689289093018, + 0.035654131323099136, + -0.20358507335186005, + 2.4661359786987305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/56.png", + [ + 0.2078314572572708, + -0.03420321270823479, + 0.05083426088094711, + -0.6061936616897583, + -0.023926982656121254, + -0.21080374717712402, + -0.04401334002614021, + 0.5189372897148132, + 0.05640462040901184, + 0.03660348057746887, + -0.205977201461792, + 2.507866859436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/17.png", + [ + 0.20208366215229034, + -0.03393890708684921, + 0.0704147219657898, + -0.8330915570259094, + -0.03344443440437317, + -0.213958740234375, + -0.007142707239836454, + 0.06856845319271088, + 0.07065091282129288, + -0.0042070262134075165, + -0.20478928089141846, + 2.51065731048584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/12.png", + [ + 0.20290116965770721, + -0.01826396770775318, + 0.07379323989152908, + -0.8675146102905273, + -0.01547488383948803, + -0.21584762632846832, + -0.010873123072087765, + 0.11871770024299622, + 0.07442810386419296, + 0.004911638796329498, + -0.2034311443567276, + 2.463772773742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/42.png", + [ + 0.20256274938583374, + -0.037974756211042404, + 0.06688901036977768, + -0.7679135799407959, + -0.02589796856045723, + -0.2110965996980667, + -0.04141753166913986, + 0.46708163619041443, + 0.07242593914270401, + 0.030725153163075447, + -0.20188695192337036, + 2.3540163040161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/7.png", + [ + 0.20471569895744324, + -0.012174136936664581, + 0.06993687897920609, + -0.831086277961731, + -0.009866008535027504, + -0.21627222001552582, + -0.008767921477556229, + 0.08851578831672668, + 0.07029963284730911, + 0.005099505186080933, + -0.20488984882831573, + 2.4636826515197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/73.png", + [ + 0.20174668729305267, + -0.02700769528746605, + 0.07427483797073364, + -0.871369481086731, + -0.012247718870639801, + -0.21185456216335297, + -0.04376674443483353, + 0.5007497072219849, + 0.07807791233062744, + 0.03655295446515083, + -0.19878534972667694, + 2.384215831756592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/46.png", + [ + 0.20718950033187866, + -0.03231706842780113, + 0.054552823305130005, + -0.6436521410942078, + -0.02161954715847969, + -0.21125419437885284, + -0.04303669184446335, + 0.5039706826210022, + 0.05960703641176224, + 0.035709504038095474, + -0.20523090660572052, + 2.458956241607666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/57.png", + [ + 0.20769871771335602, + -0.03404289111495018, + 0.05148014426231384, + -0.613395094871521, + -0.023911384865641594, + -0.21100223064422607, + -0.043060485273599625, + 0.5070025324821472, + 0.05689788609743118, + 0.035595521330833435, + -0.20601817965507507, + 2.5076513290405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/44.png", + [ + 0.2054213136434555, + -0.03210001438856125, + 0.06098824366927147, + -0.7126550078392029, + -0.021153878420591354, + -0.2118494063615799, + -0.0402522087097168, + 0.4615236818790436, + 0.06559336930513382, + 0.032207392156124115, + -0.20398060977458954, + 2.4173178672790527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/113.png", + [ + 0.2073599398136139, + -0.029003102332353592, + 0.05575454980134964, + -0.395871102809906, + -0.024509750306606293, + -0.21432159841060638, + -0.02033286914229393, + 0.04196327552199364, + 0.057870734483003616, + 0.013151945546269417, + -0.2083888202905655, + 1.9451998472213745, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/4.png", + [ + 0.20457321405410767, + -0.018644949421286583, + 0.06892069429159164, + -0.8190776705741882, + -0.017910365015268326, + -0.21586962044239044, + -0.005236412398517132, + 0.05703120306134224, + 0.06911522895097733, + -0.0007530419970862567, + -0.20535436272621155, + 2.481114387512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/55.png", + [ + 0.20754125714302063, + -0.03377419710159302, + 0.052286047488451004, + -0.6249620914459229, + -0.023198038339614868, + -0.21086181700229645, + -0.04412532225251198, + 0.5214734077453613, + 0.057761386036872864, + 0.03666737675666809, + -0.2055894434452057, + 2.506690502166748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/9.png", + [ + 0.20409777760505676, + -0.011900169774889946, + 0.07176607847213745, + -0.8480795621871948, + -0.008955292403697968, + -0.21624010801315308, + -0.010388447903096676, + 0.10935156047344208, + 0.0721927136182785, + 0.0068193175829946995, + -0.20418031513690948, + 2.4557580947875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/25.png", + [ + 0.2097519338130951, + -0.03446676582098007, + 0.04200071841478348, + -0.3572119474411011, + -0.03026914969086647, + -0.2132243812084198, + -0.023812495172023773, + 0.12727142870426178, + 0.04511980712413788, + 0.01718425191938877, + -0.21122689545154572, + 2.2093305587768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/99.png", + [ + 0.20323753356933594, + -0.025884069502353668, + 0.07051532715559006, + -0.8495956063270569, + -0.013735120184719563, + -0.21278059482574463, + -0.03851836547255516, + 0.4501575827598572, + 0.07384946942329407, + 0.03165964037179947, + -0.20122578740119934, + 2.417703628540039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/34.png", + [ + 0.203103706240654, + -0.043367184698581696, + 0.061774272471666336, + -0.5040798187255859, + -0.03625873103737831, + -0.21159577369689941, + -0.029333077371120453, + 0.16400010883808136, + 0.06619726121425629, + 0.017158446833491325, + -0.20560011267662048, + 1.9531830549240112, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/72.png", + [ + 0.20310595631599426, + -0.026903953403234482, + 0.07051274180412292, + -0.8273907899856567, + -0.013218496926128864, + -0.21199163794517517, + -0.0428101047873497, + 0.4858419597148895, + 0.07430437952280045, + 0.03582752123475075, + -0.20035754144191742, + 2.4019651412963867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/102.png", + [ + 0.19900275766849518, + -0.01851126365363598, + 0.08368471264839172, + -0.9929987788200378, + -0.004913328215479851, + -0.2136765867471695, + -0.035581860691308975, + 0.40768903493881226, + 0.0855666846036911, + 0.0307821836322546, + -0.19666899740695953, + 2.3445143699645996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/70.png", + [ + 0.2027771919965744, + -0.026550378650426865, + 0.0715847909450531, + -0.8403805494308472, + -0.011191640049219131, + -0.21129363775253296, + -0.04666517302393913, + 0.5279365181922913, + 0.0755251795053482, + 0.039974600076675415, + -0.19911271333694458, + 2.386996269226074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/90.png", + [ + 0.2087266445159912, + -0.030969100072979927, + 0.04921384155750275, + -0.5790372490882874, + -0.025207750499248505, + -0.2134508639574051, + -0.02740800753235817, + 0.3170023262500763, + 0.05239901319146156, + 0.02067713625729084, + -0.20922403037548065, + 2.541100025177002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/15.png", + [ + 0.2008521854877472, + -0.03262340649962425, + 0.07444462180137634, + -0.8767460584640503, + -0.03183145076036453, + -0.214175283908844, + -0.007975188083946705, + 0.08015032112598419, + 0.07478667795658112, + -0.0035437762271612883, + -0.20332801342010498, + 2.4847793579101562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/22.png", + [ + 0.20668748021125793, + -0.028528371825814247, + 0.05843216925859451, + -0.6637346148490906, + -0.027166029438376427, + -0.21478578448295593, + -0.008772759698331356, + 0.07029391825199127, + 0.059077855199575424, + 0.001042343326844275, + -0.20846250653266907, + 2.4957494735717773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/109.png", + [ + 0.20016922056674957, + -0.016104433685541153, + 0.08136846870183945, + -0.8799685835838318, + -0.013310374692082405, + -0.21603348851203918, + -0.010013330727815628, + 0.06207780912518501, + 0.08187194168567657, + 0.004252070561051369, + -0.20056621730327606, + 2.2965826988220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/26.png", + [ + 0.21024666726589203, + -0.04235594719648361, + 0.030825313180685043, + -0.2053164392709732, + -0.038190070539712906, + -0.21120093762874603, + -0.02972494065761566, + 0.12048710882663727, + 0.03585727885365486, + 0.02340998314321041, + -0.21240085363388062, + 2.0706305503845215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/43.png", + [ + 0.20452581346035004, + -0.03292432799935341, + 0.06350649893283844, + -0.7363858819007874, + -0.02161398157477379, + -0.21181228756904602, + -0.04020311310887337, + 0.4568140208721161, + 0.06819034367799759, + 0.031613972038030624, + -0.20322038233280182, + 2.3904008865356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/84.png", + [ + 0.1981741338968277, + -0.023661013692617416, + 0.0843508318066597, + -0.9962502121925354, + -0.018391191959381104, + -0.2152096927165985, + -0.01715952530503273, + 0.18505939841270447, + 0.0856543704867363, + 0.008534739725291729, + -0.1988426148891449, + 2.4061074256896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/89.png", + [ + 0.20704993605613708, + -0.029889872297644615, + 0.05643412098288536, + -0.6661621928215027, + -0.024680426344275475, + -0.21405132114887238, + -0.022821055725216866, + 0.2560681998729706, + 0.05889899283647537, + 0.015379191376268864, + -0.20794779062271118, + 2.5219945907592773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/63.png", + [ + 0.20552322268486023, + -0.029147541150450706, + 0.06211700662970543, + -0.7347347140312195, + -0.014570286497473717, + -0.2102188915014267, + -0.05043434724211693, + 0.5877442359924316, + 0.06705079227685928, + 0.04366162419319153, + -0.20135974884033203, + 2.431358814239502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/88.png", + [ + 0.20432010293006897, + -0.028596393764019012, + 0.06620753556489944, + -0.7840803861618042, + -0.023799369111657143, + -0.21450577676296234, + -0.019203277304768562, + 0.20716041326522827, + 0.06807923316955566, + 0.010836147703230381, + -0.20541590452194214, + 2.4918766021728516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/62.png", + [ + 0.20603881776332855, + -0.029025916010141373, + 0.060443323105573654, + -0.7160350680351257, + -0.016058925539255142, + -0.21099765598773956, + -0.04658312723040581, + 0.5430026054382324, + 0.06510000675916672, + 0.03981674090027809, + -0.20279181003570557, + 2.454359531402588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/65.png", + [ + 0.20509061217308044, + -0.027815157547593117, + 0.06412524729967117, + -0.7546196579933167, + -0.011342346668243408, + -0.20938874781131744, + -0.05454906448721886, + 0.6353853940963745, + 0.06897159665822983, + 0.048275936394929886, + -0.19965031743049622, + 2.4007110595703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/80.png", + [ + 0.20000195503234863, + -0.020782675594091415, + 0.08071675151586533, + -0.9475595355033875, + -0.010847000405192375, + -0.21453642845153809, + -0.02836114726960659, + 0.3124891221523285, + 0.08264052122831345, + 0.02213803306221962, + -0.19906869530677795, + 2.388005256652832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/79.png", + [ + 0.19957633316516876, + -0.021522758528590202, + 0.08157175034284592, + -0.958102285861969, + -0.009922284632921219, + -0.21403907239437103, + -0.032198142260313034, + 0.35906174778938293, + 0.08377784490585327, + 0.025921860709786415, + -0.1981343775987625, + 2.379641056060791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/19.png", + [ + 0.20335055887699127, + -0.028022615239024162, + 0.06936261802911758, + -0.823017954826355, + -0.027892356738448143, + -0.21481335163116455, + -0.005012867506593466, + 0.044449109584093094, + 0.06941509991884232, + -0.004224385134875774, + -0.2052110880613327, + 2.520643711090088, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/77.png", + [ + 0.19882313907146454, + -0.023776300251483917, + 0.08277647942304611, + -0.9718637466430664, + -0.009900744073092937, + -0.21318337321281433, + -0.037452857941389084, + 0.4268667697906494, + 0.08555252104997635, + 0.030584776774048805, + -0.19670595228672028, + 2.363430976867676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/68.png", + [ + 0.2031203806400299, + -0.02904036082327366, + 0.06961803138256073, + -0.8196074366569519, + -0.013279365375638008, + -0.2106170952320099, + -0.04911208897829056, + 0.5595791935920715, + 0.0742540955543518, + 0.041773151606321335, + -0.19922155141830444, + 2.394038200378418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/86.png", + [ + 0.20113849639892578, + -0.023501573130488396, + 0.07706409692764282, + -0.9118050932884216, + -0.019720574840903282, + -0.21530824899673462, + -0.014189692214131355, + 0.14502950012683868, + 0.07811720669269562, + 0.0061582899652421474, + -0.20200908184051514, + 2.451773166656494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/1.png", + [ + 0.20441214740276337, + -0.02096225880086422, + 0.06873247772455215, + -0.8107791543006897, + -0.025845997035503387, + -0.21482808887958527, + 0.011347661726176739, + -0.15103758871555328, + 0.06704889982938766, + -0.018904196098446846, + -0.20517058670520782, + 2.4934158325195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/81.png", + [ + 0.20003576576709747, + -0.021871080622076988, + 0.0803445428609848, + -0.9411259293556213, + -0.012756039388477802, + -0.21464809775352478, + -0.026671655476093292, + 0.2935970723628998, + 0.0822853147983551, + 0.019893454387784004, + -0.19945243000984192, + 2.3889122009277344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/95.png", + [ + 0.2075013965368271, + -0.037627942860126495, + 0.0497513972222805, + -0.59070885181427, + -0.03222903236746788, + -0.2126319259405136, + -0.026397904381155968, + 0.309453547000885, + 0.053407423198223114, + 0.017880095168948174, + -0.20922677218914032, + 2.5463061332702637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/103.png", + [ + 0.19790834188461304, + -0.018266629427671432, + 0.08629316836595535, + -1.0170018672943115, + -0.004742814693599939, + -0.21387456357479095, + -0.03439583256840706, + 0.39080867171287537, + 0.08807772397994995, + 0.02952791377902031, + -0.1957506388425827, + 2.3278045654296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/83.png", + [ + 0.19813957810401917, + -0.02295408770442009, + 0.08462688326835632, + -0.9955337047576904, + -0.015528380870819092, + -0.2149990051984787, + -0.021958960220217705, + 0.24103346467018127, + 0.08629871159791946, + 0.014015581458806992, + -0.198252335190773, + 2.390061855316162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/51.png", + [ + 0.20873403549194336, + -0.03246193379163742, + 0.04821011424064636, + -0.5779232382774353, + -0.023059813305735588, + -0.21123254299163818, + -0.04239046573638916, + 0.5049760937690735, + 0.053350143134593964, + 0.03570615500211716, + -0.20694619417190552, + 2.5227084159851074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+y59gJXBBXp0+P0+C0+F2590-2709/93.png", + [ + 0.20760560035705566, + -0.038242779672145844, + 0.04883953183889389, + -0.5800111889839172, + -0.032200489193201065, + -0.2122526317834854, + -0.029323147609829903, + 0.34678763151168823, + 0.05301828682422638, + 0.020837660878896713, + -0.20905202627182007, + 2.5619864463806152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/76.png", + [ + 0.19897343218326569, + 0.03766186907887459, + -0.07706522941589355, + 0.9214621782302856, + 0.02659034915268421, + -0.21216416358947754, + -0.03503168746829033, + 0.39881065487861633, + -0.08155009895563126, + 0.02271232381463051, + -0.19945332407951355, + 2.4325289726257324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/48.png", + [ + 0.18948303163051605, + 0.03193460777401924, + -0.10012121498584747, + 1.2155708074569702, + 0.017888596281409264, + -0.21321699023246765, + -0.03415275737643242, + 0.3923766613006592, + -0.10355710983276367, + 0.02160077542066574, + -0.18909581005573273, + 2.351316452026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/137.png", + [ + 0.19941124320030212, + 0.04161655530333519, + -0.07383164018392563, + 0.9040500521659851, + 0.032276272773742676, + -0.21182042360305786, + -0.032221756875514984, + 0.36816170811653137, + -0.07836638391017914, + 0.0186564102768898, + -0.2011430859565735, + 2.513756275177002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/35.png", + [ + 0.1892019808292389, + 0.02213381789624691, + -0.10325014591217041, + 1.2229686975479126, + 0.006653910502791405, + -0.21393923461437225, + -0.033669281750917435, + 0.37244680523872375, + -0.10538607835769653, + 0.026229551061987877, + -0.18749314546585083, + 2.2680840492248535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/124.png", + [ + 0.20210635662078857, + 0.03829345479607582, + -0.06807738542556763, + 0.8129050731658936, + 0.02847028709948063, + -0.21197257936000824, + -0.03471251577138901, + 0.39138221740722656, + -0.07273487001657486, + 0.023433461785316467, + -0.20275206863880157, + 2.4600563049316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/97.png", + [ + 0.21136415004730225, + 0.02598750963807106, + -0.039971739053726196, + 0.4638049602508545, + 0.01922803558409214, + -0.21269258856773376, + -0.036606691777706146, + 0.4112674295902252, + -0.04362766817212105, + 0.032162345945835114, + -0.2097858488559723, + 2.475925922393799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/13.png", + [ + 0.188679039478302, + 0.027808209881186485, + -0.10283394157886505, + 1.238601565361023, + 0.012924866750836372, + -0.21359257400035858, + -0.034044936299324036, + 0.38347968459129333, + -0.10574054718017578, + 0.023511985316872597, + -0.18765397369861603, + 2.316288948059082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/32.png", + [ + 0.18956969678401947, + 0.01944156549870968, + -0.10311763733625412, + 1.21640145778656, + 0.0032882646191865206, + -0.21391938626766205, + -0.03428678587079048, + 0.3825809359550476, + -0.10488282144069672, + 0.028432758525013924, + -0.18745416402816772, + 2.264596462249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/38.png", + [ + 0.18808814883232117, + 0.024488219991326332, + -0.10474283993244171, + 1.245993733406067, + 0.009374610148370266, + -0.21391412615776062, + -0.03317767009139061, + 0.3671663701534271, + -0.10715807229280472, + 0.02426866628229618, + -0.1867513805627823, + 2.272019863128662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/111.png", + [ + 0.2048165500164032, + 0.03644145652651787, + -0.06058131158351898, + 0.7187459468841553, + 0.025997184216976166, + -0.2114848494529724, + -0.03932175040245056, + 0.44098222255706787, + -0.0657435953617096, + 0.029901059344410896, + -0.20428311824798584, + 2.4549994468688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/11.png", + [ + 0.1872398406267166, + 0.03700724244117737, + -0.10256510227918625, + 1.244905710220337, + 0.025582898408174515, + -0.2130342721939087, + -0.030163036659359932, + 0.32781490683555603, + -0.10599364340305328, + 0.013955533504486084, + -0.1884634643793106, + 2.334465980529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/125.png", + [ + 0.20175805687904358, + 0.038278885185718536, + -0.06911084800958633, + 0.8259350657463074, + 0.028477655723690987, + -0.21203765273094177, + -0.03430674225091934, + 0.3857736885547638, + -0.07369264215230942, + 0.02286168374121189, + -0.2024713158607483, + 2.455440044403076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/59.png", + [ + 0.19277779757976532, + 0.041578423231840134, + -0.0897543802857399, + 1.095725655555725, + 0.02754289098083973, + -0.21139128506183624, + -0.03876868635416031, + 0.44425061345100403, + -0.09500528126955032, + 0.023083677515387535, + -0.19336244463920593, + 2.4091415405273438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/105.png", + [ + 0.20815551280975342, + 0.03470762446522713, + -0.04913811758160591, + 0.5822616815567017, + 0.025249304249882698, + -0.2110394388437271, + -0.04210369288921356, + 0.4721737205982208, + -0.05460445210337639, + 0.03472216799855232, + -0.2067864090204239, + 2.4687299728393555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/121.png", + [ + 0.20267821848392487, + 0.037974484264850616, + -0.0665384829044342, + 0.7964564561843872, + 0.028189292177557945, + -0.2119470238685608, + -0.035095829516649246, + 0.39666515588760376, + -0.07123760879039764, + 0.024172132834792137, + -0.2031964659690857, + 2.474113941192627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/24.png", + [ + 0.18629366159439087, + 0.027858272194862366, + -0.10708162933588028, + 1.276288628578186, + -3.085340722464025e-06, + -0.20969314873218536, + -0.054558973759412766, + 0.625282883644104, + -0.11064609885215759, + 0.04691053181886673, + -0.18029068410396576, + 2.186645030975342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/74.png", + [ + 0.19775009155273438, + 0.040076255798339844, + -0.07897274941205978, + 0.947916567325592, + 0.027115197852253914, + -0.21133898198604584, + -0.039350833743810654, + 0.4484640657901764, + -0.08430638164281845, + 0.026031052693724632, + -0.19789572060108185, + 2.4188451766967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/129.png", + [ + 0.20155979692935944, + 0.038620494306087494, + -0.0694982036948204, + 0.8322088718414307, + 0.029077932238578796, + -0.21208161115646362, + -0.03352251648902893, + 0.3776078522205353, + -0.07400010526180267, + 0.021857324987649918, + -0.2024700939655304, + 2.460754871368408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/98.png", + [ + 0.21132946014404297, + 0.02744879573583603, + -0.03917033597826958, + 0.45375293493270874, + 0.02094290964305401, + -0.2126319855451584, + -0.0360129252076149, + 0.40302759408950806, + -0.043001703917980194, + 0.03133847191929817, + -0.2100396305322647, + 2.477519989013672, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/0.png", + [ + 0.1876470297574997, + 0.03011905401945114, + -0.10406407713890076, + 1.2450436353683472, + 0.0047480384819209576, + -0.2102188915014267, + -0.05228162929415703, + 0.6055566072463989, + -0.10823097825050354, + 0.042997147887945175, + -0.18271616101264954, + 2.2370505332946777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/96.png", + [ + 0.21142946183681488, + 0.025429395958781242, + -0.039985302835702896, + 0.4641457200050354, + 0.018946945667266846, + -0.2129479944705963, + -0.035242851823568344, + 0.3952294886112213, + -0.04343375936150551, + 0.030893223360180855, + -0.21001669764518738, + 2.4761886596679688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/100.png", + [ + 0.21121129393577576, + 0.02778259664773941, + -0.03957028314471245, + 0.4576761722564697, + 0.021080249920487404, + -0.21250393986701965, + -0.03668219968676567, + 0.40992090106010437, + -0.04351210221648216, + 0.03190749138593674, + -0.20984876155853271, + 2.475590705871582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/40.png", + [ + 0.18492555618286133, + 0.02857821062207222, + -0.1092415302991867, + 1.3086514472961426, + 0.012159842997789383, + -0.21344143152236938, + -0.03525315225124359, + 0.3966986835002899, + -0.11226114630699158, + 0.023956885561347008, + -0.18376997113227844, + 2.246946334838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/52.png", + [ + 0.1901148110628128, + 0.03991596773266792, + -0.09597378969192505, + 1.1784167289733887, + 0.028140200302004814, + -0.2123553454875946, + -0.03257661685347557, + 0.3673999607563019, + -0.10006190091371536, + 0.016118986532092094, + -0.19150897860527039, + 2.3932580947875977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/3.png", + [ + 0.18786559998989105, + 0.02865676023066044, + -0.10408268123865128, + 1.2497214078903198, + 0.010782206431031227, + -0.2128375619649887, + -0.039138391613960266, + 0.4401324689388275, + -0.1074158251285553, + 0.028755173087120056, + -0.18596471846103668, + 2.2821903228759766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/47.png", + [ + 0.186717689037323, + 0.03297438472509384, + -0.10486701130867004, + 1.2713940143585205, + 0.017262164503335953, + -0.2129276990890503, + -0.03621738404035568, + 0.4156748056411743, + -0.10856527090072632, + 0.02285544015467167, + -0.1861158311367035, + 2.3105950355529785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/104.png", + [ + 0.20882046222686768, + 0.03276354819536209, + -0.047628313302993774, + 0.5629266500473022, + 0.023566415533423424, + -0.21125495433807373, + -0.04199839010834694, + 0.47176989912986755, + -0.052787601947784424, + 0.0352957546710968, + -0.20716074109077454, + 2.4691147804260254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/21.png", + [ + 0.18654246628284454, + 0.028004024177789688, + -0.10660945624113083, + 1.2673007249832153, + 0.0007107612327672541, + -0.2098664492368698, + -0.05388376861810684, + 0.6164955496788025, + -0.11022382974624634, + 0.04604063555598259, + -0.18077294528484344, + 2.1977014541625977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/82.png", + [ + 0.2044115662574768, + 0.032812342047691345, + -0.06393080949783325, + 0.7526448369026184, + 0.025521084666252136, + -0.21334978938102722, + -0.027900490909814835, + 0.31723713874816895, + -0.06717493385076523, + 0.018791312351822853, + -0.20513972640037537, + 2.468240261077881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/106.png", + [ + 0.20776858925819397, + 0.03436427563428879, + -0.05098233371973038, + 0.6043899655342102, + 0.024463951587677002, + -0.21104180812835693, + -0.0425531268119812, + 0.4779069125652313, + -0.05640581622719765, + 0.035047829151153564, + -0.2062472403049469, + 2.4672536849975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/14.png", + [ + 0.18839384615421295, + 0.026492899283766747, + -0.1037004366517067, + 1.2506592273712158, + 0.008890264667570591, + -0.21307997405529022, + -0.03828561305999756, + 0.4411526918411255, + -0.10666123032569885, + 0.02903362549841404, + -0.1863553822040558, + 2.295266628265381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/67.png", + [ + 0.19539856910705566, + 0.04265717789530754, + -0.08335261791944504, + 1.0053813457489014, + 0.027008933946490288, + -0.2103622406721115, + -0.04434116184711456, + 0.5088219046592712, + -0.08965384215116501, + 0.029597068205475807, + -0.195023313164711, + 2.39699125289917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/78.png", + [ + 0.20190836489200592, + 0.03496946021914482, + -0.07041338831186295, + 0.837864339351654, + 0.025828421115875244, + -0.21279360353946686, + -0.03161762282252312, + 0.35881316661834717, + -0.07425497472286224, + 0.02106935903429985, + -0.20246030390262604, + 2.4579086303710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/31.png", + [ + 0.18985290825366974, + 0.018935183063149452, + -0.10268998146057129, + 1.2108603715896606, + 0.004014668054878712, + -0.21424852311611176, + -0.03208335489034653, + 0.35469603538513184, + -0.10434392094612122, + 0.026209119707345963, + -0.18807797133922577, + 2.2710790634155273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/39.png", + [ + 0.18593676388263702, + 0.028289517387747765, + -0.10758772492408752, + 1.2859312295913696, + 0.012312177568674088, + -0.2134973704814911, + -0.03485945984721184, + 0.38847970962524414, + -0.11056140810251236, + 0.02380073443055153, + -0.18481773138046265, + 2.2547640800476074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/92.png", + [ + 0.21006259322166443, + 0.026445047929883003, + -0.04606804996728897, + 0.540241003036499, + 0.019553743302822113, + -0.21321605145931244, + -0.03323342278599739, + 0.3769759237766266, + -0.0493888333439827, + 0.028061872348189354, + -0.20909607410430908, + 2.4744739532470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/53.png", + [ + 0.1900676041841507, + 0.04071668162941933, + -0.09573065489530563, + 1.174749493598938, + 0.02861442230641842, + -0.21216006577014923, + -0.033424824476242065, + 0.3823049068450928, + -0.10001710057258606, + 0.016677994281053543, + -0.1914845108985901, + 2.3915882110595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/75.png", + [ + 0.19855161011219025, + 0.03831275925040245, + -0.07782857120037079, + 0.9332131147384644, + 0.02637641504406929, + -0.21185636520385742, + -0.03700083866715431, + 0.4210617244243622, + -0.08264041692018509, + 0.024431735277175903, + -0.19880028069019318, + 2.4288759231567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/87.png", + [ + 0.2076134979724884, + 0.029323939234018326, + -0.054631803184747696, + 0.6433178186416626, + 0.021696235984563828, + -0.213199645280838, + -0.03198544681072235, + 0.36772653460502625, + -0.05808442458510399, + 0.025177408009767532, + -0.2072201520204544, + 2.4764394760131836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/107.png", + [ + 0.2069375365972519, + 0.03532124683260918, + -0.05363914743065834, + 0.6357450485229492, + 0.02578972652554512, + -0.21143342554569244, + -0.03973272442817688, + 0.44465675950050354, + -0.058818694204092026, + 0.03156277909874916, + -0.20613597333431244, + 2.4662246704101562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/112.png", + [ + 0.20352233946323395, + 0.036774031817913055, + -0.06460820883512497, + 0.7679511308670044, + 0.026165174320340157, + -0.21169312298297882, + -0.03806964308023453, + 0.4279440939426422, + -0.06958401203155518, + 0.02795683965086937, + -0.20328396558761597, + 2.451484203338623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/69.png", + [ + 0.19530247151851654, + 0.04291412979364395, + -0.08344589918851852, + 1.0027456283569336, + 0.026759708300232887, + -0.21015764772891998, + -0.04544856399297714, + 0.522256076335907, + -0.08993752300739288, + 0.03065992332994938, + -0.194728285074234, + 2.3852925300598145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/45.png", + [ + 0.18758191168308258, + 0.03709898889064789, + -0.10190477222204208, + 1.224072813987732, + 0.02216350845992565, + -0.21241915225982666, + -0.036534711718559265, + 0.41214433312416077, + -0.10615883022546768, + 0.021205458790063858, + -0.18769264221191406, + 2.31967830657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/50.png", + [ + 0.19043737649917603, + 0.03569241240620613, + -0.09699254482984543, + 1.1841264963150024, + 0.024187834933400154, + -0.21308816969394684, + -0.030923642218112946, + 0.34849613904953003, + -0.10048110038042068, + 0.016351601108908653, + -0.1912696212530136, + 2.391083240509033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/101.png", + [ + 0.2107459455728531, + 0.027073699980974197, + -0.04243888333439827, + 0.4932018518447876, + 0.02015822008252144, + -0.21277166903018951, + -0.03563365712761879, + 0.39817091822624207, + -0.046126894652843475, + 0.030710361897945404, + -0.2094685584306717, + 2.4789013862609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/85.png", + [ + 0.20693336427211761, + 0.03128465637564659, + -0.05610478296875954, + 0.658572793006897, + 0.023681586608290672, + -0.21306617558002472, + -0.03146243467926979, + 0.3611351251602173, + -0.05971314013004303, + 0.023915937170386314, + -0.20690640807151794, + 2.4715495109558105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/131.png", + [ + 0.2016313523054123, + 0.03830345347523689, + -0.06946610659360886, + 0.8326340317726135, + 0.02899201400578022, + -0.21219800412654877, + -0.03285367041826248, + 0.3707497715950012, + -0.0738387331366539, + 0.021277839317917824, + -0.2025907039642334, + 2.4713993072509766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/71.png", + [ + 0.19555780291557312, + 0.04219764843583107, + -0.0832129642367363, + 1.0005568265914917, + 0.026734845712780952, + -0.21048766374588013, + -0.043909937143325806, + 0.5037667751312256, + -0.0893884003162384, + 0.029363131150603294, + -0.19518046081066132, + 2.387943744659424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/115.png", + [ + 0.20144012570381165, + 0.038977764546871185, + -0.06964554637670517, + 0.8334476947784424, + 0.028050558641552925, + -0.21159107983112335, + -0.03728649020195007, + 0.4211251139640808, + -0.07471903413534164, + 0.025648588314652443, + -0.20176003873348236, + 2.452085494995117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/54.png", + [ + 0.19026270508766174, + 0.04045044630765915, + -0.09545557200908661, + 1.1702237129211426, + 0.026919687166810036, + -0.21193435788154602, + -0.03615322709083557, + 0.42148637771606445, + -0.10011661052703857, + 0.01988685131072998, + -0.1911257952451706, + 2.390732765197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/33.png", + [ + 0.19049924612045288, + 0.01944510079920292, + -0.10138946026563644, + 1.196446180343628, + 0.0034497936721891165, + -0.2138766050338745, + -0.03453681617975235, + 0.38278016448020935, + -0.10317961126565933, + 0.028750315308570862, + -0.18834882974624634, + 2.272439956665039, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/49.png", + [ + 0.19012673199176788, + 0.03390659764409065, + -0.09823478013277054, + 1.197208285331726, + 0.02146925777196884, + -0.21321438252925873, + -0.03204053267836571, + 0.36624109745025635, + -0.10167989134788513, + 0.018381169065833092, + -0.19045007228851318, + 2.3764595985412598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/118.png", + [ + 0.20170609652996063, + 0.038387399166822433, + -0.0692022293806076, + 0.8308417201042175, + 0.02854228764772415, + -0.21201182901859283, + -0.03441259637475014, + 0.38802775740623474, + -0.07380975037813187, + 0.02291935123503208, + -0.2024221271276474, + 2.4704461097717285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/110.png", + [ + 0.2056201696395874, + 0.03531821072101593, + -0.058488212525844574, + 0.6929947733879089, + 0.025155430659651756, + -0.21158508956432343, + -0.03933003172278404, + 0.44123589992523193, + -0.06352519989013672, + 0.030533110722899437, + -0.20489062368869781, + 2.4602346420288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/18.png", + [ + 0.19007658958435059, + 0.027281269431114197, + -0.10037189722061157, + 1.2015448808670044, + 0.005861594341695309, + -0.21156612038612366, + -0.046403829008340836, + 0.526569664478302, + -0.10384810715913773, + 0.03799218311905861, + -0.18633319437503815, + 2.2689404487609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/66.png", + [ + 0.19587528705596924, + 0.041977643966674805, + -0.08257510513067245, + 0.9970906376838684, + 0.02677876688539982, + -0.21056312322616577, + -0.04351971670985222, + 0.49918320775032043, + -0.08867733180522919, + 0.029136665165424347, + -0.1955384463071823, + 2.4038243293762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/16.png", + [ + 0.18959154188632965, + 0.028178274631500244, + -0.10103918612003326, + 1.2151398658752441, + 0.006970612332224846, + -0.2116333544254303, + -0.04594152048230171, + 0.5314450263977051, + -0.10466299206018448, + 0.03694858402013779, + -0.18608695268630981, + 2.276367664337158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/94.png", + [ + 0.21087762713432312, + 0.02548355422914028, + -0.04276806488633156, + 0.499227911233902, + 0.018874015659093857, + -0.2131640464067459, + -0.03395220264792442, + 0.3838295042514801, + -0.04606832563877106, + 0.02931840717792511, + -0.20968079566955566, + 2.4773926734924316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/28.png", + [ + 0.19072656333446503, + 0.02150137722492218, + -0.10054336488246918, + 1.19161057472229, + -0.00042358398786745965, + -0.21171768009662628, + -0.04607972130179405, + 0.5239399075508118, + -0.10281584411859512, + 0.040757954120635986, + -0.1863211989402771, + 2.2681288719177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/61.png", + [ + 0.19582633674144745, + 0.042081110179424286, + -0.08263847976922989, + 1.0045945644378662, + 0.027517307549715042, + -0.2107538878917694, + -0.04211285337805748, + 0.4854898154735565, + -0.08855922520160675, + 0.027565835043787956, + -0.19581951200962067, + 2.4265336990356445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/132.png", + [ + 0.20079655945301056, + 0.03863539546728134, + -0.0716654509305954, + 0.8627077341079712, + 0.02931605651974678, + -0.2122412919998169, + -0.032281436026096344, + 0.3652213513851166, + -0.07595524936914444, + 0.020219502970576286, + -0.20191548764705658, + 2.4768452644348145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/58.png", + [ + 0.19130577147006989, + 0.043243251740932465, + -0.09208701550960541, + 1.1298104524612427, + 0.030820056796073914, + -0.211544468998909, + -0.03531242161989212, + 0.40250763297080994, + -0.09695422649383545, + 0.018079381436109543, + -0.19292721152305603, + 2.4106903076171875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/123.png", + [ + 0.20221546292304993, + 0.037942852824926376, + -0.06794948875904083, + 0.8123484253883362, + 0.028235740959644318, + -0.21205751597881317, + -0.03438381850719452, + 0.3879733383655548, + -0.07252266258001328, + 0.023234542459249496, + -0.20285096764564514, + 2.4649815559387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/64.png", + [ + 0.19583891332149506, + 0.042368534952402115, + -0.08246168494224548, + 0.998511016368866, + 0.02698430046439171, + -0.21043013036251068, + -0.04403306171298027, + 0.5069777965545654, + -0.08869537711143494, + 0.029529139399528503, + -0.1954713761806488, + 2.410006523132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/10.png", + [ + 0.18569166958332062, + 0.03588682785630226, + -0.10572906583547592, + 1.2881742715835571, + 0.02340458519756794, + -0.2131301313638687, + -0.03123575448989868, + 0.3477257490158081, + -0.10917291045188904, + 0.015348704531788826, + -0.18653039634227753, + 2.318985939025879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/41.png", + [ + 0.1843663901090622, + 0.02964748814702034, + -0.10989973694086075, + 1.3186476230621338, + 0.01324197743088007, + -0.21336203813552856, + -0.03534379228949547, + 0.39940550923347473, + -0.11305563896894455, + 0.023357225582003593, + -0.18335963785648346, + 2.2458105087280273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/91.png", + [ + 0.20981073379516602, + 0.027160273864865303, + -0.04679397493600845, + 0.548320472240448, + 0.020104149356484413, + -0.21311445534229279, + -0.03355518728494644, + 0.38228583335876465, + -0.05023125931620598, + 0.028150437399744987, + -0.2088833898305893, + 2.4741406440734863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/23.png", + [ + 0.184634268283844, + 0.02790694124996662, + -0.10990577936172485, + 1.3107948303222656, + -0.0020993074867874384, + -0.20913302898406982, + -0.05662911757826805, + 0.657573938369751, + -0.1133740246295929, + 0.049320038408041, + -0.17793750762939453, + 2.1644530296325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/37.png", + [ + 0.18818342685699463, + 0.023140115663409233, + -0.10487814992666245, + 1.2460861206054688, + 0.007087575737386942, + -0.21380016207695007, + -0.034455183893442154, + 0.3837105631828308, + -0.10716649889945984, + 0.02649393118917942, + -0.18644385039806366, + 2.267308235168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/36.png", + [ + 0.18850550055503845, + 0.022805752232670784, + -0.10437177866697311, + 1.2367889881134033, + 0.006463318131864071, + -0.21372699737548828, + -0.03502703458070755, + 0.3907839357852936, + -0.10663861781358719, + 0.027359921485185623, + -0.18662135303020477, + 2.263441562652588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/8.png", + [ + 0.1870260387659073, + 0.03138425573706627, + -0.10480543971061707, + 1.2708170413970947, + 0.01345338299870491, + -0.2125900834798813, + -0.039652999490499496, + 0.45905232429504395, + -0.10857328027486801, + 0.027719704434275627, + -0.18544906377792358, + 2.306704044342041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/6.png", + [ + 0.1880219280719757, + 0.03184529393911362, + -0.10286653786897659, + 1.2385616302490234, + 0.015328743495047092, + -0.21279041469097137, + -0.03785714879631996, + 0.4287714660167694, + -0.10658647865056992, + 0.025573642924427986, + -0.18690426647663116, + 2.3115386962890625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/20.png", + [ + 0.18950121104717255, + 0.027491211891174316, + -0.1013973280787468, + 1.2062979936599731, + 0.0030583085026592016, + -0.21047964692115784, + -0.05135035142302513, + 0.5808767676353455, + -0.10501348227262497, + 0.04347924888134003, + -0.18447118997573853, + 2.2407822608947754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/2.png", + [ + 0.1869088113307953, + 0.030827198177576065, + -0.10517925769090652, + 1.2624248266220093, + 0.010208077728748322, + -0.21192021667957306, + -0.043971844017505646, + 0.5006872415542603, + -0.10912739485502243, + 0.032975934445858, + -0.18425984680652618, + 2.2568068504333496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/117.png", + [ + 0.201602965593338, + 0.03849431499838829, + -0.06944294273853302, + 0.8335988521575928, + 0.02809152752161026, + -0.21183034777641296, + -0.035870153456926346, + 0.4049983620643616, + -0.0742630586028099, + 0.02437189780175686, + -0.20208637416362762, + 2.4640517234802246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/5.png", + [ + 0.1884717047214508, + 0.03116060234606266, + -0.10225129127502441, + 1.2293826341629028, + 0.015315034426748753, + -0.21299731731414795, + -0.03668094798922539, + 0.41141900420188904, + -0.1057911142706871, + 0.024679118767380714, + -0.1874755471944809, + 2.312847137451172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/108.png", + [ + 0.20669569075107574, + 0.03548013046383858, + -0.05446051433682442, + 0.6445828676223755, + 0.02589273825287819, + -0.21146543323993683, + -0.039494723081588745, + 0.4416329860687256, + -0.05961839482188225, + 0.031167730689048767, + -0.2059662938117981, + 2.464956283569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/60.png", + [ + 0.19372546672821045, + 0.04158489406108856, + -0.08768711239099503, + 1.068034052848816, + 0.02668759785592556, + -0.21105438470840454, + -0.041130416095256805, + 0.47385498881340027, + -0.0933065116405487, + 0.025973742827773094, + -0.1938224881887436, + 2.407917022705078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/56.png", + [ + 0.19132934510707855, + 0.04321879893541336, + -0.0920494794845581, + 1.129771113395691, + 0.030102564021945, + -0.21141287684440613, + -0.036692291498184204, + 0.4228360652923584, + -0.09713292866945267, + 0.01961183361709118, + -0.1926874816417694, + 2.411146640777588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/30.png", + [ + 0.18929056823253632, + 0.018305964767932892, + -0.10383576154708862, + 1.2260634899139404, + 0.0021707634441554546, + -0.21401533484458923, + -0.033773064613342285, + 0.37283438444137573, + -0.10541471838951111, + 0.028464432805776596, + -0.1871507614850998, + 2.271275520324707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/17.png", + [ + 0.18990610539913177, + 0.027301982045173645, + -0.10068844258785248, + 1.2079273462295532, + 0.005346160847693682, + -0.211395263671875, + -0.04723721742630005, + 0.5423898696899414, + -0.10418722778558731, + 0.03891706466674805, + -0.18595260381698608, + 2.270946502685547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/12.png", + [ + 0.18874363601207733, + 0.03338821977376938, + -0.10103942453861237, + 1.220321774482727, + 0.0212787464261055, + -0.2134198099374771, + -0.030774910002946854, + 0.33508580923080444, + -0.10426386445760727, + 0.016885116696357727, + -0.18918730318546295, + 2.3357319831848145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/114.png", + [ + 0.20230534672737122, + 0.03831416741013527, + -0.067471943795681, + 0.8053664565086365, + 0.027716532349586487, + -0.21166911721229553, + -0.037092797458171844, + 0.41716423630714417, + -0.07247228920459747, + 0.02600204385817051, + -0.20253285765647888, + 2.4522085189819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/27.png", + [ + 0.19094516336917877, + 0.022104177623987198, + -0.09999623149633408, + 1.1849287748336792, + -0.00040063975029625, + -0.21140450239181519, + -0.047496020793914795, + 0.5375727415084839, + -0.10240937769412994, + 0.04204091057181358, + -0.18625995516777039, + 2.2656021118164062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/42.png", + [ + 0.18455903232097626, + 0.032204270362854004, + -0.10885194689035416, + 1.3045505285263062, + 0.016551190987229347, + -0.21318607032299042, + -0.035009291023015976, + 0.394152969121933, + -0.11230280250310898, + 0.021505292505025864, + -0.18404753506183624, + 2.2579517364501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/7.png", + [ + 0.18765759468078613, + 0.0320512056350708, + -0.10346613824367523, + 1.2493523359298706, + 0.014214164577424526, + -0.21246854960918427, + -0.04003703594207764, + 0.46048858761787415, + -0.10738006979227066, + 0.02788775973021984, + -0.18611739575862885, + 2.3092989921569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/73.png", + [ + 0.1978742778301239, + 0.04118676483631134, + -0.07808534801006317, + 0.9387879371643066, + 0.02737627923488617, + -0.21082864701747894, + -0.04182971641421318, + 0.4790383279323578, + -0.08392979204654694, + 0.0283343642950058, + -0.1977393478155136, + 2.4178853034973145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/120.png", + [ + 0.2022981196641922, + 0.03766017407178879, + -0.06786077469587326, + 0.8129191398620605, + 0.027950091287493706, + -0.21209539473056793, + -0.034383624792099, + 0.3881346583366394, + -0.07240279763936996, + 0.023348495364189148, + -0.20288071036338806, + 2.472229480743408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/46.png", + [ + 0.18721003830432892, + 0.03408695384860039, + -0.10362610965967178, + 1.2511543035507202, + 0.018102528527379036, + -0.21267877519130707, + -0.037255048751831055, + 0.42522045969963074, + -0.10757598280906677, + 0.023531250655651093, + -0.18660540878772736, + 2.3096108436584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/127.png", + [ + 0.20193104445934296, + 0.037972208112478256, + -0.06877398490905762, + 0.8219813108444214, + 0.028606988489627838, + -0.2122013419866562, + -0.0331682488322258, + 0.37252911925315857, + -0.0731668695807457, + 0.021831270307302475, + -0.2027754932641983, + 2.463082790374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/133.png", + [ + 0.2005266547203064, + 0.03986789658665657, + -0.07174615561962128, + 0.866083562374115, + 0.03056778572499752, + -0.21204732358455658, + -0.03239511698484421, + 0.36642584204673767, + -0.07617460936307907, + 0.019859101623296738, + -0.20186863839626312, + 2.484555721282959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/57.png", + [ + 0.19029827415943146, + 0.04447394236922264, + -0.09357637912034988, + 1.1496052742004395, + 0.031861066818237305, + -0.21133394539356232, + -0.03564733639359474, + 0.40583306550979614, + -0.09858672320842743, + 0.017547892406582832, + -0.1921474188566208, + 2.405855178833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/44.png", + [ + 0.18781833350658417, + 0.038238588720560074, + -0.1010444164276123, + 1.2079070806503296, + 0.023854661732912064, + -0.21232540905475616, + -0.036010708659887314, + 0.40324264764785767, + -0.10537134110927582, + 0.02009044773876667, + -0.18825820088386536, + 2.3184475898742676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/113.png", + [ + 0.20317229628562927, + 0.03712935745716095, + -0.06550049781799316, + 0.7804203033447266, + 0.02664409577846527, + -0.21175475418567657, + -0.03738866001367569, + 0.4198663532733917, + -0.07042015343904495, + 0.027004264295101166, + -0.2031247615814209, + 2.45504093170166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/126.png", + [ + 0.20225130021572113, + 0.03756129369139671, + -0.06805477291345596, + 0.8126288056373596, + 0.02810557372868061, + -0.21220149099826813, + -0.033593129366636276, + 0.3773665726184845, + -0.07247330248355865, + 0.02252933569252491, + -0.20294813811779022, + 2.462660789489746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/29.png", + [ + 0.18954765796661377, + 0.024227362126111984, + -0.1021401658654213, + 1.2132502794265747, + 0.0041248248890042305, + -0.21238113939762115, + -0.04272153228521347, + 0.48112067580223083, + -0.10489311069250107, + 0.035428497940301895, + -0.1862529218196869, + 2.2673726081848145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/4.png", + [ + 0.18793223798274994, + 0.02923855558037758, + -0.10380017012357712, + 1.2468178272247314, + 0.01260407269001007, + -0.21308457851409912, + -0.037202008068561554, + 0.41682836413383484, + -0.10710044950246811, + 0.026228968054056168, + -0.18651923537254333, + 2.295769691467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/55.png", + [ + 0.19100475311279297, + 0.04102204367518425, + -0.09371376782655716, + 1.1479264497756958, + 0.027033032849431038, + -0.21167509257793427, + -0.03756017982959747, + 0.43895259499549866, + -0.09866251051425934, + 0.021418318152427673, + -0.1917155534029007, + 2.399341106414795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/9.png", + [ + 0.1874111443758011, + 0.03287754952907562, + -0.10365340113639832, + 1.2597488164901733, + 0.017422646284103394, + -0.2129443883895874, + -0.036042142659425735, + 0.41224467754364014, + -0.1073378399014473, + 0.02283969521522522, + -0.1868283450603485, + 2.3212223052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/25.png", + [ + 0.1876576840877533, + 0.025879910215735435, + -0.10517947375774384, + 1.2539597749710083, + 0.0006608968833461404, + -0.21066877245903015, + -0.05065689980983734, + 0.5728420615196228, + -0.10831460356712341, + 0.04355214163661003, + -0.1825350522994995, + 2.219241142272949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/99.png", + [ + 0.21130457520484924, + 0.027703354135155678, + -0.03912537544965744, + 0.4523516297340393, + 0.021310575306415558, + -0.2126816213130951, + -0.035500530153512955, + 0.3965091407299042, + -0.04294333606958389, + 0.03077259287238121, + -0.21013522148132324, + 2.478175640106201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/34.png", + [ + 0.18943732976913452, + 0.02147204987704754, + -0.10295800119638443, + 1.217768907546997, + 0.005349044222384691, + -0.2138034701347351, + -0.034747082740068436, + 0.3847671449184418, + -0.10503707826137543, + 0.027837444096803665, + -0.1874571591615677, + 2.2638988494873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/72.png", + [ + 0.19659247994422913, + 0.04022588953375816, + -0.08173836022615433, + 0.9834074974060059, + 0.02573820762336254, + -0.21101266145706177, + -0.041941557079553604, + 0.48039618134498596, + -0.08738894015550613, + 0.028344793245196342, + -0.1962336301803589, + 2.4027652740478516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/102.png", + [ + 0.21032869815826416, + 0.029088221490383148, + -0.04316956549882889, + 0.5054396986961365, + 0.021757273003458977, + -0.21236495673656464, + -0.037089575082063675, + 0.41359615325927734, + -0.04729013890028, + 0.03166845068335533, + -0.20906612277030945, + 2.4780149459838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/134.png", + [ + 0.19998379051685333, + 0.04032767936587334, + -0.07299353182315826, + 0.8851310610771179, + 0.030980804935097694, + -0.21200920641422272, + -0.032251905649900436, + 0.3644768297672272, + -0.07742459326982498, + 0.019330643117427826, + -0.20144392549991608, + 2.4904885292053223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/70.png", + [ + 0.19486869871616364, + 0.0419105589389801, + -0.08495637029409409, + 1.020654320716858, + 0.026200540363788605, + -0.21058067679405212, + -0.04378587380051613, + 0.5026130080223083, + -0.09103631973266602, + 0.02910628356039524, + -0.19445592164993286, + 2.380155563354492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/135.png", + [ + 0.20015276968479156, + 0.041005976498126984, + -0.07214759290218353, + 0.8756223917007446, + 0.03178277984261513, + -0.21188955008983612, + -0.03225785121321678, + 0.36472654342651367, + -0.07665910571813583, + 0.019215203821659088, + -0.20174750685691833, + 2.500917434692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/130.png", + [ + 0.20168393850326538, + 0.0379939042031765, + -0.0694834291934967, + 0.8324897885322571, + 0.028538590297102928, + -0.21220579743385315, + -0.03319857642054558, + 0.3742612600326538, + -0.07387173175811768, + 0.021749939769506454, + -0.20252852141857147, + 2.466477870941162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/90.png", + [ + 0.20978155732154846, + 0.027166927233338356, + -0.04692068696022034, + 0.5508944392204285, + 0.019989460706710815, + -0.21305684745311737, + -0.033986713737249374, + 0.3880614936351776, + -0.05039855092763901, + 0.028576793149113655, + -0.20878517627716064, + 2.4735794067382812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/122.png", + [ + 0.20276784896850586, + 0.037405721843242645, + -0.06658751517534256, + 0.7970005869865417, + 0.02755717560648918, + -0.21201536059379578, + -0.03518494963645935, + 0.3977592885494232, + -0.07122982293367386, + 0.024457935243844986, + -0.2031649947166443, + 2.47074031829834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/15.png", + [ + 0.1892997920513153, + 0.026380736380815506, + -0.10206634551286697, + 1.2310880422592163, + 0.006195893976837397, + -0.21220222115516663, + -0.04335580766201019, + 0.5026696920394897, + -0.10523828119039536, + 0.0349595732986927, + -0.1861467957496643, + 2.2845568656921387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/22.png", + [ + 0.18640881776809692, + 0.026914121583104134, + -0.1071227639913559, + 1.276018500328064, + -0.0023800302296876907, + -0.20911596715450287, + -0.05668105557560921, + 0.657305896282196, + -0.1104264035820961, + 0.049940332770347595, + -0.17961032688617706, + 2.1841492652893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/138.png", + [ + 0.1990741789340973, + 0.04202410206198692, + -0.07450732588768005, + 0.9166622161865234, + 0.03179610148072243, + -0.2115555852651596, + -0.03436776623129845, + 0.3969598114490509, + -0.07941267639398575, + 0.020642444491386414, + -0.2005378007888794, + 2.515404224395752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/109.png", + [ + 0.206215962767601, + 0.03562130033969879, + -0.05616045743227005, + 0.6660073399543762, + 0.02572777308523655, + -0.21145616471767426, + -0.03965185210108757, + 0.4450248181819916, + -0.061326634138822556, + 0.031069448217749596, + -0.20547902584075928, + 2.463961124420166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/26.png", + [ + 0.18921802937984467, + 0.023301145061850548, + -0.10296354442834854, + 1.2236868143081665, + 0.0003647587727755308, + -0.2114737182855606, + -0.047187190502882004, + 0.5296532511711121, + -0.10556657612323761, + 0.041034385561943054, + -0.1847153902053833, + 2.2484045028686523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/43.png", + [ + 0.1866195797920227, + 0.03469955921173096, + -0.10448430478572845, + 1.2494914531707764, + 0.020142246037721634, + -0.212921604514122, + -0.034735824912786484, + 0.3881872594356537, + -0.10823732614517212, + 0.020204655826091766, + -0.1866128295660019, + 2.2947912216186523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/84.png", + [ + 0.20612752437591553, + 0.032997746020555496, + -0.058055900037288666, + 0.6814432740211487, + 0.024838579818606377, + -0.21274332702159882, + -0.03272942081093788, + 0.3744555711746216, + -0.06198696047067642, + 0.02448098175227642, + -0.20617030560970306, + 2.4672675132751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/136.png", + [ + 0.19912369549274445, + 0.04198181629180908, + -0.07439875602722168, + 0.907099187374115, + 0.03291551396250725, + -0.2118394523859024, + -0.03144066408276558, + 0.35723763704299927, + -0.0788303017616272, + 0.01759185455739498, + -0.20105771720409393, + 2.5042295455932617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/89.png", + [ + 0.2088838517665863, + 0.029063135385513306, + -0.049706801772117615, + 0.5837628245353699, + 0.021692264825105667, + -0.21298712491989136, + -0.03337392956018448, + 0.3818698823451996, + -0.053337402641773224, + 0.027197565883398056, + -0.2082386016845703, + 2.469871997833252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/63.png", + [ + 0.19443945586681366, + 0.04301965609192848, + -0.08538443595170975, + 1.0353593826293945, + 0.027384281158447266, + -0.2104533463716507, + -0.04367358610033989, + 0.5043167471885681, + -0.09160400927066803, + 0.028400536626577377, + -0.19429363310337067, + 2.4014430046081543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/88.png", + [ + 0.20825621485710144, + 0.029714684933423996, + -0.05190650373697281, + 0.6110851168632507, + 0.022153623402118683, + -0.21299073100090027, + -0.03304639086127281, + 0.38032764196395874, + -0.055555958300828934, + 0.026455333456397057, + -0.20775356888771057, + 2.4765491485595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/62.png", + [ + 0.19407320022583008, + 0.0430317185819149, + -0.08620763570070267, + 1.0459165573120117, + 0.027330437675118446, + -0.21048785746097565, + -0.043540794402360916, + 0.5035191774368286, + -0.09239335358142853, + 0.028125161305069923, + -0.19395962357521057, + 2.4004478454589844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/65.png", + [ + 0.19557487964630127, + 0.04315022751688957, + -0.08268259465694427, + 0.9992749691009521, + 0.02778512053191662, + -0.21032412350177765, + -0.04404145106673241, + 0.5053399205207825, + -0.08902999758720398, + 0.029149960726499557, + -0.19537612795829773, + 2.4049177169799805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/80.png", + [ + 0.2013530731201172, + 0.03574128448963165, + -0.07160584628582001, + 0.8482351303100586, + 0.027442526072263718, + -0.2129475325345993, + -0.02912304922938347, + 0.3310912847518921, + -0.07517808675765991, + 0.017994586378335953, + -0.20241625607013702, + 2.4426426887512207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/119.png", + [ + 0.20181778073310852, + 0.03846905753016472, + -0.06883034110069275, + 0.8261607885360718, + 0.028474969789385796, + -0.21193186938762665, + -0.03495645523071289, + 0.3956791162490845, + -0.07352998852729797, + 0.023514024913311005, + -0.20245574414730072, + 2.471712589263916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/79.png", + [ + 0.20213568210601807, + 0.03503376618027687, + -0.06972584873437881, + 0.8262726068496704, + 0.026698842644691467, + -0.21297504007816315, + -0.029609229415655136, + 0.3350965976715088, + -0.07332278788089752, + 0.01903075911104679, + -0.2030012160539627, + 2.452688217163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/116.png", + [ + 0.2014935165643692, + 0.038766056299209595, + -0.06960926949977875, + 0.834086537361145, + 0.028316449373960495, + -0.21178215742111206, + -0.03597763180732727, + 0.40568503737449646, + -0.07447439432144165, + 0.024359898641705513, + -0.20201003551483154, + 2.460089683532715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/19.png", + [ + 0.19099225103855133, + 0.026141906157135963, + -0.09892652928829193, + 1.179828405380249, + 0.0044707790948450565, + -0.21141578257083893, + -0.04723634570837021, + 0.5310500860214233, + -0.10222460329532623, + 0.03959622234106064, + -0.18689613044261932, + 2.271885871887207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/77.png", + [ + 0.2000255137681961, + 0.03631644695997238, + -0.07495870441198349, + 0.896130383014679, + 0.02562539651989937, + -0.21236850321292877, + -0.03450881317257881, + 0.39420628547668457, + -0.0792529508471489, + 0.022992059588432312, + -0.20034527778625488, + 2.4432058334350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/68.png", + [ + 0.19615189731121063, + 0.04205489158630371, + -0.08187618106603622, + 0.9856756329536438, + 0.026417452841997147, + -0.2103496491909027, + -0.044755347073078156, + 0.5139229893684387, + -0.0881727933883667, + 0.030533740296959877, + -0.19555342197418213, + 2.3970179557800293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/86.png", + [ + 0.20675358176231384, + 0.030969392508268356, + -0.05693630129098892, + 0.6698317527770996, + 0.023689020425081253, + -0.21327811479568481, + -0.02998620830476284, + 0.3435060977935791, + -0.060329727828502655, + 0.022388366982340813, + -0.20689848065376282, + 2.4715938568115234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/1.png", + [ + 0.1862010657787323, + 0.031055346131324768, + -0.10636083036661148, + 1.2775155305862427, + 0.008033921010792255, + -0.21122661232948303, + -0.04760954529047012, + 0.5474022626876831, + -0.11051025986671448, + 0.03696995973587036, + -0.1826707422733307, + 2.2371201515197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/81.png", + [ + 0.20203351974487305, + 0.035111065953969955, + -0.06998264044523239, + 0.8277455568313599, + 0.027116183191537857, + -0.21305860579013824, + -0.028611890971660614, + 0.3253987729549408, + -0.07345113158226013, + 0.017920412123203278, + -0.20305585861206055, + 2.4454193115234375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/95.png", + [ + 0.21116982400417328, + 0.02504684403538704, + -0.04156753420829773, + 0.48343756794929504, + 0.01837148889899254, + -0.2130328118801117, + -0.03503445163369179, + 0.39391642808914185, + -0.0449187308549881, + 0.030619923025369644, + -0.2097441852092743, + 2.4735074043273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/103.png", + [ + 0.20925219357013702, + 0.031318094581365585, + -0.04669680818915367, + 0.5495631098747253, + 0.022716499865055084, + -0.21170009672641754, + -0.04018618166446686, + 0.45063117146492004, + -0.05143321305513382, + 0.03391379117965698, + -0.20773150026798248, + 2.4752092361450195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/83.png", + [ + 0.20547261834144592, + 0.033684663474559784, + -0.05995192751288414, + 0.7042218446731567, + 0.025889026001095772, + -0.21289347112178802, + -0.030887391418218613, + 0.3546698987483978, + -0.06370753794908524, + 0.022127266973257065, + -0.20591169595718384, + 2.471867084503174, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/51.png", + [ + 0.19096899032592773, + 0.03640146180987358, + -0.0956747978925705, + 1.1704636812210083, + 0.025884943082928658, + -0.21310271322727203, + -0.029412437230348587, + 0.32688069343566895, + -0.09903889149427414, + 0.014493287540972233, + -0.19216954708099365, + 2.401360511779785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/128.png", + [ + 0.20185285806655884, + 0.03682403266429901, + -0.06962265074253082, + 0.8333000540733337, + 0.02724984660744667, + -0.21235711872577667, + -0.03331367298960686, + 0.37454089522361755, + -0.07389701902866364, + 0.022278813645243645, + -0.20246180891990662, + 2.4609031677246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+miRoh8eMVkw+P0+C0+F3323-3463/93.png", + [ + 0.2105102837085724, + 0.02647150121629238, + -0.043961022049188614, + 0.5142226219177246, + 0.019657429307699203, + -0.21305930614471436, + -0.03416455537080765, + 0.3872710168361664, + -0.047401443123817444, + 0.029204294085502625, + -0.20939941704273224, + 2.4750542640686035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/76.png", + [ + 0.15523315966129303, + 0.032580602914094925, + 0.14761118590831757, + -1.6292259693145752, + 0.023120570927858353, + -0.21420997381210327, + 0.02296581119298935, + -0.26354190707206726, + 0.14938540756702423, + -0.0007024432998150587, + -0.15694394707679749, + 1.7920920848846436, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/48.png", + [ + 0.16958050429821014, + 0.028168940916657448, + 0.13189710676670074, + -1.4107699394226074, + 0.026772014796733856, + -0.21471007168293, + 0.011434239335358143, + -0.12887030839920044, + 0.13218772411346436, + 0.0073480079881846905, + -0.17152346670627594, + 1.9062236547470093, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/137.png", + [ + 0.18426722288131714, + 0.00035228737397119403, + 0.11398841440677643, + -1.2501729726791382, + 0.003048031823709607, + -0.2166113406419754, + -0.004257826134562492, + 0.037275295704603195, + 0.11394820362329483, + 0.005224507302045822, + -0.1842183619737625, + 2.0746092796325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/173.png", + [ + 0.1652330905199051, + 0.030926194041967392, + 0.13670951128005981, + -1.436199426651001, + 0.026700692251324654, + -0.21440963447093964, + 0.016231760382652283, + -0.18327437341213226, + 0.1375972181558609, + 0.004468520171940327, + -0.16731683909893036, + 1.8101059198379517, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/35.png", + [ + 0.16600248217582703, + 0.023820459842681885, + 0.1371993124485016, + -1.5214354991912842, + 0.025014987215399742, + -0.21510930359363556, + 0.007080595009028912, + -0.09576641023159027, + 0.13698656857013702, + 0.010414889082312584, + -0.16755329072475433, + 1.9317270517349243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/124.png", + [ + 0.19250929355621338, + -0.0019277126993983984, + 0.09942007809877396, + -1.0633649826049805, + 0.0004323405446484685, + -0.21661563217639923, + -0.0050372350960969925, + 0.04756836220622063, + 0.09943782538175583, + 0.0046738190576434135, + -0.1924530267715454, + 2.1334614753723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/97.png", + [ + 0.17033043503761292, + 0.02934934012591839, + 0.13066771626472473, + -1.449194312095642, + 0.023556696251034737, + -0.21467724442481995, + 0.017511697486042976, + -0.20041829347610474, + 0.1318351924419403, + 0.00043993795407004654, + -0.17195110023021698, + 1.9743155241012573, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/155.png", + [ + 0.17496666312217712, + 0.024117184802889824, + 0.12551063299179077, + -1.3720813989639282, + 0.031430866569280624, + -0.21436676383018494, + -0.002624725690111518, + 0.024928908795118332, + 0.12388163059949875, + 0.02032608538866043, + -0.17660148441791534, + 1.9786063432693481, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/13.png", + [ + 0.16912361979484558, + 0.03369375318288803, + 0.13118621706962585, + -1.4291038513183594, + 0.02868715114891529, + -0.21401292085647583, + 0.017983773723244667, + -0.20443853735923767, + 0.13237124681472778, + 0.003331617685034871, + -0.17150700092315674, + 1.9312862157821655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/32.png", + [ + 0.1668955534696579, + 0.021279525011777878, + 0.13653185963630676, + -1.5109540224075317, + 0.022114485502243042, + -0.2154437005519867, + 0.006545946933329105, + -0.0893150120973587, + 0.13639912009239197, + 0.008892795071005821, + -0.16811929643154144, + 1.9310113191604614, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/158.png", + [ + 0.1761854887008667, + 0.02554982900619507, + 0.12350616604089737, + -1.3565043210983276, + 0.03325307369232178, + -0.21408459544181824, + -0.0031486961524933577, + 0.031964261084795, + 0.12165854126214981, + 0.021514812484383583, + -0.1780005693435669, + 1.9984997510910034, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/38.png", + [ + 0.16680960357189178, + 0.022999748587608337, + 0.13635782897472382, + -1.5057839155197144, + 0.022291287779808044, + -0.21533477306365967, + 0.009051511995494366, + -0.11438962817192078, + 0.13647544384002686, + 0.007059951778501272, + -0.16814428567886353, + 1.927688717842102, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/148.png", + [ + 0.1782132238149643, + 0.014245127327740192, + 0.12241330742835999, + -1.3219515085220337, + 0.012569998390972614, + -0.21620093286037445, + 0.00685930298641324, + -0.08679579198360443, + 0.1225966289639473, + 0.0014598678098991513, + -0.17864999175071716, + 1.9938873052597046, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/111.png", + [ + 0.16142413020133972, + 0.014263606630265713, + 0.14382869005203247, + -1.4955599308013916, + 0.011044764891266823, + -0.21620383858680725, + 0.00904516875743866, + -0.10309085249900818, + 0.14411160349845886, + 0.000592805037740618, + -0.16180042922496796, + 1.739807367324829, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/164.png", + [ + 0.17844058573246002, + 0.017677918076515198, + 0.12163196504116058, + -1.321153163909912, + 0.015074478462338448, + -0.21595069766044617, + 0.009271080605685711, + -0.1183183342218399, + 0.12198199331760406, + 0.0008270546095445752, + -0.17907428741455078, + 2.013363838195801, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/11.png", + [ + 0.16843515634536743, + 0.03375597670674324, + 0.13205310702323914, + -1.4483507871627808, + 0.028500430285930634, + -0.21400655806064606, + 0.018352653831243515, + -0.20751269161701202, + 0.1332862228155136, + 0.003102983580902219, + -0.17080120742321014, + 1.9345520734786987, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/125.png", + [ + 0.19310466945171356, + -0.002658185549080372, + 0.09824160486459732, + -1.0502879619598389, + 5.1574097597040236e-05, + -0.21659259498119354, + -0.0059618582017719746, + 0.05756012722849846, + 0.09827754646539688, + 0.0053367093205451965, + -0.1930309236049652, + 2.1387672424316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/59.png", + [ + 0.1554073840379715, + 0.03333175554871559, + 0.14725971221923828, + -1.564503788948059, + 0.02918347343802452, + -0.21397489309310913, + 0.01763436198234558, + -0.19813629984855652, + 0.148137629032135, + 0.007186070084571838, + -0.1579604148864746, + 1.7554545402526855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/105.png", + [ + 0.17138947546482086, + 0.02368508093059063, + 0.13043221831321716, + -1.3861218690872192, + 0.024292388930916786, + -0.2151896208524704, + 0.007155629340559244, + -0.08823306858539581, + 0.1303204745054245, + 0.008963257074356079, + -0.17287027835845947, + 1.8940516710281372, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/121.png", + [ + 0.18955883383750916, + 0.002525119809433818, + 0.10492362827062607, + -1.1161208152770996, + 0.004118295386433601, + -0.21662403643131256, + -0.002226931042969227, + 0.01491665467619896, + 0.1048731803894043, + 0.003942505922168493, + -0.18956255912780762, + 2.088812828063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/175.png", + [ + 0.1602758765220642, + 0.03428191319108009, + 0.1417190283536911, + -1.4786708354949951, + 0.02679389901459217, + -0.21393899619579315, + 0.02144964598119259, + -0.23239785432815552, + 0.14332348108291626, + 0.0016584523255005479, + -0.1624916046857834, + 1.7466658353805542, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/24.png", + [ + 0.16214783489704132, + 0.03479548543691635, + 0.1394461989402771, + -1.5590102672576904, + 0.034240901470184326, + -0.2135278433561325, + 0.01346552837640047, + -0.1615532487630844, + 0.13958342373371124, + 0.011959673836827278, + -0.16529163718223572, + 1.9157651662826538, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/74.png", + [ + 0.15563398599624634, + 0.03206770867109299, + 0.14730112254619598, + -1.624861478805542, + 0.02356879413127899, + -0.21428810060024261, + 0.02174880914390087, + -0.2433060109615326, + 0.14889751374721527, + 0.00040085651562549174, + -0.1574079394340515, + 1.7963351011276245, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/129.png", + [ + 0.19599328935146332, + -0.0033051245845854282, + 0.09232334047555923, + -0.983381986618042, + -0.0007137767388485372, + -0.21658363938331604, + -0.006238296162337065, + 0.0593213327229023, + 0.09237972646951675, + 0.00533872377127409, + -0.1959218680858612, + 2.16225004196167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/172.png", + [ + 0.165577232837677, + 0.02309727668762207, + 0.13783536851406097, + -1.4524421691894531, + 0.021278977394104004, + -0.2153700590133667, + 0.010528123937547207, + -0.1265660971403122, + 0.13812775909900665, + 0.0054910858161747456, + -0.16684861481189728, + 1.8126327991485596, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/153.png", + [ + 0.17533354461193085, + 0.02281518280506134, + 0.12524181604385376, + -1.3638038635253906, + 0.027565039694309235, + -0.21491336822509766, + 0.0005606106715276837, + -0.011078113690018654, + 0.12428279966115952, + 0.015479438938200474, + -0.1768108308315277, + 1.9768925905227661, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/144.png", + [ + 0.18036207556724548, + 0.007212038617581129, + 0.11985576152801514, + -1.3098666667938232, + 0.006246278993785381, + -0.21655412018299103, + 0.0036310742143541574, + -0.05172034353017807, + 0.11990997940301895, + 0.00043265102431178093, + -0.18046966195106506, + 2.0272440910339355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/98.png", + [ + 0.17181722819805145, + 0.02743563801050186, + 0.12912790477275848, + -1.4293705224990845, + 0.02359379082918167, + -0.21491310000419617, + 0.014268474653363228, + -0.16409195959568024, + 0.12988482415676117, + 0.0027462709695100784, + -0.17340785264968872, + 1.986470103263855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/0.png", + [ + 0.16999493539333344, + 0.02964049018919468, + 0.1310383826494217, + -1.4590402841567993, + 0.02430885285139084, + -0.21463343501091003, + 0.017013780772686005, + -0.19512352347373962, + 0.13213135302066803, + 0.0013528858544304967, + -0.17171886563301086, + 1.9799748659133911, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/163.png", + [ + 0.17788265645503998, + 0.02106642536818981, + 0.12190920114517212, + -1.3282012939453125, + 0.018539151176810265, + -0.21563836932182312, + 0.010211990214884281, + -0.12757450342178345, + 0.1223190501332283, + 0.0020471117459237576, + -0.1788344383239746, + 2.0150580406188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/96.png", + [ + 0.1685851365327835, + 0.029133789241313934, + 0.1329592764377594, + -1.4756829738616943, + 0.023670941591262817, + -0.2147032618522644, + 0.017031917348504066, + -0.1949375569820404, + 0.13403965532779694, + 0.0012735340278595686, + -0.1702340841293335, + 1.9590579271316528, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/100.png", + [ + 0.17359280586242676, + 0.026508469134569168, + 0.12692809104919434, + -1.3956103324890137, + 0.02482302486896515, + -0.21496950089931488, + 0.010946469381451607, + -0.12604376673698425, + 0.12726841866970062, + 0.005771373864263296, + -0.17526361346244812, + 1.9876595735549927, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/40.png", + [ + 0.16795822978019714, + 0.024136437103152275, + 0.13474184274673462, + -1.4783976078033447, + 0.0231121014803648, + -0.21521803736686707, + 0.009742552414536476, + -0.12184624373912811, + 0.13492132723331451, + 0.006820480804890394, + -0.16940370202064514, + 1.9281631708145142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/141.png", + [ + 0.18030966818332672, + 0.006446341518312693, + 0.11997818201780319, + -1.3220155239105225, + 0.006045414600521326, + -0.2165752500295639, + 0.002551058540120721, + -0.03758044168353081, + 0.11999905109405518, + 0.0012245894176885486, + -0.1804068237543106, + 2.043591022491455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/52.png", + [ + 0.16923822462558746, + 0.02995520643889904, + 0.1319432109594345, + -1.4038426876068115, + 0.02892353944480419, + -0.21442291140556335, + 0.011581610888242722, + -0.13257108628749847, + 0.13217318058013916, + 0.008566823787987232, + -0.17147813737392426, + 1.8884254693984985, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/184.png", + [ + 0.15490710735321045, + 0.04210222512483597, + 0.1455303430557251, + -1.6044343709945679, + 0.020618902519345284, + -0.2120617777109146, + 0.039402492344379425, + -0.441805362701416, + 0.15008844435214996, + -0.014321251772344112, + -0.15561571717262268, + 1.7805594205856323, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/3.png", + [ + 0.1701904833316803, + 0.03315740078687668, + 0.12993723154067993, + -1.4483064413070679, + 0.02854529395699501, + -0.21409277617931366, + 0.017243875190615654, + -0.19508899748325348, + 0.1310277283191681, + 0.0035738025326281786, + -0.17253074049949646, + 1.9852410554885864, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/47.png", + [ + 0.1685715615749359, + 0.027734149247407913, + 0.13327540457248688, + -1.43306565284729, + 0.025459108874201775, + -0.2148103564977646, + 0.012499688193202019, + -0.14025436341762543, + 0.13372863829135895, + 0.005935078952461481, + -0.1703799068927765, + 1.8990973234176636, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/104.png", + [ + 0.1706496626138687, + 0.02182561345398426, + 0.13172025978565216, + -1.4085841178894043, + 0.023179126903414726, + -0.21535703539848328, + 0.005654328037053347, + -0.07247547805309296, + 0.1314888298511505, + 0.009637730196118355, + -0.17194677889347076, + 1.8958731889724731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/21.png", + [ + 0.16387826204299927, + 0.02925040014088154, + 0.13869473338127136, + -1.5453922748565674, + 0.023238811641931534, + -0.21468664705753326, + 0.017818521708250046, + -0.20990629494190216, + 0.1398276388645172, + 0.001398559776134789, + -0.1655118465423584, + 1.9013344049453735, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/82.png", + [ + 0.1642034351825714, + 0.02348945289850235, + 0.13940364122390747, + -1.5119924545288086, + 0.024899983778595924, + -0.21512790024280548, + 0.006919285282492638, + -0.08905746042728424, + 0.13915862143039703, + 0.010776425711810589, + -0.16573062539100647, + 1.8609241247177124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/106.png", + [ + 0.1684292107820511, + 0.022178536280989647, + 0.13449017703533173, + -1.4194493293762207, + 0.022334346547722816, + -0.215388223528862, + 0.007548801600933075, + -0.09272857755422592, + 0.13446439802646637, + 0.007994992658495903, + -0.16971534490585327, + 1.851500391960144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/14.png", + [ + 0.1669558435678482, + 0.0347471721470356, + 0.1336648017168045, + -1.4518030881881714, + 0.029935812577605247, + -0.2138240933418274, + 0.01819346286356449, + -0.2057279795408249, + 0.13482390344142914, + 0.004448418039828539, + -0.16956005990505219, + 1.9053651094436646, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/67.png", + [ + 0.13186077773571014, + 0.04026307910680771, + 0.16715115308761597, + -1.806618332862854, + 0.031869303435087204, + -0.21272294223308563, + 0.02609955333173275, + -0.29049068689346313, + 0.1689525693655014, + 0.008701913990080357, + -0.13537797331809998, + 1.5203136205673218, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/78.png", + [ + 0.1660037338733673, + 0.034104228019714355, + 0.13500945270061493, + -1.4827637672424316, + 0.027100102975964546, + -0.21397146582603455, + 0.020729010924696922, + -0.2438460886478424, + 0.13658782839775085, + 0.0010046245297417045, + -0.16819825768470764, + 1.9161545038223267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/31.png", + [ + 0.1676979660987854, + 0.022936515510082245, + 0.13527452945709229, + -1.4966398477554321, + 0.02358541078865528, + -0.2152647227048874, + 0.00726077426224947, + -0.09773571789264679, + 0.13516293466091156, + 0.00910530611872673, + -0.16910342872142792, + 1.9396711587905884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/152.png", + [ + 0.17832224071025848, + 0.02352035604417324, + 0.12081335484981537, + -1.3090788125991821, + 0.025635290890932083, + -0.21511484682559967, + 0.004041227977722883, + -0.04989084601402283, + 0.12038233131170273, + 0.010967804118990898, + -0.17982128262519836, + 2.00270414352417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/39.png", + [ + 0.16836905479431152, + 0.024177774786949158, + 0.1342206746339798, + -1.47606360912323, + 0.023851729929447174, + -0.2151762992143631, + 0.008840595372021198, + -0.11110904812812805, + 0.1342790126800537, + 0.007905462756752968, + -0.16986624896526337, + 1.936576008796692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/92.png", + [ + 0.16668376326560974, + 0.02919648215174675, + 0.1353217512369156, + -1.4995442628860474, + 0.023414641618728638, + -0.21469531953334808, + 0.01748061180114746, + -0.19929425418376923, + 0.13644108176231384, + 0.0011758452747017145, + -0.16831620037555695, + 1.9302631616592407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/53.png", + [ + 0.1645893007516861, + 0.02929884009063244, + 0.13783986866474152, + -1.4697680473327637, + 0.028077352792024612, + -0.21450847387313843, + 0.012069210410118103, + -0.13972242176532745, + 0.13809385895729065, + 0.008693753741681576, + -0.16674049198627472, + 1.8414249420166016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/75.png", + [ + 0.15492472052574158, + 0.0357583723962307, + 0.1471990942955017, + -1.6233584880828857, + 0.026940153911709785, + -0.21369865536689758, + 0.023558713495731354, + -0.2663566470146179, + 0.149065300822258, + 0.0014572032960131764, + -0.15724283456802368, + 1.79233980178833, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/151.png", + [ + 0.1774933934211731, + 0.022611236199736595, + 0.12219952791929245, + -1.3249987363815308, + 0.022453008219599724, + -0.21538646519184113, + 0.007241383660584688, + -0.08573301136493683, + 0.1222286969423294, + 0.006731055676937103, + -0.17878125607967377, + 1.9957889318466187, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/87.png", + [ + 0.16813963651657104, + 0.027456996962428093, + 0.13387706875801086, + -1.4374306201934814, + 0.025253280997276306, + -0.2148435264825821, + 0.012346254661679268, + -0.1420341432094574, + 0.13431020081043243, + 0.006022579502314329, + -0.16991879045963287, + 1.8915997743606567, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/139.png", + [ + 0.180977001786232, + 0.004767527803778648, + 0.11904827505350113, + -1.311622977256775, + 0.00639365566894412, + -0.21657775342464447, + -0.0010463332291692495, + 0.0024288222193717957, + 0.11897201836109161, + 0.004386834800243378, + -0.18103677034378052, + 2.049589157104492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/107.png", + [ + 0.17178228497505188, + 0.019983820617198944, + 0.13053497672080994, + -1.361677885055542, + 0.019070222973823547, + -0.2156882882118225, + 0.007923923432826996, + -0.09514641761779785, + 0.13067157566547394, + 0.005206616595387459, + -0.17275913059711456, + 1.8644758462905884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/112.png", + [ + 0.1674170047044754, + 0.013789238408207893, + 0.13685503602027893, + -1.4170844554901123, + 0.010462055914103985, + -0.21623513102531433, + 0.00898901280015707, + -0.1021832823753357, + 0.13714951276779175, + -0.00033750582952052355, + -0.16774322092533112, + 1.793394923210144, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/69.png", + [ + 0.149740532040596, + 0.041040483862161636, + 0.15113353729248047, + -1.636319875717163, + 0.03424296900629997, + -0.21262261271476746, + 0.02381056174635887, + -0.26398181915283203, + 0.15281715989112854, + 0.007429824210703373, + -0.15342622995376587, + 1.728505253791809, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/157.png", + [ + 0.17519676685333252, + 0.02583673968911171, + 0.12484569847583771, + -1.3695951700210571, + 0.033952780067920685, + -0.21397145092487335, + -0.0033648889511823654, + 0.03397640958428383, + 0.12288691103458405, + 0.022283993661403656, + -0.17705965042114258, + 1.9873350858688354, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/45.png", + [ + 0.16839036345481873, + 0.024379102513194084, + 0.13415752351284027, + -1.4459331035614014, + 0.021198809146881104, + -0.21527187526226044, + 0.012511113658547401, + -0.14546144008636475, + 0.13469667732715607, + 0.0034024722408503294, + -0.16968536376953125, + 1.8942102193832397, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/50.png", + [ + 0.17365410923957825, + 0.03143385797739029, + 0.12571419775485992, + -1.335443139076233, + 0.03028658777475357, + -0.2142266035079956, + 0.011729606427252293, + -0.13229404389858246, + 0.12599551677703857, + 0.008171513676643372, + -0.17608590424060822, + 1.9449633359909058, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/101.png", + [ + 0.17134243249893188, + 0.024967893958091736, + 0.1302546262741089, + -1.4291677474975586, + 0.02538229525089264, + -0.21504025161266327, + 0.007831107825040817, + -0.09278257191181183, + 0.13017451763153076, + 0.009065944701433182, + -0.1729748696088791, + 1.954790472984314, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/85.png", + [ + 0.16517101228237152, + 0.02461838349699974, + 0.13805927336215973, + -1.4823822975158691, + 0.02408052422106266, + -0.21512047946453094, + 0.009550345130264759, + -0.11419838666915894, + 0.138154074549675, + 0.008063238114118576, + -0.16672228276729584, + 1.852896809577942, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/156.png", + [ + 0.1768309324979782, + 0.024568350985646248, + 0.12278077006340027, + -1.3429261445999146, + 0.032035067677497864, + -0.2142685353755951, + -0.003262448124587536, + 0.03285187855362892, + 0.12104739993810654, + 0.020815502852201462, + -0.17849968373775482, + 1.9973949193954468, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/181.png", + [ + 0.15534758567810059, + 0.03933054581284523, + 0.1458359658718109, + -1.5689733028411865, + 0.02051074616611004, + -0.21275538206100464, + 0.03552957996726036, + -0.3896681070327759, + 0.14964735507965088, + -0.011668327264487743, + -0.15626072883605957, + 1.7496975660324097, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/131.png", + [ + 0.19446325302124023, + -0.0021432023495435715, + 0.09553714096546173, + -1.024204134941101, + 0.0009210576536133885, + -0.21656803786754608, + -0.006733098533004522, + 0.06545521318912506, + 0.09555674344301224, + 0.006449004169553518, + -0.1943584829568863, + 2.1531171798706055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/71.png", + [ + 0.15974439680576324, + 0.04073808342218399, + 0.14060592651367188, + -1.532057285308838, + 0.032245296984910965, + -0.21279604732990265, + 0.025019556283950806, + -0.27637767791748047, + 0.14279305934906006, + 0.002479039365425706, + -0.16294749081134796, + 1.8494482040405273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/160.png", + [ + 0.17344583570957184, + 0.024694226682186127, + 0.12749364972114563, + -1.4043573141098022, + 0.030919084325432777, + -0.21445660293102264, + -0.0005250993417575955, + 0.0017281770706176758, + 0.12612870335578918, + 0.018613457679748535, + -0.1751941293478012, + 1.9787548780441284, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/115.png", + [ + 0.17598028481006622, + 0.012366066686809063, + 0.12580110132694244, + -1.2992100715637207, + 0.011524157598614693, + -0.21630685031414032, + 0.005141770001500845, + -0.06692254543304443, + 0.12588101625442505, + 0.002514836611226201, + -0.1763392835855484, + 1.8853858709335327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/54.png", + [ + 0.15955126285552979, + 0.02707057073712349, + 0.14407800137996674, + -1.5371092557907104, + 0.025039097294211388, + -0.2148515284061432, + 0.012639916501939297, + -0.14511631429195404, + 0.14444491267204285, + 0.007342197932302952, + -0.16133709251880646, + 1.7817045450210571, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/33.png", + [ + 0.1664200872182846, + 0.022460531443357468, + 0.13692250847816467, + -1.5173873901367188, + 0.02411593496799469, + -0.215244859457016, + 0.00599710363894701, + -0.08306880295276642, + 0.13664065301418304, + 0.010633339174091816, + -0.16782179474830627, + 1.9305280447006226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/159.png", + [ + 0.17553600668907166, + 0.02343515306711197, + 0.12484310567378998, + -1.37327241897583, + 0.031107446178793907, + -0.21440155804157257, + -0.0034919294994324446, + 0.03612469509243965, + 0.12315573543310165, + 0.020752355456352234, + -0.17705903947353363, + 1.9913448095321655, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/177.png", + [ + 0.1599804162979126, + 0.031388744711875916, + 0.14271968603134155, + -1.4965680837631226, + 0.02364485152065754, + -0.21438872814178467, + 0.020646627992391586, + -0.22183911502361298, + 0.1442050039768219, + 0.0003301231190562248, + -0.1617179811000824, + 1.7509796619415283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/49.png", + [ + 0.17170307040214539, + 0.030016746371984482, + 0.12870484590530396, + -1.3712176084518433, + 0.028919577598571777, + -0.21443164348602295, + 0.01142894010990858, + -0.12846678495407104, + 0.12895581126213074, + 0.00812141876667738, + -0.17393198609352112, + 1.9281975030899048, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/118.png", + [ + 0.18229281902313232, + 0.007834128104150295, + 0.11685822904109955, + -1.2258894443511963, + 0.007791857700794935, + -0.21652160584926605, + 0.0023606226313859224, + -0.036305077373981476, + 0.11686106771230698, + 0.0022163100074976683, + -0.18244580924510956, + 1.9854873418807983, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/179.png", + [ + 0.15630985796451569, + 0.035874977707862854, + 0.1456986665725708, + -1.5427963733673096, + 0.025248859077692032, + -0.2136792242527008, + 0.02552591636776924, + -0.2749424874782562, + 0.14791083335876465, + -0.0014363850932568312, + -0.15832944214344025, + 1.7367513179779053, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/110.png", + [ + 0.16142907738685608, + 0.01561275776475668, + 0.14368292689323425, + -1.4962499141693115, + 0.011667856946587563, + -0.21611139178276062, + 0.010373977944254875, + -0.11779093742370605, + 0.14405696094036102, + 8.353863449883647e-06, + -0.1618501842021942, + 1.742800235748291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/18.png", + [ + 0.16721342504024506, + 0.034299712628126144, + 0.1334581971168518, + -1.4596704244613647, + 0.02334059402346611, + -0.2138725072145462, + 0.025722702965140343, + -0.2934000790119171, + 0.1358041763305664, + -0.005474511533975601, + -0.16874578595161438, + 1.9125241041183472, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/66.png", + [ + 0.1290617734193802, + 0.03934439271688461, + 0.1695375144481659, + -1.8335810899734497, + 0.031925685703754425, + -0.21283607184886932, + 0.025088954716920853, + -0.2824409604072571, + 0.1710897535085678, + 0.010036137886345387, + -0.1325725018978119, + 1.4888793230056763, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/16.png", + [ + 0.16781282424926758, + 0.033267535269260406, + 0.13296622037887573, + -1.4395537376403809, + 0.02600950002670288, + -0.21410547196865082, + 0.02074236050248146, + -0.23557326197624207, + 0.13457432389259338, + -0.00010361062595620751, + -0.16981644928455353, + 1.9085899591445923, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/94.png", + [ + 0.16500402987003326, + 0.029717735946178436, + 0.13725310564041138, + -1.5286667346954346, + 0.022797849029302597, + -0.2146269977092743, + 0.019063252955675125, + -0.21707965433597565, + 0.1385706067085266, + -7.586591527797282e-05, + -0.1665714979171753, + 1.9180530309677124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/28.png", + [ + 0.16126443445682526, + 0.018293267115950584, + 0.1435515135526657, + -1.5948337316513062, + 0.017430296167731285, + -0.21582704782485962, + 0.007922560907900333, + -0.10750921070575714, + 0.143658846616745, + 0.005651414860039949, + -0.16210518777370453, + 1.8666623830795288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/61.png", + [ + 0.15932394564151764, + 0.03570333123207092, + 0.14243963360786438, + -1.5247822999954224, + 0.03188471123576164, + -0.21356961131095886, + 0.017868271097540855, + -0.20365555584430695, + 0.1433427333831787, + 0.007821876555681229, + -0.16229470074176788, + 1.818976879119873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/132.png", + [ + 0.1925390064716339, + -0.0013981788652017713, + 0.09937135130167007, + -1.06656014919281, + 0.0019348663045093417, + -0.21655938029289246, + -0.006795982364565134, + 0.06581766903400421, + 0.09936235845088959, + 0.006926339585334063, + -0.19242411851882935, + 2.133850574493408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/58.png", + [ + 0.1483234316110611, + 0.03442391753196716, + 0.15415266156196594, + -1.6446937322616577, + 0.03004973568022251, + -0.2137538641691208, + 0.018820077180862427, + -0.20930352807044983, + 0.15506470203399658, + 0.0084956344217062, + -0.15109816193580627, + 1.6822526454925537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/123.png", + [ + 0.19147945940494537, + -0.0013040275080129504, + 0.10139927268028259, + -1.0840532779693604, + 0.0008606005576439202, + -0.21662801504135132, + -0.004411040339618921, + 0.040323082357645035, + 0.10140399634838104, + 0.004300863016396761, + -0.19143308699131012, + 2.119926929473877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/64.png", + [ + 0.12451613694429398, + 0.03592726215720177, + 0.1736457794904709, + -1.8890337944030762, + 0.02867824211716652, + -0.2134675532579422, + 0.02360207587480545, + -0.2687663733959198, + 0.17498908936977386, + 0.009419732727110386, + -0.1274283230304718, + 1.4393572807312012, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/10.png", + [ + 0.16959083080291748, + 0.031780634075403214, + 0.1310604214668274, + -1.4451755285263062, + 0.02692350745201111, + -0.21431191265583038, + 0.01712941564619541, + -0.19398553669452667, + 0.13214373588562012, + 0.0028781129512935877, + -0.17169053852558136, + 1.9536608457565308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/170.png", + [ + 0.17037992179393768, + 0.02224135771393776, + 0.13199959695339203, + -1.4041239023208618, + 0.02013898640871048, + -0.2154899686574936, + 0.010314501821994781, + -0.12077093124389648, + 0.13233664631843567, + 0.004158095922321081, + -0.17151561379432678, + 1.8784655332565308, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/41.png", + [ + 0.17035697400569916, + 0.025568177923560143, + 0.13142547011375427, + -1.4340360164642334, + 0.02434326708316803, + -0.21505704522132874, + 0.01028394140303135, + -0.1263350546360016, + 0.13165786862373352, + 0.006679988000541925, + -0.17195777595043182, + 1.9433220624923706, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/166.png", + [ + 0.17522281408309937, + 0.015454313717782497, + 0.12651488184928894, + -1.3706793785095215, + 0.01472377497702837, + -0.2160903960466385, + 0.006003937683999538, + -0.0783495306968689, + 0.12660197913646698, + 0.0037417826242744923, + -0.17580054700374603, + 1.9661363363265991, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/91.png", + [ + 0.16975289583206177, + 0.030345672741532326, + 0.13119065761566162, + -1.4413905143737793, + 0.024299737066030502, + -0.21453861892223358, + 0.018182456493377686, + -0.20614869892597198, + 0.1324438452720642, + 0.0004678601981140673, + -0.17148266732692719, + 1.954490303993225, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/140.png", + [ + 0.18088005483150482, + 0.006267895456403494, + 0.1191260814666748, + -1.3132060766220093, + 0.0065202913247048855, + -0.21657133102416992, + 0.0014946858864277601, + -0.02580331452190876, + 0.119112528860569, + 0.0023370422422885895, + -0.18098241090774536, + 2.0512304306030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/23.png", + [ + 0.16388511657714844, + 0.03685097396373749, + 0.1368633359670639, + -1.5286011695861816, + 0.03488048538565636, + -0.21327465772628784, + 0.015657860785722733, + -0.18563781678676605, + 0.1373787373304367, + 0.010189322754740715, + -0.1672457903623581, + 1.93911874294281, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/37.png", + [ + 0.16668201982975006, + 0.024345407262444496, + 0.13628019392490387, + -1.5100489854812622, + 0.024702798575162888, + -0.2151050865650177, + 0.008213285356760025, + -0.10574421286582947, + 0.13621586561203003, + 0.009218867868185043, + -0.16825024783611298, + 1.9359618425369263, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/178.png", + [ + 0.15662015974521637, + 0.03226510435342789, + 0.14620870351791382, + -1.5427359342575073, + 0.02471761964261532, + -0.2142525613307953, + 0.020803170278668404, + -0.22429507970809937, + 0.1476721316576004, + 0.001641792943701148, + -0.15855011343955994, + 1.7274590730667114, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/36.png", + [ + 0.16608767211437225, + 0.023115236312150955, + 0.13721683621406555, + -1.521571159362793, + 0.023946546018123627, + -0.2152245193719864, + 0.007271259557455778, + -0.09581358730792999, + 0.13707421720027924, + 0.009591353125870228, + -0.16753076016902924, + 1.9308725595474243, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/182.png", + [ + 0.15891598165035248, + 0.040098048746585846, + 0.14172419905662537, + -1.534817099571228, + 0.017513910308480263, + -0.2121557593345642, + 0.04038684070110321, + -0.44615456461906433, + 0.14624249935150146, + -0.018165340647101402, + -0.15884283185005188, + 1.791884422302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/8.png", + [ + 0.1697920858860016, + 0.03215974569320679, + 0.13070687651634216, + -1.4530495405197144, + 0.027351360768079758, + -0.2142532467842102, + 0.017185669392347336, + -0.1937524676322937, + 0.1317969709634781, + 0.003032286884263158, + -0.17195424437522888, + 1.9707854986190796, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/6.png", + [ + 0.16856779158115387, + 0.031455930322408676, + 0.13245120644569397, + -1.477231740951538, + 0.028519993647933006, + -0.2142929583787918, + 0.01459579449146986, + -0.1653708666563034, + 0.1331142783164978, + 0.006078826263546944, + -0.1708552986383438, + 1.96548593044281, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/169.png", + [ + 0.17040283977985382, + 0.018932929262518883, + 0.13248512148857117, + -1.415784239768982, + 0.018175918608903885, + -0.2157820612192154, + 0.0074586388655006886, + -0.08952759951353073, + 0.132591113448143, + 0.005247802473604679, + -0.1712891012430191, + 1.8878835439682007, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/154.png", + [ + 0.1772390604019165, + 0.02455700747668743, + 0.12219315022230148, + -1.3319646120071411, + 0.03064178302884102, + -0.2144928276538849, + -0.0013390049571171403, + 0.010179836302995682, + 0.12081096321344376, + 0.018375659361481667, + -0.1789271980524063, + 1.999205231666565, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/20.png", + [ + 0.16121265292167664, + 0.030190106481313705, + 0.14158719778060913, + -1.574326515197754, + 0.021661004051566124, + -0.21455560624599457, + 0.02108543924987316, + -0.24609418213367462, + 0.14314042031764984, + -0.0015337236691266298, + -0.16265413165092468, + 1.864794373512268, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/2.png", + [ + 0.17160499095916748, + 0.03205608204007149, + 0.12834341824054718, + -1.426967740058899, + 0.025983992964029312, + -0.2142896056175232, + 0.01878010854125023, + -0.21269796788692474, + 0.1297091245651245, + 0.0005174311227165163, + -0.1735602766275406, + 1.9945284128189087, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/117.png", + [ + 0.1824951022863388, + 0.00883311778306961, + 0.11647060513496399, + -1.2143434286117554, + 0.008402780629694462, + -0.21648721396923065, + 0.003252243623137474, + -0.04579676687717438, + 0.11650243401527405, + 0.00177758710924536, + -0.18267981708049774, + 1.974004864692688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/149.png", + [ + 0.17784346640110016, + 0.017121531069278717, + 0.12258242815732956, + -1.3234561681747437, + 0.014825128950178623, + -0.21599332988262177, + 0.008660165593028069, + -0.10498285293579102, + 0.12288131564855576, + 0.0012790898326784372, + -0.17845574021339417, + 1.9941707849502563, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/161.png", + [ + 0.17271381616592407, + 0.02680249698460102, + 0.12806037068367004, + -1.4097093343734741, + 0.030901378020644188, + -0.2144358605146408, + 0.0032041214872151613, + -0.0413721427321434, + 0.1271335631608963, + 0.01570948213338852, + -0.17475172877311707, + 1.978866696357727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/5.png", + [ + 0.16995786130428314, + 0.03120170533657074, + 0.13072364032268524, + -1.457922339439392, + 0.02788923680782318, + -0.2143547683954239, + 0.014903497882187366, + -0.16826702654361725, + 0.13147017359733582, + 0.0051358831115067005, + -0.17215430736541748, + 1.9789079427719116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/108.png", + [ + 0.16603617370128632, + 0.01381665002554655, + 0.13852429389953613, + -1.4376521110534668, + 0.012322688475251198, + -0.21621717512607574, + 0.006795809604227543, + -0.08090116828680038, + 0.13866518437862396, + 0.0026705549098551273, + -0.16647140681743622, + 1.7896277904510498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/60.png", + [ + 0.1595379263162613, + 0.03556666523218155, + 0.14223416149616241, + -1.5131372213363647, + 0.03162756934762001, + -0.21360206604003906, + 0.017937447875738144, + -0.20242807269096375, + 0.1431615948677063, + 0.007554259616881609, + -0.16246718168258667, + 1.8078123331069946, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/56.png", + [ + 0.15400665998458862, + 0.029231280088424683, + 0.14958399534225464, + -1.5930389165878296, + 0.02745869569480419, + -0.21449412405490875, + 0.01364526990801096, + -0.15520676970481873, + 0.1499195098876953, + 0.009257747791707516, + -0.15616121888160706, + 1.7259927988052368, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/147.png", + [ + 0.17730925977230072, + 0.008470666594803333, + 0.12424802780151367, + -1.3468443155288696, + 0.006934824865311384, + -0.21650899946689606, + 0.0048641967587172985, + -0.06670987606048584, + 0.12434320896863937, + -3.8222492548811715e-06, + -0.17744481563568115, + 1.985331416130066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/30.png", + [ + 0.16635841131210327, + 0.02088332362473011, + 0.13724669814109802, + -1.5190608501434326, + 0.02225395105779171, + -0.21545051038265228, + 0.005808447487652302, + -0.08237950503826141, + 0.13703112304210663, + 0.00963655672967434, + -0.16756340861320496, + 1.9220267534255981, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/17.png", + [ + 0.16957765817642212, + 0.034714363515377045, + 0.13033120334148407, + -1.415395736694336, + 0.025586072355508804, + -0.21385270357131958, + 0.023669958114624023, + -0.26798027753829956, + 0.13242606818675995, + -0.0031348008196800947, + -0.17146837711334229, + 1.9370273351669312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/12.png", + [ + 0.16964846849441528, + 0.03540833666920662, + 0.13005207479000092, + -1.4184151887893677, + 0.03002152033150196, + -0.21373912692070007, + 0.019031167030334473, + -0.21458236873149872, + 0.13140013813972473, + 0.003118740627542138, + -0.17225611209869385, + 1.9416366815567017, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/114.png", + [ + 0.17358046770095825, + 0.013687980361282825, + 0.12895870208740234, + -1.3324896097183228, + 0.010987391695380211, + -0.21624183654785156, + 0.008163216523826122, + -0.09743277728557587, + 0.12921682000160217, + -2.547834867527854e-07, + -0.17392785847187042, + 1.8561195135116577, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/27.png", + [ + 0.16090108454227448, + 0.022957485169172287, + 0.14328883588314056, + -1.5931847095489502, + 0.02329588495194912, + -0.21525758504867554, + 0.008328905329108238, + -0.10961872339248657, + 0.14323420822620392, + 0.009220783598721027, + -0.16231706738471985, + 1.8663612604141235, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/42.png", + [ + 0.16839860379695892, + 0.027123237028717995, + 0.13361933827400208, + -1.4537652730941772, + 0.025310978293418884, + -0.21487192809581757, + 0.01171753741800785, + -0.14164835214614868, + 0.13397444784641266, + 0.0065020001493394375, + -0.1701659858226776, + 1.9190481901168823, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/174.png", + [ + 0.16159699857234955, + 0.03325240686535835, + 0.14045844972133636, + -1.4692755937576294, + 0.02712811529636383, + -0.21408593654632568, + 0.019472312182188034, + -0.21431691944599152, + 0.1417687088251114, + 0.003063146723434329, + -0.16382962465286255, + 1.7661975622177124, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/7.png", + [ + 0.16966287791728973, + 0.03046342171728611, + 0.13127979636192322, + -1.4620511531829834, + 0.027002932503819466, + -0.21447056531906128, + 0.01486986130475998, + -0.16790388524532318, + 0.1320350170135498, + 0.004717101342976093, + -0.17173349857330322, + 1.9703041315078735, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/73.png", + [ + 0.1590031087398529, + 0.036566056311130524, + 0.14257916808128357, + -1.5659505128860474, + 0.02871265634894371, + -0.21355557441711426, + 0.022748641669750214, + -0.25204986333847046, + 0.14436578750610352, + 0.002200176240876317, + -0.1615598052740097, + 1.8388402462005615, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/120.png", + [ + 0.18819734454154968, + 0.0038630201015621424, + 0.10730671882629395, + -1.1358100175857544, + 0.005122704431414604, + -0.21661080420017242, + -0.00118638772983104, + 0.002707868814468384, + 0.10725395381450653, + 0.003567449050024152, + -0.18823324143886566, + 2.065187454223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/46.png", + [ + 0.16834373772144318, + 0.023660272359848022, + 0.13434459269046783, + -1.4463292360305786, + 0.020757637917995453, + -0.21534864604473114, + 0.011915546841919422, + -0.13529600203037262, + 0.13482360541820526, + 0.0036126431077718735, + -0.16958019137382507, + 1.8917254209518433, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/127.png", + [ + 0.19432194530963898, + -0.002211017534136772, + 0.09582268446683884, + -1.0241272449493408, + 0.0005658890586346388, + -0.21658675372600555, + -0.006145116873085499, + 0.060129713267087936, + 0.09584652632474899, + 0.005761431995779276, + -0.1942373365163803, + 2.150693893432617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/133.png", + [ + 0.18993467092514038, + 0.0025444496423006058, + 0.10424124449491501, + -1.126630425453186, + 0.005650151055306196, + -0.2165430188179016, + -0.005009309854358435, + 0.04687372222542763, + 0.10411910712718964, + 0.007109372410923243, + -0.18988566100597382, + 2.116626739501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/57.png", + [ + 0.1534745693206787, + 0.028463969007134438, + 0.1502772569656372, + -1.5970041751861572, + 0.027432933449745178, + -0.21455997228622437, + 0.012623140588402748, + -0.144160196185112, + 0.1504688709974289, + 0.010085230693221092, + -0.1555805206298828, + 1.7191259860992432, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/44.png", + [ + 0.16750656068325043, + 0.021616440266370773, + 0.13572831451892853, + -1.4699044227600098, + 0.0184207484126091, + -0.21557831764221191, + 0.011599933728575706, + -0.13743245601654053, + 0.13619883358478546, + 0.0025713760405778885, + -0.168496772646904, + 1.8872023820877075, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/113.png", + [ + 0.17212827503681183, + 0.01446675043553114, + 0.13080696761608124, + -1.34832763671875, + 0.011198129504919052, + -0.21619050204753876, + 0.009174274280667305, + -0.10604135692119598, + 0.1311272233724594, + -0.0005277917953208089, + -0.17249135673046112, + 1.8362771272659302, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/126.png", + [ + 0.19303953647613525, + -0.0025664414279162884, + 0.09837198257446289, + -1.0510344505310059, + 2.5052224373212084e-05, + -0.21659965813159943, + -0.00570006063207984, + 0.05550337955355644, + 0.09840546548366547, + 0.00508966576308012, + -0.19297243654727936, + 2.1368141174316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/29.png", + [ + 0.16607703268527985, + 0.019983937963843346, + 0.13772055506706238, + -1.525497555732727, + 0.020822256803512573, + -0.2155834585428238, + 0.006172697991132736, + -0.08794517070055008, + 0.13759629428386688, + 0.00850357674062252, + -0.16716110706329346, + 1.9195541143417358, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/4.png", + [ + 0.17002710700035095, + 0.032066889107227325, + 0.13042384386062622, + -1.4543884992599487, + 0.02817189320921898, + -0.21424256265163422, + 0.01594882644712925, + -0.18035435676574707, + 0.1313202679157257, + 0.004442391451448202, + -0.1722879856824875, + 1.981838345527649, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/55.png", + [ + 0.15748876333236694, + 0.029647843912243843, + 0.14582931995391846, + -1.5501179695129395, + 0.02832707390189171, + -0.21442119777202606, + 0.01300102099776268, + -0.148382768034935, + 0.14609161019325256, + 0.009615347720682621, + -0.15972688794136047, + 1.758855938911438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/9.png", + [ + 0.1689736694097519, + 0.030341194942593575, + 0.13219380378723145, + -1.4645875692367554, + 0.025241099298000336, + -0.2145288586616516, + 0.016974931582808495, + -0.19193895161151886, + 0.13326168060302734, + 0.0021617687307298183, + -0.17083482444286346, + 1.9520021677017212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/25.png", + [ + 0.15985549986362457, + 0.029771238565444946, + 0.1432054042816162, + -1.602960467338562, + 0.02999228984117508, + -0.21430297195911407, + 0.011072434484958649, + -0.13837239146232605, + 0.14315927028656006, + 0.011653730645775795, + -0.16222672164440155, + 1.8761366605758667, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/99.png", + [ + 0.17133654654026031, + 0.028462225571274757, + 0.1295437514781952, + -1.4318058490753174, + 0.02583630196750164, + -0.21473510563373566, + 0.013008243404328823, + -0.1489127278327942, + 0.13009290397167206, + 0.00516047328710556, + -0.1731966882944107, + 1.977246880531311, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/34.png", + [ + 0.16785186529159546, + 0.020707692950963974, + 0.13544312119483948, + -1.5021008253097534, + 0.02244178205728531, + -0.2154483050107956, + 0.005127922631800175, + -0.07358162850141525, + 0.13516661524772644, + 0.01005587913095951, + -0.16904662549495697, + 1.9449344873428345, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/72.png", + [ + 0.15912994742393494, + 0.037756457924842834, + 0.14212672412395477, + -1.5543583631515503, + 0.030666008591651917, + -0.21332739293575287, + 0.022336445748806, + -0.2467118203639984, + 0.14382334053516388, + 0.0037109190598130226, + -0.16201533377170563, + 1.8414194583892822, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/102.png", + [ + 0.17298971116542816, + 0.02462037280201912, + 0.1281260848045349, + -1.3933899402618408, + 0.025971123948693275, + -0.21502162516117096, + 0.006253024563193321, + -0.07645323872566223, + 0.12785913050174713, + 0.010365167632699013, + -0.17462103068828583, + 1.956394076347351, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/134.png", + [ + 0.1896042674779892, + 0.0013912210706621408, + 0.10486268252134323, + -1.133267879486084, + 0.005521788261830807, + -0.21648748219013214, + -0.0071118976920843124, + 0.06835603713989258, + 0.10472643375396729, + 0.00889571476727724, + -0.18947593867778778, + 2.109252452850342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/70.png", + [ + 0.15910786390304565, + 0.041380252689123154, + 0.14113913476467133, + -1.528234839439392, + 0.03289660066366196, + -0.21266713738441467, + 0.02526663988828659, + -0.2792798578739166, + 0.14335408806800842, + 0.0028747005853801966, + -0.16244763135910034, + 1.8333381414413452, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/135.png", + [ + 0.18997840583324432, + 0.0019097423646599054, + 0.10417509824037552, + -1.1295139789581299, + 0.0058668372221291065, + -0.21649061143398285, + -0.006730314344167709, + 0.06417277455329895, + 0.10402729362249374, + 0.008721800521016121, + -0.18986876308918, + 2.1162056922912598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/130.png", + [ + 0.19327105581760406, + -0.002197091467678547, + 0.0979253277182579, + -1.049216628074646, + -0.00036815047496929765, + -0.21663488447666168, + -0.004133902955800295, + 0.03592493012547493, + 0.09794928133487701, + 0.0035210056230425835, + -0.19323933124542236, + 2.144604206085205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/90.png", + [ + 0.17252090573310852, + 0.031923919916152954, + 0.12714283168315887, + -1.3846461772918701, + 0.02659602090716362, + -0.21430474519729614, + 0.017720840871334076, + -0.20099610090255737, + 0.12836311757564545, + 0.0014966136077418923, + -0.17455247044563293, + 1.976596713066101, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/122.png", + [ + 0.19079767167568207, + 0.0013458518078550696, + 0.10267587751150131, + -1.095525860786438, + 0.0033031555358320475, + -0.21662434935569763, + -0.003298633499071002, + 0.027938049286603928, + 0.10263156145811081, + 0.004469955340027809, + -0.19077391922473907, + 2.108231544494629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/15.png", + [ + 0.16860879957675934, + 0.03515747934579849, + 0.13146452605724335, + -1.4231348037719727, + 0.029858633875846863, + -0.21377579867839813, + 0.018874986097216606, + -0.21320678293704987, + 0.13276833295822144, + 0.003428468480706215, + -0.17119786143302917, + 1.917434811592102, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/162.png", + [ + 0.1750510036945343, + 0.024876413866877556, + 0.12524455785751343, + -1.369524598121643, + 0.02550431154668331, + -0.2150522619485855, + 0.007067561149597168, + -0.08842837810516357, + 0.125118225812912, + 0.00903240591287613, + -0.1766684502363205, + 1.997198462486267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/22.png", + [ + 0.1629662960767746, + 0.03418844938278198, + 0.138639897108078, + -1.547568440437317, + 0.029813863337039948, + -0.2138826996088028, + 0.017698097974061966, + -0.20879366993904114, + 0.1396460086107254, + 0.005765313282608986, + -0.16557066142559052, + 1.9139517545700073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/171.png", + [ + 0.1644916832447052, + 0.024589641019701958, + 0.13887305557727814, + -1.4696069955825806, + 0.02193540148437023, + -0.215220108628273, + 0.012126125395298004, + -0.1425095498561859, + 0.13931696116924286, + 0.004853313323110342, + -0.1658768355846405, + 1.8105278015136719, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/138.png", + [ + 0.18195471167564392, + 0.0030239555053412914, + 0.1176062598824501, + -1.2956843376159668, + 0.005215831566601992, + -0.21659742295742035, + -0.002500412054359913, + 0.017575841397047043, + 0.11752945929765701, + 0.004930785857141018, + -0.18196266889572144, + 2.0593209266662598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/109.png", + [ + 0.16054271161556244, + 0.015599572099745274, + 0.14467404782772064, + -1.5080862045288086, + 0.012508089654147625, + -0.21610800921916962, + 0.009421938098967075, + -0.1083316057920456, + 0.14497403800487518, + 0.0013705901801586151, + -0.16102343797683716, + 1.7368581295013428, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/26.png", + [ + 0.159159854054451, + 0.024175917729735374, + 0.14502263069152832, + -1.6217049360275269, + 0.024283507838845253, + -0.21511250734329224, + 0.009209477342665195, + -0.11970512568950653, + 0.14500465989112854, + 0.00948832556605339, + -0.16072186827659607, + 1.8557218313217163, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/43.png", + [ + 0.16860052943229675, + 0.024645326659083366, + 0.1338445544242859, + -1.4523143768310547, + 0.022393640130758286, + -0.21521157026290894, + 0.011419069021940231, + -0.13628347218036652, + 0.13423964381217957, + 0.004947535693645477, + -0.17000922560691833, + 1.9107476472854614, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/84.png", + [ + 0.16593043506145477, + 0.024680551141500473, + 0.13713441789150238, + -1.4747573137283325, + 0.02515360340476036, + -0.21505077183246613, + 0.008267966099083424, + -0.1020599752664566, + 0.13704843819141388, + 0.009588191285729408, + -0.16755202412605286, + 1.8656965494155884, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/136.png", + [ + 0.18489715456962585, + 0.0012837903341278434, + 0.11295702308416367, + -1.2327772378921509, + 0.0036952884402126074, + -0.21661342680454254, + -0.0035868689883500338, + 0.030416611582040787, + 0.11290385574102402, + 0.00498725101351738, + -0.184866800904274, + 2.0739097595214844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/89.png", + [ + 0.1711982935667038, + 0.032970573753118515, + 0.12865450978279114, + -1.3897420167922974, + 0.02835684083402157, + -0.2141261100769043, + 0.017140617594122887, + -0.19462424516677856, + 0.12974950671195984, + 0.0032943023834377527, + -0.17349959909915924, + 1.9519184827804565, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/63.png", + [ + 0.13477858901023865, + 0.035577502101659775, + 0.16588208079338074, + -1.8013516664505005, + 0.032355327159166336, + -0.21335859596729279, + 0.019471425563097, + -0.22316016256809235, + 0.16654056310653687, + 0.012658786028623581, + -0.1380285769701004, + 1.55862557888031, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/88.png", + [ + 0.1712624877691269, + 0.031081926077604294, + 0.12903863191604614, + -1.385326862335205, + 0.02739005908370018, + -0.2143920212984085, + 0.015288650058209896, + -0.1736317276954651, + 0.1298723965883255, + 0.004227553028613329, + -0.17338739335536957, + 1.9351400136947632, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/62.png", + [ + 0.15211328864097595, + 0.03840760141611099, + 0.14944665133953094, + -1.61089026927948, + 0.03436888009309769, + -0.21301667392253876, + 0.019762879237532616, + -0.226639986038208, + 0.15042679011821747, + 0.009830950759351254, + -0.1556374728679657, + 1.7526004314422607, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/65.png", + [ + 0.12948018312454224, + 0.03701239824295044, + 0.16974350810050964, + -1.8387219905853271, + 0.030769670382142067, + -0.2132391780614853, + 0.0230255089700222, + -0.2611244320869446, + 0.1709853857755661, + 0.010345484130084515, + -0.13268330693244934, + 1.4878907203674316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/80.png", + [ + 0.1629784107208252, + 0.023718615993857384, + 0.14079545438289642, + -1.5420204401016235, + 0.023215537890791893, + -0.21522289514541626, + 0.009383530355989933, + -0.11786769330501556, + 0.140879288315773, + 0.008027378469705582, + -0.1644277423620224, + 1.8667930364608765, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/146.png", + [ + 0.17885653674602509, + 0.011413208208978176, + 0.12177014350891113, + -1.3221389055252075, + 0.009778009727597237, + -0.21637296676635742, + 0.005918111186474562, + -0.07509668916463852, + 0.12191235274076462, + 0.0006100228056311607, + -0.17912259697914124, + 2.005496025085449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/119.png", + [ + 0.18520838022232056, + 0.0056138415820896626, + 0.11231314390897751, + -1.184512972831726, + 0.005618801806122065, + -0.21659615635871887, + 0.0015607030363753438, + -0.026758188381791115, + 0.11231289058923721, + 0.001578449853695929, + -0.18528684973716736, + 2.025813579559326, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/180.png", + [ + 0.15315189957618713, + 0.037053171545267105, + 0.14872609078884125, + -1.5897462368011475, + 0.024696355685591698, + -0.21346628665924072, + 0.027751076966524124, + -0.30191901326179504, + 0.1512695550918579, + -0.0026636167895048857, + -0.15510745346546173, + 1.7205431461334229, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/145.png", + [ + 0.17886897921562195, + 0.008847679942846298, + 0.12196516245603561, + -1.3284544944763184, + 0.007118225563317537, + -0.2164936512708664, + 0.005265740677714348, + -0.06940880417823792, + 0.1220783218741417, + -0.00034015014534816146, + -0.17901022732257843, + 2.008737564086914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/167.png", + [ + 0.17367404699325562, + 0.016064204275608063, + 0.1285579949617386, + -1.3863317966461182, + 0.016390100121498108, + -0.21599942445755005, + 0.004848582204431295, + -0.06334562599658966, + 0.12851686775684357, + 0.005838272161781788, + -0.17434801161289215, + 1.9386714696884155, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/79.png", + [ + 0.16610418260097504, + 0.03162544593214989, + 0.13548846542835236, + -1.4851856231689453, + 0.026011312380433083, + -0.21434125304222107, + 0.018142132088541985, + -0.21579831838607788, + 0.13667736947536469, + 0.0023572146892547607, + -0.16811196506023407, + 1.9123355150222778, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/176.png", + [ + 0.16096141934394836, + 0.03267839923501015, + 0.1413203626871109, + -1.4751510620117188, + 0.02551369182765484, + -0.21419142186641693, + 0.02046918496489525, + -0.2227548211812973, + 0.1427878588438034, + 0.0014346642419695854, + -0.1629646122455597, + 1.7537442445755005, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/185.png", + [ + 0.15442657470703125, + 0.040087245404720306, + 0.14660607278347015, + -1.6245230436325073, + 0.024088067933917046, + -0.21281592547893524, + 0.03281833603978157, + -0.367716908454895, + 0.15006697177886963, + -0.007091584149748087, + -0.1561329960823059, + 1.7918034791946411, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/165.png", + [ + 0.17816174030303955, + 0.016802821308374405, + 0.12216363102197647, + -1.3237488269805908, + 0.014392486773431301, + -0.21602009236812592, + 0.008722367696464062, + -0.11123421788215637, + 0.12247098982334137, + 0.0009426397737115622, + -0.17873966693878174, + 2.0020389556884766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/116.png", + [ + 0.17847879230976105, + 0.01131249126046896, + 0.12233252823352814, + -1.2707421779632568, + 0.00984390638768673, + -0.21637722849845886, + 0.005647208541631699, + -0.07232072949409485, + 0.12245945632457733, + 0.0009060726733878255, + -0.1787477433681488, + 1.9238814115524292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/19.png", + [ + 0.16185346245765686, + 0.031097136437892914, + 0.1406567245721817, + -1.555053949356079, + 0.02062378078699112, + -0.21438856422901154, + 0.02366640791296959, + -0.27409088611602783, + 0.14256931841373444, + -0.004290379583835602, + -0.16310574114322662, + 1.862221360206604, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/77.png", + [ + 0.16472654044628143, + 0.03676135092973709, + 0.1358737051486969, + -1.4937307834625244, + 0.027113160118460655, + -0.21352466940879822, + 0.024899577721953392, + -0.2882665693759918, + 0.13812290132045746, + -0.0019275766098871827, + -0.1669318526983261, + 1.901642918586731, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/68.png", + [ + 0.14357814192771912, + 0.0398297980427742, + 0.15731114149093628, + -1.6972029209136963, + 0.03205413371324539, + -0.21286912262439728, + 0.024640727788209915, + -0.27293476462364197, + 0.15907777845859528, + 0.006944059859961271, + -0.14694872498512268, + 1.6503345966339111, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/143.png", + [ + 0.1801391839981079, + 0.007359781302511692, + 0.12018152326345444, + -1.3186920881271362, + 0.005756280850619078, + -0.2165485918521881, + 0.004633145872503519, + -0.061771370470523834, + 0.12026899307966232, + -0.0006591113633476198, + -0.18022993206977844, + 2.0336356163024902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/183.png", + [ + 0.15571390092372894, + 0.03958772495388985, + 0.14537496864795685, + -1.591562032699585, + 0.018029212951660156, + -0.21245530247688293, + 0.03854324668645859, + -0.4287986159324646, + 0.14958614110946655, + -0.015602771192789078, + -0.15597574412822723, + 1.7752360105514526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/86.png", + [ + 0.16739879548549652, + 0.025352843105793, + 0.13521380722522736, + -1.4452582597732544, + 0.02355625480413437, + -0.21510058641433716, + 0.011168411001563072, + -0.12852270901203156, + 0.13553832471370697, + 0.006071555428206921, + -0.168939009308815, + 1.869460940361023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/1.png", + [ + 0.17013506591320038, + 0.03259208798408508, + 0.130152627825737, + -1.446622610092163, + 0.026694590225815773, + -0.2142053246498108, + 0.018745016306638718, + -0.21352092921733856, + 0.13148896396160126, + 0.0013161938404664397, + -0.17221152782440186, + 1.9835764169692993, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/81.png", + [ + 0.16543740034103394, + 0.023496635258197784, + 0.13793572783470154, + -1.5004855394363403, + 0.02430855482816696, + -0.21517610549926758, + 0.007498928811401129, + -0.0955357700586319, + 0.13779495656490326, + 0.009749249555170536, + -0.16692930459976196, + 1.8800595998764038, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/95.png", + [ + 0.16460423171520233, + 0.02881714142858982, + 0.13792355358600616, + -1.5352638959884644, + 0.022273292765021324, + -0.21474960446357727, + 0.018286878243088722, + -0.2089093029499054, + 0.13913030922412872, + 0.000285744434222579, + -0.16610410809516907, + 1.9136637449264526, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/103.png", + [ + 0.17114953696727753, + 0.023977337405085564, + 0.13069359958171844, + -1.4111155271530151, + 0.025695232674479485, + -0.21506725251674652, + 0.005807572044432163, + -0.07382069528102875, + 0.1303667426109314, + 0.010911473073065281, + -0.17272332310676575, + 1.921972632408142, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/150.png", + [ + 0.17727571725845337, + 0.020362816751003265, + 0.12290872633457184, + -1.3294472694396973, + 0.018933413550257683, + -0.21568135917186737, + 0.00842451024800539, + -0.10051894187927246, + 0.12313704192638397, + 0.0038473366294056177, + -0.17824241518974304, + 1.9918867349624634, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/83.png", + [ + 0.16586340963840485, + 0.023271014913916588, + 0.13746154308319092, + -1.486452341079712, + 0.024724628776311874, + -0.21515843272209167, + 0.0065912469290196896, + -0.08491966873407364, + 0.1372075378894806, + 0.010640095919370651, + -0.16735820472240448, + 1.8738645315170288, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/142.png", + [ + 0.17968276143074036, + 0.00832789670675993, + 0.12079999595880508, + -1.3277535438537598, + 0.006669218186289072, + -0.21651411056518555, + 0.00500631844624877, + -0.06502166390419006, + 0.12090291827917099, + -0.00043340431875549257, + -0.17980597913265228, + 2.032435894012451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/51.png", + [ + 0.17175912857055664, + 0.032112862914800644, + 0.12812285125255585, + -1.3643518686294556, + 0.0311173927038908, + -0.21409554779529572, + 0.011945759877562523, + -0.13505400717258453, + 0.12836824357509613, + 0.008930695243179798, + -0.17432652413845062, + 1.929345965385437, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/128.png", + [ + 0.1954018920660019, + -0.003547266125679016, + 0.09355967491865158, + -0.9980982542037964, + -0.0008101075072772801, + -0.2165750116109848, + -0.006519397255033255, + 0.0633074939250946, + 0.09362339228391647, + 0.0055295308120548725, + -0.1953253298997879, + 2.157656669616699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/168.png", + [ + 0.17159758508205414, + 0.017152143642306328, + 0.13117915391921997, + -1.4098234176635742, + 0.017765890806913376, + -0.2158874273300171, + 0.004988203756511211, + -0.06490299105644226, + 0.13109742105007172, + 0.0068053677678108215, + -0.17238052189350128, + 1.9081073999404907, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+mLtmeRnjoyA+P1+C1+F73150-73337/93.png", + [ + 0.1666945219039917, + 0.028213443234562874, + 0.13551689684391022, + -1.50677490234375, + 0.02282037027180195, + -0.21482498943805695, + 0.01665416918694973, + -0.19024229049682617, + 0.1365285962820053, + 0.0014601920265704393, + -0.16824299097061157, + 1.9331029653549194, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/76.png", + [ + 0.1741398125886917, + -0.021971186622977257, + -0.12704519927501678, + 1.483454704284668, + -0.01399820577353239, + -0.21546514332294464, + 0.01807529851794243, + -0.22209320962429047, + -0.12816889584064484, + -0.006319267209619284, + -0.174587219953537, + 2.0784101486206055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/48.png", + [ + 0.1806943416595459, + -0.018250932916998863, + -0.1181708499789238, + 1.3753145933151245, + -0.016627030447125435, + -0.2158905416727066, + 0.00791898649185896, + -0.10207997262477875, + -0.11841025203466415, + 0.002464129589498043, + -0.18144097924232483, + 2.142510414123535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/137.png", + [ + 0.14473102986812592, + -0.011263196356594563, + -0.16085386276245117, + 1.9527215957641602, + -0.024103697389364243, + -0.21522806584835052, + -0.0066171674989163876, + 0.05917071923613548, + -0.15943600237369537, + 0.022314021363854408, + -0.14501772820949554, + 1.8029159307479858, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/35.png", + [ + 0.18086865544319153, + -0.02075774036347866, + -0.11748845875263214, + 1.3505679368972778, + -0.016994349658489227, + -0.21567672491073608, + 0.011943434365093708, + -0.14808595180511475, + -0.11809154599905014, + -0.0007548298453912139, + -0.18166372179985046, + 2.1252808570861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/124.png", + [ + 0.14111213386058807, + 0.001319166156463325, + -0.16441871225833893, + 1.9465229511260986, + -0.013219322077929974, + -0.2158752679824829, + -0.013077476993203163, + 0.1349085122346878, + -0.1638917624950409, + 0.018548065796494484, + -0.14051103591918945, + 1.705723524093628, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/97.png", + [ + 0.17825685441493988, + -0.023579448461532593, + -0.1208982989192009, + 1.4092053174972534, + -0.019785109907388687, + -0.2153872549533844, + 0.01283626351505518, + -0.16455420851707458, + -0.12157686054706573, + 0.0004792194813489914, + -0.1793508231639862, + 2.1266913414001465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/155.png", + [ + 0.14281046390533447, + -0.010258994996547699, + -0.16262784600257874, + 1.988932490348816, + -0.03356458246707916, + -0.21345965564250946, + -0.0160088948905468, + 0.17541058361530304, + -0.15945681929588318, + 0.035743795335292816, + -0.1422806829214096, + 1.7811636924743652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/13.png", + [ + 0.1941540539264679, + -0.009348331019282341, + -0.09573248773813248, + 1.1155695915222168, + -0.01027499046176672, + -0.2164306491613388, + 0.00029597317916341126, + -0.01706778258085251, + -0.09563746303319931, + 0.004274547565728426, + -0.19437874853610992, + 2.296861171722412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/32.png", + [ + 0.1845129430294037, + -0.016381170600652695, + -0.11240338534116745, + 1.2988613843917847, + -0.011896305717527866, + -0.21601735055446625, + 0.01195332407951355, + -0.15034498274326324, + -0.11296610534191132, + -0.004007661249488592, + -0.18485261499881744, + 2.1611714363098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/158.png", + [ + 0.13678577542304993, + -0.008805938065052032, + -0.1678094118833542, + 2.058774471282959, + -0.02798563428223133, + -0.21454888582229614, + -0.011553182266652584, + 0.11661097407341003, + -0.16569353640079498, + 0.028967689722776413, + -0.1365811824798584, + 1.7154263257980347, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/38.png", + [ + 0.17291314899921417, + -0.03345272317528725, + -0.12621350586414337, + 1.462328314781189, + -0.026511119678616524, + -0.21407495439052582, + 0.020419912412762642, + -0.24741245806217194, + -0.12785185873508453, + -0.0008529381593689322, + -0.174931600689888, + 2.0699715614318848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/148.png", + [ + 0.13963456451892853, + -0.00556539511308074, + -0.1655871421098709, + 2.0325965881347656, + -0.02338426001369953, + -0.21504659950733185, + -0.012491496279835701, + 0.12587857246398926, + -0.16402211785316467, + 0.025920791551470757, + -0.13918600976467133, + 1.745085597038269, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/111.png", + [ + 0.14021611213684082, + -0.011435716412961483, + -0.1647924929857254, + 1.9638397693634033, + -0.02055361680686474, + -0.21568283438682556, + -0.0025211109314113855, + 0.013701297342777252, + -0.1639050990343094, + 0.017263589426875114, + -0.14065907895565033, + 1.716617465019226, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/164.png", + [ + 0.13862375915050507, + -0.013485841453075409, + -0.16598035395145416, + 2.043719530105591, + -0.032130420207977295, + -0.21407097578048706, + -0.009441550821065903, + 0.09044095873832703, + -0.16339825093746185, + 0.03065352886915207, + -0.13895781338214874, + 1.7387460470199585, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/11.png", + [ + 0.19978928565979004, + -0.005225270055234432, + -0.08369491249322891, + 0.9774227142333984, + -0.006195849273353815, + -0.2165823131799698, + -0.0012684541288763285, + 0.0018726624548435211, + -0.08362865447998047, + 0.0035628743935376406, + -0.1998535692691803, + 2.3510751724243164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/125.png", + [ + 0.14037342369556427, + 1.72777126863366e-05, + -0.16505512595176697, + 1.9569228887557983, + -0.014972193166613579, + -0.21578000485897064, + -0.012755898758769035, + 0.13243913650512695, + -0.16437464952468872, + 0.019669247791171074, + -0.13979265093803406, + 1.7009022235870361, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/59.png", + [ + 0.18546326458454132, + -0.016986386850476265, + -0.11073718219995499, + 1.292029619216919, + -0.015202059410512447, + -0.21600441634655, + 0.007673215586692095, + -0.10148155689239502, + -0.11099620908498764, + 0.0012014954118058085, + -0.1860814094543457, + 2.199221611022949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/105.png", + [ + 0.16261160373687744, + -0.023937348276376724, + -0.14118200540542603, + 1.6453500986099243, + -0.024776354432106018, + -0.21510711312294006, + 0.007934234105050564, + -0.10788090527057648, + -0.1410371959209442, + 0.010189367458224297, + -0.16417241096496582, + 1.963905930519104, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/121.png", + [ + 0.14025354385375977, + 3.6781180824618787e-05, + -0.1651569902896881, + 1.953283667564392, + -0.013761567883193493, + -0.21591855585575104, + -0.011734594590961933, + 0.11629603803157806, + -0.16458268463611603, + 0.018085356801748276, + -0.1397617906332016, + 1.695747971534729, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/24.png", + [ + 0.18695808947086334, + -0.00787294376641512, + -0.10923638939857483, + 1.2548749446868896, + -0.009235874749720097, + -0.21647760272026062, + -0.00020510728063527495, + -0.011131824925541878, + -0.10912960767745972, + 0.004833238199353218, + -0.18712365627288818, + 2.189169406890869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/74.png", + [ + 0.17341819405555725, + -0.022737698629498482, + -0.1278945654630661, + 1.4929313659667969, + -0.015853550285100937, + -0.21543940901756287, + 0.016805268824100494, + -0.2071591168642044, + -0.12892897427082062, + -0.004092574585229158, + -0.17409324645996094, + 2.069591999053955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/129.png", + [ + 0.14556561410427094, + -0.0033885950688272715, + -0.16045890748500824, + 1.9077131748199463, + -0.0160288717597723, + -0.21585021913051605, + -0.009982763789594173, + 0.0975872278213501, + -0.15969225764274597, + 0.018576808273792267, + -0.1452624350786209, + 1.7674789428710938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/153.png", + [ + 0.14520536363124847, + -0.006082277745008469, + -0.16070562601089478, + 1.9617010354995728, + -0.026346510276198387, + -0.214493989944458, + -0.015687333419919014, + 0.16774871945381165, + -0.15864789485931396, + 0.03005390241742134, + -0.1444835662841797, + 1.8024150133132935, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/144.png", + [ + 0.14262261986732483, + -0.005673556122928858, + -0.16301684081554413, + 2.0094199180603027, + -0.021607011556625366, + -0.21529240906238556, + -0.011410937644541264, + 0.11656200885772705, + -0.16167813539505005, + 0.023767272010445595, + -0.1422785520553589, + 1.7877941131591797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/98.png", + [ + 0.17779098451137543, + -0.024278534576296806, + -0.12144467234611511, + 1.4143142700195312, + -0.01957566849887371, + -0.2153085172176361, + 0.014385132119059563, + -0.18355998396873474, + -0.12229084968566895, + -0.0008315976010635495, + -0.1788634955883026, + 2.1190061569213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/0.png", + [ + 0.21107017993927002, + 0.012744499370455742, + -0.04727422073483467, + 0.5489862561225891, + 0.015725744888186455, + -0.21576732397079468, + 0.012044403702020645, + -0.1497119814157486, + -0.0463678240776062, + -0.015163921751081944, + -0.21111129224300385, + 2.5076394081115723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/163.png", + [ + 0.13566096127033234, + -0.010803724639117718, + -0.16860391199588776, + 2.0753350257873535, + -0.03135846555233002, + -0.21408404409885406, + -0.01151345670223236, + 0.11223269999027252, + -0.16601398587226868, + 0.03161000460386276, + -0.13560254871845245, + 1.6999558210372925, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/96.png", + [ + 0.17534616589546204, + -0.02274549938738346, + -0.12523682415485382, + 1.4603619575500488, + -0.019035890698432922, + -0.21547557413578033, + 0.012482186779379845, + -0.16008757054805756, + -0.12585410475730896, + 0.0009013087837956846, + -0.17637410759925842, + 2.094654083251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/100.png", + [ + 0.17409318685531616, + -0.026278050616383553, + -0.1262890249490738, + 1.4627622365951538, + -0.02257453463971615, + -0.2150639295578003, + 0.013630544766783714, + -0.17573541402816772, + -0.12700334191322327, + 0.0022057550959289074, + -0.1755368411540985, + 2.075155258178711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/40.png", + [ + 0.16624769568443298, + -0.031019538640975952, + -0.1354525089263916, + 1.5827933549880981, + -0.02514706924557686, + -0.21443578600883484, + 0.018242981284856796, + -0.22837290167808533, + -0.13666461408138275, + 0.0017232280224561691, + -0.168130025267601, + 2.0007729530334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/141.png", + [ + 0.1425153613090515, + -0.007395854219794273, + -0.1630416065454483, + 2.0073182582855225, + -0.02127237245440483, + -0.21544736623764038, + -0.008821198716759682, + 0.08801604807376862, + -0.1618170589208603, + 0.021808914840221405, + -0.142434224486351, + 1.7916520833969116, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/52.png", + [ + 0.1882995367050171, + -0.010954638943076134, + -0.1066356897354126, + 1.2417757511138916, + -0.009500568732619286, + -0.21639753878116608, + 0.005454120691865683, + -0.07471320778131485, + -0.10677506029605865, + -6.41912265564315e-05, + -0.1885390430688858, + 2.230405330657959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/3.png", + [ + 0.2081364393234253, + 0.01191034447401762, + -0.05903607979416847, + 0.6959827542304993, + 0.014467879198491573, + -0.21606376767158508, + 0.007417480926960707, + -0.09549519419670105, + -0.05846191942691803, + -0.011067169718444347, + -0.2083449512720108, + 2.4561238288879395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/47.png", + [ + 0.17708545923233032, + -0.02319110929965973, + -0.12268172204494476, + 1.4326574802398682, + -0.021249111741781235, + -0.21539606153964996, + 0.010045218281447887, + -0.12858758866786957, + -0.12303293496370316, + 0.003821468912065029, + -0.17831483483314514, + 2.1098618507385254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/104.png", + [ + 0.1713740974664688, + -0.026892969384789467, + -0.1298290491104126, + 1.5063261985778809, + -0.026309611275792122, + -0.21484911441802979, + 0.00977550633251667, + -0.12658612430095673, + -0.12994852662086487, + 0.008032705634832382, + -0.1731957048177719, + 2.064364433288574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/21.png", + [ + 0.1870589554309845, + -0.01153272669762373, + -0.10873746126890182, + 1.2482826709747314, + -0.011022553779184818, + -0.21635739505290985, + 0.003985041286796331, + -0.06129588186740875, + -0.10879037529230118, + 0.002091278787702322, + -0.18737174570560455, + 2.1933655738830566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/82.png", + [ + 0.1712239682674408, + -0.01925799436867237, + -0.13137498497962952, + 1.5404596328735352, + -0.011477629654109478, + -0.215727761387825, + 0.0166640505194664, + -0.20949925482273102, + -0.13228194415569305, + -0.006209359969943762, + -0.17149583995342255, + 2.05572509765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/106.png", + [ + 0.15387101471424103, + -0.024539994075894356, + -0.1505635678768158, + 1.7662931680679321, + -0.02524515427649021, + -0.21500034630298615, + 0.009242668747901917, + -0.12304450571537018, + -0.15044696629047394, + 0.010978776961565018, + -0.15554122626781464, + 1.869036078453064, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/14.png", + [ + 0.1919364184141159, + -0.011814022436738014, + -0.09984353929758072, + 1.1627181768417358, + -0.012724284082651138, + -0.2162977159023285, + 0.0011327009415253997, + -0.026884829625487328, + -0.09973161667585373, + 0.0048599643632769585, + -0.1922963261604309, + 2.2755684852600098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/67.png", + [ + 0.1801372617483139, + -0.019359590485692024, + -0.11884306371212006, + 1.382151484489441, + -0.015503348782658577, + -0.21580477058887482, + 0.011655379086732864, + -0.14689770340919495, + -0.11940732598304749, + -0.0011865823762491345, + -0.18079926073551178, + 2.14453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/78.png", + [ + 0.17485776543617249, + -0.01802382804453373, + -0.12667986750602722, + 1.4787020683288574, + -0.010782578028738499, + -0.2158268541097641, + 0.015824198722839355, + -0.1976742148399353, + -0.1275005340576172, + -0.006466137710958719, + -0.17507053911685944, + 2.0871944427490234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/31.png", + [ + 0.18490412831306458, + -0.017096327617764473, + -0.11165156960487366, + 1.2893277406692505, + -0.01377489697188139, + -0.215992733836174, + 0.010260911658406258, + -0.12975862622261047, + -0.11210979521274567, + -0.0016582284588366747, + -0.18540911376476288, + 2.169973850250244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/152.png", + [ + 0.1459600031375885, + -0.006003890186548233, + -0.1600235104560852, + 1.9517974853515625, + -0.025781216099858284, + -0.21457882225513458, + -0.0154647221788764, + 0.16236861050128937, + -0.1580471396446228, + 0.029458139091730118, + -0.14526256918907166, + 1.8088760375976562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/39.png", + [ + 0.16931957006454468, + -0.031559668481349945, + -0.1314639300107956, + 1.531725525856018, + -0.02443435788154602, + -0.21436244249343872, + 0.019990207627415657, + -0.24697613716125488, + -0.13297270238399506, + -0.0007961078081279993, + -0.17107169330120087, + 2.0294251441955566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/92.png", + [ + 0.17978344857692719, + -0.023031039163470268, + -0.11872393637895584, + 1.3817133903503418, + -0.018051352351903915, + -0.21543686091899872, + 0.014457067474722862, + -0.1838473081588745, + -0.1195823922753334, + -0.0021046011243015528, + -0.18067516386508942, + 2.1463871002197266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/53.png", + [ + 0.1900581270456314, + -0.012114559300243855, + -0.10333942621946335, + 1.2050416469573975, + -0.010107088834047318, + -0.21633280813694, + 0.006772265303879976, + -0.09097621589899063, + -0.10355502367019653, + -0.001119943568482995, + -0.1903233826160431, + 2.252671241760254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/75.png", + [ + 0.17543582618236542, + -0.022301916033029556, + -0.12519101798534393, + 1.4601695537567139, + -0.015677999705076218, + -0.2154822200536728, + 0.016416385769844055, + -0.20304904878139496, + -0.12619176506996155, + -0.004233433865010738, + -0.17608408629894257, + 2.091604232788086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/151.png", + [ + 0.13985279202461243, + -0.0066629089415073395, + -0.16536231338977814, + 2.0236611366271973, + -0.024699335917830467, + -0.21491457521915436, + -0.012229597195982933, + 0.12298120558261871, + -0.163643017411232, + 0.026743706315755844, + -0.13947628438472748, + 1.743656873703003, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/87.png", + [ + 0.17636056244373322, + -0.02262643724679947, + -0.12382600456476212, + 1.4546808004379272, + -0.01696515642106533, + -0.2154732644557953, + 0.015210113488137722, + -0.1937151849269867, + -0.1247277706861496, + -0.0026848416309803724, + -0.17715436220169067, + 2.1188225746154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/139.png", + [ + 0.14169816672801971, + -0.007363058160990477, + -0.16375380754470825, + 2.007483720779419, + -0.019227351993322372, + -0.21570828557014465, + -0.006938513368368149, + 0.06465178728103638, + -0.16278769075870514, + 0.019068807363510132, + -0.14171959459781647, + 1.7766584157943726, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/107.png", + [ + 0.1449369341135025, + -0.021811340004205704, + -0.15957896411418915, + 1.8845657110214233, + -0.02066228911280632, + -0.21542273461818695, + 0.010677657090127468, + -0.139408677816391, + -0.15973180532455444, + 0.008075148798525333, + -0.14617948234081268, + 1.7657074928283691, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/112.png", + [ + 0.1395733505487442, + -0.011852383613586426, + -0.16530786454677582, + 1.9699734449386597, + -0.022443357855081558, + -0.2154807150363922, + -0.0034997377078980207, + 0.0241318941116333, + -0.16420555114746094, + 0.01937713474035263, + -0.14003196358680725, + 1.7098716497421265, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/69.png", + [ + 0.1799805611371994, + -0.02007271721959114, + -0.11896207928657532, + 1.384743332862854, + -0.01688252203166485, + -0.21574270725250244, + 0.010860743932425976, + -0.1380375325679779, + -0.11945656687021255, + 0.00024763718829490244, + -0.18077047169208527, + 2.141697883605957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/157.png", + [ + 0.13819001615047455, + -0.01004381850361824, + -0.16658492386341095, + 2.0447804927825928, + -0.02985413931310177, + -0.2142808884382248, + -0.011845883913338184, + 0.12255676090717316, + -0.16419543325901031, + 0.030507642775774002, + -0.1380472183227539, + 1.7346395254135132, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/45.png", + [ + 0.172038272023201, + -0.028321973979473114, + -0.12864135205745697, + 1.5012421607971191, + -0.027514923363924026, + -0.21466562151908875, + 0.010464240796864033, + -0.1308305859565735, + -0.1288163959980011, + 0.008027278818190098, + -0.17403963208198547, + 2.06351375579834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/50.png", + [ + 0.1864338368177414, + -0.01047586277127266, + -0.10991168022155762, + 1.276632308959961, + -0.008316725492477417, + -0.21641677618026733, + 0.006520082242786884, + -0.08665427565574646, + -0.11009611934423447, + -0.0013912963913753629, + -0.1866140365600586, + 2.203451156616211, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/101.png", + [ + 0.17527146637439728, + -0.02847975119948387, + -0.12416407465934753, + 1.4377679824829102, + -0.024816138669848442, + -0.21477773785591125, + 0.014233231544494629, + -0.18052007257938385, + -0.12494786828756332, + 0.002707255771383643, + -0.17699883878231049, + 2.0950236320495605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/85.png", + [ + 0.17243732511997223, + -0.021228818222880363, + -0.12947043776512146, + 1.5214506387710571, + -0.015798693522810936, + -0.21562336385250092, + 0.014313263818621635, + -0.1845775842666626, + -0.13024461269378662, + -0.0019507466349750757, + -0.17314858734607697, + 2.072183132171631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/156.png", + [ + 0.1422819346189499, + -0.010489864274859428, + -0.16307580471038818, + 1.9991281032562256, + -0.032068882137537, + -0.2138155847787857, + -0.01422605849802494, + 0.15353986620903015, + -0.16023527085781097, + 0.03347770869731903, + -0.14195704460144043, + 1.7805898189544678, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/131.png", + [ + 0.14524546265602112, + -0.0029308858793228865, + -0.16075776517391205, + 1.918426752090454, + -0.0167547557502985, + -0.2157350778579712, + -0.011204789392650127, + 0.11062327027320862, + -0.15990912914276123, + 0.019941892474889755, + -0.14484228193759918, + 1.769458532333374, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/71.png", + [ + 0.1781662255525589, + -0.021511269733309746, + -0.12141644209623337, + 1.4176205396652222, + -0.01696416363120079, + -0.2155994176864624, + 0.013304420746862888, + -0.16842682659626007, + -0.12213477492332458, + -0.0014338105684146285, + -0.17896628379821777, + 2.124408721923828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/160.png", + [ + 0.1378757357597351, + -0.011011680588126183, + -0.16678406298160553, + 2.0390689373016357, + -0.03168487921357155, + -0.21400567889213562, + -0.01206358615309, + 0.12071722745895386, + -0.16411654651165009, + 0.032065633684396744, + -0.13778768479824066, + 1.7222812175750732, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/115.png", + [ + 0.14353851974010468, + -0.009327578358352184, + -0.16204190254211426, + 1.9249752759933472, + -0.02097790688276291, + -0.21556833386421204, + -0.006173755973577499, + 0.05322040989995003, + -0.16094878315925598, + 0.019778374582529068, + -0.1437087208032608, + 1.7491192817687988, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/54.png", + [ + 0.18654213845729828, + -0.01403410267084837, + -0.10932964086532593, + 1.2788276672363281, + -0.01202045101672411, + -0.21621955931186676, + 0.007245311513543129, + -0.09720024466514587, + -0.10956932604312897, + -0.00017244438640773296, + -0.18692894279956818, + 2.2181243896484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/33.png", + [ + 0.18477872014045715, + -0.01690242439508438, + -0.11188843101263046, + 1.2911365032196045, + -0.011666391044855118, + -0.2159477174282074, + 0.013355616480112076, + -0.16690537333488464, + -0.11255491524934769, + -0.005365187767893076, + -0.18506890535354614, + 2.1620516777038574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/159.png", + [ + 0.13886284828186035, + -0.012413911521434784, + -0.16586410999298096, + 2.028588056564331, + -0.03178798407316208, + -0.21406830847263336, + -0.010591468773782253, + 0.10492309927940369, + -0.16326215863227844, + 0.03112153336405754, + -0.13901372253894806, + 1.7387380599975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/49.png", + [ + 0.18354281783103943, + -0.01304465252906084, + -0.11441050469875336, + 1.3302794694900513, + -0.011314066126942635, + -0.21628113090991974, + 0.006508985999971628, + -0.08660128712654114, + -0.11459457874298096, + 0.0004604617424774915, + -0.18389062583446503, + 2.1690874099731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/118.png", + [ + 0.1423846334218979, + -0.0043913270346820354, + -0.16326428949832916, + 1.9383481740951538, + -0.017981145530939102, + -0.21570110321044922, + -0.009879838675260544, + 0.09462864696979523, + -0.1623304933309555, + 0.02004118449985981, + -0.14210930466651917, + 1.7318145036697388, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/110.png", + [ + 0.14384371042251587, + -0.015919584780931473, + -0.1612558364868164, + 1.9171160459518433, + -0.022447165101766586, + -0.21550510823726654, + 0.0012518501607701182, + -0.02960161119699478, + -0.1604774296283722, + 0.015874799340963364, + -0.1447165608406067, + 1.7592889070510864, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/18.png", + [ + 0.1887931078672409, + -0.0137328514829278, + -0.10543466359376907, + 1.2201486825942993, + -0.013699863106012344, + -0.21621061861515045, + 0.003630195977166295, + -0.05481451749801636, + -0.1054389625787735, + 0.0035033386666327715, + -0.18925710022449493, + 2.227489948272705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/66.png", + [ + 0.18051519989967346, + -0.018815161660313606, + -0.11835603415966034, + 1.3779748678207397, + -0.015280712395906448, + -0.21585460007190704, + 0.01100863516330719, + -0.14034003019332886, + -0.1188640221953392, + -0.0008245619828812778, + -0.1811589151620865, + 2.149784564971924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/16.png", + [ + 0.1914246827363968, + -0.014620361849665642, + -0.10045260936021805, + 1.167342185974121, + -0.014779438264667988, + -0.2161448895931244, + 0.003294758964329958, + -0.0506504625082016, + -0.10042932629585266, + 0.003941093105822802, + -0.19195392727851868, + 2.270455837249756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/94.png", + [ + 0.17624594271183014, + -0.023583417758345604, + -0.12381069362163544, + 1.4419256448745728, + -0.019405057653784752, + -0.21538731455802917, + 0.013403576798737049, + -0.17178232967853546, + -0.12453397363424301, + 0.0001856596936704591, + -0.17731089890003204, + 2.104768753051758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/28.png", + [ + 0.1863323599100113, + -0.011721769347786903, + -0.10995791107416153, + 1.2760488986968994, + -0.011223508976399899, + -0.21634596586227417, + 0.004043861757963896, + -0.061397798359394073, + -0.11000986397266388, + 0.002218125155195594, + -0.1866568922996521, + 2.1909098625183105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/61.png", + [ + 0.18330562114715576, + -0.01653328537940979, + -0.11433980613946915, + 1.332109808921814, + -0.015536892227828503, + -0.21602420508861542, + 0.00632841931656003, + -0.08417138457298279, + -0.11447945982217789, + 0.002845051698386669, + -0.18394091725349426, + 2.174447536468506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/132.png", + [ + 0.14102229475975037, + -0.0033283757511526346, + -0.16446742415428162, + 1.970375418663025, + -0.017507782205939293, + -0.215703547000885, + -0.010646763257682323, + 0.10534872114658356, + -0.16356675326824188, + 0.020218752324581146, + -0.14065921306610107, + 1.7298696041107178, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/58.png", + [ + 0.18610279262065887, + -0.016474468633532524, + -0.10973713546991348, + 1.2811163663864136, + -0.01488746702671051, + -0.21604309976100922, + 0.0071862307377159595, + -0.0971408486366272, + -0.10996367037296295, + 0.0013676281087100506, + -0.18669229745864868, + 2.2068047523498535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/123.png", + [ + 0.14263413846492767, + -0.0008502879063598812, + -0.16310322284698486, + 1.928303837776184, + -0.014254732057452202, + -0.21590760350227356, + -0.011340229772031307, + 0.1151491105556488, + -0.16248135268688202, + 0.01819547265768051, + -0.14218519628047943, + 1.7242599725723267, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/64.png", + [ + 0.18182021379470825, + -0.01816299557685852, + -0.11644485592842102, + 1.3531211614608765, + -0.01607462391257286, + -0.21590721607208252, + 0.00857770349830389, + -0.11256524920463562, + -0.11675146222114563, + 0.0014409029390662909, + -0.1825237274169922, + 2.1614928245544434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/10.png", + [ + 0.2015053927898407, + -0.0046988436952233315, + -0.07950716465711594, + 0.9291369318962097, + -0.004323300439864397, + -0.21662364900112152, + 0.0018452692311257124, + -0.03431219235062599, + -0.07952847331762314, + -0.00012967942166142166, + -0.20155173540115356, + 2.3677120208740234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/170.png", + [ + 0.18123839795589447, + 0.015498441644012928, + -0.11772993206977844, + 1.4131709337234497, + 0.01710525155067444, + -0.2159881591796875, + -0.0021010111086070538, + -0.019702432677149773, + -0.11750722676515579, + -0.007536721415817738, + -0.18188773095607758, + 2.2796130180358887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/41.png", + [ + 0.1656399369239807, + -0.02907252311706543, + -0.13662391901016235, + 1.6030396223068237, + -0.02326458878815174, + -0.21471139788627625, + 0.017483452335000038, + -0.21939222514629364, + -0.1377318799495697, + 0.001303987461142242, + -0.16726066172122955, + 1.9943238496780396, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/166.png", + [ + 0.15485888719558716, + -0.013390959240496159, + -0.15095463395118713, + 1.847566843032837, + -0.03143637627363205, + -0.21397103369235992, + -0.01326839067041874, + 0.14193178713321686, + -0.14825105667114258, + 0.03138436749577522, + -0.1548694372177124, + 1.9222944974899292, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/91.png", + [ + 0.17745648324489594, + -0.022571200504899025, + -0.12226049602031708, + 1.423677921295166, + -0.01842317171394825, + -0.21549560129642487, + 0.013043321669101715, + -0.1661940962076187, + -0.12295396625995636, + -0.0002870461030397564, + -0.17841002345085144, + 2.1237568855285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/140.png", + [ + 0.1435912400484085, + -0.006869821809232235, + -0.16211803257465363, + 1.9915437698364258, + -0.01926526427268982, + -0.21567092835903168, + -0.007924491539597511, + 0.07653898000717163, + -0.16111578047275543, + 0.019666051492094994, + -0.14353691041469574, + 1.8024476766586304, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/23.png", + [ + 0.18709659576416016, + -0.00898340530693531, + -0.10891307145357132, + 1.2473042011260986, + -0.009004931896924973, + -0.2164742797613144, + 0.00238616019487381, + -0.042204439640045166, + -0.10891129821538925, + 0.0024659668561071157, + -0.18729694187641144, + 2.18580961227417, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/37.png", + [ + 0.1772538423538208, + -0.027550356462597847, + -0.12153167277574539, + 1.4038240909576416, + -0.022680776193737984, + -0.21491596102714539, + 0.015640011057257652, + -0.1916019469499588, + -0.12253388017416, + -7.300690049305558e-05, + -0.17869900166988373, + 2.1056952476501465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/36.png", + [ + 0.179582417011261, + -0.02405746653676033, + -0.1188245639204979, + 1.366331934928894, + -0.02033240720629692, + -0.21533440053462982, + 0.012868189252912998, + -0.1569279134273529, + -0.11951833963394165, + 0.000485004362417385, + -0.18072913587093353, + 2.120168685913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/8.png", + [ + 0.2059798389673233, + -0.0006648452836088836, + -0.06722913682460785, + 0.7880200147628784, + 0.0004955549375154078, + -0.21664313971996307, + 0.003660739865154028, + -0.055303312838077545, + -0.06723059713840485, + -0.0036338097415864468, + -0.20594839751720428, + 2.4152002334594727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/6.png", + [ + 0.20700345933437347, + 0.005895198322832584, + -0.06373940408229828, + 0.7514575123786926, + 0.008674418553709984, + -0.21634702384471893, + 0.008161760866641998, + -0.10678257048130035, + -0.06342097371816635, + -0.01034922618418932, + -0.20692647993564606, + 2.435750961303711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/169.png", + [ + 0.17930372059345245, + 0.01312965713441372, + -0.12093669176101685, + 1.454981803894043, + 0.009582635015249252, + -0.21626397967338562, + -0.009271543473005295, + 0.07956965267658234, + -0.12126931548118591, + 0.0023238984867930412, + -0.1795445680618286, + 2.234569549560547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/154.png", + [ + 0.14533519744873047, + -0.007614674977958202, + -0.16052284836769104, + 1.9593968391418457, + -0.029718507081270218, + -0.21397177875041962, + -0.016756616532802582, + 0.18389996886253357, + -0.15793158113956451, + 0.03325643762946129, + -0.14456668496131897, + 1.8037750720977783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/20.png", + [ + 0.1880190074443817, + -0.01207705307751894, + -0.10700886696577072, + 1.2319090366363525, + -0.011783161200582981, + -0.2163221687078476, + 0.003710688091814518, + -0.05748625099658966, + -0.1070416271686554, + 0.0025993939489126205, + -0.18836992979049683, + 2.2085533142089844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/2.png", + [ + 0.20909568667411804, + 0.011993413791060448, + -0.05552516505122185, + 0.6521876454353333, + 0.014270036481320858, + -0.21608883142471313, + 0.007062745746225119, + -0.09102880209684372, + -0.05498410388827324, + -0.010472547262907028, + -0.20932024717330933, + 2.4680986404418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/117.png", + [ + 0.1424591839313507, + -0.006645069923251867, + -0.1631229966878891, + 1.9368221759796143, + -0.02111930213868618, + -0.21542605757713318, + -0.009668268263339996, + 0.09266799688339233, + -0.1618865430355072, + 0.022256311029195786, + -0.14228597283363342, + 1.7346851825714111, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/149.png", + [ + 0.13830691576004028, + -0.005288140848278999, + -0.16670669615268707, + 2.04357647895813, + -0.023632297292351723, + -0.215002179145813, + -0.012786219827830791, + 0.12900957465171814, + -0.165107861161232, + 0.026344038546085358, + -0.13781611621379852, + 1.7274527549743652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/161.png", + [ + 0.13890886306762695, + -0.01161020528525114, + -0.16588376462459564, + 2.032048225402832, + -0.03313882648944855, + -0.21374313533306122, + -0.012790131382644176, + 0.12921902537345886, + -0.16295410692691803, + 0.03357040882110596, + -0.13880519568920135, + 1.735597848892212, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/5.png", + [ + 0.2072368562221527, + 0.008147338405251503, + -0.06272485107183456, + 0.7397392988204956, + 0.011691977269947529, + -0.21610110998153687, + 0.010559764690697193, + -0.13543279469013214, + -0.062161754816770554, + -0.013484503142535686, + -0.20712792873382568, + 2.441847324371338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/108.png", + [ + 0.1425589621067047, + -0.02065737545490265, + -0.16185827553272247, + 1.9158999919891357, + -0.020101657137274742, + -0.21551743149757385, + 0.009800874628126621, + -0.1303987056016922, + -0.16192825138568878, + 0.008567762561142445, + -0.1437140554189682, + 1.7407315969467163, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/60.png", + [ + 0.18489061295986176, + -0.017834553495049477, + -0.1115584596991539, + 1.2992115020751953, + -0.016951272264122963, + -0.2159149944782257, + 0.006423693150281906, + -0.08617068827152252, + -0.11169608682394028, + 0.0032462377566844225, + -0.18563765287399292, + 2.1923375129699707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/56.png", + [ + 0.18650531768798828, + -0.014416605234146118, + -0.10934267193078995, + 1.2793718576431274, + -0.012575128115713596, + -0.21619431674480438, + 0.007055433467030525, + -0.09650637209415436, + -0.1095697283744812, + 0.000272862846031785, + -0.18692858517169952, + 2.2142982482910156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/147.png", + [ + 0.1441870480775833, + -0.0058866022154688835, + -0.1616271436214447, + 1.985935091972351, + -0.022505715489387512, + -0.21515469253063202, + -0.012241153977811337, + 0.12382225692272186, + -0.16016079485416412, + 0.024933932349085808, + -0.14378704130649567, + 1.8009023666381836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/30.png", + [ + 0.18301169574260712, + -0.014740142039954662, + -0.11505363136529922, + 1.3336796760559082, + -0.01349579356610775, + -0.21616427600383759, + 0.006226691417396069, + -0.08595207333564758, + -0.11520621180534363, + 0.0019069274421781301, + -0.18349874019622803, + 2.1524410247802734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/17.png", + [ + 0.18973040580749512, + -0.01397454459220171, + -0.10370621830224991, + 1.2037681341171265, + -0.013892889954149723, + -0.21619684994220734, + 0.003715773578733206, + -0.05534549802541733, + -0.10371719300746918, + 0.0033958004787564278, + -0.1902080625295639, + 2.246457099914551, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/12.png", + [ + 0.19672390818595886, + -0.006014393176883459, + -0.09061693400144577, + 1.0573043823242188, + -0.007134212180972099, + -0.21655428409576416, + -0.0011148853227496147, + -0.001164853572845459, + -0.09053564071655273, + 0.003995876293629408, + -0.1968126744031906, + 2.3195877075195312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/114.png", + [ + 0.13845156133174896, + -0.008907797746360302, + -0.16643230617046356, + 1.9823943376541138, + -0.01930164359509945, + -0.21576611697673798, + -0.0045083872973918915, + 0.03403184935450554, + -0.1655491292476654, + 0.01770678162574768, + -0.13866454362869263, + 1.6911768913269043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/27.png", + [ + 0.1856781393289566, + -0.009001540020108223, + -0.11131265759468079, + 1.2906805276870728, + -0.008651402778923512, + -0.21648001670837402, + 0.003074919106438756, + -0.05024775117635727, + -0.11134042590856552, + 0.0018094675615429878, + -0.18587073683738708, + 2.1803178787231445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/42.png", + [ + 0.1652643382549286, + -0.02613849937915802, + -0.13766759634017944, + 1.6145215034484863, + -0.023308265954256058, + -0.2150338888168335, + 0.012847159057855606, + -0.16374945640563965, + -0.13817495107650757, + 0.00501035014167428, + -0.16682468354701996, + 1.9916645288467407, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/7.png", + [ + 0.20630870759487152, + 0.0017295158468186855, + -0.06619387120008469, + 0.7761960625648499, + 0.0037334621883928776, + -0.2165599763393402, + 0.005977921187877655, + -0.08106102794408798, + -0.06611112505197525, + -0.00683249905705452, + -0.2062293291091919, + 2.4201059341430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/73.png", + [ + 0.17619307339191437, + -0.02481417916715145, + -0.12364528328180313, + 1.44353449344635, + -0.016912341117858887, + -0.21516908705234528, + 0.019082067534327507, + -0.23496013879776, + -0.12497147172689438, + -0.005865923594683409, + -0.17690566182136536, + 2.099712371826172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/120.png", + [ + 0.140402689576149, + 1.909382081066724e-05, + -0.16503022611141205, + 1.9548580646514893, + -0.01271221786737442, + -0.2160295844078064, + -0.010840162634849548, + 0.10450059175491333, + -0.1645398885011673, + 0.0167065616697073, + -0.13998359441757202, + 1.7006969451904297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/46.png", + [ + 0.1734941154718399, + -0.025923054665327072, + -0.12718361616134644, + 1.4843417406082153, + -0.02526707947254181, + -0.21499300003051758, + 0.009353285655379295, + -0.11967886984348297, + -0.12731556594371796, + 0.007341969292610884, + -0.17517060041427612, + 2.074739933013916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/127.png", + [ + 0.14543847739696503, + -0.003050569212064147, + -0.16058093309402466, + 1.9042373895645142, + -0.017729928717017174, + -0.21561646461486816, + -0.011961947195231915, + 0.12239457666873932, + -0.15962830185890198, + 0.021169142797589302, + -0.14497780799865723, + 1.7620182037353516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/133.png", + [ + 0.14095525443553925, + -0.008944960311055183, + -0.16431522369384766, + 1.9733525514602661, + -0.022588631138205528, + -0.21535800397396088, + -0.007653688080608845, + 0.0728156715631485, + -0.16300080716609955, + 0.02210911363363266, + -0.14103126525878906, + 1.738316297531128, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/57.png", + [ + 0.1855209916830063, + -0.017089255154132843, + -0.11062465608119965, + 1.2937984466552734, + -0.015012750402092934, + -0.21599867939949036, + 0.00819054339081049, + -0.10953381657600403, + -0.11092554032802582, + 0.0006519588059745729, + -0.18612627685070038, + 2.2032628059387207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/44.png", + [ + 0.17156775295734406, + -0.02879476547241211, + -0.1291636973619461, + 1.5083842277526855, + -0.026577716693282127, + -0.21467164158821106, + 0.012554149143397808, + -0.1563108265399933, + -0.12963804602622986, + 0.005902810487896204, + -0.1735137552022934, + 2.0586142539978027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/113.png", + [ + 0.14185163378715515, + -0.011228040792047977, + -0.16340117156505585, + 1.946325421333313, + -0.021397972479462624, + -0.21558262407779694, + -0.0037623150274157524, + 0.02545081079006195, + -0.16238267719745636, + 0.01859998144209385, + -0.14224554598331451, + 1.732418417930603, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/126.png", + [ + 0.14346952736377716, + -0.0004434965958353132, + -0.16237054765224457, + 1.9252772331237793, + -0.016767781227827072, + -0.21555586159229279, + -0.014227133244276047, + 0.15026971697807312, + -0.16150304675102234, + 0.021985750645399094, + -0.14276304841041565, + 1.7373077869415283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/29.png", + [ + 0.18630677461624146, + -0.011772607453167439, + -0.10999584197998047, + 1.2771958112716675, + -0.011395376175642014, + -0.21634046733379364, + 0.003853377653285861, + -0.060604192316532135, + -0.11003556102514267, + 0.0024716025218367577, + -0.18663857877254486, + 2.189688205718994, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/4.png", + [ + 0.20738182961940765, + 0.01109003834426403, + -0.061787426471710205, + 0.72996586561203, + 0.014821706339716911, + -0.21588711440563202, + 0.01099829375743866, + -0.13889692723751068, + -0.06099993735551834, + -0.01475318893790245, + -0.20738671720027924, + 2.446455955505371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/55.png", + [ + 0.18679112195968628, + -0.013894472271203995, + -0.1089216023683548, + 1.274409532546997, + -0.011352207511663437, + -0.21622483432292938, + 0.008114445023238659, + -0.1100866049528122, + -0.10921583324670792, + -0.0012885937467217445, + -0.18713133037090302, + 2.216059684753418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/9.png", + [ + 0.2039731740951538, + -0.0030428674072027206, + -0.07303135097026825, + 0.8560358285903931, + -0.0019924649968743324, + -0.21663784980773926, + 0.0034613984171301126, + -0.05341541767120361, + -0.0730675533413887, + -0.0025869200471788645, + -0.20396651327610016, + 2.393169403076172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/25.png", + [ + 0.1857772320508957, + -0.009075343608856201, + -0.1111411452293396, + 1.2800230979919434, + -0.009780459105968475, + -0.21644970774650574, + 0.0013259619008749723, + -0.028467949479818344, + -0.1110813170671463, + 0.003879908937960863, + -0.18599402904510498, + 2.1780214309692383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/99.png", + [ + 0.17779982089996338, + -0.022494517266750336, + -0.12177484482526779, + 1.4146432876586914, + -0.018453331664204597, + -0.21550370752811432, + 0.012865167111158371, + -0.16839303076267242, + -0.12245237827301025, + -0.00018586975056678057, + -0.1787547767162323, + 2.114258289337158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/34.png", + [ + 0.18187057971954346, + -0.01908998377621174, + -0.1162177175283432, + 1.337182879447937, + -0.014851261861622334, + -0.21581996977329254, + 0.012209775857627392, + -0.15375055372714996, + -0.11683505028486252, + -0.0022827729117125273, + -0.18246164917945862, + 2.131585121154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/72.png", + [ + 0.1743931621313095, + -0.024990389123558998, + -0.1261364221572876, + 1.4736204147338867, + -0.0173831544816494, + -0.21517404913902283, + 0.018597165122628212, + -0.22956609725952148, + -0.12740778923034668, + -0.00484860222786665, + -0.1751902997493744, + 2.0849971771240234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/102.png", + [ + 0.17489051818847656, + -0.03064926713705063, + -0.12418462336063385, + 1.4357824325561523, + -0.027307048439979553, + -0.21445925533771515, + 0.014472601003944874, + -0.18264015018939972, + -0.12496208399534225, + 0.003969063051044941, + -0.17696501314640045, + 2.0973424911499023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/134.png", + [ + 0.142874613404274, + -0.010828977450728416, + -0.16253452003002167, + 1.9555021524429321, + -0.02376118302345276, + -0.2152683585882187, + -0.006544659845530987, + 0.058815304189920425, + -0.16115255653858185, + 0.022139549255371094, + -0.14313484728336334, + 1.7697559595108032, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/70.png", + [ + 0.17737671732902527, + -0.019926415756344795, + -0.12283457070589066, + 1.4340217113494873, + -0.016060221940279007, + -0.21575568616390228, + 0.011808797717094421, + -0.1502697765827179, + -0.12339961528778076, + -0.0005623886827379465, + -0.17810142040252686, + 2.1155824661254883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/135.png", + [ + 0.14181599020957947, + -0.01181913260370493, + -0.1633904129266739, + 1.9715509414672852, + -0.02424728125333786, + -0.21524401009082794, + -0.005475567188113928, + 0.045565348118543625, + -0.16201291978359222, + 0.021868256852030754, + -0.14220227301120758, + 1.7639905214309692, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/130.png", + [ + 0.14489461481571198, + -0.0009976899018511176, + -0.16109764575958252, + 1.9191012382507324, + -0.013276495970785618, + -0.21600741147994995, + -0.010603410191833973, + 0.10319773852825165, + -0.1605527400970459, + 0.01696178875863552, + -0.14450955390930176, + 1.7610492706298828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/90.png", + [ + 0.17833785712718964, + -0.023425297811627388, + -0.12080875039100647, + 1.4087308645248413, + -0.018874244764447212, + -0.21540264785289764, + 0.013905275613069534, + -0.17602817714214325, + -0.12160287797451019, + -0.0009214880992658436, + -0.17933149635791779, + 2.13712215423584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/122.png", + [ + 0.13986611366271973, + 1.7235957784578204e-05, + -0.1654852330684662, + 1.9575175046920776, + -0.01436516921967268, + -0.2158554643392563, + -0.012163749895989895, + 0.12281039357185364, + -0.1648605465888977, + 0.01882324554026127, + -0.13933618366718292, + 1.6920825242996216, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/15.png", + [ + 0.19173116981983185, + -0.014188078232109547, + -0.09992872923612595, + 1.1625257730484009, + -0.014466875232756138, + -0.21617119014263153, + 0.002935119206085801, + -0.04726618528366089, + -0.09988874197006226, + 0.0040747858583927155, + -0.19223302602767944, + 2.276165008544922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/162.png", + [ + 0.13875897228717804, + -0.010906264185905457, + -0.16605688631534576, + 2.039327383041382, + -0.0314967967569828, + -0.21402214467525482, + -0.012262548319995403, + 0.12165094912052155, + -0.1634068340063095, + 0.03199174255132675, + -0.1386457085609436, + 1.735493779182434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/22.png", + [ + 0.18755754828453064, + -0.01144605502486229, + -0.10788441449403763, + 1.23490571975708, + -0.01127212680876255, + -0.21635518968105316, + 0.003357674926519394, + -0.054841212928295135, + -0.10790272057056427, + 0.002706036902964115, + -0.18787649273872375, + 2.1933751106262207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/138.png", + [ + 0.1445637345314026, + -0.009375742636620998, + -0.16112516820430756, + 1.9661089181900024, + -0.02196110412478447, + -0.21543964743614197, + -0.0071675474755465984, + 0.06744435429573059, + -0.1598966419696808, + 0.021113013848662376, + -0.14469000697135925, + 1.806647777557373, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/109.png", + [ + 0.1434510350227356, + -0.019692592322826385, + -0.161189004778862, + 1.912204623222351, + -0.021817972883582115, + -0.21546271443367004, + 0.006906233727931976, + -0.09495843946933746, + -0.16091510653495789, + 0.011658545583486557, + -0.14463159441947937, + 1.75426185131073, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/26.png", + [ + 0.1855304092168808, + -0.008536078967154026, + -0.1115952655673027, + 1.291440725326538, + -0.00867091491818428, + -0.21649044752120972, + 0.002144009340554476, + -0.03867819532752037, + -0.11158487200737, + 0.0026299995370209217, + -0.18571428954601288, + 2.1755542755126953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/43.png", + [ + 0.17078574001789093, + -0.027170466259121895, + -0.13054455816745758, + 1.527221441268921, + -0.024469908326864243, + -0.2149125337600708, + 0.012717205099761486, + -0.16126440465450287, + -0.1310776174068451, + 0.004719038959592581, + -0.17246529459953308, + 2.04941463470459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/84.png", + [ + 0.17172901332378387, + -0.020461205393075943, + -0.13053111732006073, + 1.533360481262207, + -0.013697178103029728, + -0.21566428244113922, + 0.015785880386829376, + -0.20208780467510223, + -0.13141319155693054, + -0.0042597767896950245, + -0.17222172021865845, + 2.061984062194824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/136.png", + [ + 0.14216163754463196, + -0.012982568703591824, + -0.16300126910209656, + 1.972665786743164, + -0.025270523503422737, + -0.21514005959033966, + -0.0049044294282794, + 0.039171990007162094, + -0.16155298054218292, + 0.022228488698601723, + -0.1426689177751541, + 1.7716716527938843, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/89.png", + [ + 0.17876455187797546, + -0.022649068385362625, + -0.12032516300678253, + 1.4065791368484497, + -0.01741108112037182, + -0.21547365188598633, + 0.014691798947751522, + -0.18592257797718048, + -0.12119398266077042, + -0.0024524431210011244, + -0.17959369719028473, + 2.1417908668518066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/63.png", + [ + 0.18292969465255737, + -0.01729014702141285, + -0.11482890695333481, + 1.3353004455566406, + -0.015487486496567726, + -0.21597787737846375, + 0.007847919128835201, + -0.10248173773288727, + -0.1150858923792839, + 0.0015820676926523447, + -0.18357731401920319, + 2.172645092010498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/88.png", + [ + 0.17732220888137817, + -0.02333429828286171, + -0.12231208384037018, + 1.4332793951034546, + -0.01858321577310562, + -0.2154117226600647, + 0.01415448822081089, + -0.1802607625722885, + -0.12312351912260056, + -0.001093589118681848, + -0.17828993499279022, + 2.129098415374756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/62.png", + [ + 0.1838810294866562, + -0.016073323786258698, + -0.11347822099924088, + 1.3205316066741943, + -0.014302307739853859, + -0.2160743921995163, + 0.007429711055010557, + -0.09770894050598145, + -0.1137150228023529, + 0.0011852680472657084, + -0.18443259596824646, + 2.1807751655578613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/65.png", + [ + 0.18118661642074585, + -0.018194857984781265, + -0.11742337793111801, + 1.3662697076797485, + -0.015031497925519943, + -0.21590888500213623, + 0.010261374525725842, + -0.13108761608600616, + -0.11787006258964539, + -0.0004346366913523525, + -0.18180854618549347, + 2.1570944786071777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/80.png", + [ + 0.17272379994392395, + -0.01841411553323269, + -0.129519522190094, + 1.515304446220398, + -0.009720795787870884, + -0.2157309502363205, + 0.017707617953419685, + -0.2225092649459839, + -0.13046032190322876, + -0.008305052295327187, + -0.17279765009880066, + 2.066959857940674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/146.png", + [ + 0.14432547986507416, + -0.006213097367435694, + -0.1614913046360016, + 1.9853332042694092, + -0.02359587512910366, + -0.21500438451766968, + -0.012815817259252071, + 0.1321992576122284, + -0.15987896919250488, + 0.026122940704226494, + -0.14388956129550934, + 1.8035171031951904, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/119.png", + [ + 0.13946910202503204, + -0.0031602096278220415, + -0.16578984260559082, + 1.966388463973999, + -0.015314553864300251, + -0.21595486998558044, + -0.00876678992062807, + 0.08017528057098389, + -0.165111243724823, + 0.017361028119921684, + -0.1392291784286499, + 1.6964130401611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/145.png", + [ + 0.14067526161670685, + -0.004823609720915556, + -0.1647273451089859, + 2.0290534496307373, + -0.02110946923494339, + -0.21532505750656128, + -0.011722012422978878, + 0.1197001188993454, + -0.16344039142131805, + 0.02365899458527565, + -0.14026899635791779, + 1.7627724409103394, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/167.png", + [ + 0.16678501665592194, + -0.008461302146315575, + -0.1380545198917389, + 1.680220365524292, + -0.022332260385155678, + -0.21507857739925385, + -0.013797750696539879, + 0.14807239174842834, + -0.13649877905845642, + 0.02484983205795288, + -0.1664285510778427, + 2.062410354614258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/79.png", + [ + 0.17335516214370728, + -0.01718280091881752, + -0.12884342670440674, + 1.5054726600646973, + -0.009379282593727112, + -0.2158668488264084, + 0.016168847680091858, + -0.20256376266479492, + -0.12964533269405365, + -0.007358934264630079, + -0.17345266044139862, + 2.071345806121826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/165.png", + [ + 0.14438937604427338, + -0.013193427585065365, + -0.16101408004760742, + 1.977561116218567, + -0.032763008028268814, + -0.2138548493385315, + -0.01185704953968525, + 0.12145742774009705, + -0.15819665789604187, + 0.03224806860089302, + -0.14450526237487793, + 1.8012741804122925, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/116.png", + [ + 0.13990266621112823, + -0.008400499820709229, + -0.16524094343185425, + 1.9633257389068604, + -0.021871492266654968, + -0.21543513238430023, + -0.0075654215179383755, + 0.06916534900665283, + -0.16400235891342163, + 0.02156454138457775, + -0.13995032012462616, + 1.7088721990585327, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/19.png", + [ + 0.1881350874900818, + -0.014506591483950615, + -0.10650182515382767, + 1.228694200515747, + -0.014129923656582832, + -0.2161669135093689, + 0.004483590833842754, + -0.06577566266059875, + -0.10655245929956436, + 0.003052235348150134, + -0.1886402666568756, + 2.2162489891052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/77.png", + [ + 0.17449389398097992, + -0.021421752870082855, + -0.12665261328220367, + 1.4799216985702515, + -0.012742347083985806, + -0.21547327935695648, + 0.01888909935951233, + -0.2329024374485016, + -0.12781786918640137, + -0.007763626053929329, + -0.17478618025779724, + 2.0842204093933105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/68.png", + [ + 0.17869769036769867, + -0.018465448170900345, + -0.12113653123378754, + 1.4120906591415405, + -0.01526680774986744, + -0.21588635444641113, + 0.010387417860329151, + -0.13162849843502045, + -0.121581070125103, + -3.156585444230586e-05, + -0.1793486326932907, + 2.1280040740966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/143.png", + [ + 0.14275537431240082, + -0.006405401974916458, + -0.16287346184253693, + 2.008507490158081, + -0.022587675601243973, + -0.21519577503204346, + -0.011334548704326153, + 0.11662346124649048, + -0.16142673790454865, + 0.024446798488497734, + -0.1424487829208374, + 1.7914029359817505, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/86.png", + [ + 0.17242898046970367, + -0.022413652390241623, + -0.12928175926208496, + 1.5202445983886719, + -0.016574854031205177, + -0.21550050377845764, + 0.01525480393320322, + -0.1947334259748459, + -0.1301591992378235, + -0.002250120509415865, + -0.17320916056632996, + 2.0767407417297363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/1.png", + [ + 0.2099941521883011, + 0.01204991340637207, + -0.05201104283332825, + 0.6086065769195557, + 0.014632366597652435, + -0.21599100530147552, + 0.009037272073328495, + -0.11410345137119293, + -0.051344357430934906, + -0.012271023355424404, + -0.21014536917209625, + 2.4877777099609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/81.png", + [ + 0.17063362896442413, + -0.018902383744716644, + -0.13219213485717773, + 1.5482295751571655, + -0.009842644445598125, + -0.2156897336244583, + 0.018136968836188316, + -0.22766895592212677, + -0.13317348062992096, + -0.008278111927211285, + -0.17071667313575745, + 2.046210289001465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/95.png", + [ + 0.17567168176174164, + -0.023188861086964607, + -0.12469815462827682, + 1.452170491218567, + -0.01944858580827713, + -0.2154282033443451, + 0.012662326917052269, + -0.16237564384937286, + -0.12533597648143768, + 0.0009266906999982893, + -0.1767425388097763, + 2.0983753204345703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/103.png", + [ + 0.17473216354846954, + -0.030155692249536514, + -0.12452790141105652, + 1.4391058683395386, + -0.028149759396910667, + -0.21447785198688507, + 0.012439459562301636, + -0.15895096957683563, + -0.124996617436409, + 0.006146804429590702, + -0.17687836289405823, + 2.099764347076416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/150.png", + [ + 0.14501461386680603, + -0.0068460628390312195, + -0.16084706783294678, + 1.9673362970352173, + -0.02466229349374771, + -0.21486817300319672, + -0.013089402578771114, + 0.13243351876735687, + -0.1590925008058548, + 0.02706829458475113, + -0.14458483457565308, + 1.8034934997558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/83.png", + [ + 0.17063641548156738, + -0.01930997334420681, + -0.13212959468364716, + 1.5524296760559082, + -0.011469797231256962, + -0.21572430431842804, + 0.016714390367269516, + -0.21142412722110748, + -0.133039653301239, + -0.006168623920530081, + -0.17091019451618195, + 2.0484418869018555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/142.png", + [ + 0.1412038803100586, + -0.006033116020262241, + -0.1642344892024994, + 2.0254130363464355, + -0.021566107869148254, + -0.21533642709255219, + -0.010631557554006577, + 0.10873185098171234, + -0.162924125790596, + 0.023275064304471016, + -0.14093224704265594, + 1.7754148244857788, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/51.png", + [ + 0.18689042329788208, + -0.009342828765511513, + -0.10923629999160767, + 1.271575927734375, + -0.0076538738794624805, + -0.2164715826511383, + 0.005419636610895395, + -0.07405790686607361, + -0.10936763882637024, + -0.0008159572607837617, + -0.18704532086849213, + 2.212292194366455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/128.png", + [ + 0.1442933827638626, + -0.0017320949118584394, + -0.16163018345832825, + 1.9195611476898193, + -0.015668796375393867, + -0.215791717171669, + -0.011675615794956684, + 0.11687608063220978, + -0.1608782261610031, + 0.01946358196437359, + -0.14383065700531006, + 1.7499192953109741, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/168.png", + [ + 0.17208652198314667, + 0.0004547152202576399, + -0.13165830075740814, + 1.5944311618804932, + -0.00840415246784687, + -0.21619349718093872, + -0.011731489561498165, + 0.11963115632534027, + -0.13139058649539948, + 0.014423969201743603, + -0.1716867983341217, + 2.1344242095947266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "Clip+pBV-jfnfxKM+P0+C1+F5267-5439/93.png", + [ + 0.178374782204628, + -0.023082243278622627, + -0.12082028388977051, + 1.406011939048767, + -0.017397690564393997, + -0.21542026102542877, + 0.015469868667423725, + -0.19600558280944824, + -0.12176883965730667, + -0.0030342279933393, + -0.17919550836086273, + 2.1268434524536133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ] + ] +} \ No newline at end of file diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/0.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/0.npy new file mode 100644 index 0000000000000000000000000000000000000000..cf3286db1c2edf38cc090f9c3cc1d6c3d5b1179f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/0.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1310c4c6fc38502f531528cacc01bbd1f8ec1f9c3a6f9ad193d989a1141ecbc0 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/1.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/1.npy new file mode 100644 index 0000000000000000000000000000000000000000..5cb7f6fac28f9474a9ec83b89a8322ec6354086b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/1.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a635082eb4f7f5ebe277b9c38348f8598cc4fe28ce466ab7483da9dab3ec530 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/10.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/10.npy new file mode 100644 index 0000000000000000000000000000000000000000..fc68d92a338412ca8eb0c404448eb68842c4a9fc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/10.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98d35980ec7af74a930607b66d60369b4dc5d954899589057bc3185fc496f8a5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/100.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/100.npy new file mode 100644 index 0000000000000000000000000000000000000000..d17d449480acc4eaf0d68cad0285b94d7f8feb8f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/100.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb2829a6816596d369ae77cf2f34774a347960e61ee9ebb0eb0a5ee0b352b4ba +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/101.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/101.npy new file mode 100644 index 0000000000000000000000000000000000000000..6afe7e6bfe07d2ea8fb5cf51cbbb5711a2ee7b36 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/101.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3229533a547458df5f91525a2ff1ba09381b1ed7831d82f337ebcb5830d60a9d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/102.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/102.npy new file mode 100644 index 0000000000000000000000000000000000000000..71abf988f830cd802e744bf56f164973c1a07663 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/102.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d812df34438a74452f0bfc3496d1e06190700c2ca66bb7a7962b40c8556c84a5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/103.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/103.npy new file mode 100644 index 0000000000000000000000000000000000000000..cbb8da2df36341f2237986062c45f9908869de70 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/103.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d1b158ff063e78f6a1fb4a41b1fd07e7d887035e0693e6bf6be2c43520111be +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/104.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/104.npy new file mode 100644 index 0000000000000000000000000000000000000000..bd04229d959b20607b15d683b28287af4c23122b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/104.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de7b4a65b37a0841ba3791965ee77b306694ee7691195716f0b3ff184423c42e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/105.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/105.npy new file mode 100644 index 0000000000000000000000000000000000000000..28d17bcbb24422c5c28814552ebbd09d97852afc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/105.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2aa8182199737e55123710562ddac01cd3621c5e5bf0d9cfa60abfbd0f0c6d80 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/106.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/106.npy new file mode 100644 index 0000000000000000000000000000000000000000..f8f597522f2a3d893614b542bf9323dfced74d83 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/106.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79aeb68c4bfc784efba88cf00d0fbab8c08dcc976cd792ea14302bfe5eccb1aa +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/107.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/107.npy new file mode 100644 index 0000000000000000000000000000000000000000..6fe6ab966f776242e9412827eb80d93bd3130352 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/107.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb649bc2bad1738780cfb593004182500e8cab6a0ab4324a471606d987fbd6ff +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/108.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/108.npy new file mode 100644 index 0000000000000000000000000000000000000000..af3f59ee115ab03ddae940032ee38980eb58683d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/108.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a4ae034584d4df55f54d824f70fbc8f811bafc8fdf488b594a6ebd3719269a7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/109.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/109.npy new file mode 100644 index 0000000000000000000000000000000000000000..297c3197e9e327d98a4a96dd87dd2f0675db2f3d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/109.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06b42f68ccf7c9a91632efe2fcf736a5543e165e506aedd720e116b0454fc658 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/11.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/11.npy new file mode 100644 index 0000000000000000000000000000000000000000..c1fc225797588d9edea63bc5cd1066db7a8597bd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/11.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f9e514675ee86559336dbf2f59bc9d7815b18464e8f34bf272eec383bf30e57 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/110.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/110.npy new file mode 100644 index 0000000000000000000000000000000000000000..0fd3872a476ca2b767730ada0f3b13cbb580547a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/110.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7a634dc9246a2f757ad241728b94f420e4e8e6c4e2d6addee4e0156d3645c94 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/111.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/111.npy new file mode 100644 index 0000000000000000000000000000000000000000..5a666b57853ff4c6cec0c2b92813f502c80a1b29 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/111.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a174ab9eb79ab08d437fbcef68ba355e389b27387a06dd47da90780f23423df +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/112.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/112.npy new file mode 100644 index 0000000000000000000000000000000000000000..66ab3f7ecf194637b0d01355c6875df018b84754 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/112.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03f48f54c1b1e8596f623b7a2fe3a8a2a42095faac003f8c372a844344360213 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/113.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/113.npy new file mode 100644 index 0000000000000000000000000000000000000000..68f120381920144946465fb79a5ebb1e8a137d0c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/113.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f22f5555a60c271ebd7856c56d6b42f5553bacde69873e0b8244bf21ab784701 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/114.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/114.npy new file mode 100644 index 0000000000000000000000000000000000000000..64d1b345869041b92fa0906c19a9d6d0988577c0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/114.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d36c7066dbc0d273c34580a1c209f2bc96b51210d925806ed99c4690409d6ac +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/115.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/115.npy new file mode 100644 index 0000000000000000000000000000000000000000..15f3c83a3ea5296e039569df773259b103a97516 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/115.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e95aafdf2f79e5ca3c387d6552841a568432ae381ce0852d0c2888cf5a7f8f5e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/116.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/116.npy new file mode 100644 index 0000000000000000000000000000000000000000..dd2ae50947b87f872e572d512c682b0d413afbe4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/116.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47969df38383168a3488247dc1f0513302e7b2bdbb1df68d497fbaad08bab7c4 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/117.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/117.npy new file mode 100644 index 0000000000000000000000000000000000000000..c66d3befcb84d4e32d8f5799d950c599ca55ccd4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/117.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c04116d9a7230430154c7a08141273c994e20941c8054d982d97346a082be7a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/118.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/118.npy new file mode 100644 index 0000000000000000000000000000000000000000..c2d792b301d0020eae0a8fb4fd70566a2d38a6c6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/118.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d02d61bf3f3592b0da963a4f894866063962b2b8d20a98cda1256ef3b42cca5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/119.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/119.npy new file mode 100644 index 0000000000000000000000000000000000000000..087b7eb04372267d871e756b9b02b239098aef0c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/119.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d70513336b1910d1641cd41abe7074bbbb36c2440fcab9d7be79086f3b2da9a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/12.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/12.npy new file mode 100644 index 0000000000000000000000000000000000000000..b2f855d44bf7bff6f3516ff2e9e843c2997872db --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/12.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5247f4ae3fd01f629bbbb8f81053ec4e81dcfbc03610aab137760801a5f4d40 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/120.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/120.npy new file mode 100644 index 0000000000000000000000000000000000000000..94b5f5d876d69acf80de4e5dcf50470fc37db827 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/120.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96f3cc32f97b95919a3c6a635de17d26899ae1205446bc47c69855ea8439caee +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/121.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/121.npy new file mode 100644 index 0000000000000000000000000000000000000000..bd491cce0e2313d724954991653bba264301c5d9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/121.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e177fdb3c568476f71ace9123bac1a7923758019464c78782a6ff91202f30936 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/122.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/122.npy new file mode 100644 index 0000000000000000000000000000000000000000..1a10bf84a5ce6d1371bf8eaa6c5315cf1fce5595 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/122.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a1495a43c355abdb51972845e8f86c165dbf87b7e4995c47ed98a4febecc4b5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/123.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/123.npy new file mode 100644 index 0000000000000000000000000000000000000000..3a8607a115842500d83864a6a339627fec517ba2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/123.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25fd352f941dc748f61a7afe35af1e71d5760d2ce6c32d8a97e5903600f76bdc +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/124.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/124.npy new file mode 100644 index 0000000000000000000000000000000000000000..3a1cbc10303b3fc6c4e76a26d0dbb0f0f612133a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/124.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ce5867427e633da3116bb17b8bd206e2a7b7db51d130ef44ec8ce41302f43c1 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/125.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/125.npy new file mode 100644 index 0000000000000000000000000000000000000000..9b774727be809974795b2c20c224989acb052e8d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/125.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfae42760eab681a60e4fe68abd5344f6d53a8728d5fe3a055fd750d7d87ea6b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/126.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/126.npy new file mode 100644 index 0000000000000000000000000000000000000000..d75ac8f2011348c3e160ca1f0f3a7d1da1e719fe --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/126.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:650cced56aa2f8844913aece6cc3d938ff5a3c48e1e147bd7038a5e255bc7886 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/127.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/127.npy new file mode 100644 index 0000000000000000000000000000000000000000..365f925d27da16471d5bcbf12e57edde09002013 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/127.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:092c60802b289ab44146ce0c26fefe07d3ae9b8c4a7d9882d54cc6124fc7d887 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/128.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/128.npy new file mode 100644 index 0000000000000000000000000000000000000000..712fc7b7c1c9f0a03e2738979a540580bccd7690 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/128.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d20dee527550c8bf7ec3cc0552c51ea86ff4d5a16b90e76e56b7be1618e4eb5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/129.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/129.npy new file mode 100644 index 0000000000000000000000000000000000000000..b95a1c772dd97f4e172d7cbd5757c8bd53a6131e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/129.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43c906f6e7ceabcce905380482e95e288bf0545c9b92eff567edc4711c421362 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/13.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/13.npy new file mode 100644 index 0000000000000000000000000000000000000000..83a4c80446a37c682bf62a62e09c833b1c920de8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/13.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ecef49e65d6daf2d69579173d4387b4c7778e57e44e288d327eb04e3dfca9d5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/130.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/130.npy new file mode 100644 index 0000000000000000000000000000000000000000..1a2eda2ea56e09eb461853c81f04db3177a2336b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/130.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cdc74e31d248388d11455499d2662097276a1b87b37e915bc9c3333547743dd0 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/131.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/131.npy new file mode 100644 index 0000000000000000000000000000000000000000..646f6681d2cc1fdd4e53b91472536758cce3748e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/131.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ae9a81039b497edfd30846e16bc45ab756fd82df9b326bee95283b1be112ca5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/132.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/132.npy new file mode 100644 index 0000000000000000000000000000000000000000..e9d9082dcfb0fb7e6478665b2b097a6b80110a1a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/132.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:008ac1cc91518f31932b8893e77bdbfb5b43e29759c52fca5121464d30da74d8 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/133.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/133.npy new file mode 100644 index 0000000000000000000000000000000000000000..52a988f59139dcf5ed4b8e40d0d1bf03945826f4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/133.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80c0a0dcb6417c6738c5968d9d90ea35a0d142a3b9756e4a22bfac061671502e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/134.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/134.npy new file mode 100644 index 0000000000000000000000000000000000000000..d0b38849d692918be10a5b04ee18561e52d09ece --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/134.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8767baef69647b83959f4d71d2854fa4f60146893f28a14a9eceb651499f8f4 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/135.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/135.npy new file mode 100644 index 0000000000000000000000000000000000000000..fb3266b0b2d87a9d4949978850094f91dbe27a0c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/135.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa3b15e28f4cb5d85577d08ed318d4b449cf7972b5fa4c29c034cf7a8e51a6c5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/136.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/136.npy new file mode 100644 index 0000000000000000000000000000000000000000..6d5d45c54050e38c703dc6e913c93fbc6b801c39 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/136.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53b0bbb4b98ce690353d83f569b0ac90594708083635757d9356f5e5523a410c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/137.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/137.npy new file mode 100644 index 0000000000000000000000000000000000000000..2b112b1e345260e2287567a3822f1fac59c08e09 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/137.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bbf317d64d1a75bc90174d6b77079ac4fd33293e156b21ffd899bd80529ff7e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/138.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/138.npy new file mode 100644 index 0000000000000000000000000000000000000000..fa020f3c70a1fe657b887639387e788e91543a84 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/138.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ba3b71cd64c2f0b623801e65ea662fd56b9884e2c5eb7be52f680047b838161 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/139.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/139.npy new file mode 100644 index 0000000000000000000000000000000000000000..3f40c15c8b5211b2c33ee7d333fe6256c36835a2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/139.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:914a3726651acb1e5d7faa32f64ef768e838879045d79ff0ed8f94638180a989 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/14.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/14.npy new file mode 100644 index 0000000000000000000000000000000000000000..d066471f11a0ed0c2852ec72d64d50fb04385bfa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/14.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74069e3b0d9ae519835167de71f69f25c4d70adf94081652cb66af04c3dc3253 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/140.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/140.npy new file mode 100644 index 0000000000000000000000000000000000000000..683ff25110f644459f79a0d94b9ac6a8b6e063aa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/140.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7eecfa196944a5f4d7837559d76d318b134cb6776b33900b6ad7d8ed2b3cded1 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/141.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/141.npy new file mode 100644 index 0000000000000000000000000000000000000000..cdb6db80282628a117c7e404c0e919ab1fe6b79d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/141.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c4156cd509eb3e48a05c3b7c4817fea234b1fbcdfc3f75b20871de8db8e02a3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/142.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/142.npy new file mode 100644 index 0000000000000000000000000000000000000000..93d3b2fa321be114edfe97fe1f96815aabf921e0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/142.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42efd38ef8e454c6950da220afba4bb82307eea50bb8ad1716ee836110e6eb63 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/143.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/143.npy new file mode 100644 index 0000000000000000000000000000000000000000..56d9705c4b03e1668113d311cadf7685a3437e51 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/143.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:906f1f20f0ac7855235852ba4189298bad1a5eb7f97dddd3c192605e78329cd1 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/144.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/144.npy new file mode 100644 index 0000000000000000000000000000000000000000..83b40aaf5a6652e5e774f85aa700cbc1f85cc65b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/144.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e01537fbe0d8732ba5e8296acacd71a2688855f7b0c0b1587207e67c3106be14 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/145.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/145.npy new file mode 100644 index 0000000000000000000000000000000000000000..9f020e7f9336eb970c2c055d5808eadaca7083ee --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/145.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:860b4ea256eed25e54b0dc8eb923fd6e998c371fe7d4b3832ce665ee4626b297 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/146.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/146.npy new file mode 100644 index 0000000000000000000000000000000000000000..3e26f9ba44968e27970440cda982cc3d36e179ba --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/146.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1508c64e298c9abe2f4617f76e1115be0e979cc709896eb8961916825c280e66 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/147.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/147.npy new file mode 100644 index 0000000000000000000000000000000000000000..d68db38972032c9b8e52b4ba891f5c7223f01fcb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/147.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:347157729cdfa4651f5cc19ea01fb7e5731b487228e9999710cc00bfcbe0e88f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/148.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/148.npy new file mode 100644 index 0000000000000000000000000000000000000000..d4fd1c447b873dd98d7b15a123d665c17927b99a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/148.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4dd7fc58dc1cda6c9689f83a2ade09d1c74bcbb955825e3b4b2cb0bd9df59c6 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/149.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/149.npy new file mode 100644 index 0000000000000000000000000000000000000000..f166775bab76ced3024819f7f77b84d953d0cd29 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/149.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b300fee8cfa833c875d5b231bff298e2a605d0230ee8d9397a2b92fa49bd2a72 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/15.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/15.npy new file mode 100644 index 0000000000000000000000000000000000000000..1d4617f2b15dee2992ea42705572455de698fdef --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/15.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de31b7b06d116b7ea9c2761fdf9e3901bfc23652697b2722ed06e38d5c050ed3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/150.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/150.npy new file mode 100644 index 0000000000000000000000000000000000000000..1f27be41600efaa7070366d3667edefc19638fc0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/150.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b16a91253713b9520baf748e55e0293c6ca9517a7e7406923f00c615743ce057 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/151.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/151.npy new file mode 100644 index 0000000000000000000000000000000000000000..31e4a9ae12c55a0f897be7c862d0953cc2a86c28 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/151.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ffcf07b9ea36cd55f5f861a58d4cb3251fc3ee0f2a2bd19dd2e2cc7c1d5700c9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/152.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/152.npy new file mode 100644 index 0000000000000000000000000000000000000000..2a9ba6b386ec2e81b97dcc478e7b05f342d2d9f9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/152.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:383f6b61e286443fa3326a44395a619fc75dcc7f4e5a90fac07a75251c8e05b7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/153.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/153.npy new file mode 100644 index 0000000000000000000000000000000000000000..c5c5253e4543514b7e23b8db45688da4f61fb52b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/153.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05a042518432ff130766ea9684f4d0f49401af6b68b785509ac187d271e8521e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/154.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/154.npy new file mode 100644 index 0000000000000000000000000000000000000000..1eee62b5ecc5e05e47eeb22889951a6c8a8458dd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/154.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9bd51b5a917675626df8da6fbba6e081f76188a6ac961df902be22802bbb01d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/155.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/155.npy new file mode 100644 index 0000000000000000000000000000000000000000..cfb6570b29cbfb6f6c78edd83c7517bc698f956a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/155.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6fe43dd2a2e4dd00e9a5eaac57b20363c1fdfe3a85ca10a2767f513fa6cfc62 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/156.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/156.npy new file mode 100644 index 0000000000000000000000000000000000000000..c58601c09b5cd3ca808022448971c85544bb3b10 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/156.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61442e22ceedf3bb1e997adc62307827964fe2e8cf3616b7d87952eeaf6d20b0 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/157.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/157.npy new file mode 100644 index 0000000000000000000000000000000000000000..4eac9870445de99e4857871635666bde5da303b8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/157.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21b6c00fe123a5bb3d646da103e1e642690f5bc14d294619fc7fa6d1d8410db9 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/158.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/158.npy new file mode 100644 index 0000000000000000000000000000000000000000..f300a0d9d1b489cfe04eb38d0c9c6472e27412f1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/158.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cf4b5fd1f7dca24d652f6885fdec061bdadeb6ba78a62e1147e84e5e569f02c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/159.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/159.npy new file mode 100644 index 0000000000000000000000000000000000000000..ababbb21fe0e1fc2e1de11f25acd10a17f7ce25c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/159.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17f6d07a633279c29c7c89af6a8d9b8b09f8bdc1b9ddff10b8858e73038616f6 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/16.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/16.npy new file mode 100644 index 0000000000000000000000000000000000000000..8062a28addf00019810801d422ca81124f20ba11 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/16.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37a0364c618135d8da8d83e576f676ad723f718eee63f2d057a201aff9bb36a8 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/160.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/160.npy new file mode 100644 index 0000000000000000000000000000000000000000..eefaa6d56b1d47114bb84de49e4d41e6dcfebb70 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/160.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b109ac10fac85519b21e6ca391a27edc269f36b3de11413b38e6828f780a12b2 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/161.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/161.npy new file mode 100644 index 0000000000000000000000000000000000000000..a271a8e15195021868e0650df67ee7ac4b906b0c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/161.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d049db86ba75abdd23089a2b378bf53242e0a78b64052d311f28bd4b78480a39 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/162.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/162.npy new file mode 100644 index 0000000000000000000000000000000000000000..2dfea179fe928a3cef94430665c9922b3c3a5d4e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/162.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6443d86abb85e2e6b49d3ff6f6a74381b0526c4ad7cc481fefbc77740cd855de +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/163.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/163.npy new file mode 100644 index 0000000000000000000000000000000000000000..776b29fb4c9e95d505f3f8c48c0fc4d0d8ac9fac --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/163.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e5c803c81754a36f868dc57872bf7614e0350b7c031be7ee4728f5540fa9079 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/164.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/164.npy new file mode 100644 index 0000000000000000000000000000000000000000..f49dffafc6dfd22943f07dace48190f4cc57b108 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/164.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0d70fc39e542111845e6bdcef27902ed67fee375bc541b91416e068c4ff5617 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/165.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/165.npy new file mode 100644 index 0000000000000000000000000000000000000000..401e3616698ff667294d96a1f069384eac257fbb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/165.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af33ba9c4c1b6284dd5b9381280035802dffbffc61823d3621769dc93f7fe006 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/166.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/166.npy new file mode 100644 index 0000000000000000000000000000000000000000..a3b611c53afac699534da329b1eb6fd78a80f7ba --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/166.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d241ea36e245155a1a84ab951dca5cd346db54d58d7023845a4f1def464a3844 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/167.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/167.npy new file mode 100644 index 0000000000000000000000000000000000000000..019b81b4ab540aa060406a78dc73cee981f90ce0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/167.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8701bb18fcdecf8a93f91955810c999aa9e8b44793cc19fde82bcc48ac19a012 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/168.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/168.npy new file mode 100644 index 0000000000000000000000000000000000000000..0fe12ee350269e5a211ae11e6f8d0329f8463879 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/168.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:416e52646b29cc1274c16f221aef5cd861d8459fc1b62d894e6809154b3f5169 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/169.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/169.npy new file mode 100644 index 0000000000000000000000000000000000000000..2a1ee9a6a152978ca3352523a757d222f2178aa0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/169.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f833ab9c27d4ff5e4b95202f8609d5a243f6b21edd2d44121a1d4c2eb159006 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/17.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/17.npy new file mode 100644 index 0000000000000000000000000000000000000000..5a69a898df32d956a991ade742d2fb6f5cf7903e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/17.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5f65b3153aa0dc41474d4ca4c6f3713318dacdfac82ab1d8183ac6d7a3d02bd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/170.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/170.npy new file mode 100644 index 0000000000000000000000000000000000000000..9cb6b46ca385e863484a739e11096d2b448f37fa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/170.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff382ef3164f8725703653931e0a54f845ee66c386bc34243c4c8f007ec7f0ee +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/171.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/171.npy new file mode 100644 index 0000000000000000000000000000000000000000..379846e0eadb65a2d6088fb41b51e220d38f0685 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/171.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b96bb9313382cf84412f0715f68a22c82b86c70b0ed892e8e72eb71f8448b3c6 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/172.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/172.npy new file mode 100644 index 0000000000000000000000000000000000000000..c609e81e23fea3f9ebdca972d28375426215f91d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/172.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9900d05cc57a1aceff17a096eb21a5ac2f81dcef56fbd354fc31218fdabc5df6 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/173.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/173.npy new file mode 100644 index 0000000000000000000000000000000000000000..17e0902ece5031d161cb2f51325f09bb0dc1a111 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/173.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a3150c6daa617b983318ebf0fe069836d8e3093e4b926b3974a85cc82ae806 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/174.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/174.npy new file mode 100644 index 0000000000000000000000000000000000000000..a6b7aa304a5877befb2d6eabed55953ef34b1691 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/174.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ec14a553322722edb65a78761e0f795f9d5529aa2e8c2f05910ccc8abc38524 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/175.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/175.npy new file mode 100644 index 0000000000000000000000000000000000000000..5d0d46b95b10bdce07f3cda56978b95ab50c9197 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/175.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cdd54915e57d6424bc2341caf8b4e24eecbd84eda7ef4c427bffcbf8e06fb8fa +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/176.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/176.npy new file mode 100644 index 0000000000000000000000000000000000000000..d2b364f4e2f6cc690979a4fefc4ec007fd3592d2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/176.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc943341144968369454b0e070dfbc43b93a650699f9e455381ae805a70ddf43 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/177.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/177.npy new file mode 100644 index 0000000000000000000000000000000000000000..8181edb9f7cb4b3703e3d09a3c1e8050208a966a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/177.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ae96f6b08a6f82a435edf0c7d155e7881bf113df7839a1d8990cdff8a0798bd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/178.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/178.npy new file mode 100644 index 0000000000000000000000000000000000000000..93e5a0ddda9597ca4986df0ab3082af2b0a7e554 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/178.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2793c9ce7439f085614f0d4f4d27f92d5ec0af0ea9a15e4b2a293d556ccff2dd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/179.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/179.npy new file mode 100644 index 0000000000000000000000000000000000000000..99eb5d57340f0d9f882df87d02a365289f215ef7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/179.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a611b860fd648a6f1c18a41e1fd0e4967eafc316212b776ee3ed8dc50e34369 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/18.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/18.npy new file mode 100644 index 0000000000000000000000000000000000000000..a243d880460cf5404482b60f3db905827156bcb7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/18.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:132c8d3087a47ab5f0a341431c878ef922923e93d53579f01e70c36d56053f59 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/180.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/180.npy new file mode 100644 index 0000000000000000000000000000000000000000..04ae7341fc9568f88187d4b3fbbce3ccd424240e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/180.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa914699c2ff414134a6dc0b6d61afd093fcce4e7efe186b560104263de125b5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/181.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/181.npy new file mode 100644 index 0000000000000000000000000000000000000000..c4f6b6894f4d920683627a5c875ff75749c255a5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/181.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:231330c6aeb8ba85084e7bb36aa00617b23236cdac9a4fa9496bca9acbccc252 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/182.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/182.npy new file mode 100644 index 0000000000000000000000000000000000000000..d4d2242ccbff4f024c0d75a86e8c0c2c3186544f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/182.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6347d65268b11ae742f6b600c12c5576ec1960daaecf4440a8a11c02bafc7ab +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/183.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/183.npy new file mode 100644 index 0000000000000000000000000000000000000000..f52b765908a59c13b81d8e53a41aa691da5985ba --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/183.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18aa7a348b331fc717bc8ebdc69f9607b4dd8830d47c2bf3199ea18b0f2965f7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/184.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/184.npy new file mode 100644 index 0000000000000000000000000000000000000000..41aae84cdff957d3bb2f587d24600083205a188f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/184.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba01acf33c525644bd5a825d7cd618b4aa1caf45cdbb3a97761027f0a4545f98 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/185.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/185.npy new file mode 100644 index 0000000000000000000000000000000000000000..b28ef22f5e1d68d9fbd2774095756e362a7ebdd0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/185.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cc11bf5904a6530a958ffff737b41e6012c75c61c670b1a44cc759c8b947574 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/186.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/186.npy new file mode 100644 index 0000000000000000000000000000000000000000..a708f4429e555122f4c22ef5a32e66e933fdaf35 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/186.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:845100155dde269b045620706960bffab7152b19f7885a767cef4fe97405fb48 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/187.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/187.npy new file mode 100644 index 0000000000000000000000000000000000000000..6e1a118025ac3cf3dcba258ed8bef372939d3ed7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/187.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35752635f019efa4f0ccd376650796d888b292396b34925f46f3af6b46e9dbd7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/188.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/188.npy new file mode 100644 index 0000000000000000000000000000000000000000..695895c70e6ef55178f5da65a867fc07b8272ed8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/188.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:950738e50de32d02b71c8c918eb3358d91519215b18adefd3086cc034d06440c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/189.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/189.npy new file mode 100644 index 0000000000000000000000000000000000000000..f1df0de196a6912f71fbedd73787d4f26c3b8e5d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/189.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f665078e7e4e3cb4f14c86673db7063a5d2333840bf3be9dd22af0636f8d03d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/19.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/19.npy new file mode 100644 index 0000000000000000000000000000000000000000..678fe8458fcb6f59c9d333f3a6a27a7d55926057 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/19.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:251037ab71c2f3cf61a80a0566fc2f42e103cc6dc099e25510322ee0bbbf4053 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/190.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/190.npy new file mode 100644 index 0000000000000000000000000000000000000000..68946e85d25b8d2db5454e304c6b09cd554c53d5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/190.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cae1bd1e283fc8331023f7f95a70e7ffdc0561d3448097f69770e499d4da934 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/191.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/191.npy new file mode 100644 index 0000000000000000000000000000000000000000..29a6601bde55e419b068a60319a325133805e3a0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/191.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56f892b012b85045e10d7f42c3a2f36942755631685ee086feacef14d78c1b8a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/192.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/192.npy new file mode 100644 index 0000000000000000000000000000000000000000..bdc419a8831e4991222e504e469db8cf13994cae --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/192.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef14733b73967ab7ec1d04614d34bc2129d0aa00753d89ccb6b9e07f066ab261 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/193.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/193.npy new file mode 100644 index 0000000000000000000000000000000000000000..d81d08cdc11f5bbdfa39c2fb9ef55734cdf8f065 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/193.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31bc4c6ad162b19eb24851abb7d2affba8c38e0012f5ac4abc036b313f697a97 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/194.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/194.npy new file mode 100644 index 0000000000000000000000000000000000000000..eedd77655fbb36c8630d51fa653bff5ecb01480b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/194.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f56a42b879d4e6d60236ab32f98f4a1feda75f07c09680c143424bbd6bd5b4e1 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/195.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/195.npy new file mode 100644 index 0000000000000000000000000000000000000000..4c5de8567d5f99313e808fab7ef89aec1196b1a3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/195.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95b71e25b613630ae14973f2147d1cec410e373114eefa1c6755d759fbd8ce3d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/196.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/196.npy new file mode 100644 index 0000000000000000000000000000000000000000..acc19bea3f28adae8a4e0068e9e0ab3fab9687ee --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/196.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19e9a445a4a80f84fa4ba332a0885072491d34efeaeb0eac3ef46403d4ab3135 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/197.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/197.npy new file mode 100644 index 0000000000000000000000000000000000000000..31006ce5c8139f65bcb6b71918e4b228f344a4ea --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/197.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:943a7abd55b734ecc71eccc7a6b96b6b5da46fbe36f3dd90ce527dff9b8e7bfc +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/198.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/198.npy new file mode 100644 index 0000000000000000000000000000000000000000..9309b4e6eb9c1a044f571d3179c9ec485e5b5bc5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/198.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e3dd997bd2c88213bb1ec14b86330d5074442b95d11d94637f3a7771c6dfb8a +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/199.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/199.npy new file mode 100644 index 0000000000000000000000000000000000000000..6c4fd74b47338cd4371e3727819377082b8f8266 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/199.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef12ceac886df939991576927e06a654c9aba09a525ffbc1a2c8af99153c1f57 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/2.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/2.npy new file mode 100644 index 0000000000000000000000000000000000000000..85d4c4816a7d11a5d5606a2e4aa1f7a5d739d63a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/2.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ade1c406ef549e650c832e089ef9dbf3a260e4f5f0e3c58c0c5e088cce66506f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/20.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/20.npy new file mode 100644 index 0000000000000000000000000000000000000000..ba5067402a5741013b2a3dfeefe9ba6ecf8e5a7c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/20.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:194083e3aff6fee7b59f2c6dd655637dd6557a811f511ef07e592da2c9631661 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/200.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/200.npy new file mode 100644 index 0000000000000000000000000000000000000000..f00f6a652214976b2475c70d180ed5723f6bf504 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/200.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:906597c2e82f334dafbcee762691b3000f2dee9f509a865e98f745e757740ba6 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/201.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/201.npy new file mode 100644 index 0000000000000000000000000000000000000000..ae0468372ce805effca37e2d1fe9f4d2bcb1eaa8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/201.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50dedd755fdde799b202410b99ffaf41ac3d74f67f255601a0e171bd904b1d48 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/202.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/202.npy new file mode 100644 index 0000000000000000000000000000000000000000..9ee650779d0a124c11dd460d708a43b75c137df1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/202.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c913e14114c34dab5603097eefbd4013c3a24b1a25f927ad091cc2950fbd7496 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/203.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/203.npy new file mode 100644 index 0000000000000000000000000000000000000000..576d5d6e01f1decd0a194c503eab9a604f5f1b2d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/203.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21cc18c3dee8a435ba21515057dd5de70bb66620fe0bf27ab550eff306c9b473 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/204.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/204.npy new file mode 100644 index 0000000000000000000000000000000000000000..95a2836e2fdf926d7c1aeb2cd7e7e252ddbf67ca --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/204.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f731f7061818794f21e39db08ed1f7b7ff825b109ca73f676a2e6f0697e3a27 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/205.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/205.npy new file mode 100644 index 0000000000000000000000000000000000000000..853bd00273d9e04110156eb50d5764f59b75df8f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/205.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01299314d355f7c01794282e7fa4c40a3d9c1f7f396f3ec8ee6bc35d3e13d731 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/206.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/206.npy new file mode 100644 index 0000000000000000000000000000000000000000..1f81d0c1afb571d00f5feea26f836fbd7e18c0ea --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/206.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:529ab489980fbfb5324c0b15652e8ad3df11ca9558c1a4a0cf4d19b47e472935 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/207.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/207.npy new file mode 100644 index 0000000000000000000000000000000000000000..71536ce8095822df24633491cbcea492659e5d1b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/207.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f040c5b66299866fecf528113e884cc55b5787cd09d00e8b69e8a10b507d6d5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/208.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/208.npy new file mode 100644 index 0000000000000000000000000000000000000000..4c631568cb1123da7f7df4833efc441b62bee569 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/208.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55fe54bf988bbe3c81e6195037583b2a1004fa7dab1ad9387652c2cb38fc3dc3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/209.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/209.npy new file mode 100644 index 0000000000000000000000000000000000000000..b704df5c84458a5a4c35c632518d66a560a43760 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/209.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfa51d175ef74409baea57b4f65fd7a48c20f0aba08ca7d7374e5b3340281fde +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/21.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/21.npy new file mode 100644 index 0000000000000000000000000000000000000000..3fc9febef56046d2766a2e88fba6306eb0c51e96 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/21.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8692ec27176291aed4456a65e6db7bfcbfef5c9f0fd4fc1dca9b8ed111381995 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/22.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/22.npy new file mode 100644 index 0000000000000000000000000000000000000000..ce9e2ae276043f135945c7bbc73f3babbf172acb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/22.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a63db0b0eb6e894f4d246fe390902a6c6c2f5220edf760c60d422ed3986bc2c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/23.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/23.npy new file mode 100644 index 0000000000000000000000000000000000000000..4344bf269c7d2b5c409ebec4a646234f487679a7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/23.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b79d0f09c68aa242c4f676a1894e4b2446a1aa15a41960e4865c749a2d8c4773 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/24.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/24.npy new file mode 100644 index 0000000000000000000000000000000000000000..dea80ecba6e6a10adfb7ac147554a1fceb98bb72 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/24.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d48dde666984a1bb40253437cee18b8a3f59de23e2f39d37bcd69c89f9ee85e2 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/25.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/25.npy new file mode 100644 index 0000000000000000000000000000000000000000..95e533b14bed4f05cb3b49a54ac78843c0ecee1e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/25.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61bc9b183ca77b7c902b485c2cfb827d171a5a8ee1766106e7220bf839f257b2 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/26.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/26.npy new file mode 100644 index 0000000000000000000000000000000000000000..6296fd8bece346bab96001a2b1f2064a74649c0b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/26.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:636f0ad84e64a92949c17e7174c481e0adff19b2c1fb28d66399d175601cf63e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/27.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/27.npy new file mode 100644 index 0000000000000000000000000000000000000000..eb14110610f89b37ad2dfd546e7fed8c191b8346 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/27.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:564ae5a93cbcae38160d6c2e6a393600073143e4a88969071c0522659a068996 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/28.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/28.npy new file mode 100644 index 0000000000000000000000000000000000000000..453be4127a89331bdac5568167167f0015473fe8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/28.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16d3e68cbcda5d5e3fa400cdd84db5fe66745afd8fda21f1957e19eb4dc2649f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/29.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/29.npy new file mode 100644 index 0000000000000000000000000000000000000000..bd77d93266f3c1eb8efbeddb2cb0e3f47571575a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/29.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81a6a85cef1a45b0d7f48af74e3aa425b09e26d593f51c6d55cf7783937e754e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/3.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/3.npy new file mode 100644 index 0000000000000000000000000000000000000000..e7238719b30a41b2573b3ccb8f32cc415f364eb6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/3.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66bd5d04c74390008bdad25cc91cc423411199977f80227c086560a95307325f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/30.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/30.npy new file mode 100644 index 0000000000000000000000000000000000000000..3aaef0809ba6d020410ce783d21e63345b0314ec --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/30.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a3815bab8e91c0462761771c5546ec2dda21063df1def5f6e99ff92e828befa +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/31.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/31.npy new file mode 100644 index 0000000000000000000000000000000000000000..630b817528d44aedf4f26911de61010d63d155f8 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/31.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6294786d68315d4d7ed66cf2e53e7ddc86c95e3a705a2e46755abf85c15169b0 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/32.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/32.npy new file mode 100644 index 0000000000000000000000000000000000000000..0a94bf287d04d2a1a8e8f6b3cf673b179d9389eb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/32.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:486cc56b9033621a9a8f923a9a0e5668e7c63878a257a7fe7d4c5faede106bd4 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/33.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/33.npy new file mode 100644 index 0000000000000000000000000000000000000000..2d3fce65159169672e1731f09f50b1356b50a9cd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/33.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00642cd60d61a51fe1cc2eadae17673d635a1b47f4d8b9530de3f02a31d430bf +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/34.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/34.npy new file mode 100644 index 0000000000000000000000000000000000000000..2452ba3612b23f53b215d34645c651cfb6350890 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/34.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7510d4bea662d0f6aa4e0b24ea5b597f4efc488162aca8ab5db1ac30f9a79112 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/35.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/35.npy new file mode 100644 index 0000000000000000000000000000000000000000..076a61af35bbff6f4eb714ea5446e06611660862 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/35.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaa0b8c411677546c824c9850c60b29271b35c99fc1e065e3df198395261ce68 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/36.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/36.npy new file mode 100644 index 0000000000000000000000000000000000000000..a2c26b210c722bbbe37c3c70ba106e8b1c61cd63 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/36.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71e665a89c92b62b2cad8b1b346d313f6dcbe37ce88e695fbfc0559ccaf8c3f5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/37.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/37.npy new file mode 100644 index 0000000000000000000000000000000000000000..73c178852a78413d0b8dad65fbaffe73345bef45 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/37.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85ba33b18c37d9504935c357bae74b3e9575da08a53eff5c7dc8c8f0243c1f56 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/38.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/38.npy new file mode 100644 index 0000000000000000000000000000000000000000..28c37412d01dd0cd1a772284d444f6670faefd38 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/38.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5616137814ddf1c58287b929a1aacf1f85d123a8be05743de3c5da25cdd1c589 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/39.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/39.npy new file mode 100644 index 0000000000000000000000000000000000000000..bc5656a4e5292edfd917c550767bed6004e754f7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/39.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d2fe84e56278c5d385334cab5b4f8e5ffdf954befbc5b85255c4da39e3e5959 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/4.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/4.npy new file mode 100644 index 0000000000000000000000000000000000000000..8b47fa81ea6dbe79bcf152064cc3f823417fa8af --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/4.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2437a8c83b3a5881e28197e080a5a556537a8259314827ed50c5eb222e473332 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/40.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/40.npy new file mode 100644 index 0000000000000000000000000000000000000000..4e84340fb6574ab1722e0000fb989ab8532a737a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/40.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e5cd9afbd1e7dce766210eb2228df11f97c5c951267ca6b89651bf038114e8e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/41.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/41.npy new file mode 100644 index 0000000000000000000000000000000000000000..105485b331e894bc607c4dc9b75c12945ae16cd9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/41.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42892f933ece70be837f66e47e924280169fdf3686c22ca5ff30e01a5f9be665 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/42.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/42.npy new file mode 100644 index 0000000000000000000000000000000000000000..8667260e3769379224913c86a2d36b54961f0fc4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/42.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a20d9f23bdaa71291a23bbdfc55a534dd6ae0e9ec73702dfaf3d6a6da8a1327d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/43.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/43.npy new file mode 100644 index 0000000000000000000000000000000000000000..a0516d9c590d58d5a22b1e83424a1fbdf7ff810f --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/43.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf22259f1eaf2ec83d4b9b8085b30496f67801230ec2001649608a4a08f943f8 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/44.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/44.npy new file mode 100644 index 0000000000000000000000000000000000000000..347b01cf3f0a6c3bd90011e716a4335eca996edd --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/44.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:422554985a450bbdd3f2f21e4410812602eab88586de9e7c8e7b9354f861d82d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/45.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/45.npy new file mode 100644 index 0000000000000000000000000000000000000000..eb5b74d8493472989a00d5517774fbb2a4df022e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/45.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d1ecf08030f10bbe5165f47682325b70c3dd28cb94bce6e8609105fdacc190b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/46.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/46.npy new file mode 100644 index 0000000000000000000000000000000000000000..a7b4f8c6b8c69e04f9116236411e2510e1050c56 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/46.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:856bd9b608823dd8861e89ded2b03e6bc8eb4497ca9fd46dcc0a669d63e3aa19 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/47.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/47.npy new file mode 100644 index 0000000000000000000000000000000000000000..fdd03d738827fa517b9867dbc4706226148cea3d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/47.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32a70a4d8522b1901aad2100f02c2000ff008b9767f145f556761a7eefe4d312 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/48.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/48.npy new file mode 100644 index 0000000000000000000000000000000000000000..91531705f2962dbee90d382947713f82167c0ded --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/48.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65aefc0b2d898c8808582aa228321902bbd117634182d45df4dca497cc08c38c +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/49.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/49.npy new file mode 100644 index 0000000000000000000000000000000000000000..1bf770b78549853ad010e1c0f5e46290e74f5804 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/49.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15b8309554ed53dcfe50a80c785594a024f60d154c138d31a208b5dc59f2f982 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/5.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/5.npy new file mode 100644 index 0000000000000000000000000000000000000000..25bc1c9934066d3cfe1b330b0582ce1c1aa41c10 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/5.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f01a54ace4ddbb8023de17a601b5a59f7eb9b1df3945895058705b77e94dfedc +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/50.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/50.npy new file mode 100644 index 0000000000000000000000000000000000000000..26442fdcbeeb8690f29c5294cb009b9c4261b65d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/50.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1850ca9436d17c9a790890d711354d119be832ebaba6c39fd6aeea0d86a52ae3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/51.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/51.npy new file mode 100644 index 0000000000000000000000000000000000000000..1bbdbe264aaa37d42a6e7f03574868875ec78b85 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/51.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ef2b80fff2dc71b002623df261d0fe3ab868e175daad4dd9382f55f0f6525a3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/52.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/52.npy new file mode 100644 index 0000000000000000000000000000000000000000..cef0a4e39d955bafabf663ed280413d1a7d90c08 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/52.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:219adf6db27c07bfdcf1edc9f9a8ad749a0da897e0b2486e7d082747778cf641 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/53.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/53.npy new file mode 100644 index 0000000000000000000000000000000000000000..ea12afa5024a91e4c7cc3334ccfc863c361a17d2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/53.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d41177b122159ee1adf1971a9dfd715a9a292099fa7ce47a2e66ee879f0e6802 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/54.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/54.npy new file mode 100644 index 0000000000000000000000000000000000000000..462a6445145681b862395f59d55f1891c28fe1a3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/54.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:420f49f305cf956ae5c46577e6b71771a7fb435ff469731c1f981ccabcc7a8eb +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/55.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/55.npy new file mode 100644 index 0000000000000000000000000000000000000000..abd4e2029f781df3900f209d28ef6d4b9ea446fa --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/55.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:831f93c2b396ce0a5ae5c3d6e037bc579c625d9d6dbf7845a11d21e4206c9fc7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/56.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/56.npy new file mode 100644 index 0000000000000000000000000000000000000000..f8e7ac7796abf3dc9681ea88482b617a3761041d --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/56.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f240f821438466692e89070a229c34163dc2e5993695298793d4d8ba80b307a2 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/57.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/57.npy new file mode 100644 index 0000000000000000000000000000000000000000..c3b6fed6725bbc71b620cc58f2bc7310910f7323 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/57.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a9882bf047e55b1f486898c550855fceeae01d993fc27fb1feeb946ddfde2e8 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/58.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/58.npy new file mode 100644 index 0000000000000000000000000000000000000000..4e6a31aa2839a639b03f7827886a771800b8eb8b --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/58.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13dc75cdb90f9bf5e3b8099f0569cd620e23309c8437ddd15e3c977c4126a3f2 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/59.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/59.npy new file mode 100644 index 0000000000000000000000000000000000000000..cf18ae59d95e6239f5787c16f763af3cd3ee7364 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/59.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b16d63127b3431558864553fb10a344aa329491f5599c4036aa84e838702986b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/6.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/6.npy new file mode 100644 index 0000000000000000000000000000000000000000..2236576cfec608023b48e287a96a27aa69a7af84 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/6.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:201a4ad202566c1ca6899aa8350a750fab297f9345d388d35516a63bd1b26b72 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/60.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/60.npy new file mode 100644 index 0000000000000000000000000000000000000000..444dd7e938a5dac893d9fdd881cb2c2c8a935ed9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/60.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:226855010c0075e9ccbca9b8cd50eee0b4e9f54a7ac8f456cb450094b48585eb +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/61.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/61.npy new file mode 100644 index 0000000000000000000000000000000000000000..04c8387e2a17c494fb90de9f1d1b387b83c655b2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/61.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66f7d874fb812a5f34e841f7a67a7a72e734df95557ef13d8c37e25e6f2227f0 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/62.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/62.npy new file mode 100644 index 0000000000000000000000000000000000000000..e3c3f5341c259658b80e939a4f449e6fb48cc519 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/62.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4057dfb7cd7c867b6f53b31bd85803fa96ed38a05165233fcb6fee5f71c5609 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/63.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/63.npy new file mode 100644 index 0000000000000000000000000000000000000000..47a52d3ae074ab48bff46d7c8d0beae351054135 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/63.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85e7df59ab381255378a16de2bd8f94e20d9b76b5be6bbd2f4a69ac2763da74e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/64.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/64.npy new file mode 100644 index 0000000000000000000000000000000000000000..1ffca200fa467775a24e01a153599de588c99efb --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/64.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2899ce671ffe5450720497bc0504e47d9439e7fd55708a6340a1b6fa739dcd3e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/65.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/65.npy new file mode 100644 index 0000000000000000000000000000000000000000..979ecfb6bfcaef32ccbc9c48b0e06487f950e5da --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/65.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2f1f9297e6683b11d5b13716f7479c893909721665672ed13263b19d5f643ee +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/66.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/66.npy new file mode 100644 index 0000000000000000000000000000000000000000..8a22f622ce3fb4fb58b93088c43e721bf94faa18 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/66.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3595a821459344f8342d4c1a9d6963e53d80300a57d96352debdd35409f746bd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/67.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/67.npy new file mode 100644 index 0000000000000000000000000000000000000000..cda7c6085a33e8fbf90a3ef629e9a54de7f6f5d6 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/67.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48d3ead2323270e009de9c5477b77b0347db2e978e2cbf9254c55df45b6e01b5 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/68.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/68.npy new file mode 100644 index 0000000000000000000000000000000000000000..9521c19f1775e4bcd494a57b7508a916702f7471 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/68.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e9bd4c7e0015fe6bd6febc5ae7912b802c7ee83488f57ae64249510b78da5ad +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/69.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/69.npy new file mode 100644 index 0000000000000000000000000000000000000000..b606ea5f4a232751b88fe195341a7007e3dbf183 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/69.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c35d6f694af537a2c3ccd8b47d1e88bd17c634c450d29e6104eea15ff380384 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/7.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/7.npy new file mode 100644 index 0000000000000000000000000000000000000000..6e161a850335a24bb523a6707ec650e4d9a0a921 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/7.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21157a5cd547ff69d11596a493a69770907aa1ad49399921f07534c675ce5198 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/70.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/70.npy new file mode 100644 index 0000000000000000000000000000000000000000..8a853e252c7a255fd42cc81e97b5234f5877ebca --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/70.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:046a8a051f0f8cfa52f81a0d723dde2bbd1380e3e02e16b6befde8c8e509f8a3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/71.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/71.npy new file mode 100644 index 0000000000000000000000000000000000000000..10b0d0b7e70cebf4731887d5f04a7b212f7612fc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/71.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:207100398d7d0d1bde4894c29fd1305dcf5979672c79771aa17859eb3827503b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/72.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/72.npy new file mode 100644 index 0000000000000000000000000000000000000000..cb7ba2f4ef79d990067912e44d2bf38622fa9f94 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/72.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0522357886fc2ccff6936644dc60de39f3232018fb7b3e3fd198ee41ffc49c6e +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/73.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/73.npy new file mode 100644 index 0000000000000000000000000000000000000000..fc685815eba26c071750e1e97a86ef19cb45ecb3 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/73.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f315779b48451e08368ecb5d771cd1f0884bc5b2648803d544b109cfc315fd6b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/74.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/74.npy new file mode 100644 index 0000000000000000000000000000000000000000..eefd131c047c849424e0c0700d2ccfaa295a680e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/74.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0671e12c068f76862e78c931edef4f823986e0e32978cdad7b557f1ba5441119 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/75.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/75.npy new file mode 100644 index 0000000000000000000000000000000000000000..71cd0c9d33c83b72ecd1d32beb07e3830812662c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/75.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:294b3e70f1ce69c658b5b2ffb76e065686b4c480900e9c7f52db84676cdc0cda +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/76.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/76.npy new file mode 100644 index 0000000000000000000000000000000000000000..33a9a8ce08727860924a6c593dfe90ab5168b963 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/76.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14c0f1cdbe8479af8d04b8bf69e9068b7e04c1e515a4c34f5f360bef176bbc51 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/77.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/77.npy new file mode 100644 index 0000000000000000000000000000000000000000..4c4637849e8b7b7a3908b4b9af40ca921ab5b6c4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/77.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42df4a2374e0ea2c37b63fbe2d7a3d3770286459942ba2e68cadd77639cc996d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/78.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/78.npy new file mode 100644 index 0000000000000000000000000000000000000000..0955202fbd97178a49becf4d5e516bdf04f4c7e5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/78.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d65adc7ac23fd1e7da704b1faee0bba38fa49708bf0e4596ead3a2635caf0b6f +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/79.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/79.npy new file mode 100644 index 0000000000000000000000000000000000000000..c3a6113721fca0602022c33ab57bec8d7000dbf5 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/79.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d54e1710aed58555149c2171d1c1e7cca46adc8c589f36a9295c026741ada86 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/8.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/8.npy new file mode 100644 index 0000000000000000000000000000000000000000..ec97b89f8c8550bc3c5baaa1fe54dfb2944ce9b9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/8.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7fcb05f8b57d783769164bed0b044cdefff06c7cb32fdd4623048d50967cbbc +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/80.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/80.npy new file mode 100644 index 0000000000000000000000000000000000000000..61e2b68827da9d696bf598e649eaad93accf559c --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/80.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edb4e3bd4d2a7be7f80d224edcc0fbe9df9f72c232119dd921756c0bd2f188f7 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/81.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/81.npy new file mode 100644 index 0000000000000000000000000000000000000000..0cf42437b8465831f2d43ca54e81b28b87b1790a --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/81.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:487e2ff62d23e00608cdf34752249561abb3e574a55599b022b90b84bb86fadf +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/82.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/82.npy new file mode 100644 index 0000000000000000000000000000000000000000..a4253b806a62f0e5daeb8f39e516ea752af395fe --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/82.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a212f16b4a1cb36a82c2b662be37314b1e4583ee6f4a6e47eadf3292b9e08b3 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/83.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/83.npy new file mode 100644 index 0000000000000000000000000000000000000000..78599d2558f48d7f138834f48b8dec7e4f025140 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/83.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:964d45e0056d53b498a1621e4bfcf14e03e10e16ff2ffdfcc5dad2a093e2214d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/84.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/84.npy new file mode 100644 index 0000000000000000000000000000000000000000..f5a78b6bce1c5f39ddf02fd8dc5c7e95ab96d143 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/84.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e32ddc47eccaaec3923f3a56828db99aa0bae19aeea571d41ae3da33b96e971 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/85.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/85.npy new file mode 100644 index 0000000000000000000000000000000000000000..71b8a751562e5959e43ff99cac79a2ca84583442 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/85.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecc6a8e799febe9f776e564e46c8d45e2de96e212d4ad29df61e55c0c39e4b3d +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/86.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/86.npy new file mode 100644 index 0000000000000000000000000000000000000000..510482915b497f71cec5c643fd8fb257f18e08b9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/86.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f272976c1fca270d2e43522683e044bb9f00fded3aa770ff31b6dd595ae7bb65 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/87.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/87.npy new file mode 100644 index 0000000000000000000000000000000000000000..eb296b9a6789373534fdc916287f91eb7ca66af0 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/87.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d98f7d9bf5d40ff16c9a2db796c4db6e282c3b56bb63dda65e06f4b7abdf339 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/88.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/88.npy new file mode 100644 index 0000000000000000000000000000000000000000..9df18debf0d2ca683c3fc7a320dc05777137ef56 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/88.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e6c274e338897b37880e5b0099a83d52a866f7fe538edf0f164d839e7faba8b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/89.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/89.npy new file mode 100644 index 0000000000000000000000000000000000000000..3bb34b79bd674fdb1b1d0c0e02a08365929beeb2 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/89.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de601403e1f6d2ebeeb663bca98327fd5d92668cd596d6ebe24bc70c07d7f47b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/9.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/9.npy new file mode 100644 index 0000000000000000000000000000000000000000..99f571a383c91695f6e0ada977e337693888176e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/9.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9732f34803c4003e1f14fe5076d304756cd21d7f720f6e4f748e6c1e19845cdd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/90.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/90.npy new file mode 100644 index 0000000000000000000000000000000000000000..d5dc38aee74e9fd9be72951cc940a760472928c7 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/90.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:020cb213f24d3dc782df246f098d5f1e0f9f70d527ec0e2b47a81c343131c0bb +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/91.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/91.npy new file mode 100644 index 0000000000000000000000000000000000000000..7efafb44ddb30b34e0bee59bf820b28e35d163a1 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/91.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f18750c65b42e1b2adb748d1f5439548046dbe211186c73a0a6ec261a4a130ea +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/92.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/92.npy new file mode 100644 index 0000000000000000000000000000000000000000..c563907bef7e1a113ec15879b0759a63075d8968 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/92.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:608518ed461ed63b46c7da31a8c5ddee278ec44116441e86e61b37ff21388193 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/93.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/93.npy new file mode 100644 index 0000000000000000000000000000000000000000..3a926e06c2952aa2502a3c5173054a0e8e0929f9 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/93.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89f77f261711a52d3bb26e6850d37294653cbbea56c009cdda6967626c1c2dc6 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/94.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/94.npy new file mode 100644 index 0000000000000000000000000000000000000000..ad9f7af1b2877678ccd488a02797eb73aa2ca1bc --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/94.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6f4c99a25674c05f9a92b6440ae5b120c45587679046a65fb464738cdd2dd24 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/95.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/95.npy new file mode 100644 index 0000000000000000000000000000000000000000..fc4a201134fac41e86681b4e0084383dfb3a6eb4 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/95.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f734adf4ae985c7180d4576e5a4985eb9807579b0da5297890482543831e7376 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/96.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/96.npy new file mode 100644 index 0000000000000000000000000000000000000000..e9e8c3e3a560ee748a4d28e1f51c5d1ff7aeff3e --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/96.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a6347586d3d2a6212156b70d6e2e88a267402aeaecd2061dca27b326523c702 +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/97.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/97.npy new file mode 100644 index 0000000000000000000000000000000000000000..0256a6a2fc820b8e736761a03449eb4321fbfcff --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/97.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c53fc9cb807a138c3d7bb5bc0c8fd8fda67cb480e3ac3faf835534d4ad0005b +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/98.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/98.npy new file mode 100644 index 0000000000000000000000000000000000000000..98e1a37791638100474f7f350e5ceba42854d255 --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/98.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60fcbe1e6c3506417d01da2c7806c0b3eb4cccb53f8c3a07e0902f4c8fbc38fd +size 2320 diff --git a/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/99.npy b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/99.npy new file mode 100644 index 0000000000000000000000000000000000000000..96d8597a279979646c5b9b66c0d102cf41000dec --- /dev/null +++ b/demo_data/target_video/data_VFHQ_3/motions/VFHQ_3/99.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c02503c93c04e510170aa656533dfbadc4f79c8082bfc04a3d70b9ef7c01bb49 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/.DS_Store b/demo_data/target_video/data_WRA_VickyHartzler_000/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..ae305bf8e3da21045421e8e4f416d7aa107ff4f5 Binary files /dev/null and b/demo_data/target_video/data_WRA_VickyHartzler_000/.DS_Store differ diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/0.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/0.npy new file mode 100644 index 0000000000000000000000000000000000000000..52ed4e8e3ed675df2dc66be27ff0207ffe40772c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/0.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59f8a4d18c406fb31fc5e7c01408877385725e911204a1972acf8267953aaf2a +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/1.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/1.npy new file mode 100644 index 0000000000000000000000000000000000000000..4ae4a876a701ad62442e7884d45e716bc36e3f27 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/1.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f584efd711a7048c357efa0a1b102f194b2ed217fa1c0f9a32a0b691c4a7b43 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/10.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/10.npy new file mode 100644 index 0000000000000000000000000000000000000000..b7e43bcb0901c8460842bc4a7080cce736a696db --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/10.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f1ca787b0df6ad9184136e3e7f374b6c24f10d6633bb7b5cd1b68f0040c66ab +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/100.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/100.npy new file mode 100644 index 0000000000000000000000000000000000000000..b4fcc981915e3cdf03487c7e2921a9d1db626e28 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/100.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:418d5c7c46bd3d3c8df5620d64d151df4cc29ec611952c3180467da78a09006c +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/101.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/101.npy new file mode 100644 index 0000000000000000000000000000000000000000..5698dc895e1f3dd64a7191242b44098699b79738 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/101.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fa3fe1594bf5c6bfc20272b300e0ddbce3a594622f599fd12f3dceafae92abb +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/102.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/102.npy new file mode 100644 index 0000000000000000000000000000000000000000..2fcff67203b94bfaf8495e141daa39682dc4d6c0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/102.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc8d0c5a5e1dd5e76b0023af3a8fa45f88c71e0fca592ac8259aa76cfad51fca +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/103.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/103.npy new file mode 100644 index 0000000000000000000000000000000000000000..4042239043794b9cd639c7bfa8b8afe4491e1c20 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/103.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd11ac1c9126ad833f0ca42ccb7a2798c1efeaa5970cc8114af90a03b73ce10a +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/104.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/104.npy new file mode 100644 index 0000000000000000000000000000000000000000..87d6051b64ba9f7ec5777f6ba2e4d8871188d635 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/104.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:803952b6e24155e6e335c76660933cf7204c49f92a93b434f011f9b5e22de89e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/105.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/105.npy new file mode 100644 index 0000000000000000000000000000000000000000..1941e7190475a6a2f012d8ffbcd955834d7c3a95 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/105.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31513d668f65cf8b5955e7da4e1be442e2722fb8def0c406900b214b74d5a648 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/106.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/106.npy new file mode 100644 index 0000000000000000000000000000000000000000..f26b2460bc576f957fe398cadc2ec496a25c5afb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/106.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc973277d4e1ece243618c5625deee3cc6fd43a469892516df524408276aa9a0 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/107.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/107.npy new file mode 100644 index 0000000000000000000000000000000000000000..779044199642a5e20a2434a8575eccfddbfb3b31 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/107.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edd078b3388dd020280ca303f7378afa13c689d0b6c64ced3623e27093fe58ff +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/108.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/108.npy new file mode 100644 index 0000000000000000000000000000000000000000..23dcc4168f3bd527d0a2212418c1dd3b9f444714 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/108.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e48f272c882b22ae478b96c6116369dcde971fcabd9754d76069b7e556f70283 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/109.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/109.npy new file mode 100644 index 0000000000000000000000000000000000000000..19e8f7ea7e672c59ac4d76603ce72499046c6bb2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/109.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09dd998da9bb6e6656aeaaec491e56e25aa83ad5561052877e07907624da50bc +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/11.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/11.npy new file mode 100644 index 0000000000000000000000000000000000000000..8b7e6ddb1a7ed1baaf4ccfeb1733ff1d0d600e9e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/11.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fdb6ce3d3014efbda8136dbbd587432b8265d451f3fe9d30354ee3aedb35a54 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/110.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/110.npy new file mode 100644 index 0000000000000000000000000000000000000000..a1e153d3c66640ecedeb865656e33ea494b19b1f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/110.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af997678a9a852849ebbdc235d87f825fbe9259635cd2719270c720acb9ad14a +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/111.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/111.npy new file mode 100644 index 0000000000000000000000000000000000000000..821b7fa781180d3b8c4a3e4b625c967d26a75f9c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/111.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb2e79c10024a4fbceab6a7604b40aa197e4c370de6ea731cc707abc36294bde +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/112.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/112.npy new file mode 100644 index 0000000000000000000000000000000000000000..12d471143200d86126219ba43c511e1c7f5ee79f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/112.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06885c48555db84bb4119ad5bf4e5f6c6a61be842826f244219f5fc094a9eeca +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/113.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/113.npy new file mode 100644 index 0000000000000000000000000000000000000000..cfeb1777d437940a5b860b7a9905a3ebcffb146a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/113.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3701ebbef472ae44ce6af63a336a25803966e27a613f4421873481e534d3f4e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/114.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/114.npy new file mode 100644 index 0000000000000000000000000000000000000000..fe73f3578cdcf7914fc357914632326d58c3bea0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/114.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c320d9c81901806ad154f2957b93ae26a48e479bcbba8d44d89674d9e2cc650b +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/115.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/115.npy new file mode 100644 index 0000000000000000000000000000000000000000..9b5cbf06b5ebf442215a74a520912fb87f2f879e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/115.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4539fdce537d2951c33d048e99b89393bb835a1448249ffb9d529e5da41dea4e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/116.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/116.npy new file mode 100644 index 0000000000000000000000000000000000000000..842316edc6eee453115742d3a92e792b7e9f42bd --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/116.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a340ff2a8e945e16b0f6dece61e07211dd20865845810296aaeab614f3200b17 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/117.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/117.npy new file mode 100644 index 0000000000000000000000000000000000000000..4fbe04d9b415574bc4c2972a5aacd1951027ff53 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/117.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f7625e374684be648fcad899884e1564b9fee4bf3123b6b312c1fd9840b73c4 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/118.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/118.npy new file mode 100644 index 0000000000000000000000000000000000000000..2aeda2fe29144c2fca0819d0d0ec40f287ec31c8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/118.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93606c8319111992ee1c33ccff18ac2cbea625c08cc2ab15b49082134a3aa2a1 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/119.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/119.npy new file mode 100644 index 0000000000000000000000000000000000000000..d25961be4da823a5eb9479999a92095711709efb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/119.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e08f62801b19bd9c5a3f0c246f412ace8d3b06b8bbb7eff5afbb9b02421cfce5 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/12.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/12.npy new file mode 100644 index 0000000000000000000000000000000000000000..9c6b9926233045fa428294288355c31ed1175e00 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/12.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:669c9e5fa13c3681848498120bfcadfc273b37155721369a7eb954d4ee9125cc +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/120.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/120.npy new file mode 100644 index 0000000000000000000000000000000000000000..7654e757958b9397a984e5ad77a3010db68b8c46 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/120.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d51c2d1c7cf17d29931e62efd47e42cd73be96526b00e6a58fd66f6f19734766 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/121.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/121.npy new file mode 100644 index 0000000000000000000000000000000000000000..1b3f3ecb4b42b0104f58ef27ed13f39ee0b15057 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/121.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ab5d5fb45799ef16a776fd15e046a7c2af93e350eb8c5570abb7449ea00f537 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/122.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/122.npy new file mode 100644 index 0000000000000000000000000000000000000000..24da854053ee50628654acda1f2884c757b146b8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/122.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c79b2b6456a864f2adc395ef7d86121c7dc6c80cf4421f3468871da452e83f03 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/123.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/123.npy new file mode 100644 index 0000000000000000000000000000000000000000..5af77f829cf6ea0f674f26aa6e910f8aabda6190 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/123.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99f300b9c516fde09234c58772f053d6c2c7cdd11b49e16a005bd4fbb14426b6 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/124.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/124.npy new file mode 100644 index 0000000000000000000000000000000000000000..71b73a49085a2007dbfe24a827d2dbe2223d81ec --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/124.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd032c076847daeda6878115dfca99bedcc080ab02fb0d4f5934f20bfc35ebf3 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/125.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/125.npy new file mode 100644 index 0000000000000000000000000000000000000000..ab1265dfbd10cbe34cac81465ed87de120e866b3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/125.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac56675fe2d49233d9e50a5aef0156516329e3276d7f4a7a6d6d6f07ce98479d +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/126.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/126.npy new file mode 100644 index 0000000000000000000000000000000000000000..be7fd805b3ac585b31af6106d7be5c25cf9d8b0c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/126.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbda86fe5437f0bc192b6f0cf3203a51d7a8c978e4605b737347359997d3e3a4 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/127.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/127.npy new file mode 100644 index 0000000000000000000000000000000000000000..54bf62f3b76888d35336cc8c1661c08e5e9a0125 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/127.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ea3138bca96f533198f6c36dc056fb935393662cef697a51f106b8199812855 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/128.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/128.npy new file mode 100644 index 0000000000000000000000000000000000000000..d16becd0835163405581885bf8d4d47a3d30f5b1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/128.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a081ed96668ae1ee0f9f3afd93db9769cc8f12c791e7e15d8c7fbd70aac5e051 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/129.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/129.npy new file mode 100644 index 0000000000000000000000000000000000000000..7ac8cfb67d027556ded4ef63ea53344ebf86367b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/129.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93076f3c5bd95aaa94869d43248a4894006515aaa69033ca73a839acc40c545d +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/13.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/13.npy new file mode 100644 index 0000000000000000000000000000000000000000..ab445cc967dbaab17aa12c91a2e1a257bc30e73a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/13.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7ef9d16fd31435fe5e102b5d42b9af6b356526692ad7860bd2dc6e5407f4194 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/130.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/130.npy new file mode 100644 index 0000000000000000000000000000000000000000..1922f397defc48a45abf4e80c4c0283c97dd10e0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/130.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e51fcab817d2425e09bcc28ae0012fe217aaf77fb93eaada989464bc85aaa65 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/131.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/131.npy new file mode 100644 index 0000000000000000000000000000000000000000..df26db011199c87f14583440f2dc0547b1380a4a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/131.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea8968c63f753ed2c5e3a13ab78e60a41df088b484afa3eb0af14571e4588016 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/132.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/132.npy new file mode 100644 index 0000000000000000000000000000000000000000..c0b3b046f7852787226d0cc4c1faf68a02612a82 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/132.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:613fe71598205fe45088a29f90d06626c1d6ae0884390d481c5f07b1f0123356 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/133.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/133.npy new file mode 100644 index 0000000000000000000000000000000000000000..c7f75a9158459a8ee510c5f8af3aa398ae8e2b96 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/133.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:283c9fa28c33cd1368620ec7c7784b177fccb5b4fba45f9f0ce6eb87174811e3 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/134.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/134.npy new file mode 100644 index 0000000000000000000000000000000000000000..fa373eae72a583d0201c56ee0dde2bab9c87deb4 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/134.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac92eb3e1e152817c1a214f0fcf6bc7394312585ec92db09de3900220c5ff1f2 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/135.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/135.npy new file mode 100644 index 0000000000000000000000000000000000000000..0d06181a59ebb5af4440e37685c50ca2b47109df --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/135.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:748e06d1ef5bf54477532be9ab11cd720417fdf6b7124c4b39c28c42c2167698 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/136.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/136.npy new file mode 100644 index 0000000000000000000000000000000000000000..f72328357e933b73ee28501043372c82cef5c35e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/136.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c42d893d8263135499e86eca46eef72d187325f1e51113b065b835023d47cf6 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/137.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/137.npy new file mode 100644 index 0000000000000000000000000000000000000000..1258507976a07e99f3aa17ff1058ca916153147b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/137.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b873699d7e19371984500f5027fc6eb1434dc0ab2b1734a5c827f0edf3956b5 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/138.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/138.npy new file mode 100644 index 0000000000000000000000000000000000000000..2e8cdc6fafec3018c61e3e472c9f463e4335ca14 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/138.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0cb814df87e84dfd3ab3b698782a8f49a240afdc071dea3c02f5ae4945df057a +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/139.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/139.npy new file mode 100644 index 0000000000000000000000000000000000000000..39cdad108c0dc75988df5d0db0f95d68eaa7c14a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/139.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df3c7805134a9b256b05769a77cbb256065899bccf23b9dfe2c0ab9927c2ec63 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/14.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/14.npy new file mode 100644 index 0000000000000000000000000000000000000000..adf81ba21c0af4c5101807f4a9afec724a10fe48 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/14.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1db465c6325eaf4bac7b39b8e2f8dda1dc0b835282093801849fad62e6d88a35 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/140.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/140.npy new file mode 100644 index 0000000000000000000000000000000000000000..3896e1e302aa60c554ed8d70436fbd03dc3dbf5d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/140.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d106a56f603c0df3e2ce0cf39fde93e809939e9765d229f29725a73e7d9f36e8 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/141.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/141.npy new file mode 100644 index 0000000000000000000000000000000000000000..db8d344aefd13e8e2d98a794a75e7a5b0b65f267 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/141.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c00ebb283a87635bc8cb97efa25dd630aba7d052a40e36de84b8353ed81d509 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/142.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/142.npy new file mode 100644 index 0000000000000000000000000000000000000000..2182ba8336c94cf8cff06aa7cf96c8c3282f01c4 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/142.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28c19eadbc7a0e3b16f8fb50554d3df767287164df65fb7c4ce988898b339106 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/143.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/143.npy new file mode 100644 index 0000000000000000000000000000000000000000..016c86c946e3f4976d31326ea71cfb6e190758d7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/143.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55c72693b79f650a0bc93a649c5644c8037840bd7cf5c2784a2b75579c83d43e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/144.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/144.npy new file mode 100644 index 0000000000000000000000000000000000000000..24b865ec6662c3cb750b0bd088bf44c435857766 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/144.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4792126f7a8e7fbd09bb8ee15fa97aa385ad3bb19aa99e7b1878fc62c6b009eb +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/145.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/145.npy new file mode 100644 index 0000000000000000000000000000000000000000..9b9bc67ef0f7209f9add4b79dd3897fdffa7361f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/145.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14bf73a1e476309743ead1ec09a1d1412b8417a8f160fc2bc38b6e8b8a46e9f3 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/146.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/146.npy new file mode 100644 index 0000000000000000000000000000000000000000..466a25fad1968d2a6d64651ae5afa2756e136ef5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/146.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26ead2cfe618a3d9f879735a2e07c4f55c29b99c042d05efe72bf8af0a568d93 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/147.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/147.npy new file mode 100644 index 0000000000000000000000000000000000000000..9cf0c2010e8bc72c340cb78d2de2b63320e846eb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/147.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcfc11aa9be7620dff6301a1bf2caeba1cd4a7e92a0329fda2209f040a29cd37 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/148.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/148.npy new file mode 100644 index 0000000000000000000000000000000000000000..3a594b872eb40186b9ddea4ca5f6ec5af36c5d91 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/148.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fcfc8c36f4f15a1fd546576b41fcda0a180b5cd2368f115b56c35cf50eefc79 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/149.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/149.npy new file mode 100644 index 0000000000000000000000000000000000000000..059f876e79427fee0f15c3694c9ebe09bb1020f7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/149.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:862abbd8ab774321485515625207455384088018e3b033910f99234f8a8a345d +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/15.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/15.npy new file mode 100644 index 0000000000000000000000000000000000000000..d6ceafc645cc9a6823a09b065cc8cce78f0fbb4a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/15.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28db8f80a62767239d64769184adaaace2c0b2e596aa7759e9cd61482b6b21a5 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/150.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/150.npy new file mode 100644 index 0000000000000000000000000000000000000000..a4b5018e43dac61aed8549f43182564f233ee084 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/150.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2fef23d41b84e2e127fa60486defb7531a57c9326d17a010f51e5d2b812e3f3 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/151.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/151.npy new file mode 100644 index 0000000000000000000000000000000000000000..ea1cfecda57e9d95c98f8405fbe38f0cfb6c1fd0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/151.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85be0985fee4343720b28ca3afb38cd9f915d3a7b51eba5a4b22f354038c054e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/152.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/152.npy new file mode 100644 index 0000000000000000000000000000000000000000..16793ac45417fadf807feb1a24d9dbc3abb9c8ce --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/152.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0782b4a9e94658e3c77e018e6aeacfe30def6069f4d46b8beb03d25c9b10b35e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/153.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/153.npy new file mode 100644 index 0000000000000000000000000000000000000000..ae6cba989f6e88d1eacdf59704d7ea544cda3a6f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/153.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d46a376a974db7b9af131900201ede938913f0c51fe4066fb67e8dc0e63cf82 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/154.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/154.npy new file mode 100644 index 0000000000000000000000000000000000000000..e7ee1baa382d360ed2d9afd7c00eadda64537d3e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/154.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4efade7f7ea5b57b0ebe9521581a825924eff7de589bfc394f913f3d847cc13 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/155.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/155.npy new file mode 100644 index 0000000000000000000000000000000000000000..dd730f0b85cdfd0762f434fac1a8921b31e13fb5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/155.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4e9c470fbe38335c48a25ac9a63773a6274018a6629eb964b3a2d377c51ef6e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/156.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/156.npy new file mode 100644 index 0000000000000000000000000000000000000000..37ecbb1a9522ceec81784cda34c338eb12220db9 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/156.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:856f699c2c9c0cbd27d0b4ddf2fb87c054acd68a1e39a79dac037f55e273a5ca +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/157.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/157.npy new file mode 100644 index 0000000000000000000000000000000000000000..3ce83d63360fa4e17314b02dc2308e92fb6dfaf3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/157.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25ffb3cd9fb22d765ffd253048b635e54748af096719f977e312dc58595cff16 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/158.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/158.npy new file mode 100644 index 0000000000000000000000000000000000000000..ac4190b5a5c3eaf089757a79ee4cecf4a8a0e96c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/158.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b8847e0f2c99645652cf6683f286bbf71c8e155ba02b37657d9b2fbb791c6f6 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/159.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/159.npy new file mode 100644 index 0000000000000000000000000000000000000000..5fa531bec933a2ad3d4582c7042f0683fdf2d2c6 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/159.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55b987302b8cfcdfbdd0d22fe157ddf6d324bdaa5554105e0326e959a2790744 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/16.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/16.npy new file mode 100644 index 0000000000000000000000000000000000000000..0742d37841a0daa2a0a4378680f291eafc536166 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/16.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b4509189b977446561c21f56f18789b5ff2e42794b5485f7321aa0d9a2818f7 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/160.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/160.npy new file mode 100644 index 0000000000000000000000000000000000000000..e596b25debd02e0c0fb92e27f978ff0750c0376c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/160.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:353f948f447d8126cb7296bd3842f4455b6b26abebda59e3f2fa054abf9f198b +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/161.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/161.npy new file mode 100644 index 0000000000000000000000000000000000000000..4adafffa02e4bac502d6e4c1ebd9d9100f1a0816 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/161.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ed6835cca8d88ea650ae2d62e28df9ace660a94de4e4a37af7e364cb3dc2606 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/162.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/162.npy new file mode 100644 index 0000000000000000000000000000000000000000..13a3d62a03f6ae2064e823f6b891668024421874 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/162.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5085c13a33d38f98f03b530fa0f8155d2b2c0acd528583800c12497e58348cd0 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/163.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/163.npy new file mode 100644 index 0000000000000000000000000000000000000000..87c703a7da53899d855466441445fdca645f89ba --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/163.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:897ed72c972e2cd67defedcc3985ccf2af8308d4025546091c794a36917628e7 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/164.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/164.npy new file mode 100644 index 0000000000000000000000000000000000000000..66676231fce7bc80374050d56e22837a25f7fa25 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/164.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ae269333bbbdda96981158aac439d7e9821ca16eb57f9e328eccbb6b9b6ba06 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/165.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/165.npy new file mode 100644 index 0000000000000000000000000000000000000000..ff0acc10be5f366ac15e9cdc90cd52ed233a9294 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/165.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5df6b0237fbb981d500fc7b818e0daf6a28f27e88124021b7509d6471ce7f660 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/166.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/166.npy new file mode 100644 index 0000000000000000000000000000000000000000..4aeea4d5d67c161b9ebb4b1dfd2b172126f5a0b3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/166.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0a0a77387d5c8be4892e397e30a8faa025cee6fdd8064515da00d0f1d7a468d +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/167.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/167.npy new file mode 100644 index 0000000000000000000000000000000000000000..7689351dadd162ce0d9c4378e68036560f1d94fd --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/167.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:321e1a2ceb6b40cd659fe75c851ea08bd1298922f16a9f0228ece7aed983eb5c +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/168.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/168.npy new file mode 100644 index 0000000000000000000000000000000000000000..3168bc8810cd2f8a692a3c9069513a0a96931c41 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/168.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f91de7f8934217c089ae411c27a52067a106e8e19d28a8cf41604db9ef98ca2 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/169.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/169.npy new file mode 100644 index 0000000000000000000000000000000000000000..7d78873b356abd7109f4ab72283200b98d6c331b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/169.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5cabaae38ce69dc1230df6147bfbb6730a908875df2e72e9c82d59cae38b48b +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/17.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/17.npy new file mode 100644 index 0000000000000000000000000000000000000000..5bb7fd70f7e925674fc78b366420a27c524ffb34 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/17.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb6e89cbd419e2bf44de60ee7a97ed23d97c71a2602cdf09d00d351476360913 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/170.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/170.npy new file mode 100644 index 0000000000000000000000000000000000000000..a13474f4e2260463cae28ac0e04277179b2d19b9 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/170.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e73519162cde6438321703004727c29474ddff751e0745b1218afbe5faebd7f5 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/171.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/171.npy new file mode 100644 index 0000000000000000000000000000000000000000..0aabb61bef9c1cec5ba93d918dab8ad699a03a11 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/171.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c59ecd1ff0b6002d4d44eeb460933cdd348b2d73fd5b963a4932bcb0752d3cb0 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/172.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/172.npy new file mode 100644 index 0000000000000000000000000000000000000000..d3eb57336f6191d2463b1bd87dbf9c2dced61a02 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/172.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6dc3460424050e7f4dba8e3a2251fc6fc27689e1fdd7561f298ab4091105faf +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/173.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/173.npy new file mode 100644 index 0000000000000000000000000000000000000000..f78645077c60efc79e0fe75f2d7fcde3eca6fcaa --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/173.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:604f491f9a680459d0622d9d682c6679b70b812f90117701c9ef51c1e8750f30 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/174.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/174.npy new file mode 100644 index 0000000000000000000000000000000000000000..29d8cdeb3641079eebf75760fa7dd8aadf7af0ad --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/174.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b793bbd88db10685c89306036edd6f69e3050d01770cb9a6d8cf15acb894c6e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/175.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/175.npy new file mode 100644 index 0000000000000000000000000000000000000000..904f8c27ab33ec43bbc3097079743620971bd577 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/175.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8995cac980245be9a5bbfc42dd9d49249b62063b574760cd0b9a127fa661d11e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/176.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/176.npy new file mode 100644 index 0000000000000000000000000000000000000000..e660b4611e7b1ed59a692345348da35468465500 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/176.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3604760a3a631a1d6d083f45814bdfdace560e81ed1cba76f300924a29198eb3 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/177.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/177.npy new file mode 100644 index 0000000000000000000000000000000000000000..72b87a1abc727f0ac7675846d54306f293272554 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/177.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88bfd5c12c87e3ad73a16ffe191e54fcb87dc0a0bb06829242308cf2fe6ebcdb +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/178.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/178.npy new file mode 100644 index 0000000000000000000000000000000000000000..7e289f0d02bbbe9f1cad1d6f4727a76411f4b00b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/178.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09c035a18b10a97d19901bca16015ed644d30365ef9bc492867e6a7c667c3ca7 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/179.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/179.npy new file mode 100644 index 0000000000000000000000000000000000000000..f7987e32d2eacbb02317d149497f84d914dad438 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/179.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8776b6275e1f40103e1914a2c159bad0de242d71b6ec68f870ce5d25fa3ff6f1 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/18.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/18.npy new file mode 100644 index 0000000000000000000000000000000000000000..3667e17e84f4254111b9e2e9dc80711eb1dc4723 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/18.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e65313cf2867a305c3d5c798f257e464c629136ea96caf3421878e08012df35 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/180.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/180.npy new file mode 100644 index 0000000000000000000000000000000000000000..7a4dd9ca65228f458717bb981d2c6410c9f4b3f2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/180.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:caf2f87d07c86e6f45b4cf027abaa0f2720ea923a9a260380f86fbc4e4f593d6 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/181.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/181.npy new file mode 100644 index 0000000000000000000000000000000000000000..a47b3f52ca600e11ba3d46e4253aeba73119edbf --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/181.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f9ecef94414b50f88c06927945d7fc37876e002fc0fbadf1f1bd71a0047673b +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/182.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/182.npy new file mode 100644 index 0000000000000000000000000000000000000000..2199957aa345d7a55796e7965bcb2af7bb9290a3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/182.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6115165595a9120597ca68d74b1d049122386736aba01932ad133d4b9e51461 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/183.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/183.npy new file mode 100644 index 0000000000000000000000000000000000000000..839d8a3b3033f133162e8b7075afd02f80720f0a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/183.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd6a4847c5bdc1ca8af6505bfae97ea780f388f0d99eccd68960edd2d9c72f65 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/184.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/184.npy new file mode 100644 index 0000000000000000000000000000000000000000..1ba94db5274a2f35168bb44bc177556eda675c2e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/184.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e322d3a8f168941a72e7eb700a0a235babf95325fdaeac2a0bc619a670a26f7a +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/185.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/185.npy new file mode 100644 index 0000000000000000000000000000000000000000..621d100a20bde184b086a550837ef68451987220 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/185.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46125fb6fa98531fe56c42956d0dbec4995f13927762ea15542893ba0cffce17 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/186.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/186.npy new file mode 100644 index 0000000000000000000000000000000000000000..40ad6d393c0733822a84f371ebe93f55700afb0a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/186.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1a7926f8eace9a3dc16d4cca3852a3e443069122d7f42810bcb684979e17a68 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/187.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/187.npy new file mode 100644 index 0000000000000000000000000000000000000000..d67428a04e78a77fe4b4e0fe8208a817f63351bb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/187.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:628cdb69d88f94fc540a4ac3845edd63ff39639123cefb0f104747c1f7f94cce +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/188.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/188.npy new file mode 100644 index 0000000000000000000000000000000000000000..1df06ef9d67a0a2e5d106c5b731425e5a4e89885 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/188.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d1bc81513e5501b1c849c5f3742292ab794d88a95c1cb5f194fca8533ce9896 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/189.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/189.npy new file mode 100644 index 0000000000000000000000000000000000000000..4d7491d3b27d9973b4e7c5f3e150181bb9eea25c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/189.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a94344beadfe440782e5e31f2a0532dd37dc592289a74d74d26c608169b3719c +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/19.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/19.npy new file mode 100644 index 0000000000000000000000000000000000000000..7b9b10e6d6c6ab958ed853eb59fe3030c0675bba --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/19.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5797e41c10563a5f9aa1dc4138617523e7f2f55ecdf4b78e516a9fe0ab36c7e5 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/190.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/190.npy new file mode 100644 index 0000000000000000000000000000000000000000..c449451f3badf7ec935b19c8204cf752c7529621 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/190.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:755b1ab30f048a4cbe287491c68e2b9448c266512e37c378af421d655939c8c5 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/191.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/191.npy new file mode 100644 index 0000000000000000000000000000000000000000..4fe41bfbd0ee249547c2f26c9d7d13deafd0d418 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/191.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:914d5f66f6fe0c0d4bb9c89e2bbfcfd6505cc976d72eff7f716c9190dee8ad88 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/192.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/192.npy new file mode 100644 index 0000000000000000000000000000000000000000..9ad2f76dc032211cef7154c3857b01ddcdd61263 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/192.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bad8c09c006c88c8e55b1bbbea68c9bccbd549c325c67fc5110fa2bd81aae10b +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/193.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/193.npy new file mode 100644 index 0000000000000000000000000000000000000000..4dad8d003e3a7da9ae31a959ca141b4fff055a33 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/193.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a12d6384aa42ef38b2f6e654ef97ca27dd5076d90baf5a212b111eeccd57ce33 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/194.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/194.npy new file mode 100644 index 0000000000000000000000000000000000000000..569c6659f405baf93e78e513f938623c4ddc3b25 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/194.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ef72bc325a37b7c780eb836142fa55b716d2e502e71ac8cfa68c91e8b5bb7ae +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/195.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/195.npy new file mode 100644 index 0000000000000000000000000000000000000000..a1a032a185f4114147b6f5b8b3d7bbdb64cfc14c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/195.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de5008f44968548ddae647c16026ecd63906e0dccd082df9a1100e39c88468a2 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/196.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/196.npy new file mode 100644 index 0000000000000000000000000000000000000000..f827e612c64d3d8a0f6a978330474500a9984dff --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/196.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7ac359682f269836b48de675f741efaa562d23683d399f70e8d8c5778688c05 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/197.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/197.npy new file mode 100644 index 0000000000000000000000000000000000000000..6724211556e8deefbf8bcaaf64a0baff33f7d26a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/197.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d265ecc915e56fd1d33c6fb6ebad8930858fa5be685cc73f4ba935759e76d0a7 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/198.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/198.npy new file mode 100644 index 0000000000000000000000000000000000000000..fcb50ff3775d8835bb8c590ac352bd538b75c969 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/198.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ed4c13677df394888b01ac6253268fb32a69cd8a2adefccc210b96fe51a249f +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/199.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/199.npy new file mode 100644 index 0000000000000000000000000000000000000000..c4a9b0497bbac86c245b8b229aeaed30ffd58c71 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/199.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a8328178e7a3bb2101016309191d65bce9d0d2ea5b04332e46ef022abf6047f +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/2.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/2.npy new file mode 100644 index 0000000000000000000000000000000000000000..dcb43698e6d2a5dca8f1698103770bbe47b91031 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/2.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b858db76bc5e1633926b10335584f287e8181b177a5ddcd648eff7373e7e107a +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/20.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/20.npy new file mode 100644 index 0000000000000000000000000000000000000000..dbc34030a5158932356accb900be4ab55c0db789 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/20.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58cc15344bf2a18a8d15bb1a011da5253c17d9a2bd23f6e9556f25e41de75174 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/200.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/200.npy new file mode 100644 index 0000000000000000000000000000000000000000..eb239da3dc0d3b539a5b58d488a46ddf3a6597b7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/200.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b08708b4de052deaea87583ce5a5c4e8b097a0850b4f6cf4e9a0b7cb95e9df85 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/21.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/21.npy new file mode 100644 index 0000000000000000000000000000000000000000..7fdf5804135293fbfd46e62468613d55fbb93b21 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/21.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a071c31a180e088699787fb044cafd91da443b9aa48da343eeb42ce1168044b +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/22.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/22.npy new file mode 100644 index 0000000000000000000000000000000000000000..090e9f11ca8555c37fe7b7eb75f5deb23cee370d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/22.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d80e9c4f00a74bc6355e5065a3dd9947ed51096deabfa1aa474d54bc23bd7497 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/23.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/23.npy new file mode 100644 index 0000000000000000000000000000000000000000..186f3c4809aaf1f6fbb3667c5854e3596b4355c7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/23.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69a0bb138002708682df37f43863338e7cace3c78d065130e7ed29e5083eab2c +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/24.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/24.npy new file mode 100644 index 0000000000000000000000000000000000000000..735cab3f955f8f439301712f7b87ea848b6e1a37 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/24.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:769b3595cb8f2ec9fc21f68a63be05fd08b9c23474f5e34365e4d7540faa13ec +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/25.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/25.npy new file mode 100644 index 0000000000000000000000000000000000000000..5d091e23dff7b6b2ca07b475093a2e7c43259e0d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/25.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:598ae42ef4cca87f65b6f87920170d5692c35c4df948530e741c757397eb988b +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/26.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/26.npy new file mode 100644 index 0000000000000000000000000000000000000000..4b1a8037405b63e92769442899bedf9ef51841c8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/26.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f4d9702547ed501a24c309934f3e41547a3e98caa801cf79387f0a12b5f4012 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/27.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/27.npy new file mode 100644 index 0000000000000000000000000000000000000000..ba8196997db4e261237b53428d0b5a23f5c04c50 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/27.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ccde1f963b71f8c719f8f9beb4d9b640bf13a1f6deb2c6b88f374ce8101f25a +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/28.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/28.npy new file mode 100644 index 0000000000000000000000000000000000000000..02878c7866633e64b518c3d0c3bb7789b7a50cfc --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/28.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60cde6235e635b1ab5fe3a89797d53bfb5ce35853c9ad14c46713ad0575f9bcc +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/29.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/29.npy new file mode 100644 index 0000000000000000000000000000000000000000..b7457be7a04eaa9bfea2fb870d6fcc22aa19c443 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/29.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b91e81d2255b8515d1001001d1fd19d5c0c0c8d322b5a6a3959d09150d719c2 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/3.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/3.npy new file mode 100644 index 0000000000000000000000000000000000000000..e4fae2c0b2cda970e5b412e7e9a8ca9135c873bf --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/3.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44049816621f1d8adbdec5eb338a1669db1247adcd7432cb746e4c92d9a467ac +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/30.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/30.npy new file mode 100644 index 0000000000000000000000000000000000000000..a45ea598e4378ae5e1688ff362cc4679b722dc79 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/30.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:309e0a3d3a6be726e54e4cf11b5bff27407273bdd05f4d9dc4d2aad51316057e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/31.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/31.npy new file mode 100644 index 0000000000000000000000000000000000000000..da6e0f323c0eb735b74c5232a8c5bc7c6d7a6ff0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/31.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ab2ddf4c8322e54f56caffa179682b4bd5ffb75d5a1d8bc646edce9584402eb +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/32.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/32.npy new file mode 100644 index 0000000000000000000000000000000000000000..1fc748aa07f1d1f18e23d892eed7a411a75be069 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/32.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:def2c89b66e3d44205be4f69d0fd7231ae717aaec5b7bbe00a91cb9dc58b40ab +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/33.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/33.npy new file mode 100644 index 0000000000000000000000000000000000000000..b43b1195cc9e542e8920a88d127af7e1e5570d04 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/33.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3de53b684d6913404ac2cb52e822a72a68ad62e04a00eaa29835c15ff56ba053 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/34.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/34.npy new file mode 100644 index 0000000000000000000000000000000000000000..60d1045478bcd1ea94c9fcaaa161902514528056 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/34.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2360cf5fb43dd5fc07be491f62c280fe32009b022b32b6f9be0c001adb2d42f4 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/35.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/35.npy new file mode 100644 index 0000000000000000000000000000000000000000..11105d78604cec3c9e1002525cb1d3aa228149a9 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/35.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4ea3ddac8510c22ff38647ea9a402b33eb23698aa24dd58e37a43ae9fde194b +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/36.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/36.npy new file mode 100644 index 0000000000000000000000000000000000000000..160ace2dff14621b03ed7d81f7040b0c94f92db7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/36.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d45fbb8ce9ef334d77f3a1abe5df548ad41b5df1823460afecd691388888222 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/37.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/37.npy new file mode 100644 index 0000000000000000000000000000000000000000..35f2174d017c028ecd81ef8e89e35cc75426e1dc --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/37.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:873a10d411c5bfc559f70eb287d01c61aff69633bd7dbaaffdbf0007360f75ea +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/38.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/38.npy new file mode 100644 index 0000000000000000000000000000000000000000..7039583985d0bdf1280decd64f4d3de072b88052 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/38.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5e34e537d7c64e5a8255eb54c90d512fd4c416865f8ff086b80b699c1751266 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/39.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/39.npy new file mode 100644 index 0000000000000000000000000000000000000000..5933d5fa73c2c15fa4164987592c088a54048013 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/39.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c80d428bdecb447dfc6de9723da237a95e9f253de73a0a95a9f285b1813e3d5 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/4.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/4.npy new file mode 100644 index 0000000000000000000000000000000000000000..1cc75d938497cbe604cd7142e2fe06ccf5746fc8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/4.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8601425b491a712b6a33038588c01e483ae0793696d056763c8c83b4a84da1b1 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/40.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/40.npy new file mode 100644 index 0000000000000000000000000000000000000000..d1824e3af57ed2b5bd5d68a44f1e254ae0faa497 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/40.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad2700406952e1e92f56db80088b4ae7ff97dac822148d566c27fc7aa8c677d4 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/41.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/41.npy new file mode 100644 index 0000000000000000000000000000000000000000..8ca3bd7c3e8eb39891e170852958879f013d7494 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/41.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5952ae77b238299329a7801346da5184829222967236c9e341d8fdb2dcdee0e7 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/42.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/42.npy new file mode 100644 index 0000000000000000000000000000000000000000..4f52f02ce84e3d9d5991b9459a20ff411d04555b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/42.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5abdfa5c7e8317fc9e5d28aee370ddfe77b2ecb2d2956a7d36c4aa1e11182628 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/43.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/43.npy new file mode 100644 index 0000000000000000000000000000000000000000..192e4af86df6c775df851e64ba46f61b21e48730 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/43.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3564ba05bcdc229b807fa6819929f161ff1f21882953aae80a811c09e526421 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/44.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/44.npy new file mode 100644 index 0000000000000000000000000000000000000000..ed638e6fe33857788301569dfa281d0d63c49e20 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/44.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9981018adf8a118d6938daac73c31404123f597fbac6bb2d047a0e8d127d6065 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/45.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/45.npy new file mode 100644 index 0000000000000000000000000000000000000000..4d949570312e404be15d3b6c020ce7ed0eff4430 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/45.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7eb2b5558d03714bbac7a635ffd8824b3c772679a33fbd5b5a46b9a0cbb51f19 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/46.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/46.npy new file mode 100644 index 0000000000000000000000000000000000000000..3f04f958c53cefbde1e1090e2fb4ede89fc0efdd --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/46.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ca1783f310bccac1eb872e5e5409f7cb8fe985936777ee6790a06142eacbe55 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/47.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/47.npy new file mode 100644 index 0000000000000000000000000000000000000000..1be13c33f21d06b28d75f71ea3368e465924758a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/47.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:169166b4f72163a9571db77bf6fe8e7f7d858eb59450cb4ee9c2fbdc2cd2643e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/48.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/48.npy new file mode 100644 index 0000000000000000000000000000000000000000..fbd9ac6a6a8daa6a81f1cf12f2c891e828511def --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/48.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44c31083b5dfbf35f88d333ed2d81fe659714fd9573336534ce13949dd7ed469 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/49.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/49.npy new file mode 100644 index 0000000000000000000000000000000000000000..be3d3203d9a96f1087f954604eb9fac96c1c4b65 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/49.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bede4a8cadb3bb2f11ce505f22308498003f0006f295416a4eae4d657a47e5fc +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/5.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/5.npy new file mode 100644 index 0000000000000000000000000000000000000000..80c17007f0f1132182413a1d317b234186ad33a0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/5.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f43ecbe7f8da80b0f3cff5fcb5cad3126a71a6917e7b1ec97f4c31cea0d6305 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/50.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/50.npy new file mode 100644 index 0000000000000000000000000000000000000000..4c9b04f069c554ed86d97cc6da20b7e04a8c6f66 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/50.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21bbfb10b76f3cac97965712b6e2f8c1f12e26e19f3d7946491227110f58abe9 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/51.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/51.npy new file mode 100644 index 0000000000000000000000000000000000000000..e09ba55ad9b19be4d98393f54f0b319b7193349c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/51.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a0a5dde43b7550b9ebba6f03a0beead0335a6ea3f4e3315f482b8c89564175f +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/52.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/52.npy new file mode 100644 index 0000000000000000000000000000000000000000..7e8a158088bda5ee3647d90b6aa51ee5285dbce8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/52.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c91fbd587fb497f482c4192818f63ed80b8373357601e5c861f556370d8343ff +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/53.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/53.npy new file mode 100644 index 0000000000000000000000000000000000000000..bb627bcf2b48b024dfdb3cda33e9b6aeaaa3d990 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/53.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:204241ae5ec555830b4d27bd4cb203535ffab40fbe6983ff733008dd8c8fc0da +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/54.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/54.npy new file mode 100644 index 0000000000000000000000000000000000000000..05474263503e05ff9a2313a7c2305091cbce01a1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/54.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f375da67168c0ce975681df3d7ae8d22fc2ef572545d0dc8673b23f7395de7e0 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/55.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/55.npy new file mode 100644 index 0000000000000000000000000000000000000000..cbedc634f703f26c4e0c5b9de66fbec83ed224a8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/55.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7eecf1452df7a7c8756a8bc5bf8f00afe9d759b607a6ba610bdea206a03875bb +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/56.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/56.npy new file mode 100644 index 0000000000000000000000000000000000000000..4302b7693841ed116d8792e89a43e5f3a40d8695 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/56.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:877bec9a3beb8faa154bd970de520e6fba4f63955567f307595708f0a370e9eb +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/57.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/57.npy new file mode 100644 index 0000000000000000000000000000000000000000..3b1c6ff7d61f93e263d81eccdfb100f586e07e4b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/57.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bdd7c151e48daa50fda7162e151550daa39eabb2d878244de0d10a6564ab0899 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/58.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/58.npy new file mode 100644 index 0000000000000000000000000000000000000000..db610cccec4f8d25c58620ac03f9a9c747cd0271 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/58.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40787a46843d735b797e119941384eb7d87edc3fc58e950d2059082caf47e2d5 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/59.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/59.npy new file mode 100644 index 0000000000000000000000000000000000000000..fa6e29cafc747a138a03e3775ec77698dd4c213a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/59.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d1c6a4f4071b767667a814b5aba0c8e16d3a9fa5ec9ead18771b1ee4ddc6fd5 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/6.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/6.npy new file mode 100644 index 0000000000000000000000000000000000000000..23172b1c6954a175211f73d0cd071832329404a7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/6.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10bec986c743e0e7c8c30a575e3b5772f553e497da880b1b89c013eb53185daf +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/60.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/60.npy new file mode 100644 index 0000000000000000000000000000000000000000..4734b6ac948f3b2adfd32867937a194e20bfed20 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/60.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c579cb1073e014bad2cae8404dbdda15597f723c6ce9021b027d8c93c295942c +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/61.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/61.npy new file mode 100644 index 0000000000000000000000000000000000000000..1e31fd5c127ef64e9a971fb6ff44c40ceb75b64a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/61.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2eefb26bd60f4a94e6e380c0cd3759b027759cdbcdc8ba22131c7ba99f02a82 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/62.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/62.npy new file mode 100644 index 0000000000000000000000000000000000000000..b3efd7021ed273766424efa1f81f0ffe2a6247a3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/62.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:355e9acfeae2337a9d42c99563293cf4a45be2cd59982206f364d82f4cb9f18d +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/63.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/63.npy new file mode 100644 index 0000000000000000000000000000000000000000..848f77752a1c0648ee8990d797c1de11a4ec37b4 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/63.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3b07ca6a39d971cfdff9c04bf829c826bf7dffa5f0a5c1fc6e2d789572155eb +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/64.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/64.npy new file mode 100644 index 0000000000000000000000000000000000000000..eef77b9134f17e614c83f0456b9b9c7f9362712a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/64.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b91004e69599af3be7e1c178ece501287e3ddde588a06a6671afb38c5647fb2b +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/65.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/65.npy new file mode 100644 index 0000000000000000000000000000000000000000..43f65c16fcf54c6f727be14f1004c9e2d5547b47 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/65.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70926fabe40d0df2e59f055f01bc50f204047392bfb13be089f4d361aa07a234 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/66.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/66.npy new file mode 100644 index 0000000000000000000000000000000000000000..498a6a02815e481bd78ab2067400813d01889718 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/66.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6c3446e65b897992abbbcabea25f306ef50bba6489edc343091583a9c94de70 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/67.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/67.npy new file mode 100644 index 0000000000000000000000000000000000000000..134a8ac902738c22c6ad56e6c0e2a4a6d74b3b6e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/67.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d6315aa855304b5c3f6777f6629ab2e99a0efa9ac81200b7f18ff414871fe85 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/68.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/68.npy new file mode 100644 index 0000000000000000000000000000000000000000..6462507318c3caed30082783e00a65d2e8d26d6b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/68.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a601aca4bd3ca1524efb90ab0c1b904910c6fe988d60d69686c153b13d530cf +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/69.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/69.npy new file mode 100644 index 0000000000000000000000000000000000000000..6eb55c4b12d3a32576295c98e75ac22c45a9c0bd --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/69.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d0fda942f4bf64078d063df472ad8c41a6920fa19cc91276ea8b23c49832113 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/7.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/7.npy new file mode 100644 index 0000000000000000000000000000000000000000..908c3431a5ec2de2547d7450b582c52b387821d6 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/7.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efc159547543e818db7f4998ef186ce0d91d6dd3c0a890067696a147dc8a4520 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/70.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/70.npy new file mode 100644 index 0000000000000000000000000000000000000000..5a875f9a72911d59ccbb7c23393ad0fae3a2b06e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/70.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3b30b50616db3897db358f98d9537964da03be44321a8d07d493ed1a3cb1fd4 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/71.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/71.npy new file mode 100644 index 0000000000000000000000000000000000000000..3afcfef7bf42388d12b3da8651ab420c1d3e5c94 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/71.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aff0c02b68f03c661cb2aa8942ebcb4fe4c10167ed77ab8efeac7b42c21aa173 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/72.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/72.npy new file mode 100644 index 0000000000000000000000000000000000000000..02ca376e5c22d9b050678b2e9f58811aadf1bc4b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/72.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4e8f45b49792316f62165561be6bfce1737e112703ed905110c0fb3ca6c73c8 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/73.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/73.npy new file mode 100644 index 0000000000000000000000000000000000000000..28ae10a306379f1aafcbefc8d380f46f576ead6a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/73.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4d9a554b433efe33470b9ac63d0a989713f191a38738b193d3186192d5ed5ee +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/74.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/74.npy new file mode 100644 index 0000000000000000000000000000000000000000..21cd491dd6858dd1b636cf6bb7f7e6e81232fdb7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/74.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9c51f5929d230b20282deee450d2970409d0d5395578f680054be00877e93d8 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/75.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/75.npy new file mode 100644 index 0000000000000000000000000000000000000000..23a62711c1d6c4a6552ef2ad45fb61839514d707 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/75.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e09093ced6ef41cc5f45d5f416ef69db02382bd40086e85733e97390b0a7d600 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/76.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/76.npy new file mode 100644 index 0000000000000000000000000000000000000000..1c171695c3cf2f5f209b1407e44ae442d23b4880 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/76.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf80756d3f9d19635bb0f3c64568d293fac41346db9bddbcf2e623cd212b3d77 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/77.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/77.npy new file mode 100644 index 0000000000000000000000000000000000000000..a36d9a3c245e947fa912c002601a37f1a7612745 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/77.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c84191109be9e491bd827befb13ef34bdb2c0c2d686c43747ea8d3458d12a87 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/78.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/78.npy new file mode 100644 index 0000000000000000000000000000000000000000..d63214a567c7e0eae231884293a314cb14b3be9f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/78.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d56061b7bb037e5fb3f9acd9f0fad8d6c5e6c34cb1622c494c9930f66814673a +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/79.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/79.npy new file mode 100644 index 0000000000000000000000000000000000000000..3a784539fac57546c3fab83683973628737b5b4e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/79.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec727be033209908e2a2796d9574fcdd479bf466f505281a482c00c624b3500b +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/8.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/8.npy new file mode 100644 index 0000000000000000000000000000000000000000..12aa036f6ae212f95eae10384bcfc5426e438d35 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/8.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d12316acc0b0cb7b7882e0bcb10687874324db05c6bdf8e8f75c25fe13d1cd9d +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/80.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/80.npy new file mode 100644 index 0000000000000000000000000000000000000000..b9c730dd195a406e0819737a52b8e1e6d9cd647c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/80.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5d2fb2b9167297031393b465f5e47148d94df651e13121194361469efa2d72d +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/81.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/81.npy new file mode 100644 index 0000000000000000000000000000000000000000..206f866e26010557e11923dfe90a351ea4586d1a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/81.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b207c1efc84bf118f367d60c4a16baa95ff4de4bdec315107164ab80239c9d7d +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/82.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/82.npy new file mode 100644 index 0000000000000000000000000000000000000000..3ff51a3cc8fd7881129e391ac2011f835fd757e5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/82.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfaa6eb5b414637a874e417fd683be8418be7b027f367d0f38b9bffb715fa2f8 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/83.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/83.npy new file mode 100644 index 0000000000000000000000000000000000000000..d1205c31b7af2e48f33656422a99812f5af53407 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/83.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b19bd7929a97c1414790c7e78c5a9a80062e9fcf3804a53a40cb2bb8e7b9ec25 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/84.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/84.npy new file mode 100644 index 0000000000000000000000000000000000000000..fc025d094c11af67f5b44173356665005ee76adf --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/84.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80085720701147ad1ca1546f36cdb535030822050f2c27b38522b63c73b7cd8b +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/85.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/85.npy new file mode 100644 index 0000000000000000000000000000000000000000..b6c7eb26f6b181617796c4bf650cfb00b07331aa --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/85.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4044e7262141f7ff822cfaba815191eb80c1020501ffa5c68ef747c4b0676724 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/86.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/86.npy new file mode 100644 index 0000000000000000000000000000000000000000..2139884cff9b0ac404b35f1bfb106cf82b156486 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/86.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa151e137e25cd8b04a246bf86bff440f9c2586769e7da90114e4ce946285018 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/87.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/87.npy new file mode 100644 index 0000000000000000000000000000000000000000..1e713e9deca73cc682f96ea5a8c546c8a5db36b7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/87.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3da10d99aafb09d4700fe7161929f0b7927398c3f027a4bc5d6bb584d9caab6f +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/88.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/88.npy new file mode 100644 index 0000000000000000000000000000000000000000..6ade7e4b68bfdead5fbc536787686c01da9e83e2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/88.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28703dfc556c434d7d6ee7c229194dabb87aabe6983f4eca1d4f2ffa1328d30a +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/89.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/89.npy new file mode 100644 index 0000000000000000000000000000000000000000..df97760df7515d7b46f8efc23a36dafd09ef365a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/89.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40c0830a643576c32f122b98ebe83a488563ab016da7bce0cd2b282b085b4e7e +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/9.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/9.npy new file mode 100644 index 0000000000000000000000000000000000000000..6c16b66694c577d45bbef41ac709ca2a187aa13d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/9.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efffbb877c5667c7cec2c8845ebd2c7d29300240bf2f8c9b4b5f055d4d9ea581 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/90.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/90.npy new file mode 100644 index 0000000000000000000000000000000000000000..f26d7006a33fbc57c0486068a32b62a88f6d2c50 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/90.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb23b96f09eef2d5b5fdd739911ad582737ec6753eb7268320230c86cda3a994 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/91.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/91.npy new file mode 100644 index 0000000000000000000000000000000000000000..65b86edf91f628ad00ab4a70a3f12fc3286e2755 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/91.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d16ff42f63d18e3b9a548ac57b8de1c28a9d76f0ce77a0bdbc9297852776e217 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/92.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/92.npy new file mode 100644 index 0000000000000000000000000000000000000000..5c4cdcb6ba9522d777d6fa7d5a6ccb7a40f37f2d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/92.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:387550862646033f2b287616ece340803aef0448cc700cc3ff830a93eb52a482 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/93.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/93.npy new file mode 100644 index 0000000000000000000000000000000000000000..d2149f2c3de18fddc177fad8d3b839c85a0a9de7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/93.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6f9f7ddabcd521192bd14c6b9e49f1bd3eb9211e9938e1e551530ac82e373a3 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/94.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/94.npy new file mode 100644 index 0000000000000000000000000000000000000000..ddb1612a8e448fcaa3aa315e180fad61f2fdfef3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/94.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1751dc09a7df523a260596979a29a08aa91b94f6d218f597fcf15e0d58d2bc60 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/95.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/95.npy new file mode 100644 index 0000000000000000000000000000000000000000..46fc15a3073904a42398e5261424e22d728001ec --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/95.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:abeb66c4ba85471a51d34c11674464a4f839c15623fc440ebc1e1f2e99d54865 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/96.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/96.npy new file mode 100644 index 0000000000000000000000000000000000000000..1cdff341b691b9ada8437982799ea57fdb8ba432 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/96.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:784ff3dbfe363143e96a87cb4a771daf15b257c59a741766913c3ee193d26e1d +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/97.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/97.npy new file mode 100644 index 0000000000000000000000000000000000000000..e38f574c5e18f3b9d6fcb3828c34345de6eedc9e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/97.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65ae1dd6e4bc43380aa7d666d83a363e9b6838b42db49a74f4b6bb0f82340c6d +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/98.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/98.npy new file mode 100644 index 0000000000000000000000000000000000000000..50d46fe2ca2815f0a2ed57e30b51a126e888eab5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/98.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc6a4d0796c463abc52226ef651a57b645b90a07642b5abf28bf1c3c9340c8fa +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/99.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/99.npy new file mode 100644 index 0000000000000000000000000000000000000000..968bb66bba60a540ffc8f2921502c50f046d938f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/coeffs/WRA_VickyHartzler_000/99.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bc098f988c9c5eb42a8354581b624770d74bd8136c5ce899d45a28f9f514eb9 +size 2568 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/0.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/0.png new file mode 100644 index 0000000000000000000000000000000000000000..18a2275ecb618770a740e216e3ecac437d4262e6 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca12ba0cde33ba1bc2b7ff6bf1986d601d60c1223def96c60669075aef99529b +size 225806 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/1.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/1.png new file mode 100644 index 0000000000000000000000000000000000000000..ca990abb6e13c15123d82e1e80a39bd91edf1cdc --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89def8ee5e96107a5d7f7ab2a312f81d01f06d161fcfa852985bf2bd92612b7b +size 229211 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/10.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/10.png new file mode 100644 index 0000000000000000000000000000000000000000..0b50014f65838066bdede9c2a7698164a9e18a3b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/10.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a5ce5c048b6bfdf570ad53c69526389cc6429f0604a96f6b2e37c63d727bead +size 233188 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/100.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/100.png new file mode 100644 index 0000000000000000000000000000000000000000..a7ebafd48634690193802e2f2003a9f35b32e3c6 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/100.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:491e3560897d11a767673e6e7b31ac0107b2b0c904a7e376517ffd6d63ba022b +size 239094 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/101.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/101.png new file mode 100644 index 0000000000000000000000000000000000000000..7dc1f729673859f944b2d8d0f16c802ca34eee69 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/101.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b916dfbcbefcc62dfc8638493c53dfb5cdd3d85483a620000ee926ba17f80e65 +size 237422 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/102.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/102.png new file mode 100644 index 0000000000000000000000000000000000000000..6a00f7782bf8432a49ce791d1166f0da3f717b7e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/102.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4670755f1fb02c6a5144a46cc5a2a89fc6263702def273886245105f88e4b28 +size 238318 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/103.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/103.png new file mode 100644 index 0000000000000000000000000000000000000000..648121f07d9e434ce2fe4fc0d55b4aa7f0b40aa5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/103.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb4a3e516e4d6368e5dd4e379148f7e4bb3a30d1d6db941b9744d534ca9c182d +size 236807 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/104.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/104.png new file mode 100644 index 0000000000000000000000000000000000000000..b39722607dff4caf9c4cbb48e6fa8f27e50125c4 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/104.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbfd8a98c58df715a7ee8c2f7a4a30e4ac66c388e74c0c214854bd88c5b6f964 +size 236945 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/105.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/105.png new file mode 100644 index 0000000000000000000000000000000000000000..b151fef39efeef2a6e29651500dc75d77cf5e8fe --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/105.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:203c401dba441f09f51f9924c4d480879ec03aa9dddc7d79c95c56a346b21286 +size 234953 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/106.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/106.png new file mode 100644 index 0000000000000000000000000000000000000000..b1ebcf4dfd55c9890a2cb5c504a5465b0a2d727e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/106.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94b59dea648985dfb8257ef88ff9a19483d2d1ed0494e5322aed67da809a8d94 +size 236852 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/107.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/107.png new file mode 100644 index 0000000000000000000000000000000000000000..876084f4077c89c861cc70e7e728eb53b9b7c611 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/107.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51bc3a42f4607d5e390bceecc38ac922945f6e2f31e47df63adb84df8c41a36c +size 237029 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/108.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/108.png new file mode 100644 index 0000000000000000000000000000000000000000..aa48a3c929e0789f8877eba7f8fc51b82f7b5949 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/108.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1200503cdcf56889b9c1ca709be3e632b5b57cd609197722633dcee5a7762b17 +size 240553 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/109.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/109.png new file mode 100644 index 0000000000000000000000000000000000000000..175eddbc3c1d20553a0ebae6ba90ec10169f47de --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/109.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef80bdd95f52ef595ef536367ec7ae5f929dde427c781d1514f0f2e07a4cd7bf +size 237326 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/11.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/11.png new file mode 100644 index 0000000000000000000000000000000000000000..0f602d9254affebc02b67372a16333d846b3f5b3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/11.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84f4b1afcda1161a545b12445f040983c0d006dc15a0fd7b45f8c53b3773b884 +size 233348 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/110.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/110.png new file mode 100644 index 0000000000000000000000000000000000000000..322fb580e65439f76209171dd8477394f1daab79 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/110.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58de337e290b24e38a20149a4e5758f5ba7c4593c968ba6d2ee887d99ec841c0 +size 237350 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/111.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/111.png new file mode 100644 index 0000000000000000000000000000000000000000..cd5266abe32b28d8b0b6e1e048bb640a45e440ac --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/111.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18264e2879f22f9a6619484c7dd47e767b9719024b512cd4ffa48cd65a50e5f7 +size 236550 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/112.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/112.png new file mode 100644 index 0000000000000000000000000000000000000000..667f94e6b381435abf9e8cdad3b65bf1076df0ed --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/112.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:004ce7637d380df0db26e3912eb5d7f67cd47cfc72a44e2e8726b0eade9a886f +size 239354 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/113.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/113.png new file mode 100644 index 0000000000000000000000000000000000000000..f5b44264744efd89a1b0a4f39047bee870d41b4e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/113.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fbf213549af06126f4ee4845931d7bdeba51c785ae6499dca15f0ea2e96901d +size 236369 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/114.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/114.png new file mode 100644 index 0000000000000000000000000000000000000000..db8a96a5ccd74175c703b4c6807090f18711a018 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/114.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea2fc020d6205d97f04b1ad929b059c23d111cb6fe8fd5ec111f649e8c2a2ec0 +size 236567 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/115.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/115.png new file mode 100644 index 0000000000000000000000000000000000000000..79e6ff3b640754ab2ac6c500d7176d7e86092098 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/115.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3f02e2d54636559ffaeaa375857e8ce57764c7a1807c645226ba134062fa509 +size 236212 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/116.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/116.png new file mode 100644 index 0000000000000000000000000000000000000000..df8d4a91d716d8732d9a34306780b131154531e7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/116.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb3518b83dcbf56f1d28c8af6c0f5033e34660c3fab41a372c136f8b9300bc3f +size 239679 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/117.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/117.png new file mode 100644 index 0000000000000000000000000000000000000000..3f7586b73aa70d2bf71fefd1e202349b9bc7b843 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/117.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9362503ec67f85f36e5b0f160f1a55865f6002773eacd59fe1d155c9e57f7574 +size 238156 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/118.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/118.png new file mode 100644 index 0000000000000000000000000000000000000000..1cb950a06559273367bd2f72d695d0406f11546b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/118.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae0282209167a5e981da8c10244a6a4b3cf0eff42031981a50e09590483022f4 +size 236438 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/119.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/119.png new file mode 100644 index 0000000000000000000000000000000000000000..de96a5c679caffb234e1fa70446bb51eb1a153a3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/119.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2557f56c00c87995bdf86882de182a8c51002a98f7b950025d288bc68c66a778 +size 240412 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/12.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/12.png new file mode 100644 index 0000000000000000000000000000000000000000..e87cffd7d19237b55660f4c748197d434004f13e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/12.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0a51666fbfcced42eb9e72359d4e2c955b887e24fd9fbd0d510fb1f4a907952 +size 234966 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/120.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/120.png new file mode 100644 index 0000000000000000000000000000000000000000..aa3e60849ebd2b9ca943dd9e45ddb2281538f5d0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/120.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87c7d15ce01bc566bb3c8e72a4d96b82fd84e135ffa8117444eb88f1eb6c7ad2 +size 237534 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/121.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/121.png new file mode 100644 index 0000000000000000000000000000000000000000..c8565faa733a1d7ae8598f23c887176d3239d929 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/121.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8537bcfc95a05da8362ff9e5b4b10797f3f3fb4f178f7b278eb0ac29a24192e4 +size 236367 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/122.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/122.png new file mode 100644 index 0000000000000000000000000000000000000000..ff3cd6b9ad5fea8f7cfdbd87bd4a2b63fb27c4a9 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/122.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba5b8777caea3992e5b5c311ebc4c1bfa3dcb372afd63b235e4122834067275a +size 234219 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/123.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/123.png new file mode 100644 index 0000000000000000000000000000000000000000..b7608db3e84758d7407bc724d32b5a943e396526 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/123.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2435bf6329309d3f92633892909545672897ba237071154fc9323e6254c92b34 +size 235956 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/124.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/124.png new file mode 100644 index 0000000000000000000000000000000000000000..b86d9a25fcb6d68c231cd3f0530d31429fce95cf --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/124.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac71457f1850b2eed01699667444d3c043fe188f946ffaec556b8c525b1826c7 +size 234063 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/125.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/125.png new file mode 100644 index 0000000000000000000000000000000000000000..951a0bc0dffb0b91c62ae5722fc6092b0466fb43 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/125.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:516865cdf0d72edd995f28b3928c2f084c5ec33c5ede3e073c104f31f24232ee +size 237100 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/126.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/126.png new file mode 100644 index 0000000000000000000000000000000000000000..942a22fa9b0b4d7e606321f05db32cb91213940b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/126.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:134e1fc3178ca3cc9169fd4bb5eb550441276d788b7a312af5b648166866983f +size 234450 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/127.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/127.png new file mode 100644 index 0000000000000000000000000000000000000000..ceed889c3d86ae796956419ac69ee4f82e8d501b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/127.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c474aea5d7fc2f55baa0348114fda7727dcd04fd761ef485eb17ef88f3e12557 +size 238416 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/128.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/128.png new file mode 100644 index 0000000000000000000000000000000000000000..ae324026f4c244bd2838a46e9b955e888337a425 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/128.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:845a8c74642d219eaad23d5e41350952bb6c78fe1460198c1e1fc96659e63409 +size 233732 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/129.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/129.png new file mode 100644 index 0000000000000000000000000000000000000000..7815251e547d72e3a76ccf00a1cc5ba93e96df40 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/129.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c97074c16137fe6bbc5c4d751ae60b5a76825b435e84bf7e90c50f52c377dce2 +size 235574 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/13.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/13.png new file mode 100644 index 0000000000000000000000000000000000000000..2b2acc2b80035be52e9f30f74d2b86ecd7934c1f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/13.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:041367f7c72ace2a709153234a84f9baba8a7435c82eaaec01e8d827f603338b +size 234098 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/130.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/130.png new file mode 100644 index 0000000000000000000000000000000000000000..9525030b788371c9e3d23b613f0e03be1b5c9f86 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/130.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ceb24ee23a25563e9bd356d1593824a0e8e294ed3e3cb329edb3be9fec13e50e +size 235025 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/131.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/131.png new file mode 100644 index 0000000000000000000000000000000000000000..746fafe0eba61d62e82a327b6b03c3d06df4840c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/131.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c0a91d22543630f6b577878946fd9fd22423ecd4f79b016e05fc70568e96ac5 +size 234808 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/132.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/132.png new file mode 100644 index 0000000000000000000000000000000000000000..d7c8d1f764aa7837032866cf9461e46002c93ea0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/132.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6e228acd3da7538eb7c17250a28e0490bfea8d8ae87588eee16edf622f88b8d +size 233813 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/133.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/133.png new file mode 100644 index 0000000000000000000000000000000000000000..828c2f531b604c69e9a379abd16868a1bcd451e2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/133.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0e0fd42fff9102a0c280db659f0869c764773c366559c0d7af9faba97357827 +size 233193 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/134.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/134.png new file mode 100644 index 0000000000000000000000000000000000000000..09fa95ecb81cc93223a964bcd09c495781426446 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/134.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef23017686bfafac49466f35b5c637f9456594f0f8b4c36f84779967351eb958 +size 233512 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/135.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/135.png new file mode 100644 index 0000000000000000000000000000000000000000..8d03b114be60abb40508de65f217bba0ee6e3bd5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/135.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57f67e5d0afa12b77e14ef4a09cfcb638dae671386eb7d18a6f072961446eaeb +size 235553 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/136.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/136.png new file mode 100644 index 0000000000000000000000000000000000000000..a28946c948ec256ad345122d35774693397eb741 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/136.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11c475c9b4ddf05bbcf782a95f675b0c345b6e7e87a563dbb61a1a210d6883de +size 233699 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/137.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/137.png new file mode 100644 index 0000000000000000000000000000000000000000..a6adc32174a64c472c8b3b682e56b94c35c45302 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/137.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40eb51ab5f880ead4b6b2c2b6609fb66cf8b9b467d1393a8e8b0d372519fe5f6 +size 234305 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/138.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/138.png new file mode 100644 index 0000000000000000000000000000000000000000..1d3596cbca9912a97999b95929d8c91ea2fa791e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/138.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa42a71b54bd8b2060e2e2e7df942b27a5e11cb579e62325523cb9f74b4f1581 +size 234190 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/139.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/139.png new file mode 100644 index 0000000000000000000000000000000000000000..7cc72b420d5b7c7aa86ced7ef11e7a04c785207e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/139.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d732d3a8a930c500d3bfd654ab5c3f4561d5968a1171d01b06b881ae42d83d89 +size 238013 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/14.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/14.png new file mode 100644 index 0000000000000000000000000000000000000000..8ac95cc21b215d81afbd2a036232aeef8667347e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/14.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5c7cbe7924291f1b30a91faaf57938e52347f5334f8f5f4c586b51c458ad3f2 +size 234298 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/140.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/140.png new file mode 100644 index 0000000000000000000000000000000000000000..ac4269ffe9237d3ff1ba3749a5b24203dbf4882e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/140.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2ad0c7ea1b9a905b0448d4945b0b94535b80c9673631fa98f2624d2e78acd6e +size 237781 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/141.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/141.png new file mode 100644 index 0000000000000000000000000000000000000000..9edb3b1d3ea62403c8e415251c9e5c4de218bfb0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/141.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:063cca9b694d4029ba5702b85e63f987213085b3255d0defcca6c91e819b08ba +size 239718 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/142.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/142.png new file mode 100644 index 0000000000000000000000000000000000000000..c4707404b31a54fa5d1ecca893ebf6e80d3b1270 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/142.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94b3271d36fe4de1643d8417fb0023f2bcc51441e15ce3202132c31b70aefc74 +size 239468 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/143.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/143.png new file mode 100644 index 0000000000000000000000000000000000000000..8139462d3a007827c45de1e0548aaa25b986fa08 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/143.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2ac62e52a903a87cecba9071dcd0e78fe788ddd523f1ebfa38717b1ab0f742d +size 241013 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/144.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/144.png new file mode 100644 index 0000000000000000000000000000000000000000..a8ff92e54bb4f836c426897662a96cf6d8830145 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/144.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a308700f5a6bae0cd7425ebc828a013bbc75289972ec2d511b10fc74848f09c +size 240136 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/145.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/145.png new file mode 100644 index 0000000000000000000000000000000000000000..101188e7ce47ae5789cbf042286c97a4912760cb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/145.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b17e4ee612953361d5793b5cb9a3dff104a7aace9599c79421f92d48f727ce8f +size 241752 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/146.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/146.png new file mode 100644 index 0000000000000000000000000000000000000000..3a8dbe4f78efc972c6479a7ff7393839529805cf --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/146.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bcdd424b8ff860236918eed8814faf7ff707b35dd80a4e85f79627c5a1661c7 +size 240618 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/147.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/147.png new file mode 100644 index 0000000000000000000000000000000000000000..724d89c42d9d87cde04b920b5b11b73036cd8587 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/147.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e067af8081e8f2c832417590c67e8c8c89de1928da1c497ae162cbaa8b310ad4 +size 242866 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/148.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/148.png new file mode 100644 index 0000000000000000000000000000000000000000..cfd2e33c1cf8ae4ea16f0f5f1e81f32695e29c36 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/148.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0cc942847df07ee54bf9e4c99be66aa458e327ceb3e2e93a8d643be7d281f02c +size 241344 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/149.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/149.png new file mode 100644 index 0000000000000000000000000000000000000000..d1faff310bb3ce7f61c9671b748209fc1761bfae --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/149.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4cf4f5871b90db380b7b315db7d07995d4aac265d69247293a28e687e163944 +size 241379 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/15.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/15.png new file mode 100644 index 0000000000000000000000000000000000000000..4d03abd113e121236d053950484b6950cc4c1095 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/15.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba8d6aed36b3f427336b26f7449f59be9821c9d5dc1b7cfd4c2a7f20ffd58332 +size 235376 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/150.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/150.png new file mode 100644 index 0000000000000000000000000000000000000000..3b26fabe75b34e049979e35f0f8dce7d095370f2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/150.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce072afd28d345aa88e048e0e9de4990d2fdb4fecd5a62033f4ad96a6ea5eba7 +size 241754 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/151.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/151.png new file mode 100644 index 0000000000000000000000000000000000000000..b198b2e8644cc274b1087e408b15108301a4370c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/151.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79ba0a7bf2d73c77d2cb51b4d885fda82c467671ea622a971fdba12be7aa50fa +size 244158 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/152.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/152.png new file mode 100644 index 0000000000000000000000000000000000000000..2bfbb2ba0c3db8a080d6ab66eede6197dda0fe32 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/152.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9209cd8c593c507e202d6fe73a4cbfe7a5e145b5b529aca1e8ccfd45543d7b81 +size 240985 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/153.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/153.png new file mode 100644 index 0000000000000000000000000000000000000000..928e7eb458542c306f682087cc9daef0c01feddf --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/153.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddcde4f1eedcdd66ec4bfe302a867fdcfec455a5e58f0972d7a2e8d6620fc2ba +size 241485 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/154.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/154.png new file mode 100644 index 0000000000000000000000000000000000000000..1a18e19510729c4659b8e7926e38f6ec518ac1fa --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/154.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41b2f485f79bd542626b7e7d21186cca12a5d14e3d858d0181bcaf6aa5cf7879 +size 240230 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/155.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/155.png new file mode 100644 index 0000000000000000000000000000000000000000..bffa8e03664b26a38951b793f2776f2a57510e9d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/155.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:622cab7c4053a3ddb2af2d0a2b127f0f3d28ed2c06fc28f9af5089382ca8c875 +size 241384 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/156.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/156.png new file mode 100644 index 0000000000000000000000000000000000000000..0bacf7f5e2b116354a819bdb9d7f065291f0f9d6 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/156.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df36a01eb5b848b2f6b21d9695282137186afc072aa5ae1c5d02b6ca4f6bcae8 +size 238735 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/157.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/157.png new file mode 100644 index 0000000000000000000000000000000000000000..bf7f330bebf8f3a21f3e972e71094644c4ea7511 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/157.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31a8ea26c049d67c376c5db196ecf7f07812a832df474310821285f82ffbda93 +size 238394 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/158.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/158.png new file mode 100644 index 0000000000000000000000000000000000000000..b09d6c17ace72824024d09dc0e49ab51e9fb87ce --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/158.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ad3f2a98549b2832f72cd6d27d4838389d398ed2f96d8c0bbf974884991f306 +size 237705 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/159.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/159.png new file mode 100644 index 0000000000000000000000000000000000000000..10d650d3ec247f2d1998c9324b5e86a1f6fd7b15 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/159.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b89e6581a62374f4085cd3c0e906a951618f723496a40602f980e0e2ec22bdde +size 239313 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/16.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/16.png new file mode 100644 index 0000000000000000000000000000000000000000..11a5fae431e5a90a079dbe3a4d4d680dd6bdc84e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/16.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3a928161adff8c524014986440f872d4402e6c148a5b6b1bfb87cd2f308a751 +size 236799 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/160.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/160.png new file mode 100644 index 0000000000000000000000000000000000000000..662496ac25556ae159930b174fd78a26b1dc8185 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/160.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32d3fb00ec3d1d27f90f46039020842407c3fc8276ad5fb7c159d55cdd5f3ffb +size 237251 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/161.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/161.png new file mode 100644 index 0000000000000000000000000000000000000000..ed865c78f4495770e79990d4ba64794105713b66 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/161.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff83d687ac16c5ea18bdeb4a3743ef5566bee3d43e36375b212d0eae26b035cc +size 238291 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/162.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/162.png new file mode 100644 index 0000000000000000000000000000000000000000..c962ec89538819448aeace0657f2ed37bb588625 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/162.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4ba422cde4b4267a424325d23c348267f04f698aa8f95e29575122b4a58fd93 +size 238535 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/163.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/163.png new file mode 100644 index 0000000000000000000000000000000000000000..ef84f26dd11a6028d267cc1869cf7de160f3e570 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/163.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a3f7b6d0815da51dd0b87fe94ee919655edeaff5e91759aacea92a17c00b6ca +size 241769 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/164.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/164.png new file mode 100644 index 0000000000000000000000000000000000000000..d9a76d97f9d500110b1a1f6c7c903ef3b0e1dcfd --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/164.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40344d86eaaf7667b97db0dab81c1d8022103c26b64217f1403958c5b2850377 +size 240490 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/165.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/165.png new file mode 100644 index 0000000000000000000000000000000000000000..80ca69bd7a74d387bb8f8529fb7a92e63f88fce7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/165.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a17d30a1d8148852a08b4c19e312179a56fb824929eba038c538a633c114f274 +size 239570 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/166.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/166.png new file mode 100644 index 0000000000000000000000000000000000000000..f284f451e077d665ecb0c201f77ce1567ddb6d4d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/166.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddc0d162d97f37c1f906bac9ddad07fbf2d7a1fc2afddad42b626b1cf368f0f1 +size 238383 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/167.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/167.png new file mode 100644 index 0000000000000000000000000000000000000000..714a3fe67581d6231ab9721ef592e718ac711987 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/167.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b20d03fc07ace83b2c462629bb64eb4101465bcd2420091141578482fa945d0b +size 240744 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/168.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/168.png new file mode 100644 index 0000000000000000000000000000000000000000..978abe3f0f9c683ee753e302d5334c0161941e42 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/168.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea36c422731de7f64b3a0f4cfafa99ce1dcf48aee2f955f184e4798295e4f65b +size 239421 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/169.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/169.png new file mode 100644 index 0000000000000000000000000000000000000000..59e6e5561f85b4662c4bb7e25b0bc6adcdfd7633 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/169.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d47da5b7737ebb08a9675d62bde003ebf2fd3977ded8e207594840484610920 +size 240986 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/17.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/17.png new file mode 100644 index 0000000000000000000000000000000000000000..67d06a926d6241ce64781431722b1ca40e8182d4 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/17.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e7efcf57ad42ba86e5ebf9ecfd2ba4b547470933971cbd99d134e141bf289e9 +size 234272 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/170.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/170.png new file mode 100644 index 0000000000000000000000000000000000000000..7e39dc73ab9cc9e5d0c5ba9579aa18dfc1715ccb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/170.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:179f6eab377de99a0161aba26d7290eb193b3fa06e5d7ea329814f2b976c5a4b +size 241698 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/171.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/171.png new file mode 100644 index 0000000000000000000000000000000000000000..cd53cc9dd2888ca5391a93888b1bc5c9c6dc2950 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/171.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76f9ab31d9435f0afd7eca403a31398a024db8ffd274552618c30347b63205ed +size 244198 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/172.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/172.png new file mode 100644 index 0000000000000000000000000000000000000000..26644333475ddb4da29357a3a9ace181c8004efc --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/172.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd94081de34e0629e2fe578b8d9277dde8db5e6da4795cc5b689f829af516d8f +size 241541 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/173.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/173.png new file mode 100644 index 0000000000000000000000000000000000000000..2847f2796aeaf8796f508d4156f42fa7f9b4fbb3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/173.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cac0df0c86a6f59507b6afe52873f029539d0ae7fe667543a6afd3570c75bbc +size 242683 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/174.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/174.png new file mode 100644 index 0000000000000000000000000000000000000000..dfb24bfb4346c92139dcb5dc01a4ef4b23eb91ba --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/174.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44c386c4515a42f2817e2e9b8ef8b2b160ec67f80da7d6425ad78fb2f6d1e0cb +size 241939 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/175.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/175.png new file mode 100644 index 0000000000000000000000000000000000000000..11e76297e990bf7b32c1272c186b4f44ee00f395 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/175.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29a122a67beb2f9b432c30d511c26f0c46894a4e96d744761b2eb5ebeafc8f83 +size 244010 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/176.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/176.png new file mode 100644 index 0000000000000000000000000000000000000000..d08007ce73bb358e44c80cf2390d58444436e3f7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/176.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4106e9a16027adca1ae8e32f21f31635e64bd872f033aff0b2ea640dd53d02e6 +size 241256 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/177.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/177.png new file mode 100644 index 0000000000000000000000000000000000000000..b922a7b705e568a5a76d8984a9d63b793201b833 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/177.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:413c5f264b3a4059420a4c9131ce76e5fa36a417d01c4c6e59762fbd8b71a9f2 +size 240052 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/178.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/178.png new file mode 100644 index 0000000000000000000000000000000000000000..754fcae03355a6bf39df049b6a07180064192419 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/178.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:346c09eb0f1172268d3b41fc257193ac2cb19bbead22966d301afe07ecddd7d3 +size 239727 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/179.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/179.png new file mode 100644 index 0000000000000000000000000000000000000000..f87fdac3913d01e1ac5141c841ff250d813f9f21 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/179.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41fad065a9c80b6c5183beccda991b84be0e99dfcbcd416ab936248e5fc74214 +size 240961 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/18.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/18.png new file mode 100644 index 0000000000000000000000000000000000000000..40acf53b6ea0b0515817a59dea5170b0bfd2204c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/18.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:532a78343d872c12762d2f8c7e027fc5653f73d054ba75a671fbd25daf9ae32b +size 234710 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/180.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/180.png new file mode 100644 index 0000000000000000000000000000000000000000..fe42e4d587af23cb1a4ceacbe5e45b93a6c14d57 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/180.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f6f59fa9819b08da818eb1040d5a22038c423f98ff906b37cc708f9a744496c +size 239236 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/181.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/181.png new file mode 100644 index 0000000000000000000000000000000000000000..eee71d93daa1c9f9842db416620dbcfaf89a9aa1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/181.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:495cdefe649b637d3eefc84feb56b526edf7c72d7ef8357076b095db392e8c7d +size 240345 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/182.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/182.png new file mode 100644 index 0000000000000000000000000000000000000000..1405edfa2e1f2708fe66bb7185e27d507750c009 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/182.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ad70fb938f7a66606e346c02c2d5aaf6809c8abeed52668bab5b05df3e363e1 +size 240374 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/183.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/183.png new file mode 100644 index 0000000000000000000000000000000000000000..3cb651010982a08713f7fb252d5c32e422e98365 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/183.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e3f87d6eededfb482c469aa249bc1f7ef65ca4d5aec463679803a3ffdcd441c +size 242835 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/184.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/184.png new file mode 100644 index 0000000000000000000000000000000000000000..b9ad93b731442d95f93499b2df92307db55e8886 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/184.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5802fa1e2379f193bfd05955a2dfe6a350da4ce08d189ad951f33379ed32516 +size 240732 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/185.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/185.png new file mode 100644 index 0000000000000000000000000000000000000000..ba94b65e1308655f5e3e98125f82d27494d8756e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/185.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2ad5610cf72ba2d0ee44a7aff5701f230b86d52a9cce8994e9a2e96d9cc588a +size 241218 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/186.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/186.png new file mode 100644 index 0000000000000000000000000000000000000000..befde6e53b161e38cd2592213588f900db5fc3bb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/186.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb176d0c51e324cc9e098fbf95dad8b17429c961d25381433695c84f9b5133c9 +size 241207 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/187.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/187.png new file mode 100644 index 0000000000000000000000000000000000000000..2df1bb0c94406e1f25730b7cf02d7c2ff3561f9d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/187.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ac56ce5293d388cf3813c84d44f8a4f18d60671a4d1f2de2765eab73c9a47a0 +size 243060 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/188.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/188.png new file mode 100644 index 0000000000000000000000000000000000000000..e3ddb14234a6b1e255e92c220ea905b06454f3db --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/188.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:947d485ce646d252ffb3c25e2e472bda52053a3453e103c356af0685ca4b6841 +size 240946 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/189.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/189.png new file mode 100644 index 0000000000000000000000000000000000000000..c6a9c096f999dda8183f55d5593739353b2d8f4c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/189.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9033c674a4545ad957f6c2f35e6cfee94678a6656f5902645376c995b18d2759 +size 240786 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/19.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/19.png new file mode 100644 index 0000000000000000000000000000000000000000..5ea53643bdcb341f3edbb813daa8dee65ff2df3c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/19.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b4f7e26d3874500e694fea21491c192f0848f9fd881511bf396b9669d7fe9eb +size 233454 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/190.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/190.png new file mode 100644 index 0000000000000000000000000000000000000000..bfec0f40fe7f77e735eddbb3ccb561a0983f4152 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/190.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:679ff0ba9355b54b8e0890cffa71c629ef0ce0359e0cf5e0f725c1b09f6aeefd +size 240950 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/191.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/191.png new file mode 100644 index 0000000000000000000000000000000000000000..33bb00611e1999aa79d6eb6fc568799e85410725 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/191.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dc4df89e74f127877afb474aa8c656a8b67ad42b34b0b3e29e9c1dd06aada84 +size 243372 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/192.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/192.png new file mode 100644 index 0000000000000000000000000000000000000000..0e4fa5525d8cfb4f39a5f95442f3b2968b984f8e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/192.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9356df5cd9383fb1c1ff79c9cd0f7025b1f75aa144e2209fd054a12179e3e63c +size 242204 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/193.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/193.png new file mode 100644 index 0000000000000000000000000000000000000000..0df9f2f32a91b2bca9fee7f4ea92c836f739e524 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/193.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8611e75b3c688e8ca76013bbfc4c455fed7fb8a32c3cab3f666a395f59df3a4 +size 242309 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/194.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/194.png new file mode 100644 index 0000000000000000000000000000000000000000..6cee2feaa4f04faa1d85c8a412e021a89aefbc36 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/194.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f336908b0bf7642c6e102e275777ba2cbc6bc606e5e306b3895bd59de528ed5c +size 241957 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/195.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/195.png new file mode 100644 index 0000000000000000000000000000000000000000..8ea65107be7a7c60d619680c969ac9612ed2128f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/195.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53cef38089ce06faf94158b7485c09c8df9daab27a3cedf1ae3dcb955dae546d +size 243783 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/196.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/196.png new file mode 100644 index 0000000000000000000000000000000000000000..d63487f7b9725a94ba4ca1ac39cbc9b6a1e7f6ea --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/196.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b616fc66cd556c1ed89cc34559216be54275914828b5e330f9a34c546242b0b +size 240647 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/197.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/197.png new file mode 100644 index 0000000000000000000000000000000000000000..82025db67ed5c3286336dfcc7a412af5fe19e17d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/197.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:912012fdc709b03503a80f277a17394618c7e0857d64975e9eeecaca4eb6102b +size 241486 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/198.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/198.png new file mode 100644 index 0000000000000000000000000000000000000000..aac1fc805cbdab9e1da204ea7ae4e679f0ad6eeb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/198.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd316dc2060a047a9dbdda03c3ac87cc039b660db292a7f1562d5823ba125242 +size 239189 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/199.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/199.png new file mode 100644 index 0000000000000000000000000000000000000000..14eda9be9da07203220b9e749b4ae1ead8914488 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/199.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec6d4c21586cf688179e295b19d2232ffde0cc93ef23084d3f04cd770eb8ed5d +size 239139 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/2.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/2.png new file mode 100644 index 0000000000000000000000000000000000000000..ff8ea81a95083ec1fcafb9d6c5ef106810c773f2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:309a692b10864ed60a3e435bedf1a9625aa1e50585d94ab364c9a690148a88b0 +size 228952 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/20.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/20.png new file mode 100644 index 0000000000000000000000000000000000000000..88fc1423ac399516dd2e0c01a194751638b66f22 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/20.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfce868251109ba6677faf0559919d6a43b3748f53c2f0a4ea2a48611c28c877 +size 235729 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/200.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/200.png new file mode 100644 index 0000000000000000000000000000000000000000..c21313549d3b4aa62d1a8304f2f11f919d804ad1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/200.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ba4766eb2a13733e6e74bad1b703193cce4ed333fe49ede0861444aed465fc7 +size 235644 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/21.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/21.png new file mode 100644 index 0000000000000000000000000000000000000000..5ee6340fd0230c759e23626a06defac590db027b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/21.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06280ef377d1ee90ffda4098b560bb9c9ab6376c42d90460333229f601182adf +size 233128 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/22.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/22.png new file mode 100644 index 0000000000000000000000000000000000000000..ef5c02a99c846ceb43b8a12864ce54b1a531da02 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/22.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a91b9978c842e50e9df0c077b1630a9e9afec03a2caaaa2359270d6f605bf65 +size 235589 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/23.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/23.png new file mode 100644 index 0000000000000000000000000000000000000000..35100fa7dd9379a55567a2c16b01ce6009bc8ab8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/23.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c518d045974f799ae3a1b371cc0c673ef8ff70e87b4a0f561d201a7e88e7d73c +size 234892 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/24.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/24.png new file mode 100644 index 0000000000000000000000000000000000000000..de8cc64c829ac92497b418136fbdd9fd5525d8d1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/24.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:059bc2c479480053e91c4b200471b7c1676285e504b29a826503a4c13d3ec270 +size 237157 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/25.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/25.png new file mode 100644 index 0000000000000000000000000000000000000000..639297cd0dca7abb461556ad8b1247c83d4b14ca --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/25.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c340724edbba2731ae217c250b2c2d80e252034e7122764946baeb3ae16d587 +size 234386 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/26.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/26.png new file mode 100644 index 0000000000000000000000000000000000000000..d1dc91b5df59f92616c5142af9f7e3d6771e3c44 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/26.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45601fd37e0b76d3fadcd8357ac1c1f3d21cb120a085525a63ee5b81fc4781af +size 235743 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/27.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/27.png new file mode 100644 index 0000000000000000000000000000000000000000..d442a5b32333726cea2b00a87369c4f41129a8fb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/27.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0aab83d62c86565b775a9344d0d7cf32566b6b825fee67a8e109779e45b2e8a1 +size 235236 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/28.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/28.png new file mode 100644 index 0000000000000000000000000000000000000000..4956584757965172f3557a6f2bde95952526e9cf --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/28.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98ddebb1a171cfc263f6f7d282d1945cee4410ce68de7dc3f752a99848d3f6e8 +size 238138 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/29.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/29.png new file mode 100644 index 0000000000000000000000000000000000000000..680afa7589b098eae87c4b095dcc158f50054857 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/29.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b4ef7e359d49533570defc97971702fe02a6761a60e580b00a94aec310cbd96 +size 232873 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/3.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/3.png new file mode 100644 index 0000000000000000000000000000000000000000..fc12136901ccdeb05576fd5e1582d23467ed55a7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:acf42ecb9dda87a58b88cf7d6f941811306262a2b98377fe8076f68eea4d4c1e +size 230653 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/30.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/30.png new file mode 100644 index 0000000000000000000000000000000000000000..0987ba02d2fe152080855adb01c93b10d95f7d5b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/30.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f454e08f5bba82390a587bd2d497d7e7ad581a35ccd685e375debeafa5fa5be +size 232920 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/31.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/31.png new file mode 100644 index 0000000000000000000000000000000000000000..d859b2505f922447357c92e5aa5845f1b0907886 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/31.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4680bded9e7b13b7a246a42f1253935ec0e704c6dde9e845f14d813f5a4dc3f +size 233463 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/32.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/32.png new file mode 100644 index 0000000000000000000000000000000000000000..d3eb424d0c1b95988aa29311bb9d3302ab637cc2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/32.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3d003e181a78e1299e84f139dc4bbeb14d3aae4801598dd672f3981c8ce614e +size 237970 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/33.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/33.png new file mode 100644 index 0000000000000000000000000000000000000000..1c4dd31828eb08f25020f8cf8dbc7a158a9b5325 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/33.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e8911e4e44cbbc0cabfde48af3baf143300c5fcd75cad97cca87b1a3e5ab1d8 +size 235454 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/34.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/34.png new file mode 100644 index 0000000000000000000000000000000000000000..08cffe2067f2082504307d3b218bfa291b573121 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/34.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cba99a18eaf99377198eda65e55f991c9dd1bec9582f5f851f94d715cee434e +size 235922 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/35.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/35.png new file mode 100644 index 0000000000000000000000000000000000000000..d8f079237570a74748ad6605a29b5bfe1e2e5204 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/35.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0050402d5f3aa74e3485e625eda8e6129e53bea14327af09a48ff526a1244d0d +size 235763 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/36.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/36.png new file mode 100644 index 0000000000000000000000000000000000000000..5ff3000b361ada5514fb6574f3a65b153cd3f6f1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/36.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f159cf58fc740452c22a7a94ea37ba552cafc79cedf944fe46534c71bdc89fd5 +size 238425 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/37.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/37.png new file mode 100644 index 0000000000000000000000000000000000000000..d02e2328b0a5ee50c625184a85baa8870c71cfbe --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/37.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66f09f0b1887cff977d9427c443904a99b55a043b0f208ff2750ac1736e22ace +size 235162 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/38.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/38.png new file mode 100644 index 0000000000000000000000000000000000000000..46647f59d0ec0cdc9203f9e226091c8dd1242273 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/38.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7bd2ffad0c032d07d62e895dce5826ce2cfd75439fec0f5da3ad09792f3cee0 +size 237231 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/39.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/39.png new file mode 100644 index 0000000000000000000000000000000000000000..83a537a74bc13ee0c80bb0b42c507dfd2858c8c8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/39.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59f170b0faaf12999258f6ba52604c684ea610b3a8b74e6b88f0faeaac390d9f +size 236279 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/4.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/4.png new file mode 100644 index 0000000000000000000000000000000000000000..762a1e28aab5c78064418e7b059f6b14dbc9ba8b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6fb2de099d6d311446db486e0cc4b127c24f2018b79366d383a5ed533fb5072 +size 230132 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/40.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/40.png new file mode 100644 index 0000000000000000000000000000000000000000..26200f6a13af8deef6abf496df2ba5f8bf59d162 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/40.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfc75271ba6a597b268bbece5203ddaca799f37b38d3ba8489c2d5a7cdd60b9b +size 239446 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/41.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/41.png new file mode 100644 index 0000000000000000000000000000000000000000..c79099a41df26d50e6678f290a065cad0cd18b1c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/41.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cef6a1c81995c983d3360ef69a66d59ff090729999d3e2273e4e91beec160f2 +size 235211 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/42.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/42.png new file mode 100644 index 0000000000000000000000000000000000000000..5519d92d3af7ba084e73ce3ba85e0e4474e8b2d3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/42.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d552edc8c25018be6fee6c6d1cc2ff94b41877c6847fbe5c883cd803f75f004 +size 236694 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/43.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/43.png new file mode 100644 index 0000000000000000000000000000000000000000..409326a15f7c0a131121d4090993d09802a5ba43 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/43.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ee29dcc1f8a1734d257dcb294f1d231780e768da41ca60378f9be13d0682be1 +size 234935 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/44.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/44.png new file mode 100644 index 0000000000000000000000000000000000000000..a49482323515f0bbf32af92d6e91d292b807d962 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/44.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:512aa2b158b56bcd3ec72d444be2dbaf07b31ae280ef89f9370acf8aee209d4f +size 237545 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/45.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/45.png new file mode 100644 index 0000000000000000000000000000000000000000..abe2f1a951b227d89aa4c2b96b423cca5e6c894e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/45.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7346d62963d8d92b7fd8481ce2094902bb4154938b8db3272d0847818337e583 +size 236800 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/46.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/46.png new file mode 100644 index 0000000000000000000000000000000000000000..5ada0eecf41c0b7495f67362bda8b9a9ebe7a9ba --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/46.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0be501c2a819d5815c5c952b73676dfcd6059e20591c1098569bb849204e93a +size 236693 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/47.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/47.png new file mode 100644 index 0000000000000000000000000000000000000000..e20e661d01e0d725e46f06eb43aedd82715d8eb2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/47.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:665319ba4fe7fc16757653c44fba48afae7fbce98b81c07d72c754e3b02641cf +size 235143 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/48.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/48.png new file mode 100644 index 0000000000000000000000000000000000000000..ff8977f1dd2aae772547f0501e5ddeef033c6581 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/48.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e18c8a8a6918549f068b0df210159fa66e7d89db6e697ac373c5ae8bf6c523f8 +size 234555 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/49.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/49.png new file mode 100644 index 0000000000000000000000000000000000000000..eb6033c4364c6df7a98c159860fbf253fb4a2d13 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/49.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d662a14ca598e745bf334116bde0235d4602e42a3e907ea8ee085bc3e17c02fe +size 232085 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/5.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/5.png new file mode 100644 index 0000000000000000000000000000000000000000..dd1ed251598f97318f4647be297e77117d265368 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:beb453b64224223e81c48c8b77842b596ea14730be74ad16ab146a96ad7d0eb2 +size 229939 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/50.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/50.png new file mode 100644 index 0000000000000000000000000000000000000000..826c628ae048b74bd89b16600ca827cd6a548248 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/50.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9302aa45e526bc4b59db032de0bd90deb01f926ba9d775320695ae3b75eefd5f +size 232854 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/51.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/51.png new file mode 100644 index 0000000000000000000000000000000000000000..f84a62770f4340040778bef151ea39ec22ba9abe --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/51.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4e69ad72736bcdbefbbd15f357bbfb7381d20b5ce9313e1f68b6fb6f68b8bc5 +size 232741 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/52.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/52.png new file mode 100644 index 0000000000000000000000000000000000000000..798e115651cf03e6605eab7452e6ea04f781020c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/52.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59c465536d94f3876f964893ee85b4e7bdf0bf3ccb954b01d101a4846be01f8c +size 235244 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/53.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/53.png new file mode 100644 index 0000000000000000000000000000000000000000..379ce7a739580dc08bea22de10ce2927e364fd56 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/53.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65aa20befcd59009716ab37e42658cdf77553116b04333609739956547bf4229 +size 234130 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/54.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/54.png new file mode 100644 index 0000000000000000000000000000000000000000..e26df35923cd733e02bbb4dd4ed2c124f8bd2cd1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/54.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:179ac263e5772a1d0d9839ced1c4abf76ea7e8a3f4d7dad78936b5ae8235891d +size 235904 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/55.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/55.png new file mode 100644 index 0000000000000000000000000000000000000000..4010048a6d39a5520fa8e7c85b65a98b6681f5b5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/55.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:475e9ec69baa4ccee6dcbc4e9b30b28659626bff263f2068d63c7eb8b154c718 +size 234934 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/56.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/56.png new file mode 100644 index 0000000000000000000000000000000000000000..b91c9659c1d837a38387a57bf3f643cb71a8e038 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/56.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5055e785ffae0b4fe2dc5b0d322fc13ac7b4dc39c26f83e64929d2b81965b6f7 +size 237298 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/57.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/57.png new file mode 100644 index 0000000000000000000000000000000000000000..10e09bf7dfaf1276e9d9d0dfc08200016c152880 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/57.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:972365fa63f7cfcdd128a652cbf0d76ae7a0092dd99f47d6def4696b880b58f5 +size 234452 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/58.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/58.png new file mode 100644 index 0000000000000000000000000000000000000000..22dc1cda8acea8bf5315dca79d14b1369050a20d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/58.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b56337a5b13ca19e5cc7aeb7bcd0de49fd58a34f60169943ccc068dd6af197b +size 235169 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/59.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/59.png new file mode 100644 index 0000000000000000000000000000000000000000..036177f6629b9452542165d257e81435cbf5de09 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/59.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a24fe3b0bcdb0f7be60887e99261c1b671d5dc3d0237a06542f6c5f3187bef1 +size 233222 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/6.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/6.png new file mode 100644 index 0000000000000000000000000000000000000000..399fdc0cd0b8223edcff8a21505a96625a80de25 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/6.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5362e353ff71e73ef92b6d461b297dc3f3c1b2783c7f4e95467bf20f4a0a5d58 +size 231789 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/60.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/60.png new file mode 100644 index 0000000000000000000000000000000000000000..dfe869c80cb21527c2d4e867f6130441a331271d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/60.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492d4c1942c875042a7ce5bb0a09505c85a14f94f15a17f884be35f5925155fd +size 235935 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/61.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/61.png new file mode 100644 index 0000000000000000000000000000000000000000..b1383bcb293267f207b3d1554da0c33cfe6fb0c0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/61.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2eaa32055b4310575e8d005e22cb0e1d6eb7a1d100fa6ad8041d2d435455b792 +size 235278 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/62.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/62.png new file mode 100644 index 0000000000000000000000000000000000000000..aa2b384f80a90ae136fe33d46934aa669bb8ba31 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/62.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68bf5d3d41469639b0f26790f084ec75a13a7ab5c827b9e2e2e5b63d30a6ff74 +size 236521 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/63.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/63.png new file mode 100644 index 0000000000000000000000000000000000000000..3691ad6fe1ce9f37c62204613101c872043a55f9 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/63.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:addfbf3fd14e0a190510fd8679be706a63a481ad200d3bb1ce1c9b659255d4f2 +size 236456 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/64.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/64.png new file mode 100644 index 0000000000000000000000000000000000000000..52cc2e1be69919d1688b5e9accbe54f747ea7737 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/64.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f74c3519a7b8fb3afd946d53eff27061cefc0fd163fd896d8bbc19743704fdc +size 240272 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/65.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/65.png new file mode 100644 index 0000000000000000000000000000000000000000..3807302621e8364a5c8e787dd33622abb739bf8b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/65.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aefda10ded7ee32709fdfc061675b55d448ae7dd4bc6c61d5c3fb450c8b43204 +size 238498 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/66.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/66.png new file mode 100644 index 0000000000000000000000000000000000000000..c47bda450ca8a473d3125d36deb8c503e4728715 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/66.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43aacd6b74b18b52e36ef98e99b193493e3b5bf289efbfb6e99a86eb9d62f5d5 +size 239301 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/67.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/67.png new file mode 100644 index 0000000000000000000000000000000000000000..ade91c83827dc63d88d3d272ce59ceb3c571aa39 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/67.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b06f7a41efc21106d22355ab9d65c0cc7429a023f95b36e3b7e480c4f10c5198 +size 238782 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/68.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/68.png new file mode 100644 index 0000000000000000000000000000000000000000..cb30291e3c147f9134f3e8a04a5ef69600ff4b1b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/68.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a4609faf2266f04ac859c4ef8a8138ce4959b63e53f57230f37c4355c1a6fad +size 241299 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/69.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/69.png new file mode 100644 index 0000000000000000000000000000000000000000..094484978a1e58251706cfb3ba22dde725774ceb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/69.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecc96b4ebed887fa84f3f21241595a253cd7856dabf5edeeee383dc87cfe729b +size 238752 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/7.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/7.png new file mode 100644 index 0000000000000000000000000000000000000000..956140ae78ee125e9af227697f745534e3f93806 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/7.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9d730f8cbc6f70be0e9c571f57515617f61c37178fcde0b6d4dcea38833d3d5 +size 230346 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/70.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/70.png new file mode 100644 index 0000000000000000000000000000000000000000..a3e813fb569a39f3ee6077014d90952e49d85980 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/70.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dcb1564bc3809916370a74121d8b92eab196ce359f0dcb2bd297380faaa27d4 +size 240134 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/71.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/71.png new file mode 100644 index 0000000000000000000000000000000000000000..773aa8498d1342a905747e4d1860e5e1cd23f2a7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/71.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8d6b6029e593add8f234635f0a308209c2b88ab5abcd2fa45823b86fc52d058 +size 239243 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/72.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/72.png new file mode 100644 index 0000000000000000000000000000000000000000..c44bd43cd306c7afe7213759c1df30e7144e7b82 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/72.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5737656f76752f06b960cd193dbf3f7b90e3242f14c5a33643dbf4ed5421d84c +size 241037 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/73.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/73.png new file mode 100644 index 0000000000000000000000000000000000000000..2a380ddd00318b244f6aaab33175e6486596b1e3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/73.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bb8f31cd38731014fd28a2154ba5a52f8899f3eb95e37eea5656eb7febc4eb6 +size 239144 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/74.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/74.png new file mode 100644 index 0000000000000000000000000000000000000000..e206459891afafde239e89b887d9ca9f20021c1a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/74.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3787397c2070f8adf98b8e102fbed738076ae319ea37e9e02d10ede5c5d14782 +size 240741 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/75.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/75.png new file mode 100644 index 0000000000000000000000000000000000000000..0c74ef64f1ee6caff090ab8b87f6528cf90e2053 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/75.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0845f2b1e4fab83ab9d68ae961295100fe3920b40e2558e18e1a67276b4b1b61 +size 240690 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/76.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/76.png new file mode 100644 index 0000000000000000000000000000000000000000..2c31b0cdf1e8038ad9254be694ba5907b1cdb7f6 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/76.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9fb0645ff432aa205c754bfce69fc99ab3889462366f0a4cc90622697c7fb3e +size 241849 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/77.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/77.png new file mode 100644 index 0000000000000000000000000000000000000000..da38d8fad9a95d99afa2b5bacc9f54c022c4067d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/77.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d77ce9173395bc08e8ceb58b06481f2f8f57ee294aec319a36784bda8b72a3f +size 239283 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/78.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/78.png new file mode 100644 index 0000000000000000000000000000000000000000..c66b12f6f45ec2e87269bdf29b02adc5a112dae3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/78.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df3d68433d72de810a99a8d16cb77248d7362e866c6a2205ac88fa7ce26f80a0 +size 239850 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/79.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/79.png new file mode 100644 index 0000000000000000000000000000000000000000..bc981d73112072b999ece0ff40bd244561f77fd0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/79.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4427540677b365fbcf88d02504e297af38c3bbc6b22c1b105864425471a181f +size 239225 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/8.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/8.png new file mode 100644 index 0000000000000000000000000000000000000000..f97e637ab936d9984265a718a3e5e2cc6d70c738 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/8.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2096cb0f13b07d366ab438f6cbd4753e4ee2fdafda69d6b6759b2946e0750f11 +size 231024 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/80.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/80.png new file mode 100644 index 0000000000000000000000000000000000000000..b914b11852743ce4ab5ff8f95a5f4c86fb9edfbe --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/80.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:097af1843253a9c3e1f7f442143468cf988add39bf3808253b960704f3df8b5a +size 241427 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/81.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/81.png new file mode 100644 index 0000000000000000000000000000000000000000..d2879fd74cc347a91f3ced9ceb550570546c4ecc --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/81.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e567cd9f78c1d7e3da3e48b0d3079f4e271cd58dc7e25d931e2eb4d117f5a38a +size 236097 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/82.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/82.png new file mode 100644 index 0000000000000000000000000000000000000000..eba8fe5f07d5cf8f1328621aa0c08b0bb5aee4e6 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/82.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0ae383367c55579e1750396d3cb36a2b9d0c69081cfdbf29d8bd018be8d6457 +size 236172 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/83.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/83.png new file mode 100644 index 0000000000000000000000000000000000000000..fb5dae5eb9661e2956f97011d1c333a5254ce776 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/83.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf23ad92ac93f0faec476ecc5984f37a8cfe7d78da40227336da4c2577955788 +size 234408 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/84.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/84.png new file mode 100644 index 0000000000000000000000000000000000000000..f58598f27e76f5ab01bdc920f3b5ef1d33a3a171 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/84.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3591468e661e943ab3c3a2821c0d791d54a310224ef7bf161fb85cc839838a8c +size 235597 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/85.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/85.png new file mode 100644 index 0000000000000000000000000000000000000000..09852642482666e68adc599ffee514cd3e4eaac4 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/85.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8df8c7a91a1969d934e648a23c5710688b484cd7bab327e75173ad6ebb3dc47 +size 233562 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/86.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/86.png new file mode 100644 index 0000000000000000000000000000000000000000..c4c848aac1f38dd19689a52063b5d7ef6b6acb1b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/86.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:536e09db0c7eaac0bd2667ee5c7ff75b7ee8d665df168d07ec685a97e528b673 +size 233803 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/87.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/87.png new file mode 100644 index 0000000000000000000000000000000000000000..b969011278aa5f71071eab8c8af5c34ae2828099 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/87.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d9bfba5444a6c67acc0fc0f50e134208b6f148b05bf00fc34f13e5cec8e784b +size 231127 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/88.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/88.png new file mode 100644 index 0000000000000000000000000000000000000000..a00caf7794f751c7268dbf4f9a8ae024bf4d0b7f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/88.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6add96617fd29304200f11303801d919f77c09b762382a42d616e4e2686aba5 +size 228250 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/89.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/89.png new file mode 100644 index 0000000000000000000000000000000000000000..48a4eff0a8c0bf0b5a93ca5a6eb6dc2ca4cc7d4c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/89.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51fe67d4fd689695f5db2c4e6ab5c919a99b522991430ce3413f049ffcf034e0 +size 228923 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/9.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/9.png new file mode 100644 index 0000000000000000000000000000000000000000..05bf2f7ad0937c082ad38e18a6bc424497e0d089 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/9.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e14e7b9a0c35de234cb214430ffb52db014e1ae307119a80f1c76c54b59899a4 +size 230978 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/90.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/90.png new file mode 100644 index 0000000000000000000000000000000000000000..38de4e4649b682983c47b49ab3cc9559345c6479 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/90.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f2ef10d5916756b34f69d15bc88f864ba80d3b29ff91518ed15dcd8df656afd +size 231183 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/91.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/91.png new file mode 100644 index 0000000000000000000000000000000000000000..4c94b816274d17fdeb9451efc44b96df9d9a448f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/91.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86eebf2f9c895650c7e360272ee9cbf570c17e8fbc1353fe33773f131d7eed0d +size 231221 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/92.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/92.png new file mode 100644 index 0000000000000000000000000000000000000000..4cac7d99756f39599b23fc334027a6287b50318e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/92.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b8ff6ccc4178eadc0df23c7d0c74fccfdc782568e655f9006a24013a8f4d520 +size 232306 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/93.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/93.png new file mode 100644 index 0000000000000000000000000000000000000000..785194d94e150dab2e592344e072608dbec668bd --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/93.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43b7f7f3e23600caa022c49978a829f0635799cbe2f888375d0e12113f761ab9 +size 232321 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/94.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/94.png new file mode 100644 index 0000000000000000000000000000000000000000..ac2d1e40dc280d00366ced2af393cda53690ae16 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/94.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51602c4862799a3ab1f9e17942651887c6391eadfef4f0e573bf146a274c9190 +size 234643 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/95.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/95.png new file mode 100644 index 0000000000000000000000000000000000000000..7825e38b0cd7ff175b86455d9070ee09a95ec6cf --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/95.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64a266b06b23378d6be8bcef1b9b5300f990443d88b95a094643cf0e6692ff31 +size 234960 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/96.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/96.png new file mode 100644 index 0000000000000000000000000000000000000000..66539fffb365caed6b9b368ed96159dda88e63b0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/96.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c5d26b099593f31c01b491483a193ac0ea2a09c705329ab0e55c526171cfd64 +size 237017 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/97.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/97.png new file mode 100644 index 0000000000000000000000000000000000000000..dae811ab67c601496fecbb0f7c3cd7477b238d79 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/97.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a4a96cb9f38ad2d5aa4c8140ee26b4a066b3da24b91042face70e938c127bc8 +size 235585 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/98.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/98.png new file mode 100644 index 0000000000000000000000000000000000000000..0e8eb40ca944c9bb4aeee36063713fc5ebfb5b10 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/98.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3a37f6fdf61981806af636e798c4a42357c155807c60491337a3b2222a5fcab +size 236277 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/99.png b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/99.png new file mode 100644 index 0000000000000000000000000000000000000000..2f8c227e8bbc44a419d1a3041cb23f6d90598480 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/99.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23be9589699c25a7621813c641c8fb9ae73d1c89239471641e2a9de6faeb158e +size 236427 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/finish b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/WRA_VickyHartzler_000/finish new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/dataset_realcam.json b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/dataset_realcam.json new file mode 100644 index 0000000000000000000000000000000000000000..833496388b9dc70e0260d4fdf4b2a39f95f8fbc5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/images512x512/dataset_realcam.json @@ -0,0 +1,6034 @@ +{ + "labels": [ + [ + "WRA_VickyHartzler_000/76.png", + [ + 0.2166457325220108, + -0.0013884127838537097, + -0.0032540878746658564, + 0.03981887549161911, + -0.0017903510015457869, + -0.2149152010679245, + -0.02749801240861416, + 0.313520610332489, + -0.0030514616519212723, + 0.02752123400568962, + -0.21489804983139038, + 2.6001458168029785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/48.png", + [ + 0.21606914699077606, + -0.013557110913097858, + 0.008844636380672455, + -0.10230050981044769, + -0.012672819197177887, + -0.21533256769180298, + -0.020473722368478775, + 0.2321408987045288, + 0.010070874355733395, + 0.01989920437335968, + -0.21552376449108124, + 2.6017017364501953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/137.png", + [ + 0.21519149839878082, + 0.015350230038166046, + -0.020121650770306587, + 0.2332071214914322, + 0.013250993564724922, + -0.21510735154151917, + -0.022386126220226288, + 0.251872181892395, + -0.021562039852142334, + 0.021002331748604774, + -0.2145737111568451, + 2.5501065254211426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/173.png", + [ + 0.21577630937099457, + 0.003555453848093748, + -0.019386369735002518, + 0.22860626876354218, + 0.0021562313195317984, + -0.21609918773174286, + -0.015633000060915947, + 0.1704193651676178, + -0.019591407850384712, + 0.015375264920294285, + -0.21523863077163696, + 2.5806875228881836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/35.png", + [ + 0.2161366492509842, + -0.010256820358335972, + 0.011297598481178284, + -0.13199958205223083, + -0.009300226345658302, + -0.2157309204339981, + -0.017932405695319176, + 0.20199209451675415, + 0.012097266502678394, + 0.01740296185016632, + -0.2156355381011963, + 2.5776267051696777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/124.png", + [ + 0.21617890894412994, + 0.007225344888865948, + 0.012742364779114723, + -0.15317055583000183, + 0.007359792944043875, + -0.2165396511554718, + -0.002076414180919528, + 0.011541668325662613, + 0.01266518421471119, + 0.0025044840294867754, + -0.2162896692752838, + 2.606389045715332, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/97.png", + [ + 0.2118384689092636, + 0.0167990755289793, + -0.04231014847755432, + 0.5002443790435791, + 0.017413251101970673, + -0.2159689962863922, + 0.0014350480632856488, + -0.03252219781279564, + -0.04206110164523125, + -0.00480331014841795, + -0.21249867975711823, + 2.5548882484436035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/155.png", + [ + 0.21417400240898132, + 0.015364501625299454, + -0.02900557778775692, + 0.3461540937423706, + 0.014090234413743019, + -0.21596769988536835, + -0.010359173640608788, + 0.10884372889995575, + -0.029645519331097603, + 0.00835340190678835, + -0.2144743651151657, + 2.6002116203308105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/192.png", + [ + 0.21535171568393707, + 0.0052330088801681995, + -0.023326793685555458, + 0.2734808623790741, + 0.0034434599801898003, + -0.2160051465034485, + -0.01666761189699173, + 0.18394294381141663, + -0.023657266050577164, + 0.016195131465792656, + -0.21476952731609344, + 2.5652427673339844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/13.png", + [ + 0.2163252830505371, + -0.012298550456762314, + 8.725326915737242e-05, + 0.0015891629736870527, + -0.012298577465116978, + -0.2163252979516983, + 6.779225077480078e-05, + -0.012114491313695908, + 8.326464740093797e-05, + -7.263505540322512e-05, + -0.2166745960712433, + 2.6118574142456055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/32.png", + [ + 0.2162056267261505, + -0.009421042166650295, + 0.01068965159356594, + -0.1241280809044838, + -0.008719594217836857, + -0.2160431295633316, + -0.014044038020074368, + 0.15793924033641815, + 0.011269132606685162, + 0.013583456166088581, + -0.21595461666584015, + 2.583406925201416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/158.png", + [ + 0.21430091559886932, + 0.013843676075339317, + -0.028833376243710518, + 0.34092819690704346, + 0.012438495643436909, + -0.2160234898328781, + -0.011270915158092976, + 0.11904598772525787, + -0.029466846957802773, + 0.009492222219705582, + -0.2144516259431839, + 2.585932731628418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/38.png", + [ + 0.21614672243595123, + -0.011005100794136524, + 0.01036253571510315, + -0.11966028064489365, + -0.0100895119830966, + -0.21564216911792755, + -0.018561961129307747, + 0.2083633840084076, + 0.01125593576580286, + 0.018034201115369797, + -0.2156292200088501, + 2.5722556114196777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/148.png", + [ + 0.21486225724220276, + 0.013065896928310394, + -0.02472633868455887, + 0.29371705651283264, + 0.01130159106105566, + -0.21580010652542114, + -0.015826700255274773, + 0.17488224804401398, + -0.02558092214167118, + 0.014404608868062496, + -0.21467655897140503, + 2.5998682975769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/111.png", + [ + 0.21416553854942322, + 0.013812529854476452, + -0.02983671985566616, + 0.35417312383651733, + 0.013334767892956734, + -0.21621954441070557, + -0.004380238242447376, + 0.03618727996945381, + -0.030053284019231796, + 0.002493279054760933, + -0.21456579864025116, + 2.5803279876708984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/164.png", + [ + 0.21487756073474884, + 0.005518659483641386, + -0.027296148240566254, + 0.32617107033729553, + 0.006018348038196564, + -0.2165612280368805, + 0.003593192435801029, + -0.062417641282081604, + -0.02719034068286419, + -0.004321567714214325, + -0.2149183601140976, + 2.6046395301818848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/11.png", + [ + 0.21633386611938477, + -0.012095079757273197, + -0.0011266948422417045, + 0.016001669690012932, + -0.01209884975105524, + -0.21633543074131012, + -0.0007069644634611905, + -0.004009338095784187, + -0.0010854672873392701, + 0.0007687663892284036, + -0.21667054295539856, + 2.6207895278930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/125.png", + [ + 0.21633322536945343, + 0.00926121510565281, + 0.007878015749156475, + -0.09417421370744705, + 0.009459501132369041, + -0.21640154719352722, + -0.005364689044654369, + 0.04957200959324837, + 0.00763878645375371, + 0.005700171459466219, + -0.21646489202976227, + 2.6125855445861816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/59.png", + [ + 0.2165786772966385, + -0.0032343321945518255, + 0.005578226409852505, + -0.06629360467195511, + -0.0024317095521837473, + -0.2145739495754242, + -0.030000051483511925, + 0.3474440276622772, + 0.005971959792077541, + 0.029924163594841957, + -0.21451520919799805, + 2.607539176940918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/105.png", + [ + 0.21295985579490662, + 0.014855500310659409, + -0.03708524629473686, + 0.442865788936615, + 0.014442503452301025, + -0.21616187691688538, + -0.003654253436252475, + 0.026082884520292282, + -0.037248022854328156, + 0.0011196761624887586, + -0.21344606578350067, + 2.584308624267578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/121.png", + [ + 0.21657471358776093, + 0.006367742083966732, + 0.0016562698874622583, + -0.02006002888083458, + 0.0063660116866230965, + -0.21658092737197876, + 0.00025026375078596175, + -0.014993008226156235, + 0.0016629085876047611, + -0.0002014865749515593, + -0.21666814386844635, + 2.598860740661621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/175.png", + [ + 0.21582484245300293, + 0.0033473502844572067, + -0.018876584246754646, + 0.22188551723957062, + 0.0018986697541549802, + -0.21602949500083923, + -0.016599729657173157, + 0.17997325956821442, + -0.019076824188232422, + 0.01636921614408493, + -0.21521155536174774, + 2.5714588165283203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/198.png", + [ + 0.21506701409816742, + 0.007231260184198618, + -0.025333508849143982, + 0.2956185042858124, + 0.005613113287836313, + -0.2161460667848587, + -0.014045149087905884, + 0.15005125105381012, + -0.025740450248122215, + 0.013284658081829548, + -0.2147296965122223, + 2.558117389678955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/24.png", + [ + 0.21630670130252838, + -0.011412248015403748, + 0.005391515325754881, + -0.061693333089351654, + -0.010959957726299763, + -0.21573372185230255, + -0.016933001577854156, + 0.19046279788017273, + 0.006259963847696781, + 0.016631532460451126, + -0.21594466269016266, + 2.5994648933410645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/74.png", + [ + 0.21665634214878082, + -0.00042499095434322953, + -0.0027842947747558355, + 0.03489534929394722, + -0.0007787651265971363, + -0.2148825079202652, + -0.02779923379421234, + 0.31844550371170044, + -0.0027067395858466625, + 0.02780689299106598, + -0.21486587822437286, + 2.602537155151367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/193.png", + [ + 0.2153303176164627, + 0.005445981863886118, + -0.0234752856194973, + 0.27532464265823364, + 0.003616418456658721, + -0.21598170697689056, + -0.016933029517531395, + 0.18712905049324036, + -0.023825813084840775, + 0.016436155885457993, + -0.2147325724363327, + 2.567035675048828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/129.png", + [ + 0.21549271047115326, + 0.01701071485877037, + -0.014879879541695118, + 0.18085339665412903, + 0.016070304438471794, + -0.2156376987695694, + -0.013784915208816528, + 0.15111342072486877, + -0.015890896320343018, + 0.012606112286448479, + -0.21572311222553253, + 2.593599796295166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/172.png", + [ + 0.2157081961631775, + 0.003489986527711153, + -0.02014174684882164, + 0.23683300614356995, + 0.0020979144610464573, + -0.21614570915699005, + -0.014984219335019588, + 0.1639700084924698, + -0.02033393271267414, + 0.014722365885972977, + -0.21521542966365814, + 2.5817737579345703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/153.png", + [ + 0.21398133039474487, + 0.016127541661262512, + -0.029996516183018684, + 0.3595547676086426, + 0.015079086646437645, + -0.21597999334335327, + -0.008553781546652317, + 0.08709830045700073, + -0.03053702786564827, + 0.006359902210533619, + -0.21441768109798431, + 2.6066765785217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/144.png", + [ + 0.21487873792648315, + 0.01381618995219469, + -0.024168696254491806, + 0.28472474217414856, + 0.011938338167965412, + -0.2156650722026825, + -0.01714509353041649, + 0.19105610251426697, + -0.025149334222078323, + 0.015671342611312866, + -0.21463879942893982, + 2.5828351974487305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/188.png", + [ + 0.21543429791927338, + 0.006072561722248793, + -0.022340156137943268, + 0.25979599356651306, + 0.004457998555153608, + -0.21605625748634338, + -0.01573888771235943, + 0.1724441945552826, + -0.02271750010550022, + 0.015189152210950851, + -0.21494440734386444, + 2.5537633895874023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/98.png", + [ + 0.21205362677574158, + 0.016242148354649544, + -0.04144095256924629, + 0.49025893211364746, + 0.01676591858267784, + -0.2160220891237259, + 0.0011247543152421713, + -0.02889019064605236, + -0.04123183339834213, + -0.004307397175580263, + -0.21267177164554596, + 2.562110424041748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/0.png", + [ + 0.2162899225950241, + -0.01229023840278387, + -0.003938584588468075, + 0.05098728463053703, + -0.012114749290049076, + -0.21614113450050354, + 0.009172797203063965, + -0.13403001427650452, + -0.004449186846613884, + -0.008936294354498386, + -0.21644453704357147, + 2.7275776863098145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/163.png", + [ + 0.2149619162082672, + 0.005224183201789856, + -0.026682952418923378, + 0.31898725032806396, + 0.0057516745291650295, + -0.21656252443790436, + 0.003936171997338533, + -0.06686754524707794, + -0.026574239134788513, + -0.004613362718373537, + -0.21498934924602509, + 2.6063437461853027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/96.png", + [ + 0.21189536154270172, + 0.01709977351129055, + -0.04190278425812721, + 0.49417826533317566, + 0.01748838648200035, + -0.21596750617027283, + 0.00030338973738253117, + -0.019193995743989944, + -0.04174209013581276, + -0.003678782843053341, + -0.2125840187072754, + 2.549990177154541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/100.png", + [ + 0.21252484619617462, + 0.016021115705370903, + -0.03904375433921814, + 0.4627242088317871, + 0.016605280339717865, + -0.21603038907051086, + 0.001741284504532814, + -0.03703562542796135, + -0.03879891335964203, + -0.004700129386037588, + -0.2131207287311554, + 2.5739970207214355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/40.png", + [ + 0.21612147986888885, + -0.011874258518218994, + 0.009919974021613598, + -0.11562361568212509, + -0.011047065258026123, + -0.2156842052936554, + -0.017498211935162544, + 0.19386255741119385, + 0.010833569802343845, + 0.016947774216532707, + -0.21573896706104279, + 2.570034980773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/141.png", + [ + 0.2153523564338684, + 0.012866627424955368, + -0.020142197608947754, + 0.23524510860443115, + 0.011270670220255852, + -0.21569029986858368, + -0.017279190942645073, + 0.191315695643425, + -0.02107677049934864, + 0.016126014292240143, + -0.21504329144954681, + 2.5687880516052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/52.png", + [ + 0.2165827453136444, + -0.005256290081888437, + 0.003489849856123328, + -0.03983495384454727, + -0.0048827058635652065, + -0.21553876996040344, + -0.02161247655749321, + 0.2457495629787445, + 0.003995850216597319, + 0.021524669602513313, + -0.21556580066680908, + 2.6242847442626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/184.png", + [ + 0.21561619639396667, + 0.005619426723569632, + -0.020639175549149513, + 0.2400018274784088, + 0.0040843007154762745, + -0.21603325009346008, + -0.016150932759046555, + 0.17749060690402985, + -0.020996954292058945, + 0.015682991594076157, + -0.21508386731147766, + 2.549808979034424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/3.png", + [ + 0.21637128293514252, + -0.010955750942230225, + -0.003366278950124979, + 0.04434327781200409, + -0.010846243239939213, + -0.21629630029201508, + 0.006794666405767202, + -0.10122926533222198, + -0.0037039604503661394, + -0.0066166468895971775, + -0.21654191613197327, + 2.710719585418701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/47.png", + [ + 0.21588928997516632, + -0.016195029020309448, + 0.008799279108643532, + -0.10220398753881454, + -0.015241536311805248, + -0.21503376960754395, + -0.02181924134492874, + 0.2511230409145355, + 0.010363489389419556, + 0.0211211908608675, + -0.2153935581445694, + 2.5925559997558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/104.png", + [ + 0.21268154680728912, + 0.01569216325879097, + -0.038317278027534485, + 0.457750141620636, + 0.015524355694651604, + -0.2161051630973816, + -0.0023335192818194628, + 0.011149141937494278, + -0.038385577499866486, + -0.000454850698588416, + -0.2132468968629837, + 2.585787296295166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/21.png", + [ + 0.2161938101053238, + -0.014426881447434425, + -6.982634658925235e-05, + 0.0025535013992339373, + -0.014409360475838184, + -0.21587423980236053, + -0.011771959252655506, + 0.12677037715911865, + 0.0007142458925954998, + 0.01175048016011715, + -0.2163545936346054, + 2.6082983016967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/82.png", + [ + 0.21662290394306183, + 0.0015422757714986801, + -0.004475099965929985, + 0.053098782896995544, + 0.0010980655206367373, + -0.21563588082790375, + -0.021162427961826324, + 0.23661696910858154, + -0.004604279063642025, + 0.021134698763489723, + -0.21559225022792816, + 2.5876989364624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/106.png", + [ + 0.2132604718208313, + 0.01504090242087841, + -0.03523678332567215, + 0.42021042108535767, + 0.014539046213030815, + -0.2161441445350647, + -0.004268249496817589, + 0.03376295790076256, + -0.03544680401682854, + 0.0018365763826295733, + -0.21374763548374176, + 2.584537982940674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/14.png", + [ + 0.21625706553459167, + -0.013328795321285725, + 0.001766867353580892, + -0.017724528908729553, + -0.013321311213076115, + -0.21626263856887817, + -0.0009579617180861533, + -0.0010023489594459534, + 0.001822437159717083, + 0.0008474873611703515, + -0.21666531264781952, + 2.6110548973083496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/67.png", + [ + 0.21665886044502258, + -6.077644502511248e-05, + 0.002613561926409602, + -0.028470028191804886, + 0.00029976724181324244, + -0.21460974216461182, + -0.02984069101512432, + 0.34421423077583313, + 0.002597025129944086, + 0.029842132702469826, + -0.2145940512418747, + 2.5953831672668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/78.png", + [ + 0.21666386723518372, + -0.0005213276017457247, + -0.0020954275969415903, + 0.025884566828608513, + -0.0007860689656808972, + -0.2148800939321518, + -0.02781764417886734, + 0.3157579004764557, + -0.002011142671108246, + 0.02782386541366577, + -0.21487130224704742, + 2.5971388816833496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/191.png", + [ + 0.21537023782730103, + 0.005460183601826429, + -0.023102816194295883, + 0.26999178528785706, + 0.0037074291612952948, + -0.21601428091526031, + -0.016491826623678207, + 0.1819969266653061, + -0.023447999730706215, + 0.01599724218249321, + -0.21480730175971985, + 2.560464382171631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/31.png", + [ + 0.2162436991930008, + -0.009550204500555992, + 0.009764330461621284, + -0.11288238316774368, + -0.008975553326308727, + -0.21612127125263214, + -0.012606642208993435, + 0.1415993720293045, + 0.010295048356056213, + 0.012177092023193836, + -0.21608708798885345, + 2.58156156539917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/194.png", + [ + 0.21526329219341278, + 0.005707891657948494, + -0.02402147836983204, + 0.2815035283565521, + 0.0038698019925504923, + -0.2159995585680008, + -0.016646599397063255, + 0.18315660953521729, + -0.024385161697864532, + 0.016109146177768707, + -0.2146945595741272, + 2.5689492225646973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/152.png", + [ + 0.21432116627693176, + 0.013763902708888054, + -0.028720881789922714, + 0.34437650442123413, + 0.012800189666450024, + -0.21614576876163483, + -0.008065847679972649, + 0.08104315400123596, + -0.029163150116801262, + 0.00628153420984745, + -0.21461115777492523, + 2.610507011413574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/39.png", + [ + 0.21617385745048523, + -0.011192580685019493, + 0.009564529173076153, + -0.11017770320177078, + -0.010333478450775146, + -0.21561338007450104, + -0.018761219456791878, + 0.21042585372924805, + 0.010486816056072712, + 0.01826171576976776, + -0.2156488448381424, + 2.5709919929504395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/92.png", + [ + 0.21233907341957092, + 0.017614144831895828, + -0.039366867393255234, + 0.46385276317596436, + 0.01718270033597946, + -0.2159562110900879, + -0.003945582080632448, + 0.031845998018980026, + -0.039557091891765594, + 0.000744768010918051, + -0.2130318582057953, + 2.543642520904541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/53.png", + [ + 0.21658888459205627, + -0.003964156843721867, + 0.004629997070878744, + -0.05352010577917099, + -0.0034297113306820393, + -0.21532320976257324, + -0.023917438462376595, + 0.27569180727005005, + 0.005038698669523001, + 0.02383468486368656, + -0.2153007686138153, + 2.6257247924804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/75.png", + [ + 0.21665316820144653, + -0.000922439037822187, + -0.0029068063013255596, + 0.035791829228401184, + -0.0012839300325140357, + -0.21491946280002594, + -0.027493193745613098, + 0.3134467899799347, + -0.0027662143111228943, + 0.02750769443809986, + -0.21490362286567688, + 2.6008620262145996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/151.png", + [ + 0.2144523411989212, + 0.014340076595544815, + -0.02743077650666237, + 0.3286326229572296, + 0.013258524239063263, + -0.21606853604316711, + -0.009300417266786098, + 0.09538790583610535, + -0.027969572693109512, + 0.007526514586061239, + -0.2147299349308014, + 2.6079115867614746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/87.png", + [ + 0.2158920019865036, + 0.008981961756944656, + -0.01605815812945366, + 0.18820643424987793, + 0.007867470383644104, + -0.21600818634033203, + -0.015048643574118614, + 0.16094419360160828, + -0.01663258858025074, + 0.014411215670406818, + -0.2155541032552719, + 2.5843329429626465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/139.png", + [ + 0.21529115736484528, + 0.01363537646830082, + -0.020290032029151917, + 0.2355763167142868, + 0.011804002337157726, + -0.2154676914215088, + -0.01955074444413185, + 0.21841993927955627, + -0.021407343447208405, + 0.01832055114209652, + -0.2148347645998001, + 2.5586209297180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/107.png", + [ + 0.21338675916194916, + 0.014890704303979874, + -0.034529004245996475, + 0.41013631224632263, + 0.014345764182507992, + -0.21615111827850342, + -0.004559820983558893, + 0.03723560646176338, + -0.03475894406437874, + 0.002204506192356348, + -0.21385708451271057, + 2.580594062805176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/112.png", + [ + 0.21413829922676086, + 0.01469365879893303, + -0.029610449448227882, + 0.35232922434806824, + 0.014259304851293564, + -0.21616514027118683, + -0.004146978724747896, + 0.03364340588450432, + -0.029822051525115967, + 0.0021497791167348623, + -0.21460175514221191, + 2.5792722702026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/69.png", + [ + 0.21667073667049408, + -0.0003981748304795474, + -0.0012367864837870002, + 0.01740872487425804, + -0.0005622553289867938, + -0.21467158198356628, + -0.029388582333922386, + 0.33862969279289246, + -0.001171346753835678, + 0.029391266405582428, + -0.21466875076293945, + 2.5963244438171387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/157.png", + [ + 0.21438318490982056, + 0.01430622860789299, + -0.027983499690890312, + 0.33271926641464233, + 0.01294026616960764, + -0.21599312126636505, + -0.011287786066532135, + 0.11966459453105927, + -0.02864077500998974, + 0.00949717778712511, + -0.2145632952451706, + 2.5978622436523438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/45.png", + [ + 0.2157786786556244, + -0.017209727317094803, + 0.009554727002978325, + -0.1111067533493042, + -0.01623450592160225, + -0.21506759524345398, + -0.02074308879673481, + 0.2398882806301117, + 0.011131413280963898, + 0.0199414175003767, + -0.21546770632266998, + 2.579756259918213, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/50.png", + [ + 0.21647953987121582, + -0.008430139161646366, + 0.0036649354733526707, + -0.04125220328569412, + -0.008051158860325813, + -0.2155715972185135, + -0.02029697597026825, + 0.22617438435554504, + 0.004435969982296228, + 0.02014251984655857, + -0.2156907469034195, + 2.612410545349121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/101.png", + [ + 0.21278312802314758, + 0.015789540484547615, + -0.03770844638347626, + 0.44770094752311707, + 0.016361666843295097, + -0.2160479873418808, + 0.0018613387364894152, + -0.03822344169020653, + -0.03746374696493149, + -0.00467537110671401, + -0.2133600413799286, + 2.582843780517578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/85.png", + [ + 0.21642768383026123, + 0.005304139573127031, + -0.008878271095454693, + 0.10296208411455154, + 0.004640855826437473, + -0.21603794395923615, + -0.015936201438307762, + 0.17183086276054382, + -0.00924229808151722, + 0.015727879479527473, + -0.2159053236246109, + 2.5868887901306152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/156.png", + [ + 0.21423345804214478, + 0.01520272996276617, + -0.028649533167481422, + 0.34138214588165283, + 0.013896544463932514, + -0.21596433222293854, + -0.01068580150604248, + 0.11255751550197601, + -0.02930537424981594, + 0.00872795656323433, + -0.21450619399547577, + 2.5985350608825684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/181.png", + [ + 0.2155558317899704, + 0.004888491705060005, + -0.021440062671899796, + 0.2504947781562805, + 0.003747333772480488, + -0.21632879972457886, + -0.011649307794868946, + 0.12438775599002838, + -0.02166866883635521, + 0.011218356899917126, + -0.21529634296894073, + 2.5637502670288086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/131.png", + [ + 0.21523484587669373, + 0.01767841726541519, + -0.017587700858712196, + 0.21031151711940765, + 0.01619846373796463, + -0.21530218422412872, + -0.018179060891270638, + 0.20406398177146912, + -0.018959524109959602, + 0.016743415966629982, + -0.21519313752651215, + 2.5785608291625977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/71.png", + [ + 0.21666276454925537, + -2.0463467080844566e-05, + -0.0022662391420453787, + 0.029784979298710823, + -0.00031780824065208435, + -0.21479922533035278, + -0.028444329276680946, + 0.3268980383872986, + -0.0022439376916736364, + 0.028446095064282417, + -0.21478751301765442, + 2.599473476409912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/160.png", + [ + 0.21464939415454865, + 0.010856996290385723, + -0.027489280328154564, + 0.32595109939575195, + 0.01017785258591175, + -0.2163529396057129, + -0.005975875537842512, + 0.058250974863767624, + -0.027747901156544685, + 0.0046287658624351025, + -0.21484071016311646, + 2.591679573059082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/115.png", + [ + 0.21478496491909027, + 0.013019024394452572, + -0.02541283331811428, + 0.30259737372398376, + 0.012616533786058426, + -0.2162669599056244, + -0.004161033313721418, + 0.03435610607266426, + -0.025615038350224495, + 0.00264500523917377, + -0.21513895690441132, + 2.5814247131347656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/54.png", + [ + 0.21661239862442017, + -0.0033194252755492926, + 0.003993775695562363, + -0.0458364300429821, + -0.002830180572345853, + -0.21516962349414825, + -0.02533622831106186, + 0.29456618428230286, + 0.004354182165116072, + 0.025276781991124153, + -0.21515116095542908, + 2.6287527084350586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/33.png", + [ + 0.21615110337734222, + -0.009920158423483372, + 0.011322002857923508, + -0.13232263922691345, + -0.009073764085769653, + -0.21589720249176025, + -0.015936248004436493, + 0.17921380698680878, + 0.012011000886559486, + 0.015423608012497425, + -0.2157909870147705, + 2.583250045776367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/159.png", + [ + 0.21415455639362335, + 0.013515335507690907, + -0.030050909146666527, + 0.35558849573135376, + 0.012445341795682907, + -0.2161489874124527, + -0.008522190153598785, + 0.08735175430774689, + -0.0305095873773098, + 0.00669701024889946, + -0.21441130340099335, + 2.5871238708496094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/177.png", + [ + 0.2157759666442871, + 0.004350189585238695, + -0.019227560609579086, + 0.2253560721874237, + 0.003401389578357339, + -0.21637937426567078, + -0.01078417245298624, + 0.11506716907024384, + -0.01941787265241146, + 0.010437608696520329, + -0.2155502289533615, + 2.5669474601745605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/49.png", + [ + 0.2162942737340927, + -0.011565811932086945, + 0.005560032557696104, + -0.06310214102268219, + -0.010995006188750267, + -0.21543090045452118, + -0.020409267395734787, + 0.2280760407447815, + 0.00661753723397851, + 0.020091300830245018, + -0.2156396061182022, + 2.6062703132629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/118.png", + [ + 0.21565625071525574, + 0.010379224084317684, + -0.018235959112644196, + 0.21623343229293823, + 0.010110116563737392, + -0.21640852093696594, + -0.0036106030456721783, + 0.02553524076938629, + -0.018386518582701683, + 0.0027427368331700563, + -0.21587568521499634, + 2.588341236114502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/179.png", + [ + 0.21576297283172607, + 0.0045678885653615, + -0.019322749227285385, + 0.22591911256313324, + 0.004001560155302286, + -0.2165399193763733, + -0.006507441867142916, + 0.0629393607378006, + -0.019447926431894302, + 0.006123209372162819, + -0.21571317315101624, + 2.5619473457336426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/110.png", + [ + 0.21379268169403076, + 0.014238315634429455, + -0.032215800136327744, + 0.38319504261016846, + 0.013833576813340187, + -0.2162000685930252, + -0.003749940311536193, + 0.028381723910570145, + -0.032391659915447235, + 0.0016432470874860883, + -0.21423345804214478, + 2.57940673828125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/18.png", + [ + 0.2162010818719864, + -0.014153266325592995, + 0.0021602092310786247, + -0.021967031061649323, + -0.014086534269154072, + -0.2161274254322052, + -0.006196160800755024, + 0.06002684310078621, + 0.002559489803388715, + 0.006042179185897112, + -0.2165752500295639, + 2.610177516937256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/66.png", + [ + 0.21663673222064972, + -0.0011474710190668702, + 0.0038870524149388075, + -0.04398183524608612, + -0.0005918661481700838, + -0.21453826129436493, + -0.030345989391207695, + 0.35003915429115295, + 0.00400943448767066, + 0.03033006191253662, + -0.21450386941432953, + 2.5943470001220703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/16.png", + [ + 0.2163185328245163, + -0.012339471839368343, + 0.0013913647271692753, + -0.012217857874929905, + -0.012329617515206337, + -0.21631814539432526, + -0.0015288152499124408, + 0.005113907158374786, + 0.0014761406928300858, + 0.0014471288304775953, + -0.21666477620601654, + 2.610386371612549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/190.png", + [ + 0.21538366377353668, + 0.005416384898126125, + -0.02298758178949356, + 0.26797834038734436, + 0.0036720356438308954, + -0.2160148173570633, + -0.016492504626512527, + 0.18207140266895294, + -0.023329859599471092, + 0.016004664823412895, + -0.21481959521770477, + 2.557222366333008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/94.png", + [ + 0.21219205856323242, + 0.017366813495755196, + -0.04025948792695999, + 0.4734252393245697, + 0.01740295998752117, + -0.21596980094909668, + -0.0014391011791303754, + 0.0014755688607692719, + -0.040243878960609436, + -0.0018242489313706756, + -0.2128966748714447, + 2.5449304580688477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/28.png", + [ + 0.21625404059886932, + -0.01073794811964035, + 0.008171970956027508, + -0.09446942806243896, + -0.009936260990798473, + -0.21549980342388153, + -0.02022385410964489, + 0.22712692618370056, + 0.009129916317760944, + 0.019809847697615623, + -0.21557390689849854, + 2.5775771141052246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/61.png", + [ + 0.21662257611751556, + -0.0011586884502321482, + 0.004605773836374283, + -0.053335707634687424, + -0.0005125965108163655, + -0.21460391581058502, + -0.029879696667194366, + 0.34461045265197754, + 0.00472154188901186, + 0.02986162155866623, + -0.21455508470535278, + 2.6018199920654297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/132.png", + [ + 0.2151293307542801, + 0.0171609278768301, + -0.01930721290409565, + 0.2301236391067505, + 0.015405780635774136, + -0.21523137390613556, + -0.019647302106022835, + 0.22125163674354553, + -0.020734703168272972, + 0.01813441701233387, + -0.21491652727127075, + 2.571962833404541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/58.png", + [ + 0.21659141778945923, + -0.002627967856824398, + 0.005400063004344702, + -0.06444212049245834, + -0.0018495323602110147, + -0.21454781293869019, + -0.0302277784794569, + 0.35199394822120667, + 0.005713678430765867, + 0.030170071870088577, + -0.21448780596256256, + 2.6123452186584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/123.png", + [ + 0.21625936031341553, + 0.004947693552821875, + 0.012462081387639046, + -0.15050700306892395, + 0.004878172650933266, + -0.21661551296710968, + 0.0013478470500558615, + -0.02884986810386181, + 0.012489460408687592, + -0.0010646943701431155, + -0.2163117527961731, + 2.5985374450683594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/64.png", + [ + 0.216619074344635, + -0.002154542366042733, + 0.004407764878123999, + -0.05040491744875908, + -0.0015036629047244787, + -0.21445074677467346, + -0.030927512794733047, + 0.3576046824455261, + 0.004670057445764542, + 0.0308889951556921, + -0.2144107073545456, + 2.592287063598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/10.png", + [ + 0.21632274985313416, + -0.012310375459492207, + -0.0009053456597030163, + 0.013401207514107227, + -0.012323672883212566, + -0.21629460155963898, + -0.003560119541361928, + 0.030206646770238876, + -0.0007014895090833306, + 0.003605830715969205, + -0.21664349734783173, + 2.632382869720459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/170.png", + [ + 0.2155499905347824, + 0.003081155940890312, + -0.021831220015883446, + 0.25780290365219116, + 0.001729584881104529, + -0.2162502557039261, + -0.013443529605865479, + 0.14672543108463287, + -0.02197962999343872, + 0.013199485838413239, + -0.21515241265296936, + 2.583460807800293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/41.png", + [ + 0.21601466834545135, + -0.01360797043889761, + 0.010019100271165371, + -0.11640423536300659, + -0.012770351953804493, + -0.21559026837348938, + -0.017482848837971687, + 0.19516617059707642, + 0.01106694620102644, + 0.01683909259736538, + -0.21573564410209656, + 2.569420337677002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/166.png", + [ + 0.2152799516916275, + 0.004714742302894592, + -0.024087384343147278, + 0.2868473529815674, + 0.004484203178435564, + -0.21661578118801117, + -0.0023219019640237093, + 0.012647729367017746, + -0.02413136325776577, + 0.001808455097489059, + -0.21531906723976135, + 2.597752094268799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/91.png", + [ + 0.2127092331647873, + 0.017669761553406715, + -0.03728877007961273, + 0.44019028544425964, + 0.01692134328186512, + -0.21593506634235382, + -0.0057978457771241665, + 0.05337899550795555, + -0.03763430193066597, + 0.0027796493377536535, + -0.21336312592029572, + 2.5469112396240234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/140.png", + [ + 0.21522508561611176, + 0.013515586033463478, + -0.021056760102510452, + 0.24595096707344055, + 0.011805059388279915, + -0.21562428772449493, + -0.017739836126565933, + 0.19708260893821716, + -0.022061247378587723, + 0.0164739228785038, + -0.21491815149784088, + 2.5643763542175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/23.png", + [ + 0.21622827649116516, + -0.013383028097450733, + 0.0037573697045445442, + -0.0425545871257782, + -0.013085808604955673, + -0.21573412418365479, + -0.015344218350946903, + 0.17123858630657196, + 0.004688804969191551, + 0.015085688792169094, + -0.21609796583652496, + 2.605943202972412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/37.png", + [ + 0.21615728735923767, + -0.010560023598372936, + 0.010602151975035667, + -0.12279852479696274, + -0.00962781347334385, + -0.21566708385944366, + -0.018517687916755676, + 0.2082352340221405, + 0.011455344036221504, + 0.018002374097704887, + -0.21562139689922333, + 2.5726070404052734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/178.png", + [ + 0.21581530570983887, + 0.004847008269280195, + -0.018658790737390518, + 0.21789325773715973, + 0.004180958028882742, + -0.2164909392595291, + -0.007879323326051235, + 0.08013041317462921, + -0.018819229677319527, + 0.007488034199923277, + -0.2157258838415146, + 2.555173397064209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/36.png", + [ + 0.21616795659065247, + -0.010224024765193462, + 0.010713673196732998, + -0.12384860962629318, + -0.009265636093914509, + -0.2156544178724289, + -0.01884719543159008, + 0.21319986879825592, + 0.01155255176126957, + 0.018344974145293236, + -0.2155873328447342, + 2.5738749504089355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/182.png", + [ + 0.21554598212242126, + 0.005929433740675449, + -0.021275773644447327, + 0.2482479065656662, + 0.004579300060868263, + -0.2161826640367508, + -0.013855707831680775, + 0.1497945487499237, + -0.02160663902759552, + 0.013333884067833424, + -0.21518190205097198, + 2.555415630340576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/8.png", + [ + 0.21628683805465698, + -0.012922403402626514, + -0.0009551558177918196, + 0.013791956007480621, + -0.012939230538904667, + -0.21624316275119781, + -0.004401084501296282, + 0.040803391486406326, + -0.0006907745846547186, + 0.004450246691703796, + -0.216627836227417, + 2.6500425338745117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/6.png", + [ + 0.216297447681427, + -0.01257450319826603, + -0.002278127707540989, + 0.03047027997672558, + -0.012598421424627304, + -0.21629606187343597, + -0.002278683939948678, + 0.013619650155305862, + -0.0021419059485197067, + 0.0024071780499070883, + -0.21665066480636597, + 2.6744561195373535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/197.png", + [ + 0.21518638730049133, + 0.007608046289533377, + -0.02418343350291252, + 0.28289803862571716, + 0.005987395532429218, + -0.2160920947790146, + -0.014705629087984562, + 0.1583014279603958, + -0.024634771049022675, + 0.013936356641352177, + -0.214818075299263, + 2.565762996673584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/169.png", + [ + 0.21542897820472717, + 0.0028056632727384567, + -0.02302982285618782, + 0.2720985412597656, + 0.0015372434863820672, + -0.21633794903755188, + -0.011975978501141071, + 0.13033245503902435, + -0.02314911223948002, + 0.011743740178644657, + -0.21511414647102356, + 2.5856833457946777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/154.png", + [ + 0.21412701904773712, + 0.01498729083687067, + -0.029544951394200325, + 0.35299283266067505, + 0.013947712257504463, + -0.21605758368968964, + -0.00851366575807333, + 0.0869520902633667, + -0.030049700289964676, + 0.006511704996228218, + -0.21448196470737457, + 2.60371732711792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/20.png", + [ + 0.216202974319458, + -0.014224840328097343, + 0.001350168720819056, + -0.013300187885761261, + -0.01414563599973917, + -0.21597018837928772, + -0.01023088302463293, + 0.10767090320587158, + 0.002017443999648094, + 0.010120466351509094, + -0.2164287567138672, + 2.6123600006103516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/2.png", + [ + 0.21636125445365906, + -0.010894499719142914, + -0.004125134088099003, + 0.054695263504981995, + -0.01071208156645298, + -0.2162148356437683, + 0.009181085973978043, + -0.13284067809581757, + -0.004578010179102421, + -0.008963867090642452, + -0.21644072234630585, + 2.71970796585083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/117.png", + [ + 0.21530666947364807, + 0.010556173510849476, + -0.02189760096371174, + 0.2605183720588684, + 0.010251508094370365, + -0.2164032906293869, + -0.0035242571029812098, + 0.025889195501804352, + -0.02204187586903572, + 0.0024659682530909777, + -0.2155364602804184, + 2.5848007202148438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/149.png", + [ + 0.21472769975662231, + 0.013484395109117031, + -0.025653110817074776, + 0.3061874210834503, + 0.011971858330070972, + -0.21593472361564636, + -0.013295070268213749, + 0.14385822415351868, + -0.02639291062951088, + 0.011758203618228436, + -0.21473951637744904, + 2.604459285736084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/161.png", + [ + 0.21487794816493988, + 0.008493034169077873, + -0.0265185609459877, + 0.3162881135940552, + 0.008504539728164673, + -0.21650724112987518, + -0.00042859691893681884, + -0.00926632434129715, + -0.026514872908592224, + -0.0006158173200674355, + -0.2150452882051468, + 2.6031723022460938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/5.png", + [ + 0.21635089814662933, + -0.01148376427590847, + -0.0028831693343818188, + 0.038879990577697754, + -0.011472783982753754, + -0.21636883914470673, + 0.0008953809156082571, + -0.026413386687636375, + -0.0029265552293509245, + -0.0007413806742988527, + -0.21665360033512115, + 2.691286563873291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/187.png", + [ + 0.21551023423671722, + 0.005962314084172249, + -0.021626174449920654, + 0.2513825297355652, + 0.004406302236020565, + -0.21606317162513733, + -0.01565849594771862, + 0.17142951488494873, + -0.02199602499604225, + 0.015134557150304317, + -0.21502329409122467, + 2.5522241592407227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/108.png", + [ + 0.21341699361801147, + 0.013742565177381039, + -0.03481697291135788, + 0.4132787585258484, + 0.013184834271669388, + -0.216225728392601, + -0.004527353215962648, + 0.03826140984892845, + -0.035031985491514206, + 0.0023406443651765585, + -0.21381106972694397, + 2.5770015716552734, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/60.png", + [ + 0.21660371124744415, + -0.0021175534930080175, + 0.005123482085764408, + -0.06008881703019142, + -0.0013728055637329817, + -0.21449655294418335, + -0.03061455301940441, + 0.35448646545410156, + 0.00537117337808013, + 0.03057206980884075, + -0.2144397348165512, + 2.6036581993103027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/56.png", + [ + 0.21661145985126495, + -0.002954189432784915, + 0.004318363033235073, + -0.05202633515000343, + -0.0023664238397032022, + -0.21481186151504517, + -0.028251565992832184, + 0.33098104596138, + 0.004666426219046116, + 0.028196167200803757, + -0.2147815078496933, + 2.624476909637451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/147.png", + [ + 0.21483784914016724, + 0.012802418321371078, + -0.025073708966374397, + 0.2975320518016815, + 0.010952320881187916, + -0.2157803773880005, + -0.016333330422639847, + 0.18045012652873993, + -0.02593529410660267, + 0.014927460812032223, + -0.21459829807281494, + 2.5997610092163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/30.png", + [ + 0.2163449227809906, + -0.008119944483041763, + 0.00876561738550663, + -0.10163519531488419, + -0.0075858780182898045, + -0.21615111827850342, + -0.013001805171370506, + 0.1455553025007248, + 0.009231685660779476, + 0.012675133533775806, + -0.21610648930072784, + 2.580827236175537, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/17.png", + [ + 0.21618975698947906, + -0.014330904930830002, + 0.002124870428815484, + -0.022203300148248672, + -0.014276143163442612, + -0.21614034473896027, + -0.005238426849246025, + 0.0493277944624424, + 0.0024661016650497913, + 0.005086702294647694, + -0.21660088002681732, + 2.609349250793457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/12.png", + [ + 0.21634483337402344, + -0.011856400407850742, + -0.0014936113730072975, + 0.020033439621329308, + -0.011855791322886944, + -0.2163500189781189, + 0.00012900307774543762, + -0.013571348041296005, + -0.0014984325971454382, + -4.7079949581529945e-05, + -0.2166694551706314, + 2.615056037902832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/114.png", + [ + 0.21472492814064026, + 0.012249493040144444, + -0.02628779597580433, + 0.3122759759426117, + 0.011915779672563076, + -0.21631893515586853, + -0.0034686080180108547, + 0.02660106122493744, + -0.026440737769007683, + 0.0019917285535484552, + -0.21504609286785126, + 2.5818023681640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/27.png", + [ + 0.21624475717544556, + -0.01109426561743021, + 0.007939033210277557, + -0.09202978760004044, + -0.01031714677810669, + -0.21549205482006073, + -0.020115474238991737, + 0.22673147916793823, + 0.00892566330730915, + 0.019697541370987892, + -0.21559277176856995, + 2.5829200744628906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/42.png", + [ + 0.21586239337921143, + -0.015639198943972588, + 0.01033135037869215, + -0.1200828105211258, + -0.014830770902335644, + -0.21554288268089294, + -0.016407577320933342, + 0.18296021223068237, + 0.011461657471954823, + 0.015638919547200203, + -0.21580535173416138, + 2.569521903991699, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/174.png", + [ + 0.21576930582523346, + 0.002838082378730178, + -0.019581913948059082, + 0.23105259239673615, + 0.0014128002803772688, + -0.2160966545343399, + -0.01575234904885292, + 0.17084945738315582, + -0.01973600871860981, + 0.015558850020170212, + -0.21521224081516266, + 2.5779943466186523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/7.png", + [ + 0.21635492146015167, + -0.011654765345156193, + -0.0016162967076525092, + 0.022264255210757256, + -0.011673104017972946, + -0.21634522080421448, + -0.0025246618315577507, + 0.0172915980219841, + -0.0014780397759750485, + 0.002608012640848756, + -0.21665388345718384, + 2.6582231521606445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/73.png", + [ + 0.21665945649147034, + -0.0003949469537474215, + -0.002533627673983574, + 0.03262010216712952, + -0.0007196480291895568, + -0.21485035121440887, + -0.028048355132341385, + 0.3214135468006134, + -0.0024611703120172024, + 0.02805480919778347, + -0.21483659744262695, + 2.6012325286865234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/120.png", + [ + 0.21647480130195618, + 0.007160883396863937, + -0.005939180497080088, + 0.0718197301030159, + 0.007085572462528944, + -0.21654030680656433, + -0.0028239486273378134, + 0.018175024539232254, + -0.006028828211128712, + 0.002627125009894371, + -0.2165747880935669, + 2.6045422554016113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/46.png", + [ + 0.2158088982105255, + -0.016909288242459297, + 0.009406652301549911, + -0.1085495725274086, + -0.01588677614927292, + -0.2149730920791626, + -0.02195623703300953, + 0.2546846866607666, + 0.011046248488128185, + 0.02117880806326866, + -0.21535396575927734, + 2.5862174034118652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/127.png", + [ + 0.21608342230319977, + 0.015155067667365074, + -0.0051154387183487415, + 0.062351323664188385, + 0.014933893457055092, + -0.21597148478031158, + -0.009011046029627323, + 0.09319987893104553, + -0.005729105789214373, + 0.008633888326585293, + -0.21642673015594482, + 2.612873077392578, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/133.png", + [ + 0.21491606533527374, + 0.018472513183951378, + -0.02043873816728592, + 0.24126000702381134, + 0.016499720513820648, + -0.21503672003746033, + -0.020853223279118538, + 0.23603546619415283, + -0.022062070667743683, + 0.01912757009267807, + -0.21469815075397491, + 2.5626072883605957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/57.png", + [ + 0.21660692989826202, + -0.0033096843399107456, + 0.004286869894713163, + -0.052012961357831955, + -0.0026846076361835003, + -0.21456943452358246, + -0.030010806396603584, + 0.3513997793197632, + 0.00470363162457943, + 0.029948314651846886, + -0.2145434021949768, + 2.618166923522949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/44.png", + [ + 0.2156171053647995, + -0.017603101208806038, + 0.012136202305555344, + -0.14106181263923645, + -0.01656218245625496, + -0.2152881771326065, + -0.018016336485743523, + 0.20461520552635193, + 0.01352223102003336, + 0.01700073666870594, + -0.2155829817056656, + 2.5749502182006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/113.png", + [ + 0.2145370990037918, + 0.013417327776551247, + -0.027234399691224098, + 0.3234913647174835, + 0.01306201796978712, + -0.21624986827373505, + -0.003642755327746272, + 0.02863398939371109, + -0.027406586334109306, + 0.0019650193862617016, + -0.2149253636598587, + 2.5815048217773438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/126.png", + [ + 0.216289222240448, + 0.012767716310918331, + 0.001962344627827406, + -0.023206032812595367, + 0.012824652716517448, + -0.2161824256181717, + -0.006970298942178488, + 0.06869418919086456, + 0.0015471564838662744, + 0.007074049673974514, + -0.21655358374118805, + 2.6164755821228027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/29.png", + [ + 0.2161504179239273, + -0.011983986012637615, + 0.009125291369855404, + -0.10530121624469757, + -0.011218803003430367, + -0.21567511558532715, + -0.01750067062675953, + 0.1969180405139923, + 0.01005113497376442, + 0.016985850408673286, + -0.2157738357782364, + 2.5826902389526367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/4.png", + [ + 0.21637316048145294, + -0.010906458832323551, + -0.003406255505979061, + 0.044807903468608856, + -0.010857952758669853, + -0.21638014912605286, + 0.0031035703141242266, + -0.05517188459634781, + -0.0035578464157879353, + -0.0029285582713782787, + -0.2166256159543991, + 2.698941707611084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/55.png", + [ + 0.2166145145893097, + -0.0029518473893404007, + 0.004163685254752636, + -0.04891612008213997, + -0.0024121091701090336, + -0.2149820178747177, + -0.026922348886728287, + 0.3150377571582794, + 0.004497933201491833, + 0.02686852589249611, + -0.21495522558689117, + 2.627720832824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/9.png", + [ + 0.2162517011165619, + -0.01345746498554945, + -0.0014112083008512855, + 0.01972132921218872, + -0.013482465408742428, + -0.2162141650915146, + -0.0041886321268975735, + 0.03823385760188103, + -0.001148057053796947, + 0.004268267657607794, + -0.2166295349597931, + 2.6416759490966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/25.png", + [ + 0.21628323197364807, + -0.011147957295179367, + 0.006721346639096737, + -0.07699345797300339, + -0.010545013472437859, + -0.2156398445367813, + -0.018334729596972466, + 0.20698708295822144, + 0.007632572669535875, + 0.017974499613046646, + -0.21579286456108093, + 2.5936379432678223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/99.png", + [ + 0.21210449934005737, + 0.01593896560370922, + -0.04129798337817192, + 0.48983725905418396, + 0.016614675521850586, + -0.21602779626846313, + 0.001956201856955886, + -0.03937442973256111, + -0.041030798107385635, + -0.005081683397293091, + -0.21269354224205017, + 2.5694093704223633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/34.png", + [ + 0.21611228585243225, + -0.010211564600467682, + 0.011793849989771843, + -0.13846664130687714, + -0.009277408011257648, + -0.2158181220293045, + -0.016862941905856133, + 0.19005005061626434, + 0.012541955336928368, + 0.016314197331666946, + -0.21569524705410004, + 2.5799036026000977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/72.png", + [ + 0.21666407585144043, + 0.0002502179122529924, + -0.0021232825238257647, + 0.027475794777274132, + -3.008208113897126e-05, + -0.21480751037597656, + -0.028383564203977585, + 0.3260428011417389, + -0.002137763425707817, + 0.028382478281855583, + -0.2147970348596573, + 2.600461959838867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/102.png", + [ + 0.2128201276063919, + 0.01679607294499874, + -0.037059202790260315, + 0.4401090443134308, + 0.01721780374646187, + -0.2159872055053711, + 0.0009864828316494823, + -0.02747836709022522, + -0.036865152418613434, + -0.003913802560418844, + -0.21347959339618683, + 2.585679054260254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/134.png", + [ + 0.2148704081773758, + 0.01846519485116005, + -0.020919742062687874, + 0.24504229426383972, + 0.01641690544784069, + -0.21501271426677704, + -0.021163957193493843, + 0.23928818106651306, + -0.022562896832823753, + 0.01940269209444523, + -0.2146214097738266, + 2.5555014610290527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/70.png", + [ + 0.21666830778121948, + -9.2900256277062e-05, + -0.0016536086332052946, + 0.0218527652323246, + -0.0003147860988974571, + -0.21470004320144653, + -0.02918373793363571, + 0.3360932767391205, + -0.0016260264674201608, + 0.02918528951704502, + -0.21469390392303467, + 2.5982093811035156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/135.png", + [ + 0.2147751748561859, + 0.018358977511525154, + -0.021965233609080315, + 0.2564770579338074, + 0.016043566167354584, + -0.21488115191459656, + -0.022728577256202698, + 0.25712132453918457, + -0.02370923012495041, + 0.02090292237699032, + -0.21435679495334625, + 2.5488829612731934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/130.png", + [ + 0.21538381278514862, + 0.017054051160812378, + -0.01633617654442787, + 0.19747188687324524, + 0.01585054211318493, + -0.21550165116786957, + -0.015990624204277992, + 0.1775638610124588, + -0.017506331205368042, + 0.014700310304760933, + -0.21546538174152374, + 2.5853543281555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/90.png", + [ + 0.2135351151227951, + 0.015831686556339264, + -0.033166248351335526, + 0.39132705330848694, + 0.014715765602886677, + -0.21601234376430511, + -0.008367146365344524, + 0.08299469947814941, + -0.033676229417324066, + 0.005993377882987261, + -0.21395768225193024, + 2.5546679496765137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/122.png", + [ + 0.21643583476543427, + 0.005601642187684774, + 0.008488144725561142, + -0.10297272354364395, + 0.005463706329464912, + -0.21657566726207733, + 0.0036094430834054947, + -0.05451841652393341, + 0.00857758242636919, + -0.0033914269879460335, + -0.21647821366786957, + 2.5958189964294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/15.png", + [ + 0.21628037095069885, + -0.01293469499796629, + 0.0018395493971183896, + -0.01762225665152073, + -0.012929510325193405, + -0.2162875235080719, + -0.0006597754545509815, + -0.004663033410906792, + 0.0018756490899249911, + 0.0005488055176101625, + -0.2166658192873001, + 2.609191417694092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/162.png", + [ + 0.21495167911052704, + 0.006375023163855076, + -0.026514755561947823, + 0.31528469920158386, + 0.006736152805387974, + -0.21655496954917908, + 0.002542142290621996, + -0.04939492419362068, + -0.0264253169298172, + -0.0033462378196418285, + -0.21503116190433502, + 2.610055446624756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/22.png", + [ + 0.2162460833787918, + -0.013592329807579517, + 0.000880086503457278, + -0.00928785465657711, + -0.013504009693861008, + -0.21577338874340057, + -0.014400726184248924, + 0.15881937742233276, + 0.0017798052867874503, + 0.01431739330291748, + -0.21619375050067902, + 2.6041975021362305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/171.png", + [ + 0.21558399498462677, + 0.0026402573566883802, + -0.02155144512653351, + 0.2541334927082062, + 0.0011825623223558068, + -0.21617527306079865, + -0.014654096215963364, + 0.16111215949058533, + -0.02168034203350544, + 0.014462710358202457, + -0.21510158479213715, + 2.582554340362549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/138.png", + [ + 0.21507082879543304, + 0.015420748852193356, + -0.021322162821888924, + 0.24709683656692505, + 0.013353649526834488, + -0.2152431756258011, + -0.02097492106258869, + 0.2346160113811493, + -0.022674085572361946, + 0.019505584612488747, + -0.2146003544330597, + 2.5528440475463867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/109.png", + [ + 0.21351490914821625, + 0.014207938686013222, + -0.03402061387896538, + 0.40448710322380066, + 0.013771952129900455, + -0.21620208024978638, + -0.0038584971334785223, + 0.029812797904014587, + -0.03419943526387215, + 0.0016398626612499356, + -0.21395233273506165, + 2.578850269317627, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/26.png", + [ + 0.2162637859582901, + -0.010966755449771881, + 0.007589537650346756, + -0.0871463418006897, + -0.010260285809636116, + -0.2155829668045044, + -0.019147058948874474, + 0.21596278250217438, + 0.008520408533513546, + 0.018751362338662148, + -0.21569348871707916, + 2.588346481323242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/43.png", + [ + 0.2157655954360962, + -0.016309041529893875, + 0.011274702847003937, + -0.13041269779205322, + -0.01537647657096386, + -0.2154299020767212, + -0.01736108586192131, + 0.19614550471305847, + 0.01251669880002737, + 0.016488131135702133, + -0.2156834900379181, + 2.5717597007751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/84.png", + [ + 0.21654734015464783, + 0.0037255724892020226, + -0.0064241946674883366, + 0.07494042068719864, + 0.0032633019145578146, + -0.21610721945762634, + -0.01532702799886465, + 0.16593801975250244, + -0.0066709090024232864, + 0.015221268869936466, + -0.2160363644361496, + 2.5800695419311523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/136.png", + [ + 0.21493558585643768, + 0.017044492065906525, + -0.02144920639693737, + 0.24955053627490997, + 0.014791121706366539, + -0.21498268842697144, + -0.022617682814598083, + 0.2554076313972473, + -0.023060915991663933, + 0.020971938967704773, + -0.21442078053951263, + 2.5482077598571777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/89.png", + [ + 0.21452966332435608, + 0.014312931336462498, + -0.026833806186914444, + 0.31563282012939453, + 0.01301643904298544, + -0.21599583327770233, + -0.011147186160087585, + 0.1151435375213623, + -0.02748609520494938, + 0.009424830786883831, + -0.21471744775772095, + 2.5644092559814453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/63.png", + [ + 0.21661123633384705, + -0.0006893539102748036, + 0.005195312201976776, + -0.060044415295124054, + 4.868534961133264e-05, + -0.21451811492443085, + -0.03049377351999283, + 0.35273176431655884, + 0.005240620579570532, + 0.03048601746559143, + -0.21445521712303162, + 2.5950050354003906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/88.png", + [ + 0.21527394652366638, + 0.011807410046458244, + -0.02157791145145893, + 0.2536763548851013, + 0.010539272800087929, + -0.21602360904216766, + -0.013061893172562122, + 0.13685470819473267, + -0.022224873304367065, + 0.011927883140742779, + -0.2152014970779419, + 2.5772247314453125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/62.png", + [ + 0.21663305163383484, + -0.0014220988377928734, + 0.003998406231403351, + -0.04580671340227127, + -0.0008537614485248923, + -0.21457745134830475, + -0.030061334371566772, + 0.34739306569099426, + 0.004157007206231356, + 0.03003980964422226, + -0.21454191207885742, + 2.599667549133301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/65.png", + [ + 0.21661114692687988, + -0.0026714918203651905, + 0.004512326326221228, + -0.05225410684943199, + -0.002004365436732769, + -0.2144710272550583, + -0.030757909640669823, + 0.3547743856906891, + 0.004845665767788887, + 0.030707158148288727, + -0.21443293988704681, + 2.592843532562256, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/80.png", + [ + 0.216668039560318, + -0.0003260919766034931, + -0.0016573391621932387, + 0.020269837230443954, + -0.0005290352855809033, + -0.21500280499458313, + -0.02685892954468727, + 0.30217406153678894, + -0.0016041293274611235, + 0.026862161234021187, + -0.2149970680475235, + 2.5947537422180176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/146.png", + [ + 0.21477165818214417, + 0.013791329227387905, + -0.025116292759776115, + 0.2985866665840149, + 0.011880539357662201, + -0.21569190919399261, + -0.01684466376900673, + 0.18719030916690826, + -0.026074543595314026, + 0.015319566242396832, + -0.21455378830432892, + 2.595167636871338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/119.png", + [ + 0.21606799960136414, + 0.008901838213205338, + -0.013537847436964512, + 0.16053713858127594, + 0.008697787299752235, + -0.216471329331398, + -0.0035219190176576376, + 0.025200817734003067, + -0.01366983912885189, + 0.002968620043247938, + -0.2162226140499115, + 2.593407154083252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/180.png", + [ + 0.21566681563854218, + 0.0044301957823336124, + -0.020398279651999474, + 0.2386838048696518, + 0.0037312982603907585, + -0.2165101319551468, + -0.0075724367052316666, + 0.07537490129470825, + -0.020537620410323143, + 0.0071859415620565414, + -0.21557937562465668, + 2.5665526390075684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/145.png", + [ + 0.21477314829826355, + 0.014167284592986107, + -0.024893369525671005, + 0.2950216233730316, + 0.012209947220981121, + -0.215631365776062, + -0.017375797033309937, + 0.1936345249414444, + -0.025909632444381714, + 0.01582053303718567, + -0.21453739702701569, + 2.5884361267089844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/167.png", + [ + 0.21520879864692688, + 0.0039886427111923695, + -0.024842917919158936, + 0.29480141401290894, + 0.003510821145027876, + -0.21660225093364716, + -0.004362994804978371, + 0.038276154547929764, + -0.02491493709385395, + 0.003930943552404642, + -0.21520152688026428, + 2.593977451324463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/189.png", + [ + 0.21532905101776123, + 0.006256303284317255, + -0.023284271359443665, + 0.27082112431526184, + 0.004531293176114559, + -0.21602517366409302, + -0.016139652580022812, + 0.17698554694652557, + -0.023680496960878372, + 0.015552480705082417, + -0.2148144543170929, + 2.5545949935913086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/79.png", + [ + 0.21667049825191498, + -0.0009406894096173346, + -0.0009505308698862791, + 0.011637628078460693, + -0.001053286949172616, + -0.21493463218212128, + -0.02738405019044876, + 0.3093794286251068, + -0.00082401029067114, + 0.02738814800977707, + -0.21493513882160187, + 2.5969953536987305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/176.png", + [ + 0.21563521027565002, + 0.005365763325244188, + -0.02050762251019478, + 0.241692915558815, + 0.004143782891333103, + -0.21624410152435303, + -0.01300828903913498, + 0.13865505158901215, + -0.0207890123128891, + 0.012553689070045948, + -0.21530935168266296, + 2.583620548248291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/185.png", + [ + 0.215641587972641, + 0.005502191837877035, + -0.020404085516929626, + 0.2372218817472458, + 0.003986434545367956, + -0.21603693068027496, + -0.016125965863466263, + 0.17752492427825928, + -0.020753532648086548, + 0.0156736820936203, + -0.21510815620422363, + 2.5494585037231445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/165.png", + [ + 0.21481911838054657, + 0.005812225863337517, + -0.027692370116710663, + 0.331936776638031, + 0.00615066010504961, + -0.21657554805278778, + 0.002256696578115225, + -0.04500225931406021, + -0.027619171887636185, + -0.0030234637670218945, + -0.2148858606815338, + 2.600414276123047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/116.png", + [ + 0.21516628563404083, + 0.011559920385479927, + -0.022753849625587463, + 0.2709028124809265, + 0.011186373420059681, + -0.21634623408317566, + -0.004131836351007223, + 0.03361267223954201, + -0.022939803078770638, + 0.0029283487237989902, + -0.21543696522712708, + 2.584886074066162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/19.png", + [ + 0.2162017673254013, + -0.014055713079869747, + 0.0026712268590927124, + -0.02856418304145336, + -0.013953130692243576, + -0.21608766913414001, + -0.0077023920603096485, + 0.07768970727920532, + 0.0031636462081223726, + 0.007513563614338636, + -0.21652120351791382, + 2.610474109649658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/77.png", + [ + 0.21666023135185242, + -0.0012764777056872845, + -0.0021466887556016445, + 0.02668806165456772, + -0.001539028249680996, + -0.21491201221942902, + -0.027538102120161057, + 0.3130795955657959, + -0.0019669928587973118, + 0.027551520615816116, + -0.21490682661533356, + 2.5991125106811523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/68.png", + [ + 0.21667446196079254, + -9.118788875639439e-05, + 0.00024368010053876787, + -5.273509304970503e-05, + -5.692931154044345e-05, + -0.2146298885345459, + -0.029696861281991005, + 0.34232714772224426, + 0.0002538784174248576, + 0.02969677560031414, + -0.21462975442409515, + 2.5967254638671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/143.png", + [ + 0.214871346950531, + 0.014033508487045765, + -0.02410934679210186, + 0.2832716107368469, + 0.012189202010631561, + -0.21567021310329437, + -0.01690213568508625, + 0.18728365004062653, + -0.025092296302318573, + 0.01540517807006836, + -0.2146647423505783, + 2.5766711235046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/183.png", + [ + 0.21561263501644135, + 0.005425773095339537, + -0.020727958530187607, + 0.24079535901546478, + 0.003962925169616938, + -0.21609440445899963, + -0.015342683531343937, + 0.16749078035354614, + -0.0210566483438015, + 0.01488837506622076, + -0.21513448655605316, + 2.5531086921691895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/86.png", + [ + 0.2162349373102188, + 0.0068568275310099125, + -0.011971686966717243, + 0.13972711563110352, + 0.0059733157977461815, + -0.21601296961307526, + -0.015831006690859795, + 0.16968923807144165, + -0.012436113320291042, + 0.015468845143914223, + -0.215763658285141, + 2.587913990020752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/1.png", + [ + 0.21637395024299622, + -0.010439957492053509, + -0.00460706977173686, + 0.06067506596446037, + -0.010216975584626198, + -0.21619893610477448, + 0.010075964033603668, + -0.1453954130411148, + -0.005082441959530115, + -0.009844740852713585, + -0.2163911759853363, + 2.725123882293701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/81.png", + [ + 0.2166321575641632, + 0.0018143904162570834, + -0.0038878493942320347, + 0.046610407531261444, + 0.0013747276971116662, + -0.21534819900989532, + -0.023898938670754433, + 0.2694263458251953, + -0.004064173437654972, + 0.023869585245847702, + -0.2153174877166748, + 2.6042866706848145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/95.png", + [ + 0.21211734414100647, + 0.017533879727125168, + -0.04057946428656578, + 0.4772753119468689, + 0.017691312357783318, + -0.21594959497451782, + -0.0008329338161274791, + -0.00567970983684063, + -0.040511079132556915, + -0.002497865119948983, + -0.21283917129039764, + 2.5468459129333496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/200.png", + [ + 0.21546319127082825, + 0.007385787554085255, + -0.021655477583408356, + 0.2534002661705017, + 0.006936967372894287, + -0.2165098488330841, + -0.004822554532438517, + 0.044675517827272415, + -0.021803395822644234, + 0.004102278500795364, + -0.21553578972816467, + 2.5518579483032227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/199.png", + [ + 0.21526779234409332, + 0.007982638664543629, + -0.02332250587642193, + 0.2730953097343445, + 0.0069609517231583595, + -0.216341033577919, + -0.009797555394470692, + 0.10147002339363098, + -0.023647556081414223, + 0.00898467656224966, + -0.21519285440444946, + 2.563385009765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/103.png", + [ + 0.21266378462314606, + 0.015781305730342865, + -0.03837912902235985, + 0.45794129371643066, + 0.01579512283205986, + -0.2160940319299698, + -0.001333927153609693, + -0.0004059411585330963, + -0.038373444229364395, + -0.0014885228592902422, + -0.21324436366558075, + 2.586670398712158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/196.png", + [ + 0.21520297229290009, + 0.007302712183445692, + -0.02412981539964676, + 0.283200204372406, + 0.005565962754189968, + -0.21603049337863922, + -0.01573972962796688, + 0.17155522108078003, + -0.024588568136096, + 0.015012973919510841, + -0.21475081145763397, + 2.57022762298584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/150.png", + [ + 0.21449033915996552, + 0.013892426155507565, + -0.027364036068320274, + 0.3288148045539856, + 0.012603869661688805, + -0.21603375673294067, + -0.010883807204663754, + 0.1149122416973114, + -0.027980929240584373, + 0.009182333946228027, + -0.2146640419960022, + 2.609827995300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/83.png", + [ + 0.2165805548429489, + 0.0031645100098103285, + -0.005544829647988081, + 0.06489420682191849, + 0.00271534058265388, + -0.21597394347190857, + -0.01719830557703972, + 0.1882605403661728, + -0.005778077989816666, + 0.01712135225534439, + -0.21591982245445251, + 2.5780892372131348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/142.png", + [ + 0.21516665816307068, + 0.01344706304371357, + -0.021688243374228477, + 0.2540186941623688, + 0.011734336614608765, + -0.215663880109787, + -0.01730005070567131, + 0.19173254072666168, + -0.02266073226928711, + 0.01600509136915207, + -0.2148911952972412, + 2.5717267990112305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/186.png", + [ + 0.21565409004688263, + 0.005020390264689922, + -0.0203963965177536, + 0.23705026507377625, + 0.003522431943565607, + -0.21605896949768066, + -0.015937788411974907, + 0.17488978803157806, + -0.02070772461593151, + 0.015531141310930252, + -0.21512292325496674, + 2.551102638244629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/195.png", + [ + 0.21527980268001556, + 0.006249985191971064, + -0.023736940696835518, + 0.2785128653049469, + 0.004481381271034479, + -0.21601909399032593, + -0.016234831884503365, + 0.17787079513072968, + -0.02413341775536537, + 0.015639381483197212, + -0.21475772559642792, + 2.5694546699523926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/51.png", + [ + 0.21653325855731964, + -0.007247489411383867, + 0.0029537843074649572, + -0.032870545983314514, + -0.0069429329596459866, + -0.21562808752059937, + -0.02010524459183216, + 0.22587960958480835, + 0.003612011671066284, + 0.019997475668787956, + -0.21571959555149078, + 2.6203131675720215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/128.png", + [ + 0.21573564410209656, + 0.016800574958324432, + -0.011125219985842705, + 0.13571850955486298, + 0.016204487532377243, + -0.21575671434402466, + -0.011590930633246899, + 0.1247008740901947, + -0.011976830661296844, + 0.010708675719797611, + -0.21607814729213715, + 2.605480670928955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/168.png", + [ + 0.21544671058654785, + 0.0025759658310562372, + -0.02289045974612236, + 0.27046331763267517, + 0.0016965399263426661, + -0.2165052443742752, + -0.008396342396736145, + 0.08661402761936188, + -0.022972386330366135, + 0.008169529028236866, + -0.21529844403266907, + 2.590794563293457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "WRA_VickyHartzler_000/93.png", + [ + 0.21212194859981537, + 0.01748592220246792, + -0.04057604447007179, + 0.477558970451355, + 0.017281461507081985, + -0.21596716344356537, + -0.0027259434573352337, + 0.0169643796980381, + -0.04066355153918266, + -0.000567582726944238, + -0.2128239870071411, + 2.5426082611083984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ] + ] +} \ No newline at end of file diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/.DS_Store b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..ba59e5359b8006046035c0a9ec41b95d5adf7441 Binary files /dev/null and b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/.DS_Store differ diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/0.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/0.npy new file mode 100644 index 0000000000000000000000000000000000000000..2e44795ed16c651c517f80375e50be4fe228f980 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/0.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f76ef7c4d3259009a19b36dc0ddde14e1e0049932b9733ff47dcd4ee66aad89 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/1.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/1.npy new file mode 100644 index 0000000000000000000000000000000000000000..cbf37b50a4f1ce694f538615c9e3be0dd6f39271 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/1.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88a7d8f4e9b5a26940af9789fb3f82a857c2957fed2cd073d5fd0b842863d4be +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/10.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/10.npy new file mode 100644 index 0000000000000000000000000000000000000000..39b3af7f8fa27b25ac89d8ca2feeb03436f5ddbb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/10.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bf613c21311576002bbfc828ce283aee35bf71c69f3f147203a89a9c5e86861 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/100.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/100.npy new file mode 100644 index 0000000000000000000000000000000000000000..2dd188aee042e55d84fad5cfa8ae2c71b3728aaf --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/100.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30259a9832cea0a70a99d3bd7b23f59d2863626375e80a3db5ab16cb4a401673 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/101.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/101.npy new file mode 100644 index 0000000000000000000000000000000000000000..4224dcd03b15fa287a47f540cad73ae590aa1b63 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/101.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8de7ddf4db359d1144cf11abafc70933c052bf31e4489f685c44d8927cccfd7 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/102.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/102.npy new file mode 100644 index 0000000000000000000000000000000000000000..b3490d88fa726e5d8e010071cc6c00f833f4e2cc --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/102.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e14d13326013d2c8856d0e68869e09c4ad578fe5626d160dc589ed52ffdafc58 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/103.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/103.npy new file mode 100644 index 0000000000000000000000000000000000000000..8da5ac9b9d0a8d1e247ef01d403fe5d9f70ada1f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/103.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c91815fec517638bdd7766dab877b32d419e96d1a486338a4869e4c36483b431 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/104.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/104.npy new file mode 100644 index 0000000000000000000000000000000000000000..0fb8dee38b9154942592423db82440fc7a7c2601 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/104.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab0e50a6c1929c16dd2730b3b4b21cdd83cd28e3e534bd64882e161713bd29d3 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/105.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/105.npy new file mode 100644 index 0000000000000000000000000000000000000000..4203a67631c26a6a45b5ed53e7e691e061a3eb9e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/105.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3b4d644697b5eac0dff355d0108091be3400d7ace5ac80c11db4d4acd142c34 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/106.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/106.npy new file mode 100644 index 0000000000000000000000000000000000000000..bdf313999882bfbffe326dd6862d6f8df0f87d4e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/106.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26b3078e0e64b862fa13db72c8f50e0906b2c1fea01b82325599d10c543ffde0 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/107.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/107.npy new file mode 100644 index 0000000000000000000000000000000000000000..b3d641dd0f8b5884b48d8cd8f6bf78669af996c3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/107.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95e346fdf344a0c10cf60e8667784780d28f4990e650167a75a1eb1923c485f6 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/108.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/108.npy new file mode 100644 index 0000000000000000000000000000000000000000..018d549261498b31790fdd92d9ed278e1713285e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/108.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7532640718edc7d4d4dc0b910d67437bbdaf9aacc0a5c037ca293270817fab26 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/109.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/109.npy new file mode 100644 index 0000000000000000000000000000000000000000..758c67af59be870160e487b94a9bedc072e698fa --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/109.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b651463b4863719ab39d1b82afbe65501f085f255e45f445b3be185e6de903cf +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/11.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/11.npy new file mode 100644 index 0000000000000000000000000000000000000000..6601c7257dd6d54221efd9de304bf4ad86710ffa --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/11.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c65369c87e843d480904ea1ea8b7c19a306bea4245442e4fcd0dc05f7c94f772 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/110.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/110.npy new file mode 100644 index 0000000000000000000000000000000000000000..66fd3a8321854d3e722cd3ee03ff349048360206 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/110.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3e44e84ac794da90c4d9c1a0eeba92cbff8f7c5039eea7d0ed60dfc9b831710 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/111.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/111.npy new file mode 100644 index 0000000000000000000000000000000000000000..c8c5e4d653aa2eb471a99022510d5ee63aa2cba7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/111.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bdd8ce3f229022ba463ee26b60d0d48b7e6d7d434fbba33728392aad20c86ed +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/112.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/112.npy new file mode 100644 index 0000000000000000000000000000000000000000..73d28454e2166009d6a0336dedf1a8bd6051b1f7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/112.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c3cd4e9af785ec809d063dbd989198d1d6b11b9033799be4f72948185860905 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/113.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/113.npy new file mode 100644 index 0000000000000000000000000000000000000000..82fd29d91c913d13008401b82828b1b79a391b51 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/113.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c85b6e5c2b0f786e73c8d7f54d1f032304ded355259897c0710d1f013f7e4c1 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/114.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/114.npy new file mode 100644 index 0000000000000000000000000000000000000000..2c2dff59102536c03163652fdd35d32a9f6f3e47 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/114.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c4a7ba29955ff6213a52af8c7c3e583f2fa823073fb6e5deb463e853a4491d0 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/115.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/115.npy new file mode 100644 index 0000000000000000000000000000000000000000..6c4501e3b88d24a168333778fa891f34a5f641b4 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/115.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94fd669efe43ea3774e7ee43669027a026f67531edf53280b9869f461f88ff3b +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/116.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/116.npy new file mode 100644 index 0000000000000000000000000000000000000000..d44bcaf9f21cbc438739b86d279d5112d69798c4 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/116.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:472e5bcac105c9f6142ce96dd4ef37f4aa5ea3afcc2f28469b1d34ed77fa854b +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/117.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/117.npy new file mode 100644 index 0000000000000000000000000000000000000000..958675a4ccc31241cfbe5db9b6bd8efd9b9bdd82 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/117.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e2b9d3f0b2a4c0676816eb258bc9bb6649ae038d86c0f4ab099ab581f992611 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/118.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/118.npy new file mode 100644 index 0000000000000000000000000000000000000000..9cd524adb0dfcb66fe3704175085d5eb44aa1b15 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/118.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15ee36be0035f52d7fad6f26560881fbbb15dc995ec8baa73545147874e27886 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/119.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/119.npy new file mode 100644 index 0000000000000000000000000000000000000000..06716d61397ac0d8da3ff0f13d4f2022a8d5aa15 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/119.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71b1539a1c9a3a0e8ad97e399e6cae0cf12a7da44ad5b5a4dba4ef1d0c85806f +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/12.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/12.npy new file mode 100644 index 0000000000000000000000000000000000000000..ec74d9e21d0ae25aab459d7b928862ed7ac38f5c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/12.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d7feb4ab3e5a605f4b29e234a93e58e1e83e6e1328cae9f8b8a1109bac856cd +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/120.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/120.npy new file mode 100644 index 0000000000000000000000000000000000000000..cb5d388c5fecea7c7e45e99f783ec4ce4f862519 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/120.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f75306a10ce6da9c960c1f75cda157b4dd5d9ec24d4d6fc7ce919d0737bae00 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/121.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/121.npy new file mode 100644 index 0000000000000000000000000000000000000000..6da210431520f215e0007bd8188f8dd112d95fdd --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/121.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63b9dec51c6badba2b0ca949ab0ea20bb54cf90e36ed17aad06c780b58320fd8 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/122.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/122.npy new file mode 100644 index 0000000000000000000000000000000000000000..f714cc49c952ffc624329067f279568f0f629a73 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/122.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e349c4a57168895273ac758083b9a4e62bf47aa5bf86c15723b3228fd008266 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/123.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/123.npy new file mode 100644 index 0000000000000000000000000000000000000000..5d7cc93f3b548d3c769687484a0dd24bed1c970c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/123.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0552db067b0ade9a08d2e169809fb3933b4466be7ecabb37fd92674b7dae7dd1 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/124.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/124.npy new file mode 100644 index 0000000000000000000000000000000000000000..dec474b14299aeda3a3b13270cac75dc1d8f2eae --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/124.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29b4186f9bb303e0360ceaf3f6cb684642bb2e496b8eeb16ea366b57069164a9 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/125.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/125.npy new file mode 100644 index 0000000000000000000000000000000000000000..63fd127b56aa633afca05d7e22a8a842d2cd8623 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/125.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d1e54b1301b366f43edbad624de239e75e392f9eaa17b259ef02eac0c4c7282 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/126.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/126.npy new file mode 100644 index 0000000000000000000000000000000000000000..ad94aa3a9d4be677168ff9b0872c7e678b970d1a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/126.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8a58196551b0d34ecac9fa685faeb9ed29e48e1a889c48fb8a282cfe2b320c0 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/127.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/127.npy new file mode 100644 index 0000000000000000000000000000000000000000..e6913d80f524a6b08041908a073dda17e6a4ff54 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/127.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6e1bd492dc587fc88b63c7073bebe6bac0b931b11a0d3b975317d89ed54950f +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/128.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/128.npy new file mode 100644 index 0000000000000000000000000000000000000000..12a05e3d3e7df40d1ab088bdbfe0fa4fb69428e1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/128.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0557e0286a386bf16c1289f2580e5ad097f7206169a07356507234ff9c30c996 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/129.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/129.npy new file mode 100644 index 0000000000000000000000000000000000000000..7b088b1e9c0d92422558d2a6e4dbf7c5c2582692 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/129.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8537025ce05e84ed30e516a68cbb3c853a3b938175f55740d17a2a4bcf2a6dfe +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/13.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/13.npy new file mode 100644 index 0000000000000000000000000000000000000000..8474804a1ad4f7bd16640dbcab27c771002f1932 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/13.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:956abc80ef1fc1f6f84609d5d288026a33c7c4410d474d17703ebaf1d75f1870 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/130.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/130.npy new file mode 100644 index 0000000000000000000000000000000000000000..f17da86dfe0ce09e4a2da859c1cc6c56304fc79f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/130.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:977a111822b54d7f7c51243055aa1bb4c31d77ad727a61de904226af7ae2f7f3 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/131.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/131.npy new file mode 100644 index 0000000000000000000000000000000000000000..94722983c5123bfecf5f93144de62fdca656c795 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/131.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11e1a7bdcf0f0bb5f0686b29ddbea2643d0cb1263dca92eed2872b51f1936c2c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/132.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/132.npy new file mode 100644 index 0000000000000000000000000000000000000000..8c5ac7505e7eda5d28ad8f8d64adae016a10dbea --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/132.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8dffd74086376abb99f8a7f86e52c873fe09dc521ddec66ff6fdd2311f89dc93 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/133.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/133.npy new file mode 100644 index 0000000000000000000000000000000000000000..e5005597e4320afac74a92d63eed9ab6e2d67e7e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/133.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a11456711f620b0f9f6740a86a39d064922477ca79516537d34c834bd4fff913 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/134.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/134.npy new file mode 100644 index 0000000000000000000000000000000000000000..d8ed87975c43cf9a450e79fc9a4fb0b6c5c44c6f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/134.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:015c60f7b31b8c3c26b6ad7adf457ca76f94e87ab0581dc391036c9c12eee010 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/135.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/135.npy new file mode 100644 index 0000000000000000000000000000000000000000..4ac7f42672735f91d3dc94ef4d9e022b87f8e45c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/135.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ab3c741b2f1bcecf463201985418ed000b4f03bebb92b7d073dff42390a7034 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/136.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/136.npy new file mode 100644 index 0000000000000000000000000000000000000000..ef5a1425ecbc8909dbf54651c3f8fde001f5c49c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/136.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58748907f82617787da6ef7d38232060998e8d3eed3b328eb392ec87540c90d9 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/137.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/137.npy new file mode 100644 index 0000000000000000000000000000000000000000..ec1b19af86d6c166cc0641f1a16442e50b916fb4 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/137.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb8710c2d1473afaf02e030cc5711c127d1a6cec485909b83d271e71d6bc6a3d +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/138.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/138.npy new file mode 100644 index 0000000000000000000000000000000000000000..9c6a74871f3512da8fec18f15c8a7d3f0d881b18 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/138.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5c740d0d82adbe4ce80ee090037ce23f482298d4348ad0ffd4d9a49f5f29e54 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/139.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/139.npy new file mode 100644 index 0000000000000000000000000000000000000000..baf2c709d98f7dabac9295763b251f96c4d88dc2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/139.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3b074b63fd757b51e9dc89458e4bf49507fabdcad762665e6a93a4a8632a5eb +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/14.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/14.npy new file mode 100644 index 0000000000000000000000000000000000000000..61115e05b0b2f2219b049f516aed8cff5f5c9853 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/14.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42c111638c329ce91f208fb11c611090733cc6853e3722b89ddffdcc675508fe +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/140.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/140.npy new file mode 100644 index 0000000000000000000000000000000000000000..066c6606b8c32b5f4b41b80f089269923ca7c005 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/140.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0258414760b48af4e12dcca2c51e531cc080618ef6556ef35e3c1231a08dac84 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/141.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/141.npy new file mode 100644 index 0000000000000000000000000000000000000000..8e8445dc9b977cd336e11cb257e2564dceb10717 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/141.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4bcc1dd2176afccf92b054d822b69d8cc86d8f2af32eff5924ae1e65598bb4e1 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/142.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/142.npy new file mode 100644 index 0000000000000000000000000000000000000000..bc9d7a154cc5ac820d38e5ee486ed5e6d484873b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/142.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b739baabe153b383c5c536897095eafc5a82b1686e77dd81a90b96037581a985 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/143.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/143.npy new file mode 100644 index 0000000000000000000000000000000000000000..12a1db18d42b328b7aa7085cd3f2aed659e58f64 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/143.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a3aac88dfc4f5c2df00a778aafc87ad0eb774e2cb06fd5dac22558541da8010 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/144.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/144.npy new file mode 100644 index 0000000000000000000000000000000000000000..e40af47deb95f5b545aa08272287f496a55b015e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/144.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03f59b60b22d4a159f4ccb4c60a2d25e54fb235f8abda2e3b1520cf906eeb102 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/145.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/145.npy new file mode 100644 index 0000000000000000000000000000000000000000..4eb0c9de00d37e0ec06b6c08fdce344a8c710fb1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/145.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dba4f5a927eb30ff6ce23fa600ef87dfd6f09daafb0899cbd3c85f049b529f0c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/146.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/146.npy new file mode 100644 index 0000000000000000000000000000000000000000..e2dcef5bae40e0772f106a948c386a21ec900eae --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/146.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f24f9473f3a0bef3fc6b12a687b1287d990d8ec4f6636ecdf91271e7bb541cc0 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/147.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/147.npy new file mode 100644 index 0000000000000000000000000000000000000000..6a46fa046b5346d533ffd40e3dd50b1724e874e5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/147.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36dab5a7c5c6dbab6f40f2d672e5b7314c367944245d7d4db797a02de8659856 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/148.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/148.npy new file mode 100644 index 0000000000000000000000000000000000000000..7f125050c1606efaf73ae39270b3224de6cf5222 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/148.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0abee64918654e735d694c4f232860eae9c0e2de29f66806268cf050ca78ac42 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/149.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/149.npy new file mode 100644 index 0000000000000000000000000000000000000000..f42d1ec2d19dd9867642e37e33141306f2669215 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/149.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e857b358b0c60a47b661141bbf15bc9419d27d42639e699459f00a82cc068688 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/15.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/15.npy new file mode 100644 index 0000000000000000000000000000000000000000..b0b4a9a98a900e9c82606cfe890b69d1166f95c0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/15.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73298f88279878c4e2df1e33d839420dd5e7739162cfe679aa307028a5088176 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/150.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/150.npy new file mode 100644 index 0000000000000000000000000000000000000000..81d85cf5b1ba80d54551a0c6287ed8acffdabc6b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/150.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:856f2f0a810039725d011080c604099649a85c595a5d9a66c957ba6dc1a646d4 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/151.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/151.npy new file mode 100644 index 0000000000000000000000000000000000000000..d4d614cd03a1111cfd194ad6b36cc8b9d55b47e1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/151.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba0e2e166a6dca2f1bfd3df58f42a2c76318123a2f673f533793a9b91ad26768 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/152.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/152.npy new file mode 100644 index 0000000000000000000000000000000000000000..91e1be7c9362c8b8d642d255ab39ce11b791637d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/152.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95717627c62b4b1acf21c791f787b259429bcbf9a0209baf6a57bd20fa3569c9 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/153.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/153.npy new file mode 100644 index 0000000000000000000000000000000000000000..5bfa972a81f222010b4f67dc6276853039a3866a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/153.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d07321e612ee22ee1e280978afa975484a55a4b5ef492111438e138803b39e8 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/154.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/154.npy new file mode 100644 index 0000000000000000000000000000000000000000..51431dc4d2fb931f65de72aa71c29fa761d455cb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/154.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:502ee16b27b6b8b7520ed6eea8bacd09ee979a2acd3c098c10fb78c5ea00ab1f +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/155.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/155.npy new file mode 100644 index 0000000000000000000000000000000000000000..c449111ddbd946ef3dd06fde2d2d166b57903e31 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/155.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb6968b2356baf0a92689911d3b29ef3a16efd1fa70cf237ccc0557ed439ec93 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/156.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/156.npy new file mode 100644 index 0000000000000000000000000000000000000000..b9a765f41c8a403580ae1548e4304fd7ecf392fa --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/156.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3355893c3f867f9cbf5d08a39c8a2afa3da37a263da7d3d71f5231d57c229937 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/157.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/157.npy new file mode 100644 index 0000000000000000000000000000000000000000..98622bcde1c7dea22474c7c5af64c2fb27029dc2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/157.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2a24d6ca2006dbc0d330fe3dae19877a1bde109d29024ba54645caac66c5896 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/158.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/158.npy new file mode 100644 index 0000000000000000000000000000000000000000..6c981a969aae2c96d9661a85d42905c271173db8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/158.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1384609ba1639c4ca465992167cfbccdbbeb39b8397b416fc92de3108a62a06b +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/159.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/159.npy new file mode 100644 index 0000000000000000000000000000000000000000..bbade3b93ad0b3e368f9802c02a038aab30b964b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/159.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:833ad63e36ed3717f86463a274d82b775cdeda3406ae4db89b3c267512d9de6f +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/16.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/16.npy new file mode 100644 index 0000000000000000000000000000000000000000..501e1804aa1ffe20a44d6d6340ea739c17bb8635 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/16.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa9b9b08ee4fccb19192e5ef977212d83e6708285a4cd3740538ea2681f557d7 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/160.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/160.npy new file mode 100644 index 0000000000000000000000000000000000000000..efb731ec29decd6aa7553c4c111cbe976bde2108 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/160.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc87d34511f2158c9dc7abb8e1a7e8a011661c47246960562bb739c98c05f8c9 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/161.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/161.npy new file mode 100644 index 0000000000000000000000000000000000000000..144cbb3a8f3f23d38b2431740b34a7a02cc96002 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/161.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6228c42a549ca5bcf661aa06c1f23e8d29cbc09eb41bac2fbf7f88e1c4a59172 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/162.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/162.npy new file mode 100644 index 0000000000000000000000000000000000000000..52104327290d6e2a9aa1cf077350095654a1daaa --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/162.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19a2d60b2103c1d5e5fbdb517d2db803958f73753deeb3e79974efabe8e1c83b +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/163.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/163.npy new file mode 100644 index 0000000000000000000000000000000000000000..0e8c8a64e22e525e90686ce8865cf558ab302557 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/163.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c07b16aac7a9b4152d8ef887e7c9747da419bd5d9cbc2dccfe94890d2cd34a4 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/164.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/164.npy new file mode 100644 index 0000000000000000000000000000000000000000..f2cf20ef7d268f727af010db5b846514a62862cc --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/164.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16765d99956561f0b765a4f177129985f4e5a0dd23c93128b19e8c2fa405f0a7 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/165.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/165.npy new file mode 100644 index 0000000000000000000000000000000000000000..0c8ea6ccf27cf3b604300c58a5edc5e6b7722bdb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/165.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a23608082bd1e2a46c0cf9085d60163fba9f0d3d8414c570df9ccb1a7a891e2 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/166.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/166.npy new file mode 100644 index 0000000000000000000000000000000000000000..7675bd12afa9f2091cc54e9ff4b2761d14395028 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/166.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a1ec28a6aeef69f1525d01832aca29c60d1305c7cd345601c34c5669169e92d +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/167.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/167.npy new file mode 100644 index 0000000000000000000000000000000000000000..f749367994ae5a9e5ad6ad1205d375b8bfa90de9 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/167.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac6458e9f7bd965abf081d60a9f08df474915c4b2cc43a495408f1c5f4d3c4db +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/168.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/168.npy new file mode 100644 index 0000000000000000000000000000000000000000..8908dba0f01717e2ae0d32eb0f7bd3f6315269ca --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/168.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25d7a2e77f29d3388bcb13ce610b736f6c016209a01d3daec47af52631385498 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/169.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/169.npy new file mode 100644 index 0000000000000000000000000000000000000000..bacf4f4a052f1356b1ac2254f150331f9f013485 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/169.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:def7bd01b96fee80cce35413317705ee9564194e75488293d113b2dbbe0331a7 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/17.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/17.npy new file mode 100644 index 0000000000000000000000000000000000000000..2c68c23b6284347b797cde50e413db6d84edfa2a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/17.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab0eae887f127b7c9b35c41666161aa2bf52e6c76522d36000fe03f426d99c4c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/170.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/170.npy new file mode 100644 index 0000000000000000000000000000000000000000..7cb86cc0284499ecd645ec6eab71ccc23834fe1c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/170.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52998da4eac063f5dbafeebe3855a7f9dfa150c53dda5225c001d8bc786e4b89 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/171.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/171.npy new file mode 100644 index 0000000000000000000000000000000000000000..d6ac04e46c282058ef847022b72018d9cc09aa89 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/171.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a74c8ec4d0110ddc374ee388b0bcb14dc672850b4ad50a1d02d6993f4220a34 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/172.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/172.npy new file mode 100644 index 0000000000000000000000000000000000000000..e9cf8cda219eec4a74099ad240864f07ec01889e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/172.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b0d78a30e4edc9fa9d4378aec85e3e9b8943bde831d4f94cd7878a89c12334c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/173.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/173.npy new file mode 100644 index 0000000000000000000000000000000000000000..49951aba8d47a9d2b655ad67c40434e407aa9115 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/173.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d066cbe66c1733394b020c0ced91444e21cf3dafe87196b6de42689d40b96dbb +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/174.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/174.npy new file mode 100644 index 0000000000000000000000000000000000000000..12ed1c4aaef8271eaabf0372c0482dcd67d7a4e2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/174.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea765744b90634a04f6919e9fb6438c4b2d7bb2a629b39761bddcca7714dfe8c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/175.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/175.npy new file mode 100644 index 0000000000000000000000000000000000000000..958048f9db12a6ce290dfdc56a112ea71824d94d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/175.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88f026a37d28004d4b803b7208c424b2b264c1946adba80dcbf0dd3768cbe995 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/176.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/176.npy new file mode 100644 index 0000000000000000000000000000000000000000..01b3fd504cb17dbb3a085781d6eebccd75d5d9d1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/176.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d21a525a1af3d96d6b705cd1603a8efb90a419d91ea6adfce90dd0367e651495 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/177.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/177.npy new file mode 100644 index 0000000000000000000000000000000000000000..7d76cd31685925c86d4370c69dbd1fe6a6789384 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/177.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:177391b9ddc441fca3b6468ee78ddce00b9092cf4e8242c2970b8ae02edb1094 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/178.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/178.npy new file mode 100644 index 0000000000000000000000000000000000000000..3b42276c9d90470e72d51f3d3c4b0af21f318852 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/178.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13d47e2b99b59db83bb610fc81ed199766ea1a5b8484952c8333006d254ffbd8 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/179.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/179.npy new file mode 100644 index 0000000000000000000000000000000000000000..6ed4c1dd86f98535609248e32f9448c94f152857 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/179.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2366eeb0b806863e3dce7e1ca6a2ff96122706442169960bb707ae2daa6bbe17 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/18.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/18.npy new file mode 100644 index 0000000000000000000000000000000000000000..5bce8d3dcedb0665f3c0cad2c5135826051ee56d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/18.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f07a874030e8c72636cdd4011ab3dc04f7cef49440a4d7a32e3afecd4091a4c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/180.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/180.npy new file mode 100644 index 0000000000000000000000000000000000000000..afcc93b2cdb99e46f14d38a21cced5a2fd16849b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/180.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35b87d7db8524e46c2747ac6b45cd918da38595bd45363cfc3646152ca9dd2f7 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/181.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/181.npy new file mode 100644 index 0000000000000000000000000000000000000000..53fa8253c8b94b55a01dd14c29f457930d5f33f1 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/181.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:219093031d90fa103dffbcf6ffc9443a42f649f160f94c509b0cb567483d887f +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/182.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/182.npy new file mode 100644 index 0000000000000000000000000000000000000000..230fb665f8cf576cf5ca484b9f2820d0704b5d35 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/182.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dc734796f89c19ffd79823b81e5b48f088d49b6bfd1227370998683e514e2dc +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/183.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/183.npy new file mode 100644 index 0000000000000000000000000000000000000000..4f9a47ab44b7db2234d5b3056778908e9094a9b4 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/183.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a36d8c902de3dbbe8f474293f46a1854c1a3c14faf6415391301dad41be2b50 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/184.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/184.npy new file mode 100644 index 0000000000000000000000000000000000000000..7b902cc9908cba70d884bf7905ea76dfe3818d60 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/184.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1553ed356e24436a2429fbb6f3a72a87efd24aa142ac309ffd356a8a65cfe61e +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/185.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/185.npy new file mode 100644 index 0000000000000000000000000000000000000000..ad0ee32893c0d217960fb4fa9102fd5c9d4f1bd0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/185.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:865b94bd98d59bfc020a4384f8a7804a9d37045e7276d7aebdfe5851c28b5e27 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/186.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/186.npy new file mode 100644 index 0000000000000000000000000000000000000000..f503ad1ef18321d9d113f05d178d1d76751c37d8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/186.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd0679566bf2a69d45d557e9fa457cb718b45341cb12926128727c1cf6004293 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/187.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/187.npy new file mode 100644 index 0000000000000000000000000000000000000000..c816070726457e492c47329bc663dd52e25ad028 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/187.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06cb2c118f710c1a88a3579d13eca97d6faad8ce59c667dc38901947dac2ebf7 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/188.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/188.npy new file mode 100644 index 0000000000000000000000000000000000000000..43fe2e4825c809b55bdf3c8dabd0b500a68374df --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/188.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7cb4f22f79f81484f92ecda6a198cfde53f71f0dffadb71981f647af64a443f +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/189.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/189.npy new file mode 100644 index 0000000000000000000000000000000000000000..c6c24491e2da5aef0ff3a73f3ac002d4caa6d37e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/189.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20e4182131d871074a9f29a810324edd331cea3f0785b00b472ff5bb914e8390 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/19.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/19.npy new file mode 100644 index 0000000000000000000000000000000000000000..c93e8cecc42625637d3b8a63b6739b7c080fe032 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/19.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45b5bbbcb69e8994af428bafe0cbc1493ff1542230e00bd3844840a92dc451d7 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/190.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/190.npy new file mode 100644 index 0000000000000000000000000000000000000000..0086ca47f6dbc3a1a248ad5d41afc4ce377f8c84 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/190.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd976ce063d389f23c034d45e441997e462670f8d54cbf5b4445a36bc5a887f0 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/191.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/191.npy new file mode 100644 index 0000000000000000000000000000000000000000..91aa8fabe675facec92e8bcebe195f9005e18d53 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/191.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3c01db7232b2d9edefa725b308bd14ff45c908bb85a8233c57ea982b8341834 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/192.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/192.npy new file mode 100644 index 0000000000000000000000000000000000000000..5e281df51d78039db9cf508e73a6744ab350500f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/192.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e2d4e3d228d44b2af63f7ccbc4cc848be0b10fe9cb4961683598aca284c2f63 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/193.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/193.npy new file mode 100644 index 0000000000000000000000000000000000000000..1cca273b38d368afc6b94270fc604675c61840cf --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/193.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e53ebb6d4b549ca6bf8ffed0b6d786ab94ccb06d9c1268cc4bc29c32bf866ebd +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/194.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/194.npy new file mode 100644 index 0000000000000000000000000000000000000000..e500569aa73ab0c924389fe55a45229b45b7d10a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/194.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3542e2914caef4c9bb1648cc1c4a02d1b9ad07290696ff43a255926ac6679a89 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/195.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/195.npy new file mode 100644 index 0000000000000000000000000000000000000000..0dad2e2b95c54dc9821c837bce7ce9921541776d --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/195.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0570c9eb35902d7420b4d3e8e36d9ffc90b5b03e325ea76bdc79905d50d4492 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/196.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/196.npy new file mode 100644 index 0000000000000000000000000000000000000000..002df74bc80aa8ef3db9c7821253a600ec8bfa01 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/196.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c5e6d229b56064b509bf2174e212198e565dab52bddcaa62f810c48f1db752c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/197.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/197.npy new file mode 100644 index 0000000000000000000000000000000000000000..86445c007372c857a39486e881c072f851dae5e7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/197.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af195ed684fb62c4ece6a5dc95660c9b73038a35167da9360fb8799f05a3f3c5 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/198.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/198.npy new file mode 100644 index 0000000000000000000000000000000000000000..87535fafeb37a31555f6544c36e3ce87f821381f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/198.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13fd7e67a14cfbb9fb5b37e1a34f9ab37458efca2f5b0171693296608440579a +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/199.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/199.npy new file mode 100644 index 0000000000000000000000000000000000000000..5e9b19da1485e6075a31afd7a66ca77c29dfa186 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/199.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:637af3c3c008f083b816e42ca65666bd6612144814af8a47b1f4aa8cdb722190 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/2.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/2.npy new file mode 100644 index 0000000000000000000000000000000000000000..5d0bb932d0692d2dc5f3eb0c759962ea912d12d7 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/2.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24aad95be04f8e182cbcb992ec38bf44d3a73f5a62798a8897110a4e2ed12c06 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/20.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/20.npy new file mode 100644 index 0000000000000000000000000000000000000000..4a3dc4df99a25ce1ab2397a6087e6e5d6a569161 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/20.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:013bf1c28c7532f58a3c410532b8b615c9dafc83fc4c035aa4edf3d6a2ae1447 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/200.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/200.npy new file mode 100644 index 0000000000000000000000000000000000000000..012121cf3716cd7bcb432d5fc4a9d64ca22d2679 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/200.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:692e43660e2e36223d28fc4aaaf5460c3afcbf3f1ca936937b4cef15fa37c80b +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/21.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/21.npy new file mode 100644 index 0000000000000000000000000000000000000000..fff96b099908922a0c158a2aca936560f88b9ffd --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/21.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:385409673ccf92dff3de97734c4a747d903ae61e8d11a549a79b1546ea542f4f +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/22.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/22.npy new file mode 100644 index 0000000000000000000000000000000000000000..86a1985f54d7b9d89e71a68219029da0c88c9e77 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/22.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb54b69adb056a7fa09bf525c2a515c983f227693d82137d6ffd21388716c42b +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/23.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/23.npy new file mode 100644 index 0000000000000000000000000000000000000000..178be9135d059eef218e7a9d3a9608a6ebf91c7a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/23.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a2a15a11de1977902e00ff32664ef58f1517637f24f0b0e35582377173a538d +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/24.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/24.npy new file mode 100644 index 0000000000000000000000000000000000000000..434026d68f1fd9378a6db2546fee7e0481774be6 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/24.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdbe8bbc04d1df576ee86d41561989fbf0d210474e34a66bc99b86c1b77c3163 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/25.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/25.npy new file mode 100644 index 0000000000000000000000000000000000000000..6c2a466a0879262d9e8bb3e246aaff0884082d5e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/25.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac18cd9e5d26e739ff6038da44c112ff42738f76789053001c0457b5f434e9d1 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/26.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/26.npy new file mode 100644 index 0000000000000000000000000000000000000000..16d9204c49185b2af22e17847d20cadf7137ecc5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/26.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4170abe3de37b7f28e5167dad571834859baa90a694665733618da80c88dad5e +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/27.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/27.npy new file mode 100644 index 0000000000000000000000000000000000000000..b3e008b0d48be08b8418d76b1b56c5f8b1a8a674 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/27.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75fa57a94e1a18e1979280f6426db1b0a66044021e42940bf9c8dea64b64b3d3 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/28.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/28.npy new file mode 100644 index 0000000000000000000000000000000000000000..2164da34948a973d15edcc80ac86db91b543b197 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/28.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89d026c4b7391d1b2f158c43216000b77836e1cc6e5edc3483525017a56ab952 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/29.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/29.npy new file mode 100644 index 0000000000000000000000000000000000000000..1ec15649ee4124c53f5cb73a744432de31a239db --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/29.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a400702ebf8cbc0c4e168812a2d456ba582411f9514242e72fd251b7df6ebd9c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/3.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/3.npy new file mode 100644 index 0000000000000000000000000000000000000000..f1c362dc462a1c6f0c896b3f6404d4200e98ec30 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/3.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:260f4c5ab260333d98de60ed3dda02e639982b80517cdb35ab0a6bc1e1ecb43e +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/30.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/30.npy new file mode 100644 index 0000000000000000000000000000000000000000..500b23f0cd97250f178cb8f3138c9baf8981e965 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/30.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccb804c91607743c11a79e11f31f30d900c5d82a16a90c74b60acca9ebd52fa7 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/31.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/31.npy new file mode 100644 index 0000000000000000000000000000000000000000..aa411d56387e8cd55a75f9729c1d0b77d1c82b0f --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/31.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad5bf9030814b22eb4484ca0a1f7ad65a039f5ec1a1baf0a096548deaf067413 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/32.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/32.npy new file mode 100644 index 0000000000000000000000000000000000000000..47a01573c1a384b9f39e10517f50cb8996f1d161 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/32.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c25e9af71c9d3acde8680b9aff18e4378fc53fbb5ab2ec8785672508d34bfe0c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/33.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/33.npy new file mode 100644 index 0000000000000000000000000000000000000000..dcb2d6badf71c143eb3803672b2ebc81cc5661b5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/33.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be5e55dae0dc1af9a306905ef55923a8c84e1eb7c39eb103aac2881fad7b5e02 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/34.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/34.npy new file mode 100644 index 0000000000000000000000000000000000000000..bcf75915dda184f0fdd1d84bcad796e82a8fdf82 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/34.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63e0421b2acc05608b8d31fa1063f353b228bd4a016824dc5da4e0992a583d36 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/35.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/35.npy new file mode 100644 index 0000000000000000000000000000000000000000..8079350f321082d3b491a2bbf77298cd0e3bd2ee --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/35.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a60300331ddce73dc655b4d65e9baddcc195d2d2d8ab3768b2a69c08372aba4b +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/36.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/36.npy new file mode 100644 index 0000000000000000000000000000000000000000..03553d80a6963a9efc71bdec5c851aced9cd9342 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/36.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8abaafb6b3dabbbff79e2e3ac4da455df148f78e33f7e6d5602a3f9b98fcb41e +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/37.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/37.npy new file mode 100644 index 0000000000000000000000000000000000000000..f7f5e80c0ca6b5b768269b700695b686ef54226a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/37.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b0440f38938b4449f3682d264b3986b66bc9ebf9e387f9a01ed34b4fec3c4c4 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/38.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/38.npy new file mode 100644 index 0000000000000000000000000000000000000000..fa28e8293a3ac1d877b0df89824e7e7f58ee6de8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/38.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2fa2e7d60ce4bcbefc4d1c40c907b0ba296a2109c5cd941ccc3fd9ad5dd3db3 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/39.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/39.npy new file mode 100644 index 0000000000000000000000000000000000000000..1da5a3e1b76b939bf2d80f01874c349d6050d451 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/39.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fc8a9d766c235a1aa77bc10e2a77cac83eaed3501e5389f6cb217c1fb84a0d3 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/4.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/4.npy new file mode 100644 index 0000000000000000000000000000000000000000..932a8a307b085df1b84fe0b1f62b5c4576243083 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/4.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca7c693b974529d14aa1561090321930f3bee3c3d69e236052b1a36f69fe08ab +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/40.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/40.npy new file mode 100644 index 0000000000000000000000000000000000000000..ac888b0de3a7b19e6bb152218926b5cbc8c48b31 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/40.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:068da894e7e57d8d86e5360494de7a74a49c11cf433bdb703fd111e5ac754a28 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/41.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/41.npy new file mode 100644 index 0000000000000000000000000000000000000000..b289b40626ed09a9ef1d806495aa9dea1c099ab8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/41.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ff93840297ef7e33fe72b49b7742e9409d593d15fa4c89ef23a2bba4851fb53 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/42.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/42.npy new file mode 100644 index 0000000000000000000000000000000000000000..efc2134e6b1aa683799b232368267d4cc9e5d7cc --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/42.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a2f64fa0408f94546194f053d3913f522032d5afdd85694dd37cbb1879d8a39 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/43.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/43.npy new file mode 100644 index 0000000000000000000000000000000000000000..63b1999ad1add90d94a99f9b8e973f52c9302968 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/43.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76e34563e43d8d8056999c3a02419adb9540f2778276e774ffecf4993f3cafe7 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/44.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/44.npy new file mode 100644 index 0000000000000000000000000000000000000000..f21e93cd97b972679564516bab186374cc1e8d30 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/44.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8714dedf48df94be822f4138982ad4b659d7280dc0c88ed89dbf422a4e46c038 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/45.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/45.npy new file mode 100644 index 0000000000000000000000000000000000000000..f6f08c3983baedeb4be1706ed2b68852c1276f43 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/45.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7f1bdad3cedbf69a5b7e898e60f9650e70d304c44091ee800ba51302a05e95a +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/46.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/46.npy new file mode 100644 index 0000000000000000000000000000000000000000..367e5d5347b06d661292655b4468be7b3da8f2e0 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/46.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8f72f583bcd69ea7e2fb2d32e32a1a2ec93bd4c81e65710beedc23fc93be112 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/47.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/47.npy new file mode 100644 index 0000000000000000000000000000000000000000..f9f34f65056c3199fe3492e997894746cfa88209 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/47.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b742d8ce0e71f4126ade8526142959aafbb8c5efd7ce0eb4b50464663591f91 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/48.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/48.npy new file mode 100644 index 0000000000000000000000000000000000000000..d5df94c6e3764b71485d0513453c0644a5081dcc --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/48.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed7835fa38e8de352df2838f5fcd5a77371543d8340aa7df03dd3230b21fc9c9 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/49.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/49.npy new file mode 100644 index 0000000000000000000000000000000000000000..e1bd9737bcf7331606528bd9a6cc5c7fc8c1f5b2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/49.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad7d86c3432949e4aee4a3af6ed72fb2ad0285d190c7c8874a25bbf5e83df947 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/5.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/5.npy new file mode 100644 index 0000000000000000000000000000000000000000..b3466daee73c58c9187f8f49cc0cd5e95cf7f700 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/5.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1faf9864988a164edc5ae5828bad7da58358f7d52a3a9175440e461b421e350b +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/50.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/50.npy new file mode 100644 index 0000000000000000000000000000000000000000..1af30a28a26a3b9ab5c6745ec2842db19c6b29a9 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/50.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be0f67eede14cbf41772f6f61ddb0b56c3758f404c47c4b0fd0ccf082ab2318b +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/51.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/51.npy new file mode 100644 index 0000000000000000000000000000000000000000..34589d2a65aadc6865222c84284858a7ca2f25bb --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/51.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07f7eb2dc19fa46cb423b7ea0868a3f0b8c21f48ca5975ef9938b58a74028535 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/52.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/52.npy new file mode 100644 index 0000000000000000000000000000000000000000..35fb87f61511b4f33d56ff8c3b07c7696ccb8356 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/52.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ed3daf4481754edf2bc5b2b47b6c049f8d55492aabb9534ce9cd7080d55eb7c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/53.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/53.npy new file mode 100644 index 0000000000000000000000000000000000000000..2c84bac06b49d44bfb513b310afdd855329fee06 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/53.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b7abea1344c2788b8751a6c2bcf3bf51fcb75bea8196dd04be788184b98fae0 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/54.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/54.npy new file mode 100644 index 0000000000000000000000000000000000000000..317d28a710f5b93547420f3a29e8e45c7dfd2b2b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/54.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50b44ae131cc3f659c385b3662c09e42b11b23b2c9176b6587319976a3e151aa +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/55.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/55.npy new file mode 100644 index 0000000000000000000000000000000000000000..6557b311c3b96fbde351c8e22afcdc9d87347e5a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/55.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b006eb6dcd1d533a2a35bdb4d3675d993490587b92562d903b22948dc0148ca +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/56.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/56.npy new file mode 100644 index 0000000000000000000000000000000000000000..3cb1807bd51dcd0ca0037b161d9a5b5aa28cb002 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/56.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16eeb326bd34abc56c207b4591a92bef6ec58288646707d112ed5bea08af253d +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/57.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/57.npy new file mode 100644 index 0000000000000000000000000000000000000000..9c6098d50b1eadcb92189ca44841a90a83d6ff57 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/57.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a66bccfb6d159a269a709fbd45d9dbe5945a82263a9cc976a9b6eaf12e3c724 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/58.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/58.npy new file mode 100644 index 0000000000000000000000000000000000000000..551e8b0e626d183903ce3c8b44a73afb76764844 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/58.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16c707b3c86f41ed573a2afb30520632a88235e4947b6c421ba022f232edc6c6 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/59.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/59.npy new file mode 100644 index 0000000000000000000000000000000000000000..d1f08f74a7f458733ded255b33b0ef24b53b4b63 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/59.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c11a738f80a9c9459b128484490e978685b02727e25c27e25caa6b7f52e324c8 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/6.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/6.npy new file mode 100644 index 0000000000000000000000000000000000000000..55843a65b69759846f82bb2e52d578c70be2949a --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/6.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1be3f01ff034e8652d0cfafd390eac21bc04cdff0857d9834f4e5f70846b431 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/60.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/60.npy new file mode 100644 index 0000000000000000000000000000000000000000..4584e9558c0f0f7eb1f2d5403edf5fc9ecda0852 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/60.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86cdfd1a3d114d584fe99a0262f7cde76c4a32006ee80baa3d02d0877216a448 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/61.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/61.npy new file mode 100644 index 0000000000000000000000000000000000000000..eb53a0aaaed84ed2d116f5d8eb06ba717e18e2f6 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/61.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:687542e5181f602a40f8f9b84ff54818f5795198f16851f0d6392de34954f6f2 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/62.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/62.npy new file mode 100644 index 0000000000000000000000000000000000000000..5361701125f09a7b119f64e6d4c4bd21b02b0652 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/62.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4aeae9855cdedda2e016ad7917f38b3cd014d37cc1dea4cec04524b0d8b50131 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/63.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/63.npy new file mode 100644 index 0000000000000000000000000000000000000000..42c6a42ffa9545ca3bc2b1e3397243051f0b65c2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/63.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0af2a2470d20b0d2d4a537abe96664773572cfe3cefeeaf4f3926d6f4f093fd0 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/64.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/64.npy new file mode 100644 index 0000000000000000000000000000000000000000..ea8972642e09f7b702f870da6f923d1f0a1c2640 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/64.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbb0c0e541439e95d368034630a2c2b601166e1dcb2a4e5cac5e113856cc8c1e +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/65.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/65.npy new file mode 100644 index 0000000000000000000000000000000000000000..a2b25ff51bc66a65bf74663a83f10904448d41db --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/65.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a96ab05ebecb45380b21127cc87be61d6e92651c08582d0366e1849b7126b263 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/66.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/66.npy new file mode 100644 index 0000000000000000000000000000000000000000..24923e831961d0c706b229652948b3c771735da4 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/66.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13376759b005ae5e9276b1bbd01f73a8f7def84fe45b48d65eb2bf011b399c6c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/67.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/67.npy new file mode 100644 index 0000000000000000000000000000000000000000..8728fbc04ce4884074cdc7dc0ad02afdcc1708bc --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/67.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21117ccbbad4bef673086b10cc3288b46d8498caa3bf28cf426416cf58bae268 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/68.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/68.npy new file mode 100644 index 0000000000000000000000000000000000000000..6567464f5289967117d05425eb540408c33e68c5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/68.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9aab236e52f0c8aeda7ec104f8670b8712fede67ec8e63ce7a0d21d9a8d27b20 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/69.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/69.npy new file mode 100644 index 0000000000000000000000000000000000000000..9d189bc5920b725c023a7003d4988a829f717a93 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/69.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0dfe6d0436519a04c6aec50031b2096a667c433a35e073cadc92741f439199f6 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/7.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/7.npy new file mode 100644 index 0000000000000000000000000000000000000000..2c3129f8ab0266ff70c47979e1cdbae0a34ff5c5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/7.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a65c23cb8849740d2dd9d1a7ea763c36d05ac0472eace46a2f11f04597b127b +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/70.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/70.npy new file mode 100644 index 0000000000000000000000000000000000000000..b72dd247a4b1410e0f27f6c2c95695a00110a06c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/70.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b29bb3c56937ccedca886056c9bb01fd84035c29a705d1282afdaa7929e56b6 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/71.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/71.npy new file mode 100644 index 0000000000000000000000000000000000000000..9d76b2ffde2806bd36842abd1ef59a96418077ed --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/71.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b78943208741beca2729c523733bf86444baa495bef8796b6908e24de055505c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/72.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/72.npy new file mode 100644 index 0000000000000000000000000000000000000000..b10a579342aeb6ab93756e7729a015d1da00db8b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/72.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc0211fb5713907ab8c39d06c7be279d628374403fb5ca269ef410838f7bd215 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/73.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/73.npy new file mode 100644 index 0000000000000000000000000000000000000000..a1092b9631338fa55ff99621307b21cee73625e3 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/73.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b6f0094144a60b51b542ddbfbd737c7bb4ac1292c954bf9932364cfbe174e44 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/74.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/74.npy new file mode 100644 index 0000000000000000000000000000000000000000..2c3cbb91f8610166a9a77242eb5861095a94a8b5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/74.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4b64c7fd15bee14404e97a7dedbb0b342b0f51f5187d8b350b758ec4b1e061c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/75.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/75.npy new file mode 100644 index 0000000000000000000000000000000000000000..7b62195c19c58f20a7564fd06cd6088c5f4a2973 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/75.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09e98f545304c1522a714e57d785fb3d463a786007aa19dabc21cb9132959c86 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/76.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/76.npy new file mode 100644 index 0000000000000000000000000000000000000000..2512824cc3e6fd25c3f041490e4681096fc12882 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/76.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c343113afd4d0bd6be032828e9b825754ce12f59326d77c3eeae489673488ddf +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/77.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/77.npy new file mode 100644 index 0000000000000000000000000000000000000000..8d6fe34dda0a7adc52679c71a1883115530ef140 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/77.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61994a9ed127bb6dae6bfa3aea8cfb88142a984a1f61eef4bb87ddc97b45ddaf +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/78.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/78.npy new file mode 100644 index 0000000000000000000000000000000000000000..b14d487a937f2d31f2f10711a0f4bc798cca62ae --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/78.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4ff9e33f7d783630e7d9734faa75d4ba5a5b83e5946d69f21c0d0a643da0783 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/79.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/79.npy new file mode 100644 index 0000000000000000000000000000000000000000..db22172f1bca6eb19151a73cfa1bcc3f276c76fa --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/79.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90032b0ef45206f444dd55a4b93381d3f53d143c8ef00541df13b7da4ed15b00 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/8.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/8.npy new file mode 100644 index 0000000000000000000000000000000000000000..163ff5d8c56bffab3754637127df4449c3da4844 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/8.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec67554c6dc2d6280fb8aae36a79669cf457dbf3f02fe31d2913d67485b523ad +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/80.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/80.npy new file mode 100644 index 0000000000000000000000000000000000000000..918e4465602f5ddf84cc40eade534968e3b9f4cf --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/80.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3671960fee12aad9b15fb1ae8f308e45b975e561e8bf06f836c9a7a78df33c18 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/81.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/81.npy new file mode 100644 index 0000000000000000000000000000000000000000..0fa35b321025af6a605b1607428750423e40a4c5 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/81.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1418a08d6a4788d12e5758714bd62109eb582aec4d35330013ddc50a8d3106b1 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/82.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/82.npy new file mode 100644 index 0000000000000000000000000000000000000000..9a120f0e90bfb755bbde0f30f167f17a6b79ec53 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/82.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5f0c2a7b358ca03a6e8e9dd2ca5282e7815b2ea41867dd268e92ba2322be96a +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/83.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/83.npy new file mode 100644 index 0000000000000000000000000000000000000000..a01a32372c27ff3dd0aded92c98f3f479eca1947 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/83.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a833a9a2ea0d527d4e8417b7b606ca6a1e80e4f2f8fef7ee6f78191ade7c96d +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/84.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/84.npy new file mode 100644 index 0000000000000000000000000000000000000000..6d68f8a6e989a39aa9e56f9ba4ac0b7e252bcd55 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/84.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d42b4a81fe90ec6c1c94a487de6b3330f3e9ea4b118d5dd90aee77844c563e80 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/85.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/85.npy new file mode 100644 index 0000000000000000000000000000000000000000..c01ba1ed41af720eb1c62c9b5bda0edfdbd1aa98 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/85.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0740e5a2a2a77cee26e5e8f6a9e80180a3149abe50af965d2d03ce060ec39f8 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/86.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/86.npy new file mode 100644 index 0000000000000000000000000000000000000000..e8c5bb0eed31174b7d48443907008dd2dde039e9 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/86.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9aa9cd84491b7107e5f43333987f22ccbaff81057009f648ed07992d8e62e74b +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/87.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/87.npy new file mode 100644 index 0000000000000000000000000000000000000000..2d653801cb3667cce9e73b0d8bcdec6c7b72aa79 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/87.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:beeb7a2a7a126716970bb6ded3a5bfaa8a5fe61d9a95da819eb2424294290be8 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/88.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/88.npy new file mode 100644 index 0000000000000000000000000000000000000000..c5f7e7d0c9ca10ffd3df65ffbb7f4b570a7c0cbe --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/88.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27b3c640df4b7d50cec6151ebdf725873d7c10fc8fb2c9de5adb8889ec5f8fe7 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/89.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/89.npy new file mode 100644 index 0000000000000000000000000000000000000000..135b0909c0a880d3717b0ae636664cec5d7dda4e --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/89.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1a7fe66b8e2dfe28b98482c2ccbe1fa5ab5f26f6815077ae08071a14ed3103f +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/9.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/9.npy new file mode 100644 index 0000000000000000000000000000000000000000..9e4a32b482ababc4679c25a4ac41d6fe6bdb9b6c --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/9.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94ef0b7e0572774935ffdc931dc296d9a0faf373fcee8212ef826273a6b0450d +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/90.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/90.npy new file mode 100644 index 0000000000000000000000000000000000000000..3ef28f92b208206154a10d766c38f45b83117e7b --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/90.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad9213ffb6e7e884d4aa394df15c82566b605646eb3995be17c942870ae6e559 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/91.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/91.npy new file mode 100644 index 0000000000000000000000000000000000000000..1f0239c6c0b8ac8ddbc377103007f5d620a2ca05 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/91.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:131ba8ba0de13273e0a695e21881426e106430e3e4962fb1a5d1d381bb5b71a5 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/92.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/92.npy new file mode 100644 index 0000000000000000000000000000000000000000..43ab670330f368f1b76f6e19f9e7037f11113a18 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/92.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b49610d8b4adc51f1fa6e59270551c26f52234619d2fd889a1566ac8be1ac3cd +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/93.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/93.npy new file mode 100644 index 0000000000000000000000000000000000000000..10c9f5582003bddaf3d58e68534d417ba8a73cba --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/93.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a2febf97ce21ef723800d7d169e87917ae91b735d13d0b654e1dd4db818408c +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/94.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/94.npy new file mode 100644 index 0000000000000000000000000000000000000000..f051eb07168fd3ca193556e360866a9e7d588ecd --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/94.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc4f55448f3d34c2f8cda92b459e15fe777b7c811250b6992a998ede2772e799 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/95.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/95.npy new file mode 100644 index 0000000000000000000000000000000000000000..eb44012a901a4b8d74ed473de1fc62245cfd98e2 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/95.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:963d6b104d441774041b59e86127438111abe894401befe5232616a173497c26 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/96.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/96.npy new file mode 100644 index 0000000000000000000000000000000000000000..32c28737a410773303a0fcc3c0e30f69559376ca --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/96.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd86ef9278bce68b150c904d7318d2a971820ecd01c21e096444e0c42265870f +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/97.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/97.npy new file mode 100644 index 0000000000000000000000000000000000000000..f0300c799eb2b6bf2fbdc501495c1aa85f59d3d8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/97.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14c3eed497648fcf733c353ef78148f4259f69c47e871bd9c981cb02aefc4eeb +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/98.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/98.npy new file mode 100644 index 0000000000000000000000000000000000000000..7d302cffca56d1f50cc5b31cf52a377c8ed77cee --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/98.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbe369bad2fa412d28338f1f8314654d88edfd0af6f6f974e6d0be591f8b1584 +size 2320 diff --git a/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/99.npy b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/99.npy new file mode 100644 index 0000000000000000000000000000000000000000..00676dd0a113325ff95a45b844d5a1ce64368ad8 --- /dev/null +++ b/demo_data/target_video/data_WRA_VickyHartzler_000/motions/WRA_VickyHartzler_000/99.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e911c46457b8c9e93d913f3c5f5e236a00819b32e8c74716422515060eea423 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/.DS_Store b/demo_data/target_video/data_hongyu_2/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..521cb97d11c6702cff29893f962b080d6829e290 Binary files /dev/null and b/demo_data/target_video/data_hongyu_2/.DS_Store differ diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/0.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/0.npy new file mode 100644 index 0000000000000000000000000000000000000000..7234ec1490a6db8113251d71ae2ea714b4f2f053 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/0.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb8c1ab3b60958b4315f156f8e376146450c27a370f9370262065f55f09005a9 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/1.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/1.npy new file mode 100644 index 0000000000000000000000000000000000000000..2aa2b3d90b4f016072e0f01c54b3067d4f78c05a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/1.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc54394d7fd5df629b6db3c8e959c67d254ce41bcd731332c3c78a384c7ac255 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/10.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/10.npy new file mode 100644 index 0000000000000000000000000000000000000000..317e4470724e9058ef81ee5ff9f7cdeb1bd5f34b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/10.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:469c15e444f9b4941a63ea871ba900fabd40c7c6b2a845d2fdf30eeeed441a70 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/100.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/100.npy new file mode 100644 index 0000000000000000000000000000000000000000..7792d93c39f58a7ef509c711b3fe3e0c83989c62 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/100.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11d9850255a8f05ca93bf3ea89f5857501307255c7abf70fabe09b2afa1ade21 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/101.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/101.npy new file mode 100644 index 0000000000000000000000000000000000000000..eee1b37aef578e2dfbcdadb615f3c6bf70bebed6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/101.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c74790dcb6889c378a4671d459eade548dd8c5fceb58372bb09fd5f07f736f8b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/102.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/102.npy new file mode 100644 index 0000000000000000000000000000000000000000..035564a30457c07f874b8972c6548ada63917a2c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/102.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c8c515388e97af941179f6d83e7941c61517fa02f64e969665d9fcf8bd92704 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/103.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/103.npy new file mode 100644 index 0000000000000000000000000000000000000000..520110d24e61fb9fe34f256c30d2dfff953926fb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/103.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19211ee255c1d89ae667d3d709b78db66479cd2d249dbf6f523e7b7c93fdf389 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/104.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/104.npy new file mode 100644 index 0000000000000000000000000000000000000000..b6e4e9949ff0aed0b63da833990dae651d1c4643 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/104.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fca7fd735d68b47722feaca62dea466f25e54e9f8bea81652c4d98694a8a0ef0 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/105.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/105.npy new file mode 100644 index 0000000000000000000000000000000000000000..25346f23609889034494f1b9874c577a2735fc12 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/105.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:016e47a0be083970f27a610669efeccd6f95aa5f94984d8725076c834542d4aa +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/106.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/106.npy new file mode 100644 index 0000000000000000000000000000000000000000..f032b9b46895b8891d39c375c752942a4e648150 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/106.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5243d998864a94dd46a31512cc7b410a80ecc23a66011ec736c9a93b0e4f80f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/107.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/107.npy new file mode 100644 index 0000000000000000000000000000000000000000..6fc79a1ed3dd18af2012e126bb3dbbe53062b931 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/107.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:567192d3d79e272a243581fb61b1f432f9b959e787eb041420d8109ffe8aa2ae +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/108.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/108.npy new file mode 100644 index 0000000000000000000000000000000000000000..e118a60bef2778d12c05a14589f6c379b4c4516b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/108.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dc73977ce3cdd3c6b175795e5fcf195cd32f36fa1836f0597f150a120ad5950 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/109.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/109.npy new file mode 100644 index 0000000000000000000000000000000000000000..f97c77fbb10095174d757e71ecf9b15093960c2d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/109.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb3d77a1e2e3fc6d9c20d6ae7952c0e10191f53173fd5ddc4e5ef307e440611d +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/11.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/11.npy new file mode 100644 index 0000000000000000000000000000000000000000..55e0b2bcd1a19be5b9dbb5c7646392f2357eeb07 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/11.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf8aba9ac1f7eb79922166729c9f7758525e3309fb1cf7f229861704c7e19d24 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/110.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/110.npy new file mode 100644 index 0000000000000000000000000000000000000000..b43242e1a2790dfb80380563aa8e47743252ce29 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/110.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03b1848dec826e10eeab3d6ddb2208343e5e4508e7b6c4009adae8187bae5e5e +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/111.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/111.npy new file mode 100644 index 0000000000000000000000000000000000000000..33aa7f7ddb81f732aa945447bbaa19360c5a1d43 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/111.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bdf6ff03e2339a7122009715183464b47e3724e50f7d8707bf0385226578462f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/112.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/112.npy new file mode 100644 index 0000000000000000000000000000000000000000..1ff8f344f7786df390233ffa4b2f20b0f54fe045 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/112.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f0b4a4ab4c533997d41ff9abcef83804c6109d3b772e65a0b7086cd6fef1f45 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/113.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/113.npy new file mode 100644 index 0000000000000000000000000000000000000000..4e364fc53f93373ceb79d3644a0b2e09ceebd2f9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/113.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:326a3ee5f6b669c536831753bc3cdd7cc3b6f0a3443b22836bdf51f1f4e2a565 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/114.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/114.npy new file mode 100644 index 0000000000000000000000000000000000000000..eb3b5887b3f544872913e0dc0e3be2e48ae15bea --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/114.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4148de99be0237644767c277141410896dde79e70572ce180ea072a61eb4d0c2 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/115.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/115.npy new file mode 100644 index 0000000000000000000000000000000000000000..fe80ed8ca2eca2c0e58c88e2cab3dcca7c19fd4e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/115.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0931b36da0119f0ce8d2e3d364f94f31dfd1ca1b683a50f38186e45e93a7a03f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/116.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/116.npy new file mode 100644 index 0000000000000000000000000000000000000000..13ca15b0d5fec86a050bb771c50fd6e68b637adc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/116.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16b8eace03e8c44ac39ed8bf93d4c6dab9848a330020844aad1966e3f589f26b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/117.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/117.npy new file mode 100644 index 0000000000000000000000000000000000000000..bebb83215991c235dcb1965d174700af8d1ca3e8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/117.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68504d7247c9e7941a96f864a0e5705b8b663f5165542face66ab8d2e75cc4bf +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/118.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/118.npy new file mode 100644 index 0000000000000000000000000000000000000000..79fcde5805ae64c237b095a836200ccda156dd5d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/118.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c5591409c2b54f78f1b1a74421330be1f21926176a1b9722a341571708c4451 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/119.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/119.npy new file mode 100644 index 0000000000000000000000000000000000000000..01f3e97839da408a113db0620e83535bd1e31ac0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/119.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de97eb1491d9169ea5ff4a0e70abeae484a2cb9e68717213f7a56bf322703e00 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/12.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/12.npy new file mode 100644 index 0000000000000000000000000000000000000000..331f8eb95a702423ba33315afee7de9bbd1619d7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/12.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6639d3ae2b747640ccd5f3d6d3136b27fb43c8c821f9b8ca028345fdb4f5931c +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/120.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/120.npy new file mode 100644 index 0000000000000000000000000000000000000000..2407ed1061127dd499db7df3480305a473ef527e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/120.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3df230b9f6a4146f21683f16c79bc78a97d8e4efffd07e6cc22ac4b9060a3a18 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/121.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/121.npy new file mode 100644 index 0000000000000000000000000000000000000000..8eefb8eb16fd074950d8527e60f82971f27ee55e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/121.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99240ce6fc16ef37c0c834f37681353a3faafb56bd6092da9760c8d0034006ec +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/122.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/122.npy new file mode 100644 index 0000000000000000000000000000000000000000..1e28940aa9c91b983ed05d26d100da2d303e0a7b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/122.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f5ab067e42d9a610e456147404fe01065609c97184478034f69e748d06d610e +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/123.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/123.npy new file mode 100644 index 0000000000000000000000000000000000000000..0fe268b1b4c226955f416dd319c60d115d71d4e5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/123.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4843a02b655a990be20fd381f53ad997e549a7d2a46c4410af10fe83a15df9d4 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/124.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/124.npy new file mode 100644 index 0000000000000000000000000000000000000000..7e7c6f8b0b884199b8ba38758cd4b9a534712952 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/124.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9106307a6de84fc77dc2132cc1b13d75348780406cf5b6090adf6bde48a4c6a5 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/125.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/125.npy new file mode 100644 index 0000000000000000000000000000000000000000..855e435dc6faceecfb54623d543f6dd59261aa15 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/125.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54e2a41e920e09b513a3d9dd26065a9efa918124cddf68b49f8a07d8c1db6428 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/126.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/126.npy new file mode 100644 index 0000000000000000000000000000000000000000..df7756139c6bd7245007a3b45d210d0c6d714e2d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/126.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99c396683b742107e40704b75a3b10dcb07771b437922208c790e32611ef755c +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/127.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/127.npy new file mode 100644 index 0000000000000000000000000000000000000000..50e488ef5bf969f7b7d7cee3a9691c2ed4358f09 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/127.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b83046351573c9d019dd870d935e2921e3fa28230c9d9b8a84d4c231ddf40e5 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/128.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/128.npy new file mode 100644 index 0000000000000000000000000000000000000000..a9002f92b9c785439f2f20d9c510da0ac27c649c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/128.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8e7ec887a845f93b785ff2229319029fe69a9f9b12f41533cea607846e66cf6 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/129.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/129.npy new file mode 100644 index 0000000000000000000000000000000000000000..f3262b5463a77643aa03096d23be0dbd10fb4df3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/129.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fed89dc8c3f7cc0f4de3b7fe600ff8866147a196057c3a9053e88f1e42e2117d +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/13.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/13.npy new file mode 100644 index 0000000000000000000000000000000000000000..cb442c4ac164931e030b9b732190ae30fa195345 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/13.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69bb4f6e886a5077f438b595c906db7c2550d490cb72c98fee7e03e2c94a7fff +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/130.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/130.npy new file mode 100644 index 0000000000000000000000000000000000000000..8f470af3d86aa81b534b979dc4d3fdd62adfb1ab --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/130.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57ee132bb987b8d843cf8c0ca2f54dd00169dd3d1cbf1b4651e68d2960f33cc9 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/131.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/131.npy new file mode 100644 index 0000000000000000000000000000000000000000..0246c7b08860b2e46a61780e744b8769c6470399 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/131.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc300eddf79af9768c9c49d8439e3bfd392fb7142cced407736a6c27d25314de +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/132.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/132.npy new file mode 100644 index 0000000000000000000000000000000000000000..5712df6685a56cb3cfdbc8e2e24edc3b42bfd6d4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/132.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6d2bd650d3d6ad2aad41433b9fc5f6d23c33ff9fb1d5f9327b455c2e6a5a64b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/133.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/133.npy new file mode 100644 index 0000000000000000000000000000000000000000..cc0b3909e54a5bc3bf631b5f2eb6abc7f2d80384 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/133.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa98d870d15feb708f80f6092fefc8c00bb1cc2d6d83f672648fae07570ac7e4 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/134.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/134.npy new file mode 100644 index 0000000000000000000000000000000000000000..d6299364b3910835defa88313d9e4e6324bcb479 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/134.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2020e59e4f8597c11a53f1c582335505f610167071105978af33bdd5c007fb86 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/135.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/135.npy new file mode 100644 index 0000000000000000000000000000000000000000..ca7a566abdedf633ee594b116d53a70767ff7984 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/135.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03ce0ca77752529edd9829b22e6bc484542d292e4aeb0d52d19736d9250c0aa4 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/136.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/136.npy new file mode 100644 index 0000000000000000000000000000000000000000..8f770d3b6edf6f96845bafe69b7345c124f7d913 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/136.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e107f3d90932bac464b650e90166360effd992875ec54d97448629b3dffa962d +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/137.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/137.npy new file mode 100644 index 0000000000000000000000000000000000000000..8e7b53401dd117ee658f4cd45bda45b4d8f4705c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/137.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3654fe2cb38d5cc6d970c4c761c12b44a085f44ef81d1630cf79acd7b0038d7e +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/138.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/138.npy new file mode 100644 index 0000000000000000000000000000000000000000..891361dfa661319fd30645e6dc4d4aadb253e99d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/138.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50e2d9fae01becbf0b68143dae4c8899a7e475f461b038edf7fdaef3d5b99c56 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/139.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/139.npy new file mode 100644 index 0000000000000000000000000000000000000000..f65c2c6c92d0ae589641c8e5c0ae978150b36890 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/139.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff3905e88d5fe40766eda77790ef2495e8f15f29d26aa72866faab3e6c029525 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/14.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/14.npy new file mode 100644 index 0000000000000000000000000000000000000000..5e86680ad89b62c0ec38a745455f8b27c26d4365 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/14.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b085188c61c92a855da99183d8a45b36c1b5bb167ebfe34baefc17a4f542adb7 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/140.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/140.npy new file mode 100644 index 0000000000000000000000000000000000000000..bfd7d5dc98b215f026212b99b012fa725300232d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/140.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:239e32f8f3fdb198626bdc03cc2c213083b42a4e91feb2865adce29588872328 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/141.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/141.npy new file mode 100644 index 0000000000000000000000000000000000000000..f3b961a6a41d442f545664a6a6d931176628072f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/141.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61dd456b1c72cda3cc2d14434a6fb51cbbfd911590799af44da5c271c635d7ee +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/142.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/142.npy new file mode 100644 index 0000000000000000000000000000000000000000..4f29e85bdc672bcfda1f75fe86fba01926fd98b9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/142.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37de6c9b57c58a1c5b702d570fe2f9a252f1f9598f0be6f5616f4360b4059bd0 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/143.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/143.npy new file mode 100644 index 0000000000000000000000000000000000000000..219a2c6cdbc38668cf800c5de0c45c66d9738ee2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/143.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12e309053103c3c28ad4a38d875c9077b159179f7af8b92d72af46d02fd29777 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/144.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/144.npy new file mode 100644 index 0000000000000000000000000000000000000000..f21fb2d2400d518ddfd48107d3581dcc8bb5c247 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/144.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3b163adc5a81abc1573bd49b9fe6237b106d5742a7a84fcafd1ec35b56fcdb3 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/145.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/145.npy new file mode 100644 index 0000000000000000000000000000000000000000..53c6ceea5a7c4ae8c2752ef7ca3ffa44c4830448 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/145.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff175e029aa5a87c05369d1c550780af7b936deeecc48d88c28a76e00a5bd3bc +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/146.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/146.npy new file mode 100644 index 0000000000000000000000000000000000000000..567d32d7d310a7e35142bddfdefb1c0d59cac441 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/146.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0caf5a85834d00d80b79d6b432fc3f21e564d3325278a65ab899b8d10b1c3c9d +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/147.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/147.npy new file mode 100644 index 0000000000000000000000000000000000000000..8b3d80b1db46cf3e5cd02a9882955704baca4f32 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/147.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1aca5df3d19d3d18054864ae86fd87ec8f5149a82a1913d1c1056f08df34e8e +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/148.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/148.npy new file mode 100644 index 0000000000000000000000000000000000000000..6b960ee212a821c63f5138466e23fda5cffafe72 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/148.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0d7746c1fcf6d4e75f1e6e2398bbcc32e2fc7b13a0c0ff5a2b65d8e5f59e497 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/149.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/149.npy new file mode 100644 index 0000000000000000000000000000000000000000..8e3c0702c511721534487f1a49a6459dfc562b24 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/149.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e9a4aad0efd95a018603d39982049e3fc6261ff1a76c8f050ac464fbb8e1849 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/15.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/15.npy new file mode 100644 index 0000000000000000000000000000000000000000..68f9a1a2e77067d9da3ace40a2c860136115c092 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/15.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff0ebeac9700dd89ae242a8a3b32d324540a1938174d426232c2dcffdf293c5f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/150.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/150.npy new file mode 100644 index 0000000000000000000000000000000000000000..a401b19dba6e3b31173bfaa9656a0836d9b1d56a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/150.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f8f05819e8317d1416b896e6286fda7f3c59203e113f364da618ad05022ee44 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/151.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/151.npy new file mode 100644 index 0000000000000000000000000000000000000000..7572258629c1abf455036f72aefcb7e7b49f9f56 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/151.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b12b307f9e4b428d8ee2405b52b590b99cfe75162bf9331d2a5e7426a64aaa4 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/152.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/152.npy new file mode 100644 index 0000000000000000000000000000000000000000..dfa74e0f727a7bb9d2b4de538c7914fa2c723e00 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/152.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3c10545b4768dd969b5bdcd0455c3adb3f6e2e8523a973a0fa90d04743d82a2 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/153.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/153.npy new file mode 100644 index 0000000000000000000000000000000000000000..4d7c1ebe7c2d0c2e6b63597d8d4172c1e6fc6a1a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/153.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a866ec0c275527f06a6d9e9d5ba9eeec8f48b5919fb30fc342456a74ce6b53c +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/154.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/154.npy new file mode 100644 index 0000000000000000000000000000000000000000..77325be3d5f0ca528c623d4bf1095d989674f8a7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/154.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:384c075fd92fb9512c875108b5e20577d1af9d8c7f1f8d88e00c0b6e392b7c26 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/155.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/155.npy new file mode 100644 index 0000000000000000000000000000000000000000..507e34dab0ddaeccecc359f2dd074a11bcac0214 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/155.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2af551983ec57f1cc1536dc61dad4196cab51f2f6bd2f58392d1fcb5af3fe655 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/156.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/156.npy new file mode 100644 index 0000000000000000000000000000000000000000..e76210f70146d24a3fabd45471ab98ead28c490a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/156.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9282e114c4685637ac58bbfcc59ba001964f33582789e7e9014e52296718e3f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/157.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/157.npy new file mode 100644 index 0000000000000000000000000000000000000000..3dad64ebb8eb90abe17f9176b6cc0bdec5255b7a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/157.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c763a657f73bb85893b7cacc34fa722418064bb1cdb88289b7ce5bbca2c8269 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/158.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/158.npy new file mode 100644 index 0000000000000000000000000000000000000000..b7b36798f7c9c341061c53e53fdaca803932cbe1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/158.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eec8fcbedb9afc2f850a2bf8a327b89d46fb61157424d019b316706c34fe7078 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/159.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/159.npy new file mode 100644 index 0000000000000000000000000000000000000000..61ae85808f52c826c9027da68c0b0c5d0bbbc93e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/159.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8b34dcb4b25157885b2ac3ecea27a453c89ec210d354234dbe4488328976265 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/16.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/16.npy new file mode 100644 index 0000000000000000000000000000000000000000..bfde9750eca7b014ad9853d99bb11b1da612d760 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/16.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64ed944644affa1a6e26c5ca2821a3d203c72b16757dc5868f0bec9339ff99d6 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/160.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/160.npy new file mode 100644 index 0000000000000000000000000000000000000000..2855b45b021ec3d191239347be99fb0f5f00a375 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/160.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7be63b10bdae130dd19ab6bfe6fe77439b242a679bba40e5fd57086fa667261e +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/161.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/161.npy new file mode 100644 index 0000000000000000000000000000000000000000..d55a84e53e106c358ca7b8ff4956c1d27b10c487 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/161.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c84c93c8542f0501a8881bf89c688d7c32e8ece04b67bfd230f3ac628b803a9 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/162.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/162.npy new file mode 100644 index 0000000000000000000000000000000000000000..f07f2c1c0fe95af3d62381e09aba7109579ef3c7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/162.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8363ecfffa90ad7d47d7c0cf76be91c97c150c15680eec14c93fcd366c1cc13 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/163.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/163.npy new file mode 100644 index 0000000000000000000000000000000000000000..597d966c57799359bfb4a2beed806d4f0de0b818 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/163.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54a70301b0029d2daecf72c0d5b7654f9f6b3440c59b0c9f4351bf56c2e38200 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/164.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/164.npy new file mode 100644 index 0000000000000000000000000000000000000000..353db35bbd32457bea0b706788cc6f49bcce7a18 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/164.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:803e36b8d37ea697eaccf6637b79980a596c2a3f7245ebb79cdb1dfa726315a7 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/165.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/165.npy new file mode 100644 index 0000000000000000000000000000000000000000..b676a06c6247fe24c1df53710d9c7e7e532faaf6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/165.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69b1800f8cc38abaa9345cf0504e3143b3037199a9a03569e4d944eb6ada76e1 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/166.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/166.npy new file mode 100644 index 0000000000000000000000000000000000000000..3aa98e3a568814746199f961f4ca159a9fbc5b7f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/166.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de500734cbf6d250f9ea73e0d77b96766fce19f2540dfc891066b5ae8c598a30 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/167.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/167.npy new file mode 100644 index 0000000000000000000000000000000000000000..b2ed0cff968f1743fd32a0cd0304eb75fcebcd9b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/167.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ce3c472ea2a7a602948042b4314b498cedf906271831b2ca59c058d2cc84183 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/168.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/168.npy new file mode 100644 index 0000000000000000000000000000000000000000..e7a8af8e05618712d60cb7cd486bf1dba408c5a7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/168.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a15c1a4b99aee1dc4c892aaa80e39ddb88f32845653b81d9d0cdb307a750b0e9 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/169.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/169.npy new file mode 100644 index 0000000000000000000000000000000000000000..4cfa41b9a487ff7a15dfbec6eab255c3b470dae7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/169.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3685f4e4336db9c2fe661275f7bc4a8006f50fd261bf625a844b3fd63dcc0a62 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/17.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/17.npy new file mode 100644 index 0000000000000000000000000000000000000000..454faaa00def706bc25a981b81ed162f346f1b10 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/17.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9dc8d50ec23fba8581fa731f79ba18bfb568605e17a9c7349d3a19b52b213c0 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/170.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/170.npy new file mode 100644 index 0000000000000000000000000000000000000000..d74785fafe681bf7d2f826ae5cc6a013ec4a7fd3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/170.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eea02c83d42d3115cd1791447cae76fa45c069f760127e5b8d669b156b456631 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/171.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/171.npy new file mode 100644 index 0000000000000000000000000000000000000000..d9075fdbcf0bc91485f37c472c359e93cb013f0a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/171.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d409c3482eaec5ecbce807420da1a7435ef3b81bf47ea8c229fc2991c09f0528 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/172.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/172.npy new file mode 100644 index 0000000000000000000000000000000000000000..d7743b3fec31ccd8d006319d4e322627d9e2e34e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/172.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfbf27c9c22a6622274f90bc9777f981ef0b49328df5055ad48bbb634743e7cd +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/173.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/173.npy new file mode 100644 index 0000000000000000000000000000000000000000..404268d322a96f28fb8e95df94526972458be8e5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/173.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b51c6de20f587652e69019a9d9b289174409c9dd88cb097e5a88eb611caa354a +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/174.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/174.npy new file mode 100644 index 0000000000000000000000000000000000000000..e7b80341b54a0af0b081e8ccac3e80ec9d0566db --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/174.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c41f9aeb8ed76306ee92202b438a88adde34650f0b7823e3864642850c207f06 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/175.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/175.npy new file mode 100644 index 0000000000000000000000000000000000000000..f41c1d65ba3c01603dec5ec901d3227974dbd14d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/175.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2ecd2972f20874d864bd9942671069bc973413bb7c59ff5c42a5f25c63ed4e2 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/176.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/176.npy new file mode 100644 index 0000000000000000000000000000000000000000..9ec33ad4159084193bf0fb0c07cfdacf32bc198c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/176.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03c0fc230d3f137442107519c1f3476b20523895776058a91c8ff5b4407a7acf +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/177.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/177.npy new file mode 100644 index 0000000000000000000000000000000000000000..ce7cab49fc404d77fa18b6d8fbac1590dae779e7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/177.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ac340fb49e2cf68553f6b44312e6c55a2ac83d6df0729afc1ebb7fad0a81d57 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/178.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/178.npy new file mode 100644 index 0000000000000000000000000000000000000000..8a2b0a822fc3865dfce89040743999c068c4e358 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/178.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fa5aa985c51752145e3c64c3bc70527a62990c55ebba98de689be9e11ef8c0d +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/179.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/179.npy new file mode 100644 index 0000000000000000000000000000000000000000..d6c571c742b59f8dd365e2d3adcc34f132a89400 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/179.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7f58bb40afc7a0612053f179dfae0d1573a4fec856db4b68b166b43508fb38b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/18.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/18.npy new file mode 100644 index 0000000000000000000000000000000000000000..b06eac54f99437e786f5b804e981fe7b3d567c05 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/18.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65b82bed622b098575204bc4cb5da3d705141e67fdea721445767cba05596c73 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/180.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/180.npy new file mode 100644 index 0000000000000000000000000000000000000000..b20fe4cbd706623288d80ff2cca0179dbcf5e10b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/180.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df4df6f67df34de0cf552feb1b78b6ac491aa9bb2c44865bc80b448dc7b19442 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/181.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/181.npy new file mode 100644 index 0000000000000000000000000000000000000000..0a4adc0df4bf586065c60ae970a27c66b0b4f3d4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/181.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7cc83600ccb601b37c2b7566461a5b9d5a4b9b3509930429d897ff86d90e786 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/182.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/182.npy new file mode 100644 index 0000000000000000000000000000000000000000..ce6c40fd307107c860fcd2f31e96c64ec4a00a79 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/182.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8766027295d8c8656bdba90f30afd6bded0170b924cf87742312bcca60a4dd2 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/183.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/183.npy new file mode 100644 index 0000000000000000000000000000000000000000..9465a83b17c32cb66bc8195339d0add7965bd886 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/183.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98912c42043193566af5cf6c6e89cdd87515d38bc9886e3dd90f551e721197cf +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/184.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/184.npy new file mode 100644 index 0000000000000000000000000000000000000000..1edbf21aa724b9c75d879c1e58bcbfe3f9e76697 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/184.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02f92a6975cfc37900a1d440eb52b8bc52326147a12913bbc9577af942b256fc +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/185.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/185.npy new file mode 100644 index 0000000000000000000000000000000000000000..4a681c5b9c5134337abca0c49abb460da53459d7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/185.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0aa3a38d3f2652243a99d874d496271bb118eb6227a9b7721ceafad91be39193 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/186.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/186.npy new file mode 100644 index 0000000000000000000000000000000000000000..508afe2148e6ffcc69f23b23152518a80317a708 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/186.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59da7cc9251895e4dff03536491b8e40b8e7812278b47860f075cd0aed420fca +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/187.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/187.npy new file mode 100644 index 0000000000000000000000000000000000000000..e00a67eed531095fb3ac1a0c34acc54633994174 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/187.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef4cb776a17bc6dfe6bcfc66d98cf819d6d3e7b77d332f6565e4291ff38ea523 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/188.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/188.npy new file mode 100644 index 0000000000000000000000000000000000000000..2c6ef98d73b67ef9fe35c3513133418730370656 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/188.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dfd532a9f86eb96fcdf1bd354c673793bb1c5f3a5ae4667fb476421c0f1c70f7 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/189.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/189.npy new file mode 100644 index 0000000000000000000000000000000000000000..5ddb501f3e0e6677f743110fe7003cff88ac527f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/189.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2cff33cf724dab9051b57502689f602d1aa102d5a5ed137542780ec7261f3a4 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/19.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/19.npy new file mode 100644 index 0000000000000000000000000000000000000000..0530b7ffda89d924aeed5aa339590c1e10abacc5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/19.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ca423e28d1536036f3a8cfdf201012017b9425f2ddc467eb964e2c24592a8b7 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/190.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/190.npy new file mode 100644 index 0000000000000000000000000000000000000000..ca9fc75c1ea2bb39a013513605482e7482f730c4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/190.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19fd08da54f286dda1d6332ffe4098d820c40a86871aa34937a59e1aa85dacb5 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/191.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/191.npy new file mode 100644 index 0000000000000000000000000000000000000000..c0f2a98dc5ca202580ee8c7d181c00e5d8e6257c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/191.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2ee6945adb5ce049d3168f4a29a29f24ee736448c2b4109c101eafe9e3dc2f5 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/192.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/192.npy new file mode 100644 index 0000000000000000000000000000000000000000..4f639bfd15e5375c73dcba55cd257823f903efe8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/192.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d727d676f330c46c0083fe3f611775258b6ec8d55e2d63bfa9937b3a7912ab94 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/193.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/193.npy new file mode 100644 index 0000000000000000000000000000000000000000..c4efa20182eca310e78b5e5e704bb23b83fa1af6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/193.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6ff0c229afea52e44c60689c5ff234383b5fc975d4ebd19258d4fdc07ccfe53 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/194.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/194.npy new file mode 100644 index 0000000000000000000000000000000000000000..86930b386f7988649e6a2fdc8723da2721a12ad9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/194.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:496deaf10b2f133c5837379fcab0fff7fe7705c31b21c604a8853263eb24fd55 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/195.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/195.npy new file mode 100644 index 0000000000000000000000000000000000000000..0f021c6d097d66becac08dc1ae68426336333f3d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/195.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b236551a5d0d43b1e939bd535d37f55d3fe19d6c72a0c8a680b7acbefb7dede +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/196.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/196.npy new file mode 100644 index 0000000000000000000000000000000000000000..5f734fc344d41261083318463d16f870a0361928 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/196.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5007123f3d838ba0798c29e1a17604a14ef5b6ba5d39f563389361bd06802c12 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/197.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/197.npy new file mode 100644 index 0000000000000000000000000000000000000000..e738988ee4e0e8c5863e774fdfe0885a8d587035 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/197.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26e5ded73b790b13b13b42621b2d38cf37f15e69815481ec984c902e642281d3 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/198.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/198.npy new file mode 100644 index 0000000000000000000000000000000000000000..5d68e87424a6f27e1d148b4181b4c72382f21e82 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/198.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:303be20049e503c1598f7af1e2fc723592212d6befe466d384c3ab5578aa89fb +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/199.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/199.npy new file mode 100644 index 0000000000000000000000000000000000000000..ae3588484ef0e306e793c769f0b30ace1b728037 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/199.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33012aa840d545e7d2ae0336fb48dca2926d8032b3a720f665b4ebf4ff6ef6ff +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/2.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/2.npy new file mode 100644 index 0000000000000000000000000000000000000000..669b38ae4eadfc15e4ab404281bb2711775d8c6e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/2.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55f57024839f9817482be782b06ae9eb2d9069758f69d544a2f1b25921446d3f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/20.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/20.npy new file mode 100644 index 0000000000000000000000000000000000000000..2f50f4ae5003a9d21e36705c2aa0825cde9e5a6b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/20.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f95fc088e224691e3506d1890ff2e51240da6ee6a48316d19e2eafc5e037ef7 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/200.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/200.npy new file mode 100644 index 0000000000000000000000000000000000000000..3ea33e088963b728029bf3bd2b7ab10ade54e8eb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/200.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d62bc4372025a4288ae16e9cc2b941978ca8e94acaae3dd4c0f0249f012dafb +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/201.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/201.npy new file mode 100644 index 0000000000000000000000000000000000000000..e7bae5e850de0e2b4416fe487180072465a47253 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/201.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ceffdc57949d1e3c801490c8d9fae5ef2b0bb0bcca089da9c9f31e19a5f91a2d +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/202.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/202.npy new file mode 100644 index 0000000000000000000000000000000000000000..cc54b54789f2fa63d53ea04130012d2da0046b0e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/202.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a915984773dae21e065dfbfe64ba46222d7f5dc4e84428df77cb3bc8be32d58c +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/203.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/203.npy new file mode 100644 index 0000000000000000000000000000000000000000..627b27a3d6439aa4df05c0e73afda5cba8e63031 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/203.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4427b5d53103af95fd5a611c99798521ce7d74afc63bfdce867a594b3458eb51 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/204.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/204.npy new file mode 100644 index 0000000000000000000000000000000000000000..e604c4011ce326d4304d70029daa92a670b16464 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/204.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3bfc8ddba88c44fb43724e72c6719595c2e0f649c1b11f7d25efc4a70581ba4 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/205.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/205.npy new file mode 100644 index 0000000000000000000000000000000000000000..3cf12ceb5ca4fd1fb65665384e17152e19f18c35 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/205.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f86e82e7a6e9ed04ca6951dcfc2329b5c170220a5b4440dec859ef9b48c0228f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/206.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/206.npy new file mode 100644 index 0000000000000000000000000000000000000000..6f98fe2d8d2589efab77082e03dba263b8c0252c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/206.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8eadafde0ad6d0648f3b106dc0822d42efbe4432d26b89a1ca8378dc174ea25 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/207.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/207.npy new file mode 100644 index 0000000000000000000000000000000000000000..d926e858697ba3ae4c8cffa877b6cce9b2fc2d16 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/207.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee40e931ebb1f2ee46b12cfa8e877c19b1b4554ff74a3ff46953609996b5cdaf +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/208.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/208.npy new file mode 100644 index 0000000000000000000000000000000000000000..b878b520ff1b08f1ffd44872052b3ca501d52355 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/208.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0f17a903f16f2b285e6055a96b86f284024d0b47ab76052a66d51afec9b2469 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/209.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/209.npy new file mode 100644 index 0000000000000000000000000000000000000000..42a3a305f7fa9f18286658160846d2494f12fce5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/209.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7abb9aec1c193d6b9b42139be1b2edf4d72c1dee48e5e39dd2dd813173407192 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/21.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/21.npy new file mode 100644 index 0000000000000000000000000000000000000000..aaed65d6dc3a38187cca3101c705f74eb03151a2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/21.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2531b5c1f0e2a904b3531246abdf76e29798984dd2f11c8cca67b1955da8fc96 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/210.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/210.npy new file mode 100644 index 0000000000000000000000000000000000000000..f4393e3060b7e8a68816020cee3cc164d9e008b4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/210.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d067a131d0b1621fd54f684cd5c0582c674d2fcb486d3c86f1df3aa0034bb83 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/211.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/211.npy new file mode 100644 index 0000000000000000000000000000000000000000..5c84d197e09c6bceee847873eff2e903e50da3e0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/211.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:775dd16b34ce98ecd06ad4878f79401ba94ba10504028fba9a28bc2ac72fa7ca +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/212.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/212.npy new file mode 100644 index 0000000000000000000000000000000000000000..d7bb2ee4381223cb82830ad7e8aa7850127e9f59 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/212.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4eb026cb8e042252e73b3f6008d6958eae288953ff601b91963cf8181b2d952 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/213.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/213.npy new file mode 100644 index 0000000000000000000000000000000000000000..5999a3f36eda3638b13cdf342accf875502d89ab --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/213.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c0b0d5f27824cc39acea5826af8b6564392b5148d0593aa3fb7c4e2c0159317 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/214.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/214.npy new file mode 100644 index 0000000000000000000000000000000000000000..396ea0c4b987b09231551e1adb16319d0b302eb1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/214.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d9c592696ef99fde4f801f6e4f40cc9c7c8a4d009f7a2cc6764d3cef8030e94 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/215.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/215.npy new file mode 100644 index 0000000000000000000000000000000000000000..45334651d9dd931a58a184d943af601debe646e2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/215.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4187160a9bbf4cf883e13da0de0628238d9e41cbe3225b13ff48842e85e1ce22 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/216.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/216.npy new file mode 100644 index 0000000000000000000000000000000000000000..377a231d564eb6ac6404e25cc6b89aaa4f8b152d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/216.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10433b67cdf3938965d63d34f168f8176cc0d28af03baa8b576e58f0ccab9a3e +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/217.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/217.npy new file mode 100644 index 0000000000000000000000000000000000000000..ae87822190505c9d24bf4a3a04392989ea09bc3c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/217.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2783d8e474897d22434ace5ae0f0165a041bcc6cc3ebde20802ef5150e894bc0 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/218.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/218.npy new file mode 100644 index 0000000000000000000000000000000000000000..24e5cb9a80b133857a443bb381120495e1b62f1d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/218.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db67608f55ec291997616f86b18650f8aefa77e5c8e434d5b44713d2f37cf17d +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/219.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/219.npy new file mode 100644 index 0000000000000000000000000000000000000000..89c863511d239d7a7d25ec75f8eb9509649e8a2b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/219.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41f2404db8e7169c76f036a3636906d67d21172a67460c7f994507e28be99dc9 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/22.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/22.npy new file mode 100644 index 0000000000000000000000000000000000000000..5f2cc916c7cff369a3252987dd354311ca7c49ca --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/22.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b100cf1359c261ffb3995d3f935f90348f2d180b45e1af6df0406560e27783e4 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/220.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/220.npy new file mode 100644 index 0000000000000000000000000000000000000000..d2a8483dccb61f05e1feb250db6c989864879e15 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/220.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:488e19e6be3be47480b09dcf55208f9e249bd595097ef3c035f5bb2409a6dc90 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/221.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/221.npy new file mode 100644 index 0000000000000000000000000000000000000000..6c25c94e1b91a084d400c459ace3e9ca248efefd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/221.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f9912c960b2c4931b28e34b5f3b5c56862a337c4e1e8084bd92b746b14e588c +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/222.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/222.npy new file mode 100644 index 0000000000000000000000000000000000000000..5da935b8cfe8d6f3dfe4ba774f7eee77b8ee41cd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/222.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bb3ddfd82612b8e4d5b82de813b97ccbfdca1c6acb7f1567af99f9783a351d8 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/223.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/223.npy new file mode 100644 index 0000000000000000000000000000000000000000..f13283d678a0374bd5c39b4c05a625f90e7b777d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/223.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca7a88fa688f38d29c7695ea11a3b84de3b5ae8cdee658bdcfe8e8d8451d9dde +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/224.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/224.npy new file mode 100644 index 0000000000000000000000000000000000000000..84d97e469d1dfaa08342a42df44047af7facd86a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/224.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:360dc2e08f3f8af9c8de431e26a6121fcc0284b1b1bb544ea28cc758eb83d8c2 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/225.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/225.npy new file mode 100644 index 0000000000000000000000000000000000000000..7f73aef93ff79c26edcfd2bc90557aebf65caec7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/225.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9d9278893641204c1dacc89a7a722a2fb117a66182e70e1c451e1736c2acb05 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/226.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/226.npy new file mode 100644 index 0000000000000000000000000000000000000000..15431d05171e11067247d1d89b732e1c817da923 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/226.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56819d59742404d740468a460e73ab0ec4c010a720245be5a4f521622c371af3 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/227.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/227.npy new file mode 100644 index 0000000000000000000000000000000000000000..dd4464425f745fe7f36a2bf86452764da617a692 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/227.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e87134ddd4ee9bce06405e4aefda83fba137332eaabeee9854d36aa8b91e8c5c +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/228.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/228.npy new file mode 100644 index 0000000000000000000000000000000000000000..e71f60d1d9668a89aa1a7959826fed9a938237c5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/228.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36cf6ed51a1efcc182c3a7f2c132f18012c2b9cb655eccb0b54aeba9c1f5acd2 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/229.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/229.npy new file mode 100644 index 0000000000000000000000000000000000000000..5f223204dc51f0a3e642b7c8166f7041f016017b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/229.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bed19f94d3f629869de971a0affce4583c6336b260c8a136b550e054962c8bf9 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/23.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/23.npy new file mode 100644 index 0000000000000000000000000000000000000000..a0975d25296ecfd0b16b41573e7e55b2b783ca50 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/23.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0f3b2f7300a6369030f1a200a68746f3acf37cc2de97d8078efefb33b494553 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/230.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/230.npy new file mode 100644 index 0000000000000000000000000000000000000000..a4ec8173efc4a4aa70c8aafee3e1244a08854d5b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/230.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c7e133f078cabfee78063065603bbd1d1cf8fd5f72cd85d7e0e19b891128332 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/231.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/231.npy new file mode 100644 index 0000000000000000000000000000000000000000..42176fd7e77f0772bd91453fda4e2fc10aac3e24 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/231.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63839a3ef4d66530043edf9ebf63e9d70e42ab66d2c27cfd1adec1f8391fa362 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/232.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/232.npy new file mode 100644 index 0000000000000000000000000000000000000000..20433eb8632086321bb53856d2b754414d390ed4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/232.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:871c6acf1e424584376ef015056df8561a6f2578e61010957dfbb7270ab7771b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/233.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/233.npy new file mode 100644 index 0000000000000000000000000000000000000000..bb5444f26070a50d0013386a2a64be0c6d66c19b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/233.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58a26bc6114c2d8db9c51a2f5198b67fff4ee943219d6f0fafde0dfcdb039325 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/234.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/234.npy new file mode 100644 index 0000000000000000000000000000000000000000..d0f08312b991571f45eb9267aefac9e61e439b16 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/234.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94f2569c8d9392d28ec3db63cfd773354602c417a4397c37032c2f34d8cb9683 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/235.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/235.npy new file mode 100644 index 0000000000000000000000000000000000000000..48f2a14f443a0c6ffd7f445343c3c425a700bdd9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/235.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38403eae5ad3ad6558216ea33f96998a6a284cb554309cbd651f5fbfb546c3f3 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/236.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/236.npy new file mode 100644 index 0000000000000000000000000000000000000000..97f37a92985799d41cd556ef4030e32e44b12101 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/236.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:928acc8657dce4c721830b5879fd32372f0d3703dd4115104523c96b17d9fb90 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/237.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/237.npy new file mode 100644 index 0000000000000000000000000000000000000000..ca699e8ba8bbfbe7ebd0a4e999812b969c32fe3d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/237.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e76a40bfcb5e2d820ac4c436d9c84ab5fce406dc9af72f8977fafcc011d24fc +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/238.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/238.npy new file mode 100644 index 0000000000000000000000000000000000000000..5a1ddb023dd7b79436c35c4e87b4fd4434051807 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/238.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10712dc0689638997b4e8ea99a42d637982f6929ff276faf9fa62e2793325989 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/239.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/239.npy new file mode 100644 index 0000000000000000000000000000000000000000..42792bc0698d6311af720858140c83c5c5b30f71 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/239.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:175699a2640e139ba610c883ae702654a34e623306034eb98c7766311ca69c73 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/24.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/24.npy new file mode 100644 index 0000000000000000000000000000000000000000..014dce9605e4d6518de0fce315f4373bc5b3d27f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/24.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c4276acfc0699374d56373255e97e9c73c2e4d946ca582862c57a376473b345 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/240.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/240.npy new file mode 100644 index 0000000000000000000000000000000000000000..8d20e2f755e9c0d0e89155380c1240424b1d7959 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/240.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f95132f2363056234006778cf8dfdfd73469e8146f999bc98986da1153f2952b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/241.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/241.npy new file mode 100644 index 0000000000000000000000000000000000000000..cf6d8c2c18e8f3fd8482a1bc7ad526f8a67ac6c8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/241.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9062612177ba8b0216d5857561c0d2890d8bccad5df01e6257eca7f5d5fba273 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/242.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/242.npy new file mode 100644 index 0000000000000000000000000000000000000000..eb5dd87546d0c5de5ed12a4b6d043129f35e6312 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/242.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:313c53efed24b19fb8acf11e6bb9ffecd5fe4f03b3a4cc72a244b043e030c482 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/243.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/243.npy new file mode 100644 index 0000000000000000000000000000000000000000..61762608733940d3cea44fdf94e9f4424ca3a605 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/243.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6ce41875c32dc63066f1e9bdb3f27e5055ba39efa1614096f674a93023a4d56 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/244.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/244.npy new file mode 100644 index 0000000000000000000000000000000000000000..b9ed855a58dcaabb77f6a507291e079924e87292 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/244.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64bd75d8c2a34b9695c924f9bfd40aca9af3ea017bbd55be085709734e3f1322 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/245.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/245.npy new file mode 100644 index 0000000000000000000000000000000000000000..fd357a82730e7b26c440d8682a2713809129bdc0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/245.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76b8507ce692a5bd86964e1481cf4a4a5612f508353ed4a90d5384293752e430 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/246.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/246.npy new file mode 100644 index 0000000000000000000000000000000000000000..8e916f15696b55c6736033e0dad4f4beceb75ffe --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/246.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5fa33eb486b3da788b571ba72060a2ffa2f2ddf4f7359ff0be44e923ffa4b23b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/247.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/247.npy new file mode 100644 index 0000000000000000000000000000000000000000..2cd14a4e9705e7bd9b241989c64092bfaf6892ba --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/247.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b22d6056bab059de49b561f472ece85db46a1286a74c29a98174f29e531f393 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/248.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/248.npy new file mode 100644 index 0000000000000000000000000000000000000000..7a6221eddafae68679d667e0299622ce833304c2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/248.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38bcde4025ba2618b826522569520463284511f61a7dfd0217ee7ef2f7cc7c22 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/249.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/249.npy new file mode 100644 index 0000000000000000000000000000000000000000..7b4e5d9d0451befaa87dd40193052e5790d332e0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/249.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0aa797983e00010e9be5771a5bd456af43c4f31cefe5caa77c269a5f9678b87a +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/25.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/25.npy new file mode 100644 index 0000000000000000000000000000000000000000..40818ef9f5ec6666212bc364b684c02fb3eb5b8e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/25.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fc08abf41b36aa6a8a63cd7906a16f0b3e3bfdc669ebc8d4159b6a37dd63106 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/250.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/250.npy new file mode 100644 index 0000000000000000000000000000000000000000..3311989542132af4816331828a840a3bdf1cd845 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/250.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bb7e5b02fe2862855fc086083153474c1f0bc84334d5496e18381350d4be735 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/251.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/251.npy new file mode 100644 index 0000000000000000000000000000000000000000..06fb14520cccfe2b7b4b2a9b12d082515d266bb6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/251.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ece61accd375ecde94a9944c73666101ba9820aab99b095034c716d9c6687413 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/252.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/252.npy new file mode 100644 index 0000000000000000000000000000000000000000..58fbec4f7f61b4c7352b505b3e405c2595bd4b3d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/252.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:661ecbce6c45d29597dbe72d269ab76dcb8a276a0e050c39a6dbf80836facda9 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/253.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/253.npy new file mode 100644 index 0000000000000000000000000000000000000000..52535877e2ff77b5e941fa36a5cdd07cb53859bf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/253.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1201d86e4eaee50b9655f13d9867fdc4eec6c2735e185df5a5d96b000eccf83 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/254.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/254.npy new file mode 100644 index 0000000000000000000000000000000000000000..08ae294a7297c7bd1d0c143c73f7ab39a4fdde4d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/254.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a12513808df0e17d5b586c80b51236e2e656105136a3b97868475833e0d33e98 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/255.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/255.npy new file mode 100644 index 0000000000000000000000000000000000000000..2e9f6b9c09633aff64864502ff6424c522dc60be --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/255.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6dd6e2faabb1893fcc04c28b0ad00f6d9b9bddc41adea47c12d4c76711dd3ab4 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/256.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/256.npy new file mode 100644 index 0000000000000000000000000000000000000000..d8b18145bb79f3acaa53c48629d14968c904674d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/256.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5799bae573b9fcc48be7af426e00ad2fab3c925eb7ca6a0f56e26b52652f203d +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/257.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/257.npy new file mode 100644 index 0000000000000000000000000000000000000000..4213a6cbc272baee1c232b09e1eb11652d9ca811 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/257.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0405d01283a813011d4e37d4e604bcda193fc8a841634913d3e5b64228d84d5d +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/258.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/258.npy new file mode 100644 index 0000000000000000000000000000000000000000..9cfc4597bb895ed0bb2c4735626cd2ec476913b1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/258.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e12e498d7cf34c283aa9b9e42b4f8fc293ba90feb4ef6c1147481c3277485be +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/259.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/259.npy new file mode 100644 index 0000000000000000000000000000000000000000..eeb77e6869a6e55523124aee265774fb4a8a6001 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/259.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af92ef0edc01afcdb4e56e0d1c00f1258b9aafb539c54b131c76c22bc971fab0 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/26.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/26.npy new file mode 100644 index 0000000000000000000000000000000000000000..febda2eab3cc9168483e5ebb1c6a4e9963d3a430 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/26.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30b9f0569b7ae01ac8f793ad84d71498490c3ad866cc1136b3c993eaa4e21f42 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/260.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/260.npy new file mode 100644 index 0000000000000000000000000000000000000000..e0b839edeee01b7c2eb044433b3eb1109dd39640 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/260.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e36275907e7824ec6968f4964669f91af1edc367f0d99f9c4346bfdfa9b43a4f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/261.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/261.npy new file mode 100644 index 0000000000000000000000000000000000000000..742c132ca3ff4b6911f483f199f3bb3b2d9a4078 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/261.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69dd538d6bf0da1ea5e6830d17d67ebed8cf13567306da574f9c9938c2c1b7f1 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/262.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/262.npy new file mode 100644 index 0000000000000000000000000000000000000000..15d9fbe6961aa2080b3adc7cf73dcb5fcd879b63 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/262.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71a95fb15818a7c14b6024fea15da5d7751c68316adb0ebd4e3a67e4a730d6c2 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/263.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/263.npy new file mode 100644 index 0000000000000000000000000000000000000000..fb8b038a68aa825707ab2468e7c3203a61835bc5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/263.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:655b26dca278fabe4076bf00bb115847b61054bbd2e5cbcb77ab9102ca1be40d +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/264.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/264.npy new file mode 100644 index 0000000000000000000000000000000000000000..69830ffa6f878d7f3a0ea47098afd5fd129ceea9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/264.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4260e94219aed537847dd15a50f445d7daab2cf1152b88d2a7ea351057549e6b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/265.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/265.npy new file mode 100644 index 0000000000000000000000000000000000000000..f16e2769ced38a88ac79cbda5f6732389815ef19 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/265.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:546d8a51c84d3a7e30214a84f42592b250c492930020238fe5f26d86e089c698 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/266.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/266.npy new file mode 100644 index 0000000000000000000000000000000000000000..74ff770d243f679d2d5ee2171403f3d71560090b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/266.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2668c901bdd462d68f717f3058372c75153da3462649466603623597ee6ee001 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/267.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/267.npy new file mode 100644 index 0000000000000000000000000000000000000000..f1fdf8d8f17d9fe178177feddbdabcaade5235ed --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/267.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce8f3cde4ac060b25369230ccbad25d78a3d8e31897a8ac0501a1a5dc12d7ff5 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/268.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/268.npy new file mode 100644 index 0000000000000000000000000000000000000000..5ba8f527b1f7a65027fdcbff8c1b2b5e71e8eb91 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/268.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3a839a01a27b4ff762dfd73c639006de2c0b971b697c0d3210cdcfaab1acaec +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/269.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/269.npy new file mode 100644 index 0000000000000000000000000000000000000000..e89a9098682efe94212eecc49ded9c4f258bbfef --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/269.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0dd7a823d6abea51d5d3ac711af3ef2d262012ccdc8109a0d4e7479a353d2ef6 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/27.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/27.npy new file mode 100644 index 0000000000000000000000000000000000000000..e289dfc187d61f25f3c328bab1a25c8979f5f306 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/27.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a5a771c44fcf20b3b9f9bf2d45edbfa4a0fd30894794e344a53e09453e4b2be +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/270.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/270.npy new file mode 100644 index 0000000000000000000000000000000000000000..daae832a61cd4dbaa31040e6e7ab38499986e9d0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/270.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b57bfc443424bfe4565b088c8b2373f82219d49534f73ce3cdee8da9f6e4f65 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/271.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/271.npy new file mode 100644 index 0000000000000000000000000000000000000000..290f3f3e3e7f0b324a9bf2ef6db52df1ba563f06 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/271.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:934c598488c6e9f4c6e14e1d85d36d178b631a644c0bf997c97415f1ac3bf2bd +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/272.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/272.npy new file mode 100644 index 0000000000000000000000000000000000000000..d81c8e82c900060a4bc9e6178198262eb09659d7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/272.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53ded672ee061dd841d4bfed6ef12e488059018b05b12cde4054fc69aed660b3 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/273.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/273.npy new file mode 100644 index 0000000000000000000000000000000000000000..f0677ccfb502a950146a617a06ef5960bda82633 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/273.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df891afef4842cd808d0546daa1212af06e1f4e09c51c14260942bd04d78866a +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/274.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/274.npy new file mode 100644 index 0000000000000000000000000000000000000000..94f483255c52bee005afd1232f84133f9ffd8594 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/274.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd95fc74846acdaa5d5521d8617f0379e73f0fec438769c708ed6fde4aded23c +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/275.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/275.npy new file mode 100644 index 0000000000000000000000000000000000000000..26ddd4d38f67bdff7449a35872302fd0aca2fa22 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/275.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c846d6af3ca55ad3fdae555388e26eaa5db87cc6fd88df2c65b796d7240a233 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/276.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/276.npy new file mode 100644 index 0000000000000000000000000000000000000000..8dd4dca23a175ce14c96a95df519c74f9e3f9781 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/276.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9b951eaebbf7004e61068a676b0c4ce653b8d9b5691dc6f3a3eab70622deeee +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/277.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/277.npy new file mode 100644 index 0000000000000000000000000000000000000000..136010435d1ed27daa0c0d517deb446a07afbfa2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/277.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e2f2f715e0547cd012500abf843818cbcc28a5e8827ac9aecc872b72601d618 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/278.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/278.npy new file mode 100644 index 0000000000000000000000000000000000000000..83a6da587200b3f493132923edea1103fda5204f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/278.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36d1b84d09bef7a03a9c0c64322346a0b8d0dd5f17ad0daa75b0efb5552ec4c0 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/279.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/279.npy new file mode 100644 index 0000000000000000000000000000000000000000..50dd7dfc1ba074e04c165d0170ee677b3960c1f8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/279.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48b6f64744e4f1a34ca56f84109a8b88ac59b2e81283432bcdc2fb176f6261aa +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/28.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/28.npy new file mode 100644 index 0000000000000000000000000000000000000000..0a38f1874453950f6438b2f6ab5b68a004c6a779 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/28.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56351c7a26efcc86020260eae433af2e5595cafd594f80f06982f6864f8ae695 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/280.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/280.npy new file mode 100644 index 0000000000000000000000000000000000000000..1af117a8ee0659b7540bf723de1dd8681c50c105 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/280.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:868415ec37f4290084f0dce7bd266943273757abea67a633a84a32d2dd309c07 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/281.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/281.npy new file mode 100644 index 0000000000000000000000000000000000000000..cb2f1f02ce038e59f9ff8c808c5e3456934c7e96 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/281.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3548a0a2a36bb9b04f85c869ab6ff0826039890dfd735d06933e1487a35beafd +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/282.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/282.npy new file mode 100644 index 0000000000000000000000000000000000000000..2bd7e55b15370b9be404cff02ce4543d4590ba32 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/282.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19fb52309940b4d316839dd7a517c720885d59b2cf0be226e390e4d2f5b55396 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/283.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/283.npy new file mode 100644 index 0000000000000000000000000000000000000000..38063242d494bcc90654a672a6fc124f46e6d378 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/283.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:633c132f38a60527dd0be33773092cdd914d316e9826f8080a73fc9ae6d1d56e +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/284.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/284.npy new file mode 100644 index 0000000000000000000000000000000000000000..53094383d84c6990b85c6e729df00dc14b396e59 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/284.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a2ad99642a993ae99fe6f0aa2f2ac478a8acfad82beeb29fc50b88fbf4f0f2c +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/285.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/285.npy new file mode 100644 index 0000000000000000000000000000000000000000..f14ae797ce529698cafc3f7d9017a63c5341c344 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/285.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4c17887e50c43bf10033bbcc5156265ceebd7a973086fe2ff0cc36248eb040e +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/286.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/286.npy new file mode 100644 index 0000000000000000000000000000000000000000..5338b344e16e526b9aa68b8c94a4cdb9a9411d50 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/286.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20debae7eb5c55bc8d496be8fe735c39eae2aed4ef00acb9559607d12a26b36c +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/287.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/287.npy new file mode 100644 index 0000000000000000000000000000000000000000..954dcf8cc8e73c08e4160f51bca30f08740dbc23 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/287.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69162ed3f29f8538afb3f11174e620bcd722f81d598dec1065a4ac3acd72586a +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/288.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/288.npy new file mode 100644 index 0000000000000000000000000000000000000000..06bc1eb0db5afd624d1e14707f2654f8f04ac787 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/288.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0133d405b3fcfc52ccfc09737ffec0862f36cb3786252c59a56fec1f3008d68f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/289.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/289.npy new file mode 100644 index 0000000000000000000000000000000000000000..d34984a709d915b85597a558a52d6d8773101c54 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/289.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e38c2493cda6ae55761d1076073d415c0d62c9e8501a12291b991756e0c2c20 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/29.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/29.npy new file mode 100644 index 0000000000000000000000000000000000000000..7af9c6d2a56be5e68c3d3a4b1ed21ccd56573d22 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/29.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a1e3a2d413a8102c6e696c13d981d44b79aa5db4f22743552185412f23c8442 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/290.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/290.npy new file mode 100644 index 0000000000000000000000000000000000000000..e5aa2a3f980f066d3b5458bca1860244c4e7a352 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/290.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7500198d5e03c479b4547c4135ca06786bc5dc7e421007eb271a01016bfd9ea3 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/291.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/291.npy new file mode 100644 index 0000000000000000000000000000000000000000..4299898e53158ab42b4bc42ee3c4ea4ebe046515 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/291.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ee041336151b84c8b43e2b11f797711724f5d1f25b27efae4928d3f1adb459d +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/292.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/292.npy new file mode 100644 index 0000000000000000000000000000000000000000..de8250dc2e4c93bf8afd1867126e3ea382bc57cc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/292.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4aa58dbe01fbc7451ff1205493f38cb8faf7a7cf9ea058471f4e20012dab7a2b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/293.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/293.npy new file mode 100644 index 0000000000000000000000000000000000000000..4e550a286ad3fa872ebd2ee972ba3feec4770050 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/293.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9727b6d65d967c477bbc1e91926f2b56ec471db86ce05096f00f23a0100e8426 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/294.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/294.npy new file mode 100644 index 0000000000000000000000000000000000000000..87d1981f56560690a076117c45e33f4afde1681e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/294.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b73c42adcaa17f8987adaa22f057fd91f9328f095ce9331e6fca030bf08b2977 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/295.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/295.npy new file mode 100644 index 0000000000000000000000000000000000000000..4635e21c6b0fbad6b87bbe3c90ee153e7f10453a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/295.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2b91655e07dbdc20d4d340eabc92177a74e99625c910b0f7c29ca9c489b325b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/296.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/296.npy new file mode 100644 index 0000000000000000000000000000000000000000..45a4f98ebb4db1fa0155a5a371755dd2ce7d46e7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/296.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ae939757f0c83671afec23466b0d73fd4907cf2f86c35fa45808fb3b7a139e9 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/297.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/297.npy new file mode 100644 index 0000000000000000000000000000000000000000..9974751284e5e663b27f0f4292872f22ac5081c9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/297.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac9e8fb0917adfc08dba06a2c59ff03932f36c70078dbe458efb2a7ebe3b7496 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/298.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/298.npy new file mode 100644 index 0000000000000000000000000000000000000000..16027207a399fdf36d914d40c5c0749fcbaf05cd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/298.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d373e8db20d8038d50c019c5202072da4d1c82aec569966ae2b05ca4537e46e9 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/299.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/299.npy new file mode 100644 index 0000000000000000000000000000000000000000..1515abb515d500a6b1ac6c6e9163365529f28f66 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/299.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7e54f8035ca7cd59b2e48b9d124648a5132638de63185b679ba9e4f969251be +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/3.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/3.npy new file mode 100644 index 0000000000000000000000000000000000000000..fef1479935a8e9aaa0b3c938d6c8ff69d3cc56c6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/3.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47f5c7f3da4af5f83c844c79f614e3bb2f7e6cb5520e4aff27a6f39b31042867 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/30.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/30.npy new file mode 100644 index 0000000000000000000000000000000000000000..586c7bae9e8fa8ff073f47f172abc43531907c8f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/30.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94ab681742162c5e010ad88515af164da5e9714f47b2de5e1bba58815ba99c8b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/300.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/300.npy new file mode 100644 index 0000000000000000000000000000000000000000..2ebd684cb50c9c3c0106afb0cb65c9a7080ba579 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/300.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c54b6728920827310306f85be76c6a68e32e2ddc1a4e0546c3d30c9b678193c5 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/301.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/301.npy new file mode 100644 index 0000000000000000000000000000000000000000..496af1f6e1f5dfc073097689e8093979dcd54618 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/301.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f088ce4d391edbde0901ffe0e343937b6a6a048771746d8b5c94bdd41315384 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/302.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/302.npy new file mode 100644 index 0000000000000000000000000000000000000000..5d39d9b014ba16b0dafe83422addcc2831736b67 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/302.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a979f42e0ff4cfbbd1f368889a82e17ddf891933acde90222c73c67d7ba6c788 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/303.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/303.npy new file mode 100644 index 0000000000000000000000000000000000000000..be702d15b0a41c441f5fe863c600f9f50e4d00ef --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/303.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f14dfe0e2190bced471bc9e1e2c6203b11177ce654d4e921ccd885d50dfba706 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/304.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/304.npy new file mode 100644 index 0000000000000000000000000000000000000000..3502d3dc316d6e9f6c0c63320fba633c2ae47e45 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/304.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efb4dbe1c93cf387b035d6d67d9dd2777e0e3440d15aa7b17fe4b1d950f5fb48 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/305.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/305.npy new file mode 100644 index 0000000000000000000000000000000000000000..cde2bb6768d6a3cd02b36f2ff426bdf4301de83e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/305.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:078e99e77cf10f0099b6ae5aebf1fd1c52e7c25130a37616e7ef4b361e7b7e80 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/306.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/306.npy new file mode 100644 index 0000000000000000000000000000000000000000..6958b95373ddf529b17498636022afd18c652f99 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/306.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:166d0260453aaa78e132b1d29a5baad0695d5af5cd7114942af5ac96894df90b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/307.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/307.npy new file mode 100644 index 0000000000000000000000000000000000000000..a92c6cfe439652068ee52c409759c79dae20fe15 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/307.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:197361b3d2e929c3aa9d5df210f32cd3e0f16c0d2fd57f37484a1511cbbc166f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/308.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/308.npy new file mode 100644 index 0000000000000000000000000000000000000000..4ded252f5903442b68920f8971d758c959627158 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/308.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be6556d735a4f4760c98f97948564bca3594ee1bccaf2905340821d6f52632b5 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/309.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/309.npy new file mode 100644 index 0000000000000000000000000000000000000000..e986503e52e2299d435a2c4f89373ead73946567 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/309.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca333acf231a29cc2a10192e96f30ea8c1ade99e83e66be8435e45890601e0c0 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/31.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/31.npy new file mode 100644 index 0000000000000000000000000000000000000000..eb4e79b414936933bfb59bfaf4b1605dc168d679 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/31.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86e8442b39e47c6f58aaeec5f5fec19e1835c79610ecbdc56dde7b2cf9999ad9 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/310.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/310.npy new file mode 100644 index 0000000000000000000000000000000000000000..3a927d09f59d8dbf773405b8ac086cebe9ccd1e1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/310.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7eba6014be4f2e816701f62cb07afabf6aef54d12749881acaf6a2aa08bb4c8 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/311.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/311.npy new file mode 100644 index 0000000000000000000000000000000000000000..a6aa72ef8574c279ca8d41362dc8a760a797fd34 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/311.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2903f3efeb9d1aeead69bb5a4882ef3ec4ff52d3268b75579dc0d9f23b397598 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/312.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/312.npy new file mode 100644 index 0000000000000000000000000000000000000000..3e7f2227518c1e8b9dcba28fc7d87f82c86cb704 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/312.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fddf77b94464192f99eaed87c68e66aac9ae5a8aa3735e33e2c600ae9992b28 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/313.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/313.npy new file mode 100644 index 0000000000000000000000000000000000000000..f071f9f3e4b90735d58e18f6111fc4c77ffbdecd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/313.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c9fb2fbf36638123343420f87fd924afde8caf9abe507f628b7878b1a2e589f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/32.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/32.npy new file mode 100644 index 0000000000000000000000000000000000000000..27febad825c90bf6874865879f1e30d3359b8bbe --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/32.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07fa2c35572688c9a1a67d3ecbd22d085deb264ae678900ae0252d365cf5f9ec +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/33.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/33.npy new file mode 100644 index 0000000000000000000000000000000000000000..5f7142a4d8113a84e7226321b524f60b7fb735e2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/33.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbe0649749c8803f1f89ede3f048948320ea1c323b084c6717d986c1e1a15722 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/34.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/34.npy new file mode 100644 index 0000000000000000000000000000000000000000..eddabaea6f745d5f0aace3647c05d64b7ef50dc1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/34.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1250b56934018e450d4c214143e00784acf8cf104eeb66d9aa8ba4f61b30f05 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/35.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/35.npy new file mode 100644 index 0000000000000000000000000000000000000000..6c29192e5a4d2dfe135e0d336c43c227d6108e61 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/35.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c71fd43f8944468ad9be7e703d087bfaadf478b65fa68548f47f17d6ee5dcbe +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/36.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/36.npy new file mode 100644 index 0000000000000000000000000000000000000000..7b59f763c972d470b901faaca51389edb627383a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/36.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c955619aaa16cb1b32dfe489551e5c454c431bff1681dce7c6ad1934548bd91 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/37.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/37.npy new file mode 100644 index 0000000000000000000000000000000000000000..060fa16a7413dffbadab999a47237fad978e9f3d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/37.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0dc408a8a213de31914e782f306c4c76178cc5176083a0fb8973e1b3cb86b46 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/38.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/38.npy new file mode 100644 index 0000000000000000000000000000000000000000..2816708addd497f62409635e1183363d4a7a5881 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/38.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34535adaa356b720eae72d08e674051be287004729bf307100328878fe57f83a +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/39.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/39.npy new file mode 100644 index 0000000000000000000000000000000000000000..b054cfd7cdbc17b0d7b2cb9fc801f6c2dcf7972c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/39.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4259590b78aa502824f7dcc04980b1235337839dd882181f36bc4f5fe511057b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/4.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/4.npy new file mode 100644 index 0000000000000000000000000000000000000000..7681ade1cd51f60c39ba1eeee1621f49947ede25 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/4.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f4742495de0c6de9562b3196926eab2b8c07dba40fc90ee91bb7fa0573444b4 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/40.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/40.npy new file mode 100644 index 0000000000000000000000000000000000000000..3b28943f2f3e5ab35b3d8aed6fcadec78f9dca34 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/40.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:718fd787a025843f00f67893e083679de09945db5ea898081b08803fb065561f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/41.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/41.npy new file mode 100644 index 0000000000000000000000000000000000000000..9da56c34c384674c3eb5d3fdaa07c111fb9c0e2e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/41.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:086729d2051ef13d31b08caf46e4924bec7d653ab9eb0fc7899eedb36de2cde6 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/42.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/42.npy new file mode 100644 index 0000000000000000000000000000000000000000..c46bfe503b419c401dc6d5dd71ec88d3295c9176 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/42.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa47ef669d77b20b34506ca9e6e19efb7a938c3f767acf12dfc75f4ca4b483cf +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/43.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/43.npy new file mode 100644 index 0000000000000000000000000000000000000000..fda6ba0a9ac8aeb9c1653ae939029c194b15b5b6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/43.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddbad9c2c7108be3e63441b5f61c05284cec9d9fd35580cda728f60cb45e18f5 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/44.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/44.npy new file mode 100644 index 0000000000000000000000000000000000000000..3cee58315a940b99830f07b86bd0104f456492a3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/44.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cb076b12dbb2a5a773545c96ea496b6dcf4db21f2d378a6c94ff508bb41222a +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/45.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/45.npy new file mode 100644 index 0000000000000000000000000000000000000000..966920614757ec7a322a2ae1ae780aefad1e2515 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/45.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86a5dbc63690a04343a19903bcf1c7e550a510a4a54f819d16ecdc6213faec2c +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/46.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/46.npy new file mode 100644 index 0000000000000000000000000000000000000000..3d9cd7cbe2bad13a86785f7e6ca175a992a112e5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/46.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4acd6cb5e1d76fe5b17aea06b409e3911a07eddcde2df3146c763af080d356fb +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/47.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/47.npy new file mode 100644 index 0000000000000000000000000000000000000000..03cfa1fa1fc017ec0bba5535e2f7bd5a0ec9259c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/47.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8edbf09d2624f908c356711577884e76a96ff93a4aa50ec28bc3966d729c6bcd +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/48.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/48.npy new file mode 100644 index 0000000000000000000000000000000000000000..37bf286c666701a59e3847fe247d8bb801643bd2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/48.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64ce0586934722aefd7b8861d1065211c6671ae081826ce88c9cdb100e5f4739 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/49.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/49.npy new file mode 100644 index 0000000000000000000000000000000000000000..6e49b9731bd163d7a115982ebfc7b59284f3cc01 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/49.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e76621c411260d6bb6887428e3fd74b5f8fa08a9ad11e85e17964a431fa3d1db +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/5.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/5.npy new file mode 100644 index 0000000000000000000000000000000000000000..aa44e0f97c50b9b0ab460b68bed194e1ad7050b9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/5.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:231b296aef105702d8b026bedc624821c5779d9782d380db7685fa95d1082476 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/50.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/50.npy new file mode 100644 index 0000000000000000000000000000000000000000..6fdc58b3a1382858e88eee778c853ff6f38ca19d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/50.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50be2a4736b6e0848835fde736190dd095f4e0c31c47a7691f8f8b009637e230 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/51.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/51.npy new file mode 100644 index 0000000000000000000000000000000000000000..14d487703896b7c8eb1595007a0ff46f9b1826da --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/51.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc728f9d3146ab54cfc821bb5ac63bf00f7492ebdb7d1c1dad025538c00798b8 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/52.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/52.npy new file mode 100644 index 0000000000000000000000000000000000000000..0f9fd9e5aee066bdf6130f666a6cda7f838e08ae --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/52.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4bb8752b29cfa493043d70b063b3882b0df5e36b241b705667a334d3f3edbe9e +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/53.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/53.npy new file mode 100644 index 0000000000000000000000000000000000000000..0b8d26331d31c06ae5f5d3f1a21034b03afed389 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/53.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1df311477ccc92a6b2a9c9317eb51328feb8666531dd00c33036d9bb5eca16a +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/54.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/54.npy new file mode 100644 index 0000000000000000000000000000000000000000..943b0a8a8bcdb8a369922f248a951d1f3b5d4558 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/54.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c70c61844dad774f39fd49fa8f9d2a895baa0b6f8a1060d2d85d58e7becfda36 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/55.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/55.npy new file mode 100644 index 0000000000000000000000000000000000000000..d6faa2e317c2a38add88d7ca6f8bff3aaa65625c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/55.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73c0267ffa499108140a3a575823fbd13137ceee7733a4119014e6224ff61231 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/56.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/56.npy new file mode 100644 index 0000000000000000000000000000000000000000..3694fbef05ccc3abe4b602ddf7c1035477ca4da6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/56.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a7e76fc3389a56a66be6656235a11cc156043f1c307a23bc6b7b3e3a999ad1b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/57.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/57.npy new file mode 100644 index 0000000000000000000000000000000000000000..2ef2213ab54894fe6f0d9696e9b78795707e6b33 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/57.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a6d577755bb5e91d4a4bb66a77a00bac41e19338c3958ca2737ec80bbab079f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/58.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/58.npy new file mode 100644 index 0000000000000000000000000000000000000000..5f293146e21419f7b6fe1fddb91d6d754bcee4a0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/58.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1b7e5763f08d14bca51ab54d3b5d5ad5ec7700e3af01760a3acd435f2635855 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/59.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/59.npy new file mode 100644 index 0000000000000000000000000000000000000000..4fbbdd2cee680b2647ecaa10622af67954b83bfc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/59.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ef6457a4428b8ec99abbe0ef626e6baa1fc0b7ab935d623b361173a34fe3e1e +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/6.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/6.npy new file mode 100644 index 0000000000000000000000000000000000000000..666034dab41a9d0172839dde18e96938b049ff6b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/6.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9c2e9270c3f3a315737dabd0015430641f5279aec9ba274072145d785240b37 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/60.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/60.npy new file mode 100644 index 0000000000000000000000000000000000000000..6e736e4611155a74eb288ecddfc96cd07ce933cb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/60.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44a34012ede991cfc52f4d336695c19ed29721f4b74a3b9dd0b895c405fb8193 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/61.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/61.npy new file mode 100644 index 0000000000000000000000000000000000000000..88d66b1c9064dac0a4ea7715f4dfe85e296953ad --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/61.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6da6f57ae4d439e4ac49d2bf251410049301df289877c11c3a528d905ff2b7ed +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/62.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/62.npy new file mode 100644 index 0000000000000000000000000000000000000000..f0d2d9b2964607619a891b8d250f245534dbcc99 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/62.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ff0a441aee71a5d49b4ad6e15c4a4d74d7ae8bcc73c353af8eaba853f85c349 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/63.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/63.npy new file mode 100644 index 0000000000000000000000000000000000000000..225bdb932e6f035231abecd0a67411682b2cfcf8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/63.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef98d3307447ff97a3ee5f52d4d5d9ce14f5cc16348222929f0f97d1919aab15 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/64.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/64.npy new file mode 100644 index 0000000000000000000000000000000000000000..1e4644283f62d0f95c37bc6c7678d78aa9b596ec --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/64.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:487135aa2e147043fd0b42a4bdef5ca18b3eda84d45df9cfdd6f4d9d60a90b0f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/65.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/65.npy new file mode 100644 index 0000000000000000000000000000000000000000..ac3ae83a05ece0c08e32872388c5c4164bc0052c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/65.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c9c74ca92582aa2d96d2c1367b27d7b850ba6961dc7e625d788dbfec184629c +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/66.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/66.npy new file mode 100644 index 0000000000000000000000000000000000000000..5e8d4eb94782a89dbbe60a6c7edc9e4454b36bd8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/66.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f713f07d84ea2e97e18dd2424e10f5e0f71cb2eeae0df34db283d1cfda5d175f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/67.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/67.npy new file mode 100644 index 0000000000000000000000000000000000000000..dc4e7320210044f71c68eb27d45b603257686ab5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/67.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4b0645fc6eee8215730cf16f5e208a9aeb09faa5b5803fa36c3280167c597d0 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/68.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/68.npy new file mode 100644 index 0000000000000000000000000000000000000000..9e32ffb67f6709e52243dba607eced290a2afa95 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/68.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9dc5e46ffc1567f31a3d31aaa2a3850580d4d00853b791722b69f9135eeb462 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/69.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/69.npy new file mode 100644 index 0000000000000000000000000000000000000000..eb275637fd883db5c7445b26db27d38a01ecec21 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/69.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:500c6e1ad1b917554bbbc4df77ae51e5edf250389ed42c2d202c8ae1eac473fb +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/7.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/7.npy new file mode 100644 index 0000000000000000000000000000000000000000..71666179dd7d2d3b60a5a27f096e15242b274608 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/7.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6300479c95efb458c5e28a1627a21743581b4737a0ee24f0d8c528db143a4529 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/70.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/70.npy new file mode 100644 index 0000000000000000000000000000000000000000..7614749f7b919a88bc83e328d6dd0ffa93fab8dd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/70.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cdda3c9d507563c9aedac85c85888273ace438d57fdb3973d962d98cfac3f80b +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/71.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/71.npy new file mode 100644 index 0000000000000000000000000000000000000000..11474c17548bef14ca9798b1f7103378cd39299b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/71.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e88e4bab458bcc11a1f41b1e8c7ff27a9cb1f73301e3c257b7b11161c40d56d1 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/72.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/72.npy new file mode 100644 index 0000000000000000000000000000000000000000..2b13b9878ce3160ed51473d24b9325f2e63c92ba --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/72.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d034879c8a6bed69ee7f72bdc092f1b230fae1959cad82e4a07514e257343345 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/73.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/73.npy new file mode 100644 index 0000000000000000000000000000000000000000..36dcf92a9247d062686d0ca03af59dd9724bc61b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/73.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62df694aa57a9bb83f1af903c7cb2c6a63625a76674f2e596ea7bfae4a2fdb17 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/74.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/74.npy new file mode 100644 index 0000000000000000000000000000000000000000..dbc2e185fc42b35170db2190f6eb463efb53af29 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/74.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cfed61c96f0387b696f3ac797195fd82e0fb03705b0026d13441148d6aea0bf +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/75.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/75.npy new file mode 100644 index 0000000000000000000000000000000000000000..a73b685c9873164b818f88bae00b38d97cf6063d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/75.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28c24b6d42f466c30eabd76ecc330d4e55defcf891b32965612790a7efacb493 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/76.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/76.npy new file mode 100644 index 0000000000000000000000000000000000000000..79d40d7738b02a9277b4d4a47db43f1d8e74eba4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/76.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e70ad4bf0cb03402cf238a5f4aa98785fc9bfde4367fdd3b3df01ab39d53c09 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/77.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/77.npy new file mode 100644 index 0000000000000000000000000000000000000000..c5e498834112a334f4f1e935b50c4565e783b86e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/77.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9e3e45250088df439ce6f7499173fa49a65d64621a41282972e8434463fef8e +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/78.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/78.npy new file mode 100644 index 0000000000000000000000000000000000000000..d3413da042db541d58c63f486b43edb1253d3a0e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/78.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:245c3ee84f77916c318d6c739090dd4ee9f35a1985c33b339b813473aa3d1b2a +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/79.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/79.npy new file mode 100644 index 0000000000000000000000000000000000000000..5361990bcf15f08eb097089770534949775572bd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/79.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a3ade8576e887c3ddfb24538097fb28d74a090b02001bf5e399dbcf94ea5bc3 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/8.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/8.npy new file mode 100644 index 0000000000000000000000000000000000000000..e2f9dce1647f7faa529634ebc80e0f4c0d0fb6d8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/8.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfd6374d78c12e1bd9dc1cd13f7e2b4c8183ede2c50f10133f08581dfada2c57 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/80.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/80.npy new file mode 100644 index 0000000000000000000000000000000000000000..e7ba70880ed7ff06bddc58fa631c334ea8613ac5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/80.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2feff7e119380cbe157969fded3c465d26f7de36f21718dba2ad4074ef89a8cc +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/81.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/81.npy new file mode 100644 index 0000000000000000000000000000000000000000..934f59da0188df5f47d2277c8fc317ae40d06032 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/81.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8ffa12396cca4530e05ce9c20bf634fd0ade327b0403854bab5fa25022d9432 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/82.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/82.npy new file mode 100644 index 0000000000000000000000000000000000000000..47d0c1a2cd0acf1576fb16235bdafd6b35fc9954 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/82.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efc7a023201c9f72f9c922b476f44fa46a000b301a13190db76952d354f94f3a +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/83.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/83.npy new file mode 100644 index 0000000000000000000000000000000000000000..11f0ef38e4d37c7a71e1056ee1667f94fe11ddfe --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/83.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a15066aa616086b1a46e57a795d21788e5beb01c6ca01b94fe77f0c0a022e135 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/84.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/84.npy new file mode 100644 index 0000000000000000000000000000000000000000..aeade4aa06d574c43048509d38ea72bbf9591371 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/84.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef003bb77587dd02f99200e99ef24e7ce5a9896b2997914aabf7ea0ff9600c74 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/85.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/85.npy new file mode 100644 index 0000000000000000000000000000000000000000..552ed7a344679d6cc7fe1ce5694b31d98e77500c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/85.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ebdc3f299f5c47bc153ed6d7bac801b636adf2bb19e80d3a9b171f09c2c45ac +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/86.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/86.npy new file mode 100644 index 0000000000000000000000000000000000000000..5fcb371d0a94af7d8d5b68e6fde70f427090acb4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/86.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db4df394242630b6c03353c38466f11c0fbb3ea98e0e0536f66e1aa9dacf7dd2 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/87.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/87.npy new file mode 100644 index 0000000000000000000000000000000000000000..83e7448e4088ab5f48fe184341d0a5eab391d478 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/87.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:572da168169081ae9fa357542b6cf45bc9c10abc47d13d9dc6b77ed89cdd6444 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/88.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/88.npy new file mode 100644 index 0000000000000000000000000000000000000000..7f51e56e4e4c9c6dfc0e2a045008af7fe230a568 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/88.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6716d2491beb7aeb38b6e2c97a24c2cefbe4133f30a01aa59e580f2599708e81 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/89.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/89.npy new file mode 100644 index 0000000000000000000000000000000000000000..50f026758e142a79f83c2683cb3a432ae3b921f6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/89.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cdf6ba2fe713d6262c58e36e89b7925749ed814b53b87fc0c002cc2bb2e9858 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/9.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/9.npy new file mode 100644 index 0000000000000000000000000000000000000000..fa0ad69f01d99503a7f182cbd18010baffb4d8cf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/9.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:939044fcaa78453e696114eca5c85da8b36d3546b52c18f6972d2e5b9a0ad2a0 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/90.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/90.npy new file mode 100644 index 0000000000000000000000000000000000000000..07be227267ccf719b4469dcdb21d2499b3d70d9a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/90.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e3b22f7f2df5cd4fe7166ee9325294f87a7b3a446877b10472d9b8225854cdc +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/91.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/91.npy new file mode 100644 index 0000000000000000000000000000000000000000..ace42659830efc4d4dce3fbe88a786316ce0c701 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/91.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e3b4c09567c41cfa7c5dc874d363e2378a34b728dcff99c4cf9189b3f1fa940 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/92.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/92.npy new file mode 100644 index 0000000000000000000000000000000000000000..5e9c68c415018dcf21c77177c73aad3a3f0e7bb0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/92.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9a7a806deb068a621b8af23203719777d7c80762d690a004906a8d48d5602be +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/93.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/93.npy new file mode 100644 index 0000000000000000000000000000000000000000..9d61d5f3542a377c73872efd8c442bb8a62c3449 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/93.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51613b698b1dd1b1c1fbe9d9b2e175ab9c2db7bc8052a18277c6f6c469dcaf3f +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/94.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/94.npy new file mode 100644 index 0000000000000000000000000000000000000000..45e2ee2c00b572fcbee9ea39ebdabf34a1a09c06 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/94.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:383ab978d075ffa44523f8e1c47a723866db26491044f53f5e9382d449b974a9 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/95.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/95.npy new file mode 100644 index 0000000000000000000000000000000000000000..724f1e5eb3f50ad12a1777cd52f2d96b64bac6c4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/95.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6e3a353ec2cc71f47ea2fa50a015883386b2cf3f22c4873e3696c0592c77c51 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/96.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/96.npy new file mode 100644 index 0000000000000000000000000000000000000000..ab978bd9d0f0ec5c52d43b17c85d12dfb2a47d9a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/96.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6dc84850e7eb9d78078fd734971860c98dee75f96f7894391c2410ee1dc11bf2 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/97.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/97.npy new file mode 100644 index 0000000000000000000000000000000000000000..62aad89c2c120bb2d01b64cdc38f5d79e7320d4e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/97.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8117101497ca20893d670e0b4e74dc4fda6fa9e47c4d0b737faabc9e728665bd +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/98.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/98.npy new file mode 100644 index 0000000000000000000000000000000000000000..77b7d30fb871812a7d85a0cbe4eda752a8cd0971 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/98.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7508abf8fc4b860d6f6900222f07e088cae02e7468f5bac5b7b94d4bd6237a62 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/99.npy b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/99.npy new file mode 100644 index 0000000000000000000000000000000000000000..c6a4518a40b65f9f037a95819744101790ad5192 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/coeffs/hongyu_2/99.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a693f85961fe78ee9c4f4bb4d4767d14b3d1e52ea77856d4639f0336e8854d07 +size 2568 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/.DS_Store b/demo_data/target_video/data_hongyu_2/images512x512/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..b4ddd2f1c3dc9509e920aa961b287605c434200e Binary files /dev/null and b/demo_data/target_video/data_hongyu_2/images512x512/.DS_Store differ diff --git a/demo_data/target_video/data_hongyu_2/images512x512/dataset_realcam.json b/demo_data/target_video/data_hongyu_2/images512x512/dataset_realcam.json new file mode 100644 index 0000000000000000000000000000000000000000..e6e49656a0c1c54c16a83e818f26a484be239301 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/dataset_realcam.json @@ -0,0 +1,24994 @@ +{ + "labels": [ + [ + "hongyu_2/76.png", + [ + 0.21635496616363525, + -0.011214831843972206, + -0.003557278774678707, + 0.0486808642745018, + -0.011307433247566223, + -0.21630163490772247, + -0.005800195969641209, + 0.062327202409505844, + -0.003250943496823311, + 0.005977279972285032, + -0.2165677696466446, + 2.557828426361084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/48.png", + [ + 0.21631096303462982, + -0.011039217002689838, + -0.0059661525301635265, + 0.0685773640871048, + -0.011169787496328354, + -0.216335728764534, + -0.0046881819143891335, + 0.0493905283510685, + -0.005717966239899397, + 0.0049878740683197975, + -0.21654173731803894, + 2.5434417724609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/137.png", + [ + 0.21634875237941742, + -0.011456175707280636, + -0.0031424579210579395, + 0.0476536899805069, + -0.01149397250264883, + -0.2163541465997696, + -0.0025824811309576035, + 0.023059386759996414, + -0.0030012670904397964, + 0.0027452956419438124, + -0.21663644909858704, + 2.5592756271362305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/173.png", + [ + 0.21637959778308868, + -0.011193730868399143, + 0.0015705236000940204, + -0.015490524470806122, + -0.011155512183904648, + -0.21633127331733704, + -0.004921403247863054, + 0.07173217833042145, + 0.001822281745262444, + 0.004833843093365431, + -0.2166130393743515, + 2.4769062995910645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/35.png", + [ + 0.21624493598937988, + -0.01305003184825182, + -0.003964862320572138, + 0.04668664187192917, + -0.013057752512395382, + -0.21628059446811676, + -0.00030367280123755336, + -0.009692933410406113, + -0.003939362708479166, + 0.0005420109955593944, + -0.21663813292980194, + 2.516757011413574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/124.png", + [ + 0.21628126502037048, + -0.012911900877952576, + -0.0018958162982016802, + 0.020705774426460266, + -0.01293620839715004, + -0.21626926958560944, + -0.002854658756405115, + 0.02467963844537735, + -0.0017221570014953613, + 0.0029626628383994102, + -0.21664752066135406, + 2.55373477935791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/97.png", + [ + 0.2162521332502365, + -0.01317728403955698, + -0.003044531447812915, + 0.02251443825662136, + -0.013227591291069984, + -0.21624010801315308, + -0.0036254581063985825, + 0.037119146436452866, + -0.002817939966917038, + 0.0038042520172894, + -0.21662290394306183, + 2.569460868835449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/277.png", + [ + 0.2162838876247406, + -0.012629924342036247, + -0.0031078585889190435, + 0.03289364278316498, + -0.012770701199769974, + -0.21602587401866913, + -0.010845530778169632, + 0.123366579413414, + -0.002466369653120637, + 0.011009148322045803, + -0.21638070046901703, + 2.421905994415283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/155.png", + [ + 0.21640732884407043, + -0.010751701891422272, + -0.00039642732008360326, + 0.004486653953790665, + -0.010755131021142006, + -0.216396763920784, + -0.0021584457717835903, + 0.027296099811792374, + -0.00028881378239020705, + 0.0021754608023911715, + -0.21666352450847626, + 2.5229392051696777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/192.png", + [ + 0.2164168506860733, + -0.010525546967983246, + 0.0009248240385204554, + -0.0071018896996974945, + -0.01041621807962656, + -0.21571116149425507, + -0.017552582547068596, + 0.21987560391426086, + 0.0017733753193169832, + 0.017487240955233574, + -0.2159605324268341, + 2.4593706130981445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/271.png", + [ + 0.21628452837467194, + -0.0126142343506217, + -0.0031282110139727592, + 0.020138893276453018, + -0.012764567509293556, + -0.21598747372627258, + -0.011591712012887001, + 0.13008320331573486, + -0.0024434509687125683, + 0.01175512745976448, + -0.21634173393249512, + 2.418827533721924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/13.png", + [ + 0.21645663678646088, + -0.00868637952953577, + -0.004354437813162804, + 0.05004250258207321, + -0.008786854334175587, + -0.2164379060268402, + -0.005031911190599203, + 0.05307663604617119, + -0.004147952888160944, + 0.00520343566313386, + -0.21657243371009827, + 2.542701244354248, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/274.png", + [ + 0.2162613570690155, + -0.01294855959713459, + -0.0033545263577252626, + 0.028057634830474854, + -0.013094644993543625, + -0.21603325009346008, + -0.010298367589712143, + 0.11631287634372711, + -0.0027291621081531048, + 0.01048145443201065, + -0.2164037525653839, + 2.4203577041625977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/32.png", + [ + 0.2163718342781067, + -0.01047615334391594, + -0.004623369313776493, + 0.05408792197704315, + -0.010527999140322208, + -0.2164059728384018, + -0.0023490306921303272, + 0.013280007988214493, + -0.004504062235355377, + 0.002570392796769738, + -0.2166125625371933, + 2.542238235473633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/158.png", + [ + 0.21639703214168549, + -0.010962759144604206, + -0.00019998788775410503, + 0.002739195479080081, + -0.010963920503854752, + -0.2163913995027542, + -0.0015659290365874767, + 0.021975234150886536, + -0.00012049751239828765, + 0.0015740427188575268, + -0.21666887402534485, + 2.5206336975097656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/256.png", + [ + 0.21631039679050446, + -0.011923445388674736, + -0.003941863775253296, + 0.03294113650918007, + -0.012153484858572483, + -0.21588601171970367, + -0.01390706654638052, + 0.15699881315231323, + -0.003162221983075142, + 0.014104790985584259, + -0.21619191765785217, + 2.4209861755371094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/38.png", + [ + 0.21633800864219666, + -0.010765476152300835, + -0.005465461872518063, + 0.0634859949350357, + -0.010800289921462536, + -0.21640168130397797, + -0.001252656802535057, + 0.002861395478248596, + -0.0053963386453688145, + 0.0015231412835419178, + -0.21660205721855164, + 2.538919448852539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/148.png", + [ + 0.21646155416965485, + -0.009582259692251682, + -0.00068207475123927, + 0.007722924463450909, + -0.0095886355265975, + -0.21645154058933258, + -0.002164229052141309, + 0.021778076887130737, + -0.0005856612115167081, + 0.0021922853775322437, + -0.21666274964809418, + 2.5367393493652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/222.png", + [ + 0.21632951498031616, + -0.012223535217344761, + -0.00015108355728443712, + 0.0007207016460597515, + -0.012216174043715, + -0.2160675972700119, + -0.010651585645973682, + 0.1256287842988968, + 0.00045024079736322165, + 0.01064313855022192, + -0.21641258895397186, + 2.4449944496154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/111.png", + [ + 0.2162678837776184, + -0.012328137643635273, + -0.00491092586889863, + 0.07113495469093323, + -0.012383210472762585, + -0.21630799770355225, + -0.0023246132768690586, + 0.024760473519563675, + -0.004770352970808744, + 0.0026009143330156803, + -0.2166064977645874, + 2.5999093055725098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/164.png", + [ + 0.21639695763587952, + -0.010965474881231785, + 9.88993197097443e-05, + -0.00031437829602509737, + -0.010960090905427933, + -0.21633680164813995, + -0.005113827530294657, + 0.06686411798000336, + 0.0003575458540581167, + 0.005102271679788828, + -0.2166142463684082, + 2.4947710037231445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/11.png", + [ + 0.2164781093597412, + -0.008250451646745205, + -0.004129575099796057, + 0.047035153955221176, + -0.008342758752405643, + -0.21645905077457428, + -0.004876973573118448, + 0.05071182921528816, + -0.003939762711524963, + 0.005031554028391838, + -0.2165803760290146, + 2.540891647338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/125.png", + [ + 0.21628426015377045, + -0.012805742211639881, + -0.0022426561918109655, + 0.02476705051958561, + -0.012831001542508602, + -0.21628043055534363, + -0.002457777736708522, + 0.02001011371612549, + -0.00209331838414073, + 0.002586154965683818, + -0.21664908528327942, + 2.551866054534912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/59.png", + [ + 0.21639174222946167, + -0.010210510343313217, + -0.004272837657481432, + 0.05119316279888153, + -0.010325031355023384, + -0.21634791791439056, + -0.005904494319111109, + 0.06515783071517944, + -0.003988153301179409, + 0.006100395694375038, + -0.2165520191192627, + 2.548461437225342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/105.png", + [ + 0.21624280512332916, + -0.012549849227070808, + -0.0054261102341115475, + 0.07084845006465912, + -0.012678700499236584, + -0.21624238789081573, + -0.005136018618941307, + 0.05776013061404228, + -0.005117806140333414, + 0.005443291272968054, + -0.21654579043388367, + 2.5757832527160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/121.png", + [ + 0.21630065143108368, + -0.012658785097301006, + -0.0012994165299460292, + 0.01392307598143816, + -0.01268011610955, + -0.21626882255077362, + -0.003860577242448926, + 0.03829127922654152, + -0.0010714365635067225, + 0.003929957281798124, + -0.21663634479045868, + 2.563732147216797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/255.png", + [ + 0.21633324027061462, + -0.011562736704945564, + -0.0037579338531941175, + 0.03304300084710121, + -0.011788105592131615, + -0.2158750593662262, + -0.01438353955745697, + 0.1628265529870987, + -0.0029764960054308176, + 0.014565326273441315, + -0.2161640226840973, + 2.4196181297302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/175.png", + [ + 0.21638506650924683, + -0.011097658425569534, + 0.0014990447089076042, + -0.014137014746665955, + -0.011060552671551704, + -0.2163347452878952, + -0.004983819555491209, + 0.0733264684677124, + 0.001751955016516149, + 0.00490063801407814, + -0.21661211550235748, + 2.477992534637451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/198.png", + [ + 0.21642392873764038, + -0.010201940312981606, + 0.002120459219440818, + -0.020930632948875427, + -0.010038360022008419, + -0.2159586101770401, + -0.01445690169930458, + 0.18342991173267365, + 0.002794142346829176, + 0.014341934584081173, + -0.2161814123392105, + 2.467874526977539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/24.png", + [ + 0.2164325714111328, + -0.009132320061326027, + -0.004630982410162687, + 0.05382725968956947, + -0.00918486062437296, + -0.21646670997142792, + -0.0023881332017481327, + 0.019941892474889755, + -0.0045258840546011925, + 0.002581773092970252, + -0.21661198139190674, + 2.5283803939819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/275.png", + [ + 0.21625696122646332, + -0.013139277696609497, + -0.002861347980797291, + 0.024864882230758667, + -0.013258706778287888, + -0.21603520214557648, + -0.01004455704241991, + 0.11384031176567078, + -0.0022437963634729385, + 0.010200285352766514, + -0.21642276644706726, + 2.4199938774108887, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/214.png", + [ + 0.21633607149124146, + -0.011731250211596489, + 0.0029955452773720026, + -0.032810062170028687, + -0.011528054252266884, + -0.2159637212753296, + -0.013216334395110607, + 0.1639488935470581, + 0.003701278939843178, + 0.013036306947469711, + -0.2162504345178604, + 2.493309497833252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/74.png", + [ + 0.21631215512752533, + -0.01180428359657526, + -0.0041954489424824715, + 0.05530810356140137, + -0.011926291510462761, + -0.216249480843544, + -0.006466892082244158, + 0.07076817750930786, + -0.003834904870018363, + 0.006687001790851355, + -0.2165374606847763, + 2.551424980163574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/251.png", + [ + 0.21634526550769806, + -0.011136215180158615, + -0.004313044715672731, + 0.04134151712059975, + -0.011425083503127098, + -0.2157856523990631, + -0.015934787690639496, + 0.18143905699253082, + -0.0034763640724122524, + 0.016137991100549698, + -0.2160448431968689, + 2.4123411178588867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/193.png", + [ + 0.21640880405902863, + -0.010598717257380486, + 0.0016699583502486348, + -0.014981684274971485, + -0.010434206575155258, + -0.21574577689170837, + -0.01711081899702549, + 0.21479463577270508, + 0.0024997813161462545, + 0.01700940914452076, + -0.21599148213863373, + 2.4583802223205566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/129.png", + [ + 0.21634189784526825, + -0.01168550830334425, + -0.0027432593051344156, + 0.032670170068740845, + -0.011711660772562027, + -0.2163483053445816, + -0.0020352439023554325, + 0.01375548169016838, + -0.002629364375025034, + 0.0021803968120366335, + -0.2166476994752884, + 2.554205894470215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/249.png", + [ + 0.21638518571853638, + -0.010488061234354973, + -0.003918712958693504, + 0.03605777397751808, + -0.010754532180726528, + -0.21579287946224213, + -0.0162992924451828, + 0.18512436747550964, + -0.003113804617896676, + 0.016472021117806435, + -0.21602515876293182, + 2.4115519523620605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/172.png", + [ + 0.21640954911708832, + -0.010688756592571735, + 0.0007419292232953012, + -0.00601812731474638, + -0.01067032665014267, + -0.2163611501455307, + -0.004678723402321339, + 0.06848612427711487, + 0.000971661473158747, + 0.004636462777853012, + -0.21662284433841705, + 2.478691577911377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/232.png", + [ + 0.21634435653686523, + -0.011360740289092064, + -0.0037338442634791136, + 0.035211313515901566, + -0.011584024876356125, + -0.21589043736457825, + -0.014318618923425674, + 0.1647474616765976, + -0.0029695734847337008, + 0.01449641678482294, + -0.21616874635219574, + 2.405320167541504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/153.png", + [ + 0.2164112627506256, + -0.010645223781466484, + -0.00086486607324332, + 0.009243347682058811, + -0.010653777047991753, + -0.2164006531238556, + -0.0022702617570757866, + 0.02763775736093521, + -0.0007522344822064042, + 0.0023100273683667183, + -0.2166610062122345, + 2.5245718955993652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/144.png", + [ + 0.2163979411125183, + -0.01066299807280302, + -0.002475959016010165, + 0.032767582684755325, + -0.010658594779670238, + -0.21641184389591217, + 0.0004449093248695135, + -0.01036720909178257, + -0.002494851592928171, + -0.00032254477264359593, + -0.2166600227355957, + 2.530360698699951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/188.png", + [ + 0.21645981073379517, + -0.009569784626364708, + 0.001210528309457004, + -0.010917941108345985, + -0.009429133497178555, + -0.21565352380275726, + -0.018776318058371544, + 0.23434901237487793, + 0.0020341097842901945, + 0.01870502345263958, + -0.2158561646938324, + 2.458200454711914, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/98.png", + [ + 0.21624867618083954, + -0.013192230835556984, + -0.003219509031623602, + 0.025508543476462364, + -0.013245430774986744, + -0.21623924374580383, + -0.0036120680160820484, + 0.03721533343195915, + -0.0029931191820651293, + 0.0038017777260392904, + -0.21662060916423798, + 2.5701212882995605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/0.png", + [ + 0.2165016084909439, + -0.008472273126244545, + -0.0017798691987991333, + 0.018281755968928337, + -0.008515960536897182, + -0.2164338380098343, + -0.005636688321828842, + 0.06153794005513191, + -0.0015574890421703458, + 0.005702142138034105, + -0.21659398078918457, + 2.546578884124756, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/163.png", + [ + 0.21641018986701965, + -0.010700207203626633, + -0.0001716617844067514, + 0.0032980989199131727, + -0.01070155669003725, + -0.2163739800453186, + -0.003960121423006058, + 0.05318530276417732, + 2.4142102120094933e-05, + 0.00396376708522439, + -0.21663837134838104, + 2.5007119178771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/96.png", + [ + 0.21626433730125427, + -0.013071740977466106, + -0.002600765088573098, + 0.016579650342464447, + -0.013115393929183483, + -0.21624523401260376, + -0.003725871443748474, + 0.03769927844405174, + -0.002370833419263363, + 0.0038762413896620274, + -0.21662698686122894, + 2.5702638626098633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/100.png", + [ + 0.21622321009635925, + -0.013443526811897755, + -0.0038327325601130724, + 0.0374954529106617, + -0.013510236516594887, + -0.21622008085250854, + -0.0037743274588137865, + 0.04074046388268471, + -0.0035905151162296534, + 0.004005445167422295, + -0.21660785377025604, + 2.568246841430664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/309.png", + [ + 0.2161989063024521, + -0.013880991376936436, + 0.003638671478256583, + -0.03844397887587547, + -0.0137763237580657, + -0.2161518782377243, + -0.006039631552994251, + 0.08857418596744537, + 0.004016813822090626, + 0.005795022938400507, + -0.21655985713005066, + 2.4310059547424316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/300.png", + [ + 0.2163313776254654, + -0.012170927599072456, + 0.0007088803104124963, + -0.0056226300075650215, + -0.012134725227952003, + -0.2161736935377121, + -0.008341467939317226, + 0.10684525966644287, + 0.0011757937027141452, + 0.008288553915917873, + -0.21651284396648407, + 2.4164838790893555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/298.png", + [ + 0.2163882702589035, + -0.01107617374509573, + -0.0011532108765095472, + 0.013546859845519066, + -0.011114537715911865, + -0.21620306372642517, + -0.008977742865681648, + 0.11009089648723602, + -0.0006917684804648161, + 0.009025032632052898, + -0.21648548543453217, + 2.414322853088379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/40.png", + [ + 0.2163136750459671, + -0.011382443830370903, + -0.005170391406863928, + 0.06019817292690277, + -0.011463552713394165, + -0.2163456529378891, + -0.003322890494018793, + 0.028522539883852005, + -0.004987981636077166, + 0.0035909032449126244, + -0.21658745408058167, + 2.54315185546875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/141.png", + [ + 0.21640685200691223, + -0.010539522394537926, + -0.0022111956495791674, + 0.03394727036356926, + -0.01055602915585041, + -0.21641147136688232, + -0.0015935662668198347, + 0.01148182898759842, + -0.0021309955045580864, + 0.0016993230674415827, + -0.21665748953819275, + 2.5550804138183594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/52.png", + [ + 0.21629057824611664, + -0.011343312449753284, + -0.006133385468274355, + 0.06941977143287659, + -0.011478506028652191, + -0.2163190096616745, + -0.0047149029560387135, + 0.049990784376859665, + -0.005876485258340836, + 0.005031466484069824, + -0.2165364772081375, + 2.547938823699951, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/184.png", + [ + 0.21642902493476868, + -0.010223018936812878, + 0.001366654527373612, + -0.013669118285179138, + -0.010076372884213924, + -0.21570585668087006, + -0.01781409978866577, + 0.22433218359947205, + 0.0022010388784110546, + 0.0177303496748209, + -0.21593676507472992, + 2.4638776779174805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/227.png", + [ + 0.21634428203105927, + -0.011831369251012802, + -0.001750090392306447, + 0.01531814131885767, + -0.011905570514500141, + -0.21606405079364777, + -0.011067104525864124, + 0.1275303214788437, + -0.0011408469872549176, + 0.011146393604576588, + -0.21638472378253937, + 2.417104721069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/3.png", + [ + 0.216507688164711, + -0.007670411374419928, + -0.0036714873276650906, + 0.04056238383054733, + -0.007746940478682518, + -0.21648821234703064, + -0.004553636536002159, + 0.048242662101984024, + -0.0035071270540356636, + 0.00468139722943306, + -0.21659566462039948, + 2.546297073364258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/294.png", + [ + 0.21640919148921967, + -0.01070389524102211, + -0.0006228603888303041, + 0.009042498655617237, + -0.010721154510974884, + -0.21618491411209106, + -0.0098506985232234, + 0.115685373544693, + -0.0001348205260001123, + 0.009869449771940708, + -0.21644969284534454, + 2.4136552810668945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/231.png", + [ + 0.2163599580526352, + -0.011171120218932629, + -0.003387349657714367, + 0.03213435411453247, + -0.011363123543560505, + -0.21594703197479248, + -0.013625607825815678, + 0.15710406005382538, + -0.0026734776329249144, + 0.013783462345600128, + -0.21621926128864288, + 2.405336856842041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/289.png", + [ + 0.216459721326828, + -0.00960876140743494, + 0.0008716339943930507, + -0.001634875894524157, + -0.009558802470564842, + -0.21623553335666656, + -0.009935637004673481, + 0.11406300961971283, + 0.0013104781974107027, + 0.009887329302728176, + -0.2164449542760849, + 2.3959264755249023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/282.png", + [ + 0.2164311408996582, + -0.010094732977449894, + -0.0018870193744078279, + 0.0306109506636858, + -0.01017853245139122, + -0.21614976227283478, + -0.011116637848317623, + 0.1255914717912674, + -0.0013645311119034886, + 0.011192789301276207, + -0.2163810431957245, + 2.4008474349975586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/47.png", + [ + 0.21627146005630493, + -0.011726007796823978, + -0.006086778827011585, + 0.06995639950037003, + -0.011853402480483055, + -0.21630412340164185, + -0.004463609308004379, + 0.04670471325516701, + -0.005834808107465506, + 0.004788287449628115, + -0.21654312312602997, + 2.5428338050842285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/104.png", + [ + 0.21626919507980347, + -0.012302620336413383, + -0.004916617646813393, + 0.06172272562980652, + -0.012422510422766209, + -0.21625293791294098, + -0.00531432032585144, + 0.05987432226538658, + -0.0046053058467805386, + 0.005586259067058563, + -0.21655364334583282, + 2.5738139152526855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/291.png", + [ + 0.2164682000875473, + -0.009430707432329655, + 0.0006854464299976826, + -0.0027550780214369297, + -0.009387114085257053, + -0.2162221074104309, + -0.01038143876940012, + 0.11967505514621735, + 0.0011358644114807248, + 0.010341853834688663, + -0.21642470359802246, + 2.394221305847168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/21.png", + [ + 0.21636205911636353, + -0.011087450198829174, + -0.0035246845800429583, + 0.04047920182347298, + -0.011137652210891247, + -0.2163664549589157, + -0.0030678012408316135, + 0.0275161974132061, + -0.00336268893443048, + 0.003244554391130805, + -0.21662423014640808, + 2.540862560272217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/268.png", + [ + 0.21628671884536743, + -0.012714823707938194, + -0.0025060889311134815, + 0.01119930762797594, + -0.012836835347115993, + -0.2159465104341507, + -0.01225630845874548, + 0.13795024156570435, + -0.0017784471856430173, + 0.012382838875055313, + -0.2163131982088089, + 2.4219865798950195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/82.png", + [ + 0.21635273098945618, + -0.011697948910295963, + -0.0015959995798766613, + 0.019832801073789597, + -0.011723151430487633, + -0.2163272500038147, + -0.0036031154450029135, + 0.036306943744421005, + -0.0013989139115437865, + 0.003684114431962371, + -0.21663878858089447, + 2.570272922515869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/106.png", + [ + 0.21627065539360046, + -0.012280358001589775, + -0.004908325616270304, + 0.06736822426319122, + -0.01239833515137434, + -0.2162562906742096, + -0.005234239157289267, + 0.05889647826552391, + -0.00460219057276845, + 0.0055053397081792355, + -0.21655577421188354, + 2.5776662826538086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/14.png", + [ + 0.21643836796283722, + -0.009020641446113586, + -0.004578264430165291, + 0.05295958369970322, + -0.009125038050115108, + -0.2164255678653717, + -0.004960617516189814, + 0.05203504487872124, + -0.004366480279713869, + 0.005148017313331366, + -0.2165694534778595, + 2.5455636978149414, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/67.png", + [ + 0.21632716059684753, + -0.01152252871543169, + -0.004205215722322464, + 0.05036815255880356, + -0.011617043055593967, + -0.21630710363388062, + -0.004917026497423649, + 0.05281635746359825, + -0.0039366004057228565, + 0.005134605336934328, + -0.21657800674438477, + 2.548588275909424, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/272.png", + [ + 0.21627159416675568, + -0.012861723080277443, + -0.0030110161751508713, + 0.01974423974752426, + -0.013002803549170494, + -0.21598592400550842, + -0.011353620328009129, + 0.12754781544208527, + -0.002327498747035861, + 0.011513195000588894, + -0.21635600924491882, + 2.416985511779785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/241.png", + [ + 0.21637988090515137, + -0.01005946472287178, + -0.005142757203429937, + 0.050005827099084854, + -0.010465869680047035, + -0.2156226485967636, + -0.01858057640492916, + 0.21110384166240692, + -0.00425515603274107, + 0.018803708255290985, + -0.2158152163028717, + 2.3994312286376953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/78.png", + [ + 0.2163771539926529, + -0.011000770144164562, + -0.00279267062433064, + 0.04014354199171066, + -0.011061189696192741, + -0.21633808314800262, + -0.004835393279790878, + 0.050537895411252975, + -0.002542835660278797, + 0.004971320275217295, + -0.21660266816616058, + 2.5603880882263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/191.png", + [ + 0.2164209485054016, + -0.010425491258502007, + 0.0010853564599528909, + -0.009028303436934948, + -0.010298341512680054, + -0.21566903591156006, + -0.01813059113919735, + 0.22643738985061646, + 0.0019526885589584708, + 0.018057778477668762, + -0.21591202914714813, + 2.457879066467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/31.png", + [ + 0.21636268496513367, + -0.010562443174421787, + -0.004849869292229414, + 0.057327769696712494, + -0.01063142716884613, + -0.21639268100261688, + -0.0030121230520308018, + 0.022876862436532974, + -0.004696723539382219, + 0.003245751606300473, + -0.21659940481185913, + 2.537802219390869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/194.png", + [ + 0.21641044318675995, + -0.010506994090974331, + 0.0020041526295244694, + -0.018618836998939514, + -0.01032243762165308, + -0.21578660607337952, + -0.016658000648021698, + 0.2097187340259552, + 0.002803719136863947, + 0.016542213037610054, + -0.21602405607700348, + 2.458860397338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/152.png", + [ + 0.21642237901687622, + -0.010381662286818027, + -0.0012139444006606936, + 0.012660461477935314, + -0.010394559241831303, + -0.2164120078086853, + -0.002387839602306485, + 0.02876295894384384, + -0.0010980629594996572, + 0.0024432966019958258, + -0.2166580706834793, + 2.529186248779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/270.png", + [ + 0.21631841361522675, + -0.012103661894798279, + -0.0027829334139823914, + 0.014976943843066692, + -0.012235035188496113, + -0.2160232812166214, + -0.011495254933834076, + 0.1290809065103531, + -0.002132431138306856, + 0.011633500456809998, + -0.21635159850120544, + 2.4215893745422363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/39.png", + [ + 0.2163344770669937, + -0.010919536463916302, + -0.005296183284372091, + 0.06127002835273743, + -0.010982835665345192, + -0.21638178825378418, + -0.002488094614818692, + 0.017962079495191574, + -0.00516363512724638, + 0.0027526423800736666, + -0.2165955901145935, + 2.543722152709961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/92.png", + [ + 0.21627016365528107, + -0.013064729049801826, + -0.002102382481098175, + 0.00917445681989193, + -0.01309493463486433, + -0.21625486016273499, + -0.0032024746760725975, + 0.032102104276418686, + -0.0019052111310884356, + 0.0033235568553209305, + -0.21664075553417206, + 2.5737948417663574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/203.png", + [ + 0.21635353565216064, + -0.011029515415430069, + 0.004170963075011969, + -0.0462002232670784, + -0.010780238546431065, + -0.21606411039829254, + -0.012164917774498463, + 0.15656565129756927, + 0.004778448026627302, + 0.01193937100470066, + -0.21629264950752258, + 2.493619441986084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/53.png", + [ + 0.21631667017936707, + -0.011001492850482464, + -0.005828008055686951, + 0.06592117249965668, + -0.011135077103972435, + -0.21633218228816986, + -0.004928892012685537, + 0.0526069737970829, + -0.005568535998463631, + 0.005220255348831415, + -0.2165401428937912, + 2.5484023094177246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/245.png", + [ + 0.21638309955596924, + -0.010241989977657795, + -0.004620338324457407, + 0.043699830770492554, + -0.010571403428912163, + -0.21576346457004547, + -0.016800926998257637, + 0.1896047592163086, + -0.0038067458663135767, + 0.017003744840621948, + -0.2159728705883026, + 2.4074201583862305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/75.png", + [ + 0.21631571650505066, + -0.011773898266255856, + -0.004097298253327608, + 0.054909516125917435, + -0.011887763626873493, + -0.21626025438308716, + -0.006170743145048618, + 0.06787556409835815, + -0.0037541501224040985, + 0.006385318003594875, + -0.21654798090457916, + 2.554978370666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/151.png", + [ + 0.21643158793449402, + -0.01021959912031889, + -0.0009112221305258572, + 0.008656823076307774, + -0.01022827997803688, + -0.21642225980758667, + -0.0021663960069417953, + 0.02554427459836006, + -0.000807981297839433, + 0.0022069804836064577, + -0.21666188538074493, + 2.5312976837158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/87.png", + [ + 0.21632389724254608, + -0.012233941815793514, + -0.0014814332826063037, + 0.004614838398993015, + -0.012254215776920319, + -0.2163054198026657, + -0.003113034414127469, + 0.031016390770673752, + -0.0013031400740146637, + 0.003191778901964426, + -0.216647207736969, + 2.575852870941162, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/139.png", + [ + 0.21637359261512756, + -0.011213866993784904, + -0.002149872248992324, + 0.035234373062849045, + -0.011236382648348808, + -0.2163710743188858, + -0.0022791032679378986, + 0.020438749343156815, + -0.0020289067178964615, + 0.0023874258622527122, + -0.21665197610855103, + 2.558988094329834, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/107.png", + [ + 0.21628926694393158, + -0.011785375885665417, + -0.005286905448883772, + 0.07350841164588928, + -0.011886842548847198, + -0.21630938351154327, + -0.004106260370463133, + 0.04579821601510048, + -0.005054645240306854, + 0.004388999193906784, + -0.21657119691371918, + 2.5861024856567383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/112.png", + [ + 0.21630212664604187, + -0.011661941185593605, + -0.00502792140468955, + 0.070803701877594, + -0.01172113697975874, + -0.216343492269516, + -0.0024507564958184958, + 0.02577107399702072, + -0.004888331983238459, + 0.0027185319922864437, + -0.2166024148464203, + 2.597716808319092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/267.png", + [ + 0.21633470058441162, + -0.011839276179671288, + -0.002649460220709443, + 0.013354403898119926, + -0.01197098195552826, + -0.2159954458475113, + -0.012269961647689342, + 0.13826560974121094, + -0.0019707148894667625, + 0.012397090904414654, + -0.21631070971488953, + 2.4228320121765137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/69.png", + [ + 0.2163294404745102, + -0.011412258259952068, + -0.004385382402688265, + 0.053262997418642044, + -0.01151332352310419, + -0.21630990505218506, + -0.005036302842199802, + 0.052831824868917465, + -0.004112738184630871, + 0.005261302925646305, + -0.21657170355319977, + 2.5480828285217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/157.png", + [ + 0.2163984775543213, + -0.010930473916232586, + -0.00033909009653143585, + 0.004691159352660179, + -0.010932785458862782, + -0.21639209985733032, + -0.0016811579698696733, + 0.022199828177690506, + -0.0002538394182920456, + 0.0016961254877969623, + -0.21666783094406128, + 2.5203328132629395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/45.png", + [ + 0.216305211186409, + -0.011348316445946693, + -0.005582583602517843, + 0.06479213386774063, + -0.011465602554380894, + -0.21632413566112518, + -0.004505930934101343, + 0.04623356834053993, + -0.005337555427104235, + 0.004793657921254635, + -0.21655583381652832, + 2.542440891265869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/259.png", + [ + 0.21632149815559387, + -0.011180020868778229, + -0.005283411126583815, + 0.044797688722610474, + -0.011511848308146, + -0.21588096022605896, + -0.014518389478325844, + 0.16313360631465912, + -0.0045149358920753, + 0.014775433577597141, + -0.21612310409545898, + 2.421009063720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/50.png", + [ + 0.2163073569536209, + -0.010926640592515469, + -0.006295277737081051, + 0.07215290516614914, + -0.01107638981193304, + -0.2163311392068863, + -0.005104136187583208, + 0.05461926385760307, + -0.006027901545166969, + 0.00541729899123311, + -0.21652299165725708, + 2.546590805053711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/101.png", + [ + 0.21627026796340942, + -0.01241876557469368, + -0.004564558155834675, + 0.047699812799692154, + -0.012489269487559795, + -0.21628940105438232, + -0.003288466017693281, + 0.035949211567640305, + -0.004367963410913944, + 0.003545433981344104, + -0.21660159528255463, + 2.571831703186035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/85.png", + [ + 0.2163293957710266, + -0.012178578414022923, + -0.0010817217407748103, + 0.005031688138842583, + -0.012191680260002613, + -0.2163131982088089, + -0.0028026639483869076, + 0.02798021212220192, + -0.0009223888046108186, + 0.0028590636793524027, + -0.21665380895137787, + 2.5770277976989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/276.png", + [ + 0.21623541414737701, + -0.013550132513046265, + -0.0025565929245203733, + 0.023775387555360794, + -0.01366355735808611, + -0.21596097946166992, + -0.011048002168536186, + 0.1247514933347702, + -0.001857265830039978, + 0.011186826042830944, + -0.21637769043445587, + 2.4190616607666016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/156.png", + [ + 0.21641340851783752, + -0.010627423413097858, + -0.000432303553679958, + 0.005200894549489021, + -0.010631322860717773, + -0.21640218794345856, + -0.002228346886113286, + 0.02911284565925598, + -0.00032246438786387444, + 0.0022468718234449625, + -0.21666273474693298, + 2.521366596221924, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/310.png", + [ + 0.21620164811611176, + -0.013688569888472557, + 0.004166700877249241, + -0.04491390660405159, + -0.013573050498962402, + -0.21616895496845245, + -0.0058866324834525585, + 0.08674727380275726, + 0.004528868943452835, + 0.005612770561128855, + -0.21655456721782684, + 2.4329214096069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/181.png", + [ + 0.2164255529642105, + -0.009861599653959274, + 0.003258813638240099, + -0.03546153008937836, + -0.009651617147028446, + -0.21607564389705658, + -0.012886413373053074, + 0.16663376986980438, + 0.003836309304460883, + 0.012726439163088799, + -0.21626652777194977, + 2.471200466156006, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/305.png", + [ + 0.2162310779094696, + -0.013640288263559341, + 0.0024390059988945723, + -0.024279789999127388, + -0.013570591807365417, + -0.21617040038108826, + -0.00583935622125864, + 0.08581365644931793, + 0.0028009340167045593, + 0.005674645770341158, + -0.21658219397068024, + 2.4260668754577637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/131.png", + [ + 0.21633701026439667, + -0.011640580371022224, + -0.003270162967965007, + 0.042211394757032394, + -0.011671492829918861, + -0.21635085344314575, + -0.0019957171753048897, + 0.013838276267051697, + -0.0031580589711666107, + 0.002168759936466813, + -0.21664077043533325, + 2.562037467956543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/71.png", + [ + 0.21629680693149567, + -0.011931021697819233, + -0.004607608076184988, + 0.0572272427380085, + -0.01205112412571907, + -0.21626348793506622, + -0.005724308080971241, + 0.06144367530941963, + -0.0042836605571210384, + 0.00597059540450573, + -0.21654999256134033, + 2.5468125343322754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/160.png", + [ + 0.2164119929075241, + -0.010658664628863335, + -0.0003849396016448736, + 0.006201708689332008, + -0.010662266984581947, + -0.21639901399612427, + -0.0023836269974708557, + 0.03298069164156914, + -0.00026719446759670973, + 0.0023996804375201464, + -0.21666118502616882, + 2.515127182006836, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/299.png", + [ + 0.21633854508399963, + -0.01206377986818552, + -3.1664549169363454e-05, + 0.001370356883853674, + -0.01205611601471901, + -0.2161792814731598, + -0.008310780860483646, + 0.10462215542793274, + 0.00043112668208777905, + 0.008299651555716991, + -0.2165151983499527, + 2.4165701866149902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/115.png", + [ + 0.21626335382461548, + -0.012860643677413464, + -0.003558527445420623, + 0.04942895099520683, + -0.012919938191771507, + -0.21625879406929016, + -0.003619926515966654, + 0.03735250607132912, + -0.003336838912218809, + 0.0038252444937825203, + -0.21661517024040222, + 2.5817341804504395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/54.png", + [ + 0.21633833646774292, + -0.010734201408922672, + -0.005513518583029509, + 0.062255650758743286, + -0.010854184627532959, + -0.2163519710302353, + -0.00468138512223959, + 0.04921570047736168, + -0.0052733891643583775, + 0.004950316157191992, + -0.21655388176441193, + 2.5489864349365234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/33.png", + [ + 0.21626855432987213, + -0.012515353038907051, + -0.004378755111247301, + 0.052124787122011185, + -0.01255571935325861, + -0.21630221605300903, + -0.0018974828999489546, + 0.008425891399383545, + -0.004261628724634647, + 0.0021476640831679106, + -0.21662206947803497, + 2.5330405235290527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/252.png", + [ + 0.2163657248020172, + -0.010759294033050537, + -0.004243751522153616, + 0.04058295115828514, + -0.011039909906685352, + -0.21582438051700592, + -0.01567946746945381, + 0.17857682704925537, + -0.0034485121723264456, + 0.015873340889811516, + -0.21606488525867462, + 2.4134793281555176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/221.png", + [ + 0.21635185182094574, + -0.01182230468839407, + 0.00010014276631409302, + -0.0012456311378628016, + -0.011803289875388145, + -0.21609356999397278, + -0.010589773766696453, + 0.1253620684146881, + 0.0006776785012334585, + 0.010568543337285519, + -0.216415673494339, + 2.4492239952087402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/266.png", + [ + 0.2163071483373642, + -0.012384430505335331, + -0.00239578727632761, + 0.01029988657683134, + -0.012505925260484219, + -0.21592608094215393, + -0.01293912623077631, + 0.14597170054912567, + -0.0016479514306411147, + 0.013055460527539253, + -0.216274693608284, + 2.4210405349731445, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/159.png", + [ + 0.2163984328508377, + -0.010932675562798977, + -0.0002976054383907467, + 0.004967433400452137, + -0.010934547521173954, + -0.2163928896188736, + -0.0015645725652575493, + 0.02238692343235016, + -0.00021827536693308502, + 0.0015775974607095122, + -0.2166687697172165, + 2.51869535446167, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/301.png", + [ + 0.2162996530532837, + -0.012565960176289082, + 0.0021103571634739637, + -0.020932167768478394, + -0.012477274052798748, + -0.21615786850452423, + -0.00824555940926075, + 0.1067984402179718, + 0.00258352211676538, + 0.008109764195978642, + -0.21650740504264832, + 2.4175186157226562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/177.png", + [ + 0.21637243032455444, + -0.011150081641972065, + 0.002558078384026885, + -0.026086350902915, + -0.011068419553339481, + -0.2162923365831375, + -0.006558247376233339, + 0.09162375330924988, + 0.002891052747145295, + 0.006418425589799881, + -0.2165602445602417, + 2.4785075187683105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/49.png", + [ + 0.2162921130657196, + -0.011295879259705544, + -0.006165777333080769, + 0.07113033533096313, + -0.011444294825196266, + -0.21631033718585968, + -0.005172899924218655, + 0.05508257821202278, + -0.00588573282584548, + 0.005489431321620941, + -0.2165251076221466, + 2.5446934700012207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/118.png", + [ + 0.21632781624794006, + -0.012184224091470242, + -0.0013094869209453464, + 0.016849875450134277, + -0.0122049106284976, + -0.21629925072193146, + -0.003683166578412056, + 0.0371500663459301, + -0.0011001033708453178, + 0.003751032752916217, + -0.21663935482501984, + 2.573660373687744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/210.png", + [ + 0.2163611501455307, + -0.011543610133230686, + 0.0015777407679706812, + -0.015082969330251217, + -0.011429868638515472, + -0.2159893959760666, + -0.012877730652689934, + 0.16459976136684418, + 0.0022588283754885197, + 0.012775870971381664, + -0.2162858545780182, + 2.5002665519714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/179.png", + [ + 0.216421976685524, + -0.010143433697521687, + 0.0025547819677740335, + -0.02683251164853573, + -0.010024761781096458, + -0.21624118089675903, + -0.00933520495891571, + 0.12411747872829437, + 0.0029866904951632023, + 0.009206118993461132, + -0.21645836532115936, + 2.4773569107055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/110.png", + [ + 0.21628107130527496, + -0.011948961764574051, + -0.005255167372524738, + 0.07605178654193878, + -0.01201177854090929, + -0.2163272202014923, + -0.0024804200511425734, + 0.026592709124088287, + -0.005109952762722969, + 0.002767245750874281, + -0.21659667789936066, + 2.5984015464782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/258.png", + [ + 0.2163173258304596, + -0.011239896528422832, + -0.005327250808477402, + 0.04576048254966736, + -0.011567317880690098, + -0.21590088307857513, + -0.01417380478233099, + 0.1591910868883133, + -0.00457296846434474, + 0.014434829354286194, + -0.21614491939544678, + 2.422325611114502, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/281.png", + [ + 0.2164146900177002, + -0.010511262342333794, + -0.0014487211592495441, + 0.02423030696809292, + -0.010573018342256546, + -0.2161167412996292, + -0.011386864818632603, + 0.12841033935546875, + -0.0008925943402573466, + 0.01144389621913433, + -0.2163703590631485, + 2.4027018547058105, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/18.png", + [ + 0.2164306342601776, + -0.009312079288065434, + -0.004354195669293404, + 0.05030472204089165, + -0.00941251590847969, + -0.2164115607738495, + -0.0050331540405750275, + 0.051739927381277084, + -0.004132598172873259, + 0.005216635763645172, + -0.21657240390777588, + 2.543257236480713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/66.png", + [ + 0.216338649392128, + -0.01115410402417183, + -0.00459045497700572, + 0.05383841320872307, + -0.011265292763710022, + -0.2163168340921402, + -0.005293113179504871, + 0.05794559046626091, + -0.0043103923089802265, + 0.005523571278899908, + -0.21656131744384766, + 2.548372745513916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/292.png", + [ + 0.21640083193778992, + -0.010871835052967072, + 0.0006106325890868902, + -0.0017882605316117406, + -0.010834579356014729, + -0.2161940187215805, + -0.009520853869616985, + 0.11030365526676178, + 0.001086995005607605, + 0.00947828870266676, + -0.21646448969841003, + 2.406219482421875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/234.png", + [ + 0.21632805466651917, + -0.011523157358169556, + -0.004157732706516981, + 0.03939249366521835, + -0.01181416679173708, + -0.21569064259529114, + -0.01690794713795185, + 0.19229145348072052, + -0.0032396544702351093, + 0.017107602208852768, + -0.21597391366958618, + 2.3997092247009277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/202.png", + [ + 0.21637339890003204, + -0.01086916122585535, + 0.0035087906289845705, + -0.0388873890042305, + -0.0106485141441226, + -0.21604612469673157, + -0.012592654675245285, + 0.1618620902299881, + 0.004130304325371981, + 0.012402706779539585, + -0.21627993881702423, + 2.48848295211792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/273.png", + [ + 0.2162671685218811, + -0.012800784781575203, + -0.003542488906532526, + 0.027278000488877296, + -0.012971942313015461, + -0.21598093211650848, + -0.011483436450362206, + 0.12962843477725983, + -0.0028527246322482824, + 0.011673924513161182, + -0.21634110808372498, + 2.420825958251953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/206.png", + [ + 0.2163798063993454, + -0.010846464894711971, + 0.0031649244483560324, + -0.034478504210710526, + -0.01064674649387598, + -0.2160501480102539, + -0.012524583376944065, + 0.16166569292545319, + 0.0037827687337994576, + 0.012352028861641884, + -0.21628917753696442, + 2.5042529106140137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/16.png", + [ + 0.2164299190044403, + -0.009378435090184212, + -0.004246050026267767, + 0.04936224967241287, + -0.009470830671489239, + -0.2164156138896942, + -0.004741160664707422, + 0.04885655269026756, + -0.004035760182887316, + 0.004921400919556618, + -0.21658113598823547, + 2.5461649894714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/286.png", + [ + 0.21643660962581635, + -0.010135679505765438, + -0.0005970175843685865, + 0.01778789795935154, + -0.010152102448046207, + -0.2162291407585144, + -0.009476224891841412, + 0.10855008661746979, + -0.00015250795695465058, + 0.009493788704276085, + -0.2164665013551712, + 2.393937110900879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/279.png", + [ + 0.21636517345905304, + -0.011426669545471668, + -0.001853789435699582, + 0.02560553513467312, + -0.011513425037264824, + -0.21602195501327515, + -0.012241261079907417, + 0.1377982795238495, + -0.0012026437325403094, + 0.012322282418608665, + -0.21632060408592224, + 2.412217617034912, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/190.png", + [ + 0.21643221378326416, + -0.010155498050153255, + 0.001363528659567237, + -0.012677165679633617, + -0.010002044029533863, + -0.2156493067741394, + -0.018526539206504822, + 0.23175492882728577, + 0.0022254118230193853, + 0.018442869186401367, + -0.21587683260440826, + 2.458186149597168, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/311.png", + [ + 0.21618011593818665, + -0.01417002733796835, + 0.0036425874568521976, + -0.03828425332903862, + -0.014064938761293888, + -0.21613290905952454, + -0.006053157150745392, + 0.08873668313026428, + 0.0040293424390256405, + 0.005802891217172146, + -0.21655942499637604, + 2.43400239944458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/211.png", + [ + 0.21636343002319336, + -0.0114828422665596, + 0.0017038657097145915, + -0.016512732952833176, + -0.011361971497535706, + -0.21599406003952026, + -0.012859373353421688, + 0.163434237241745, + 0.0023800067137926817, + 0.012751556001603603, + -0.21628598868846893, + 2.4976396560668945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/94.png", + [ + 0.21628420054912567, + -0.012731414288282394, + -0.002638230100274086, + 0.016283195465803146, + -0.012773368507623672, + -0.21626928448677063, + -0.003511281218379736, + 0.03531154617667198, + -0.002426978200674057, + 0.0036604823544621468, + -0.21663011610507965, + 2.5721487998962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/209.png", + [ + 0.21637000143527985, + -0.011401831172406673, + 0.0013851835392415524, + -0.012924395501613617, + -0.011300664395093918, + -0.21600225567817688, + -0.012775566428899765, + 0.1638118326663971, + 0.0020531597547233105, + 0.012685360386967659, + -0.21629323065280914, + 2.5026779174804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/228.png", + [ + 0.21636228263378143, + -0.011517963372170925, + -0.0016103668604046106, + 0.013473576866090298, + -0.011587562039494514, + -0.21605683863162994, + -0.011535387486219406, + 0.13260062038898468, + -0.0009925785707309842, + 0.01160487998276949, + -0.21636135876178741, + 2.413867950439453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/285.png", + [ + 0.21646475791931152, + -0.009475398808717728, + -0.0010601108660921454, + 0.02277218922972679, + -0.00951462797820568, + -0.21622911095619202, + -0.010116604156792164, + 0.11594998836517334, + -0.0006155217415653169, + 0.01015335600823164, + -0.2164357453584671, + 2.3961691856384277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/28.png", + [ + 0.21642811596393585, + -0.009152086451649666, + -0.004795610439032316, + 0.05585765838623047, + -0.009235860779881477, + -0.21644525229930878, + -0.003748066956177354, + 0.034783985465765, + -0.004632219672203064, + 0.003948218654841185, + -0.21658912301063538, + 2.53666353225708, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/61.png", + [ + 0.21637918055057526, + -0.010510806925594807, + -0.004179894924163818, + 0.04919750615954399, + -0.010624264366924763, + -0.21633097529411316, + -0.005994598381221294, + 0.06615124642848969, + -0.003882469842210412, + 0.0061913784593343735, + -0.21655134856700897, + 2.549607753753662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/132.png", + [ + 0.21630367636680603, + -0.01219309400767088, + -0.0034546535462141037, + 0.04588348791003227, + -0.012223674915730953, + -0.21632163226604462, + -0.0018513741670176387, + 0.012251347303390503, + -0.00334484176710248, + 0.002043098211288452, + -0.21663916110992432, + 2.5625319480895996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/58.png", + [ + 0.21637724339962006, + -0.010311050340533257, + -0.004740723874419928, + 0.05624207854270935, + -0.010433814488351345, + -0.21634912490844727, + -0.0056642829440534115, + 0.062000881880521774, + -0.004464051686227322, + 0.005884794518351555, + -0.21654868125915527, + 2.54758882522583, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/263.png", + [ + 0.21633918583393097, + -0.011753041297197342, + -0.00266872881911695, + 0.013467192649841309, + -0.011890627443790436, + -0.21597051620483398, + -0.012776936404407024, + 0.14329597353935242, + -0.0019669996108859777, + 0.012903609313070774, + -0.21628113090991974, + 2.4207067489624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/253.png", + [ + 0.21637395024299622, + -0.010618290863931179, + -0.004179385025054216, + 0.03882100433111191, + -0.010887245647609234, + -0.21586528420448303, + -0.015216505154967308, + 0.1732843518257141, + -0.0034180786460638046, + 0.015405388548970222, + -0.21609926223754883, + 2.4157776832580566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/123.png", + [ + 0.2163219004869461, + -0.012217547744512558, + -0.0018632117426022887, + 0.01992669701576233, + -0.01224419567734003, + -0.21630461513996124, + -0.0032070199958980083, + 0.02943195030093193, + -0.0016791971866041422, + 0.003307088278234005, + -0.21664288640022278, + 2.5555472373962402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/64.png", + [ + 0.2163286805152893, + -0.01123820897191763, + -0.004847689997404814, + 0.057012662291526794, + -0.011366872116923332, + -0.2162981927394867, + -0.005812229122966528, + 0.06406748294830322, + -0.00453780684620142, + 0.006057261023670435, + -0.21654240787029266, + 2.5477728843688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/10.png", + [ + 0.21650250256061554, + -0.007883296348154545, + -0.0035227457992732525, + 0.039135467261075974, + -0.00795718189328909, + -0.21647977828979492, + -0.004591797478497028, + 0.047040898352861404, + -0.003352514235302806, + 0.00471752043813467, + -0.216597318649292, + 2.539259433746338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/170.png", + [ + 0.2163897454738617, + -0.011107615195214748, + 2.7946243790211156e-05, + 0.0013945193495601416, + -0.01110522449016571, + -0.2163531631231308, + -0.003985149785876274, + 0.05947225168347359, + 0.00023219961440190673, + 0.003978478256613016, + -0.2166379690170288, + 2.481705665588379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/41.png", + [ + 0.2163100242614746, + -0.011620428413152695, + -0.0047781639732420444, + 0.055748101323843, + -0.011716659180819988, + -0.2163139432668686, + -0.0043468959629535675, + 0.041981521993875504, + -0.004537082277238369, + 0.004597960505634546, + -0.21657833456993103, + 2.5439248085021973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/166.png", + [ + 0.216435968875885, + -0.010164642706513405, + -0.00021605276560876518, + 0.0033341527450829744, + -0.010166825726628304, + -0.21636298298835754, + -0.0056200711987912655, + 0.07507175207138062, + 4.790677849086933e-05, + 0.005624018609523773, + -0.21660161018371582, + 2.487417697906494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/91.png", + [ + 0.21628524363040924, + -0.012826574966311455, + -0.002017741557210684, + 0.008641558699309826, + -0.012855957262217999, + -0.2162684053182602, + -0.003256674623116851, + 0.03263560310006142, + -0.0018211719579994678, + 0.003370540915057063, + -0.21664077043533325, + 2.5748915672302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/140.png", + [ + 0.2164013683795929, + -0.010724042542278767, + -0.001827108790166676, + 0.031004076823592186, + -0.010741190053522587, + -0.21639853715896606, + -0.0020473969634622335, + 0.017487995326519012, + -0.001723447465337813, + 0.002135389717295766, + -0.21665726602077484, + 2.5559682846069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/217.png", + [ + 0.21630021929740906, + -0.012493940070271492, + 0.002453103894367814, + -0.02555510774254799, + -0.012325289659202099, + -0.21593283116817474, + -0.012999669648706913, + 0.1573990434408188, + 0.0031942955683916807, + 0.012837664224207401, + -0.21627040207386017, + 2.473994255065918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/240.png", + [ + 0.2163701206445694, + -0.010299043729901314, + -0.005078994203358889, + 0.04901048168540001, + -0.010710857808589935, + -0.21555699408054352, + -0.019192487001419067, + 0.21832245588302612, + -0.004140533972531557, + 0.019416583701968193, + -0.2157631814479828, + 2.3980555534362793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/23.png", + [ + 0.21640701591968536, + -0.010095500387251377, + -0.003739685984328389, + 0.04187467694282532, + -0.010136162862181664, + -0.21642515063285828, + -0.0023040431551635265, + 0.018093902617692947, + -0.0036280283238738775, + 0.002476142020896077, + -0.21663011610507965, + 2.5160751342773438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/220.png", + [ + 0.21631264686584473, + -0.012509815394878387, + 0.0004917892511002719, + -0.005374967120587826, + -0.012469490990042686, + -0.21604247391223907, + -0.010865125805139542, + 0.12999947369098663, + 0.001117657870054245, + 0.010818671435117722, + -0.21640148758888245, + 2.4563069343566895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/201.png", + [ + 0.21639351546764374, + -0.010504898615181446, + 0.003373692976310849, + -0.03708760440349579, + -0.010280963033437729, + -0.2160264104604721, + -0.013220498338341713, + 0.16930536925792694, + 0.0040045613422989845, + 0.013043269515037537, + -0.21624460816383362, + 2.4821629524230957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/37.png", + [ + 0.21631212532520294, + -0.011444395408034325, + -0.005097565706819296, + 0.05822298303246498, + -0.011452114209532738, + -0.21637167036533356, + -0.0001938515342772007, + -0.009881913661956787, + -0.005080199800431728, + 0.0004629539616871625, + -0.21661457419395447, + 2.52889347076416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/178.png", + [ + 0.21636781096458435, + -0.011232671327888966, + 0.0025858141016215086, + -0.027255788445472717, + -0.011135067790746689, + -0.21625249087810516, + -0.007666127756237984, + 0.10506361722946167, + 0.0029781977646052837, + 0.007522386498749256, + -0.21652352809906006, + 2.479794502258301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/36.png", + [ + 0.2162732630968094, + -0.012343473732471466, + -0.004627392627298832, + 0.05319136753678322, + -0.012346337549388409, + -0.21632257103919983, + -2.2755066311219707e-06, + -0.013341950252652168, + -0.00461974460631609, + 0.0002659447491168976, + -0.21662521362304688, + 2.516160011291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/213.png", + [ + 0.21632541716098785, + -0.012099230661988258, + 0.002194862812757492, + -0.0226538497954607, + -0.011946682818233967, + -0.21595464646816254, + -0.012990978546440601, + 0.16246794164180756, + 0.0029129930771887302, + 0.012849024496972561, + -0.2162737101316452, + 2.496018409729004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/212.png", + [ + 0.2163599133491516, + -0.011479707434773445, + 0.002120097866281867, + -0.02150086499750614, + -0.01133433636277914, + -0.21599538624286652, + -0.012861616909503937, + 0.1627366840839386, + 0.002794876927509904, + 0.012732033617794514, + -0.2162821739912033, + 2.4991211891174316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/182.png", + [ + 0.21643893420696259, + -0.009777054190635681, + 0.002546238247305155, + -0.02710009180009365, + -0.009571146219968796, + -0.21590958535671234, + -0.015470393002033234, + 0.19734707474708557, + 0.003235321491956711, + 0.015341091901063919, + -0.2161066234111786, + 2.469616413116455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/235.png", + [ + 0.2163541167974472, + -0.011118914932012558, + -0.0038935046177357435, + 0.036160293966531754, + -0.01140850130468607, + -0.21560455858707428, + -0.018232209607958794, + 0.20758824050426483, + -0.0029386684764176607, + 0.01841024123132229, + -0.21587108075618744, + 2.3972249031066895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/8.png", + [ + 0.2165098339319229, + -0.007450705394148827, + -0.0039839851669967175, + 0.04441637918353081, + -0.00752905011177063, + -0.2165016233921051, + -0.004273058846592903, + 0.044211771339178085, + -0.003833868307992816, + 0.0044082454405725, + -0.216595858335495, + 2.544602394104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/6.png", + [ + 0.21648678183555603, + -0.008090049028396606, + -0.003988702315837145, + 0.04496074095368385, + -0.00816824659705162, + -0.21647867560386658, + -0.004260601941496134, + 0.044192519038915634, + -0.003826015628874302, + 0.004407275468111038, + -0.21659600734710693, + 2.5436220169067383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/257.png", + [ + 0.21632078289985657, + -0.011705096811056137, + -0.004025767557322979, + 0.032153964042663574, + -0.01193914096802473, + -0.215906023979187, + -0.013782024383544922, + 0.1549973338842392, + -0.0032669613137841225, + 0.013981343246996403, + -0.2161983847618103, + 2.4227075576782227, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/197.png", + [ + 0.21640437841415405, + -0.01058140303939581, + 0.0022531328722834587, + -0.022194767370820045, + -0.010400600731372833, + -0.21590353548526764, + -0.015013118274509907, + 0.18995602428913116, + 0.002978286938741803, + 0.014886240474879742, + -0.21614214777946472, + 2.463632583618164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/219.png", + [ + 0.21636655926704407, + -0.011539122089743614, + 0.0004993169568479061, + -0.004916122183203697, + -0.011496243067085743, + -0.21606171131134033, + -0.01153542660176754, + 0.13949652016162872, + 0.0011122297728434205, + 0.01149253360927105, + -0.21636676788330078, + 2.4633703231811523, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/169.png", + [ + 0.21641241014003754, + -0.010656879283487797, + 2.466665318934247e-05, + 0.0013635247014462948, + -0.010653883218765259, + -0.2163623571395874, + -0.004660782869905233, + 0.06728580594062805, + 0.0002538659900892526, + 0.004653929267078638, + -0.21662449836730957, + 2.483035087585449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/154.png", + [ + 0.21641327440738678, + -0.010607116855680943, + -0.0008233612752519548, + 0.008751895278692245, + -0.010614895261824131, + -0.21640358865261078, + -0.0021686626132577658, + 0.027380675077438354, + -0.0007161662797443569, + 0.002206383738666773, + -0.21666219830513, + 2.5231761932373047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/20.png", + [ + 0.21644939482212067, + -0.008816118352115154, + -0.004452248569577932, + 0.051908671855926514, + -0.008919602259993553, + -0.21643169224262238, + -0.005066088866442442, + 0.05006929859519005, + -0.004241125658154488, + 0.005244103725999594, + -0.21656964719295502, + 2.5349044799804688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/237.png", + [ + 0.21637435257434845, + -0.010726473294198513, + -0.0038707770872861147, + 0.03565259277820587, + -0.011027714237570763, + -0.21554622054100037, + -0.01913413777947426, + 0.21770702302455902, + -0.0029033836908638477, + 0.01930462382733822, + -0.2157934159040451, + 2.3956360816955566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/2.png", + [ + 0.21649889647960663, + -0.008078300394117832, + -0.003294774331152439, + 0.03667699545621872, + -0.008153202943503857, + -0.21646322309970856, + -0.005009304266422987, + 0.05395510420203209, + -0.003104797098785639, + 0.005129220429807901, + -0.21659165620803833, + 2.5456619262695312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/117.png", + [ + 0.21632975339889526, + -0.01200597733259201, + -0.002277408028021455, + 0.030125515535473824, + -0.012047725729644299, + -0.21630015969276428, + -0.004121916834264994, + 0.042150165885686874, + -0.0020450761076062918, + 0.004241987131536007, + -0.216623455286026, + 2.5776543617248535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/149.png", + [ + 0.21644167602062225, + -0.010022548958659172, + -0.0006685586413368583, + 0.007011536508798599, + -0.010027991607785225, + -0.21643437445163727, + -0.0018712253076955676, + 0.020192738622426987, + -0.0005812615272589028, + 0.0019001553300768137, + -0.21666552126407623, + 2.5348920822143555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/161.png", + [ + 0.21639175713062286, + -0.011058740317821503, + -0.0004469053237698972, + 0.0071890875697135925, + -0.011063233949244022, + -0.2163771092891693, + -0.0025396710261702538, + 0.035395096987485886, + -0.00031667077564634383, + 0.002559174783527851, + -0.216659277677536, + 2.5109434127807617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/5.png", + [ + 0.21650008857250214, + -0.007888763211667538, + -0.0036559661384671926, + 0.0410410538315773, + -0.007961811497807503, + -0.2164844125509262, + -0.0043596504256129265, + 0.04574695602059364, + -0.003494028700515628, + 0.004490479361265898, + -0.21659991145133972, + 2.5449233055114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/187.png", + [ + 0.21645061671733856, + -0.009838791564106941, + 0.00047077250201255083, + -0.0027885488234460354, + -0.009761516936123371, + -0.21564537286758423, + -0.018699834123253822, + 0.234084814786911, + 0.001317660789936781, + 0.01865929365158081, + -0.21586567163467407, + 2.459345817565918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/108.png", + [ + 0.21627415716648102, + -0.011831351555883884, + -0.005779013503342867, + 0.08078151196241379, + -0.01190169621258974, + -0.21633294224739075, + -0.0025122782681137323, + 0.02750125154852867, + -0.005632718093693256, + 0.0028250704053789377, + -0.21658296883106232, + 2.5916380882263184, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/60.png", + [ + 0.21639886498451233, + -0.010259009897708893, + -0.003764818888157606, + 0.04456107318401337, + -0.010353545658290386, + -0.21635593473911285, + -0.005550816655158997, + 0.060430433601140976, + -0.0034964638762176037, + 0.005723650101572275, + -0.21657079458236694, + 2.5492630004882812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/260.png", + [ + 0.21629419922828674, + -0.012061595916748047, + -0.004385847598314285, + 0.034026823937892914, + -0.012320233508944511, + -0.21587684750556946, + -0.013902830891311169, + 0.15571443736553192, + -0.003595772897824645, + 0.014127802103757858, + -0.2161836475133896, + 2.4179534912109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/56.png", + [ + 0.2163519561290741, + -0.0105131221935153, + -0.0054028392769396305, + 0.06215865910053253, + -0.010632453486323357, + -0.21636123955249786, + -0.004760474432259798, + 0.05064946040511131, + -0.005164044443517923, + 0.005018508993089199, + -0.2165549397468567, + 2.547567844390869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/147.png", + [ + 0.21644850075244904, + -0.009883759543299675, + -0.0004976956988684833, + 0.007238656282424927, + -0.009888582862913609, + -0.21643617749214172, + -0.0023426066618412733, + 0.022901933640241623, + -0.0003902884491253644, + 0.002362875733524561, + -0.21666139364242554, + 2.5409727096557617, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/261.png", + [ + 0.21631622314453125, + -0.011979938484728336, + -0.0034166332334280014, + 0.022350426763296127, + -0.012176104821264744, + -0.21588262915611267, + -0.01393999345600605, + 0.15634885430335999, + -0.0026334025897085667, + 0.014108932577073574, + -0.21619874238967896, + 2.41811466217041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/30.png", + [ + 0.21636126935482025, + -0.01076823566108942, + -0.0044425795786082745, + 0.05182979628443718, + -0.010833517648279667, + -0.2163809835910797, + -0.00313156028278172, + 0.025465361773967743, + -0.004280927125364542, + 0.00334915635176003, + -0.21660643815994263, + 2.540347099304199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/17.png", + [ + 0.21642522513866425, + -0.009377378970384598, + -0.0044812653213739395, + 0.05223321169614792, + -0.00947178527712822, + -0.21641921997070312, + -0.004572014790028334, + 0.04626050963997841, + -0.004278112202882767, + 0.004762647207826376, + -0.21658003330230713, + 2.5441532135009766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/12.png", + [ + 0.2164647877216339, + -0.00862900447100401, + -0.004052985925227404, + 0.04580318182706833, + -0.008717442862689495, + -0.21644680202007294, + -0.004761687014251947, + 0.04944154992699623, + -0.0038590917829424143, + 0.004920138977468014, + -0.21658436954021454, + 2.5407981872558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/114.png", + [ + 0.2163131684064865, + -0.011907897889614105, + -0.0038352461997419596, + 0.053532350808382034, + -0.011957237496972084, + -0.21632711589336395, + -0.0027395770885050297, + 0.02812325581908226, + -0.0036785344127565622, + 0.002946656197309494, + -0.21662336587905884, + 2.584662914276123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/27.png", + [ + 0.2164282500743866, + -0.009213496930897236, + -0.004671239759773016, + 0.05426561087369919, + -0.009291251190006733, + -0.2164459079504013, + -0.0035676583647727966, + 0.032962169498205185, + -0.00451460387557745, + 0.0037639096844941378, + -0.2165948897600174, + 2.534937858581543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/313.png", + [ + 0.2161729335784912, + -0.014435190707445145, + 0.0029646484181284904, + -0.032092899084091187, + -0.014356954954564571, + -0.21612876653671265, + -0.005489593371748924, + 0.08297690749168396, + 0.003322904696688056, + 0.005280443467199802, + -0.21658478677272797, + 2.4373888969421387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/42.png", + [ + 0.21628901362419128, + -0.011964209377765656, + -0.004880859982222319, + 0.057045988738536835, + -0.012063306756317616, + -0.21629425883293152, + -0.004378532059490681, + 0.043032143265008926, + -0.004630520474165678, + 0.00464248051866889, + -0.21657538414001465, + 2.5439319610595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/223.png", + [ + 0.21633179485797882, + -0.01216577086597681, + -0.0006664494285359979, + 0.0065023936331272125, + -0.01218382827937603, + -0.2160695493221283, + -0.010648938827216625, + 0.12503844499588013, + -6.667547131655738e-05, + 0.010669564828276634, + -0.216411754488945, + 2.4378857612609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/174.png", + [ + 0.2163817584514618, + -0.011139467358589172, + 0.0016576668713241816, + -0.015615683048963547, + -0.011102558113634586, + -0.21634212136268616, + -0.0045515610836446285, + 0.0676451027393341, + 0.0018891235813498497, + 0.004460468422621489, + -0.21662047505378723, + 2.477811336517334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/7.png", + [ + 0.2164919674396515, + -0.007891809567809105, + -0.00410265289247036, + 0.04679873213171959, + -0.007975688204169273, + -0.21648217737674713, + -0.004445073660463095, + 0.04674709960818291, + -0.003937108907848597, + 0.00459234369918704, + -0.21659018099308014, + 2.5431394577026367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/73.png", + [ + 0.21632075309753418, + -0.011646049097180367, + -0.004194627515971661, + 0.05484067648649216, + -0.01176500041037798, + -0.21626342833042145, + -0.0062936232425272465, + 0.06879010796546936, + -0.0038483908865600824, + 0.006511104758828878, + -0.2165425717830658, + 2.5502982139587402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/120.png", + [ + 0.21628369390964508, + -0.012956911697983742, + -0.0011733006685972214, + 0.013107905164361, + -0.01297546736896038, + -0.2162531167268753, + -0.0037583275698125362, + 0.03742021694779396, + -0.0009462742018513381, + 0.003821809310466051, + -0.21663886308670044, + 2.5692005157470703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/46.png", + [ + 0.21628955006599426, + -0.011390726082026958, + -0.0060805403627455235, + 0.06995536386966705, + -0.011511852964758873, + -0.21632710099220276, + -0.004238256253302097, + 0.04398499056696892, + -0.005847979336977005, + 0.004553781822323799, + -0.21654781699180603, + 2.5434794425964355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/265.png", + [ + 0.21628841757774353, + -0.012707218527793884, + -0.002395948627963662, + 0.009984899312257767, + -0.012833074666559696, + -0.21586625277996063, + -0.013600332662463188, + 0.15269386768341064, + -0.0015893970848992467, + 0.013717995956540108, + -0.21623410284519196, + 2.419952392578125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/127.png", + [ + 0.21631328761577606, + -0.012226887047290802, + -0.0026362326461821795, + 0.02977922558784485, + -0.012253759428858757, + -0.21631677448749542, + -0.002189019927754998, + 0.015690281987190247, + -0.0025083529762923717, + 0.0023344585206359625, + -0.21664753556251526, + 2.5518007278442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/283.png", + [ + 0.21640104055404663, + -0.010773371905088425, + -0.0015559153398498893, + 0.0272680651396513, + -0.010836699046194553, + -0.21614447236061096, + -0.010583963245153427, + 0.12022493779659271, + -0.0010258584516122937, + 0.010648416355252266, + -0.21641038358211517, + 2.398505687713623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/236.png", + [ + 0.21636086702346802, + -0.010889950208365917, + -0.00415695458650589, + 0.03936353325843811, + -0.01120946928858757, + -0.2155761420726776, + -0.018686063587665558, + 0.21258921921253204, + -0.0031967286486178637, + 0.01887406036257744, + -0.2158273607492447, + 2.395653247833252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/226.png", + [ + 0.2163757085800171, + -0.011313134804368019, + -0.0012108574155718088, + 0.009724436327815056, + -0.011359192430973053, + -0.21611247956752777, + -0.010689609684050083, + 0.12280513346195221, + -0.0006495840498246253, + 0.010738342069089413, + -0.2164073884487152, + 2.4222874641418457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/133.png", + [ + 0.21635869145393372, + -0.011194001883268356, + -0.003392132231965661, + 0.04692401364445686, + -0.011226261965930462, + -0.21637429296970367, + -0.002006067428737879, + 0.014067348092794418, + -0.003283791709691286, + 0.0021788941230624914, + -0.21663877367973328, + 2.56337833404541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/57.png", + [ + 0.2163463532924652, + -0.010708552785217762, + -0.005242490209639072, + 0.0609578974545002, + -0.010832980275154114, + -0.21634253859519958, + -0.005142557434737682, + 0.05503886565566063, + -0.004980298690497875, + 0.005396872293204069, + -0.21655015647411346, + 2.5469703674316406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/44.png", + [ + 0.21628297865390778, + -0.011884416453540325, + -0.005321304313838482, + 0.06216387450695038, + -0.01200263760983944, + -0.21628884971141815, + -0.0047919778153300285, + 0.04906274005770683, + -0.0050489939749240875, + 0.005078088957816362, + -0.21655626595020294, + 2.5431838035583496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/264.png", + [ + 0.21631574630737305, + -0.012220741249620914, + -0.0024597086012363434, + 0.01068118866533041, + -0.012348447926342487, + -0.21591933071613312, + -0.013200437650084496, + 0.14853274822235107, + -0.001706611947156489, + 0.013318752869963646, + -0.2162581831216812, + 2.420267105102539, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/113.png", + [ + 0.21630984544754028, + -0.011862511746585369, + -0.004149881191551685, + 0.059321120381355286, + -0.011913970112800598, + -0.21633096039295197, + -0.0026219389401376247, + 0.027131203562021255, + -0.003999752923846245, + 0.002845708280801773, + -0.21661902964115143, + 2.592512607574463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/126.png", + [ + 0.2162788361310959, + -0.01289052702486515, + -0.0022784480825066566, + 0.025545038282871246, + -0.01291427668184042, + -0.216277614235878, + -0.0022614269983023405, + 0.01760149747133255, + -0.0021397352684289217, + 0.0023930962197482586, + -0.2166508585214615, + 2.552330493927002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/29.png", + [ + 0.21638135612010956, + -0.010361358523368835, + -0.004432075656950474, + 0.05148714408278465, + -0.010433192364871502, + -0.21639539301395416, + -0.003474176162853837, + 0.030708443373441696, + -0.004260228481143713, + 0.003682884620502591, + -0.2166014462709427, + 2.5404410362243652, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/4.png", + [ + 0.21649910509586334, + -0.007802188396453857, + -0.0038925278931856155, + 0.04354964941740036, + -0.007884361781179905, + -0.21648217737674713, + -0.00460438197478652, + 0.04909167066216469, + -0.0037232721224427223, + 0.004742294084280729, + -0.2165907323360443, + 2.5464096069335938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/55.png", + [ + 0.21636231243610382, + -0.01022697426378727, + -0.005536593031138182, + 0.06338103860616684, + -0.010344593785703182, + -0.21637940406799316, + -0.004564791452139616, + 0.047864075750112534, + -0.005313592962920666, + 0.004822542890906334, + -0.21655577421188354, + 2.5476455688476562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/9.png", + [ + 0.21648795902729034, + -0.008104722946882248, + -0.003894620109349489, + 0.043880123645067215, + -0.008187404833734035, + -0.21647031605243683, + -0.004632706753909588, + 0.047875236719846725, + -0.003717660903930664, + 0.004775880835950375, + -0.21659007668495178, + 2.54299259185791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/290.png", + [ + 0.21649347245693207, + -0.008851286955177784, + 0.00034756906097754836, + 0.002450368134304881, + -0.008825416676700115, + -0.21625812351703644, + -0.010120635852217674, + 0.11605949699878693, + 0.0007603349513374269, + 0.010098018683493137, + -0.21643786132335663, + 2.3961329460144043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/25.png", + [ + 0.21643146872520447, + -0.009345893748104572, + -0.004238753579556942, + 0.049516599625349045, + -0.009400147944688797, + -0.21645349264144897, + -0.002721652388572693, + 0.023121658712625504, + -0.004117033910006285, + 0.002902490785345435, + -0.21661606431007385, + 2.532787322998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/99.png", + [ + 0.21623143553733826, + -0.013335459865629673, + -0.0037453847471624613, + 0.0337948240339756, + -0.013395776972174644, + -0.21623215079307556, + -0.00347972777672112, + 0.03648098185658455, + -0.0035235725808888674, + 0.0037041667383164167, + -0.21661430597305298, + 2.5706982612609863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/304.png", + [ + 0.21623319387435913, + -0.013582638464868069, + 0.0025718037504702806, + -0.02599041536450386, + -0.013502653688192368, + -0.21616050601005554, + -0.006341030355542898, + 0.09010390937328339, + 0.0029632002115249634, + 0.006167843006551266, + -0.2165665477514267, + 2.421935558319092, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/208.png", + [ + 0.21636290848255157, + -0.011413798667490482, + 0.002170632593333721, + -0.021661370992660522, + -0.011268426664173603, + -0.21601170301437378, + -0.012643571011722088, + 0.1623566597700119, + 0.0028300185222178698, + 0.01251249574124813, + -0.21629451215267181, + 2.503844738006592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/224.png", + [ + 0.21633553504943848, + -0.012117174454033375, + -6.248780118767172e-05, + -0.0015981259057298303, + -0.012105802074074745, + -0.2160779982805252, + -0.010565873235464096, + 0.12325172126293182, + 0.0005285635124891996, + 0.010552829131484032, + -0.2164168506860733, + 2.4312033653259277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/34.png", + [ + 0.21628889441490173, + -0.012212767265737057, + -0.004224696196615696, + 0.04993852227926254, + -0.012230617925524712, + -0.21632768213748932, + -0.0008017404470592737, + -0.004270073026418686, + -0.0041727409698069096, + 0.0010387852089479566, + -0.2166319489479065, + 2.5269103050231934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/72.png", + [ + 0.21629184484481812, + -0.01209907978773117, + -0.004398644436150789, + 0.056481365114450455, + -0.012220070697367191, + -0.21624429523944855, + -0.006080127786844969, + 0.06606000661849976, + -0.004050394985824823, + 0.006317461840808392, + -0.21654464304447174, + 2.548056125640869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/102.png", + [ + 0.21622227132320404, + -0.013012290000915527, + -0.005147270392626524, + 0.056887492537498474, + -0.01310640573501587, + -0.21624265611171722, + -0.0039020641706883907, + 0.04391372576355934, + -0.004902672488242388, + 0.004205271136015654, + -0.21657833456993103, + 2.575131893157959, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/262.png", + [ + 0.21633756160736084, + -0.011667022481560707, + -0.003136485116556287, + 0.019128499552607536, + -0.011837835423648357, + -0.2159455269575119, + -0.013240067288279533, + 0.14904548227787018, + -0.002413008362054825, + 0.013390831649303436, + -0.21624697744846344, + 2.419069290161133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/134.png", + [ + 0.2163826823234558, + -0.010415568016469479, + -0.004235595464706421, + 0.05797753855586052, + -0.010448584333062172, + -0.2164166122674942, + -0.00160332047380507, + 0.009705618023872375, + -0.004153479356318712, + 0.0018054115353152156, + -0.21662728488445282, + 2.561659812927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/70.png", + [ + 0.21630717813968658, + -0.011797272600233555, + -0.0044624474830925465, + 0.05471310392022133, + -0.011903451755642891, + -0.21628478169441223, + -0.005206102505326271, + 0.055100154131650925, + -0.004170962143689394, + 0.005442427936941385, + -0.21656611561775208, + 2.5487208366394043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/135.png", + [ + 0.21637001633644104, + -0.01074102334678173, + -0.00406646728515625, + 0.05718453228473663, + -0.0107851792126894, + -0.21639396250247955, + -0.0022863070480525494, + 0.018628329038619995, + -0.0039478628896176815, + 0.002485505072399974, + -0.2166244238615036, + 2.5598363876342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/229.png", + [ + 0.2163393199443817, + -0.011912710033357143, + -0.001814068527892232, + 0.015063502825796604, + -0.011995933949947357, + -0.21600107848644257, + -0.01214594952762127, + 0.14017614722251892, + -0.0011406484991312027, + 0.012227586470544338, + -0.21632634103298187, + 2.410630702972412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/130.png", + [ + 0.21634386479854584, + -0.011587632820010185, + -0.0029923059046268463, + 0.036949917674064636, + -0.011615637689828873, + -0.21635396778583527, + -0.0019856819417327642, + 0.013106826692819595, + -0.0028816841077059507, + 0.002143064048141241, + -0.21664486825466156, + 2.558116912841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/303.png", + [ + 0.21628551185131073, + -0.01275815162807703, + 0.0023888784926384687, + -0.02344629541039467, + -0.012677918188273907, + -0.21619680523872375, + -0.006790615152567625, + 0.09425543248653412, + 0.0027834526263177395, + 0.006638644263148308, + -0.21655501425266266, + 2.4208807945251465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/90.png", + [ + 0.2162788361310959, + -0.012920968234539032, + -0.0020982911810278893, + 0.010027620941400528, + -0.01295540016144514, + -0.21625542640686035, + -0.003693199949339032, + 0.038617093116045, + -0.0018739947117865086, + 0.00381191517226398, + -0.21663297712802887, + 2.5760984420776367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/288.png", + [ + 0.21644452214241028, + -0.00997068826109171, + 0.0004949367721565068, + 0.0038924149703234434, + -0.009936264716088772, + -0.2162049412727356, + -0.010226903483271599, + 0.1173975020647049, + 0.000964473991189152, + 0.010193346068263054, + -0.216432586312294, + 2.394608497619629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/122.png", + [ + 0.21631547808647156, + -0.012320064939558506, + -0.0019331900402903557, + 0.021665655076503754, + -0.012351913377642632, + -0.2162902057170868, + -0.0037245270796120167, + 0.03631724789738655, + -0.0017179845599457622, + 0.003828558139503002, + -0.21663399040699005, + 2.559602737426758, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/308.png", + [ + 0.21619847416877747, + -0.014031319878995419, + 0.0030390098690986633, + -0.03140944242477417, + -0.013942314311861992, + -0.2161405384540558, + -0.006064435001462698, + 0.08900824189186096, + 0.003424237249419093, + 0.005855557508766651, + -0.21656844019889832, + 2.431224822998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/238.png", + [ + 0.21636229753494263, + -0.010774814523756504, + -0.004376328084617853, + 0.04111894592642784, + -0.011125258170068264, + -0.21551676094532013, + -0.019407453015446663, + 0.22190698981285095, + -0.0033878465183079243, + 0.01960418000817299, + -0.21575935184955597, + 2.3985891342163086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/15.png", + [ + 0.21644379198551178, + -0.009001890197396278, + -0.004353114403784275, + 0.049977295100688934, + -0.009100225754082203, + -0.21642746031284332, + -0.004923122003674507, + 0.051067572087049484, + -0.0041436138562858105, + 0.005100705195218325, + -0.21657495200634003, + 2.5458946228027344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/269.png", + [ + 0.2163103073835373, + -0.012218412011861801, + -0.00290908245369792, + 0.016684720292687416, + -0.01235718559473753, + -0.21601232886314392, + -0.011570216156542301, + 0.13013955950737, + -0.0022477388847619295, + 0.011716668494045734, + -0.21634593605995178, + 2.421130657196045, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/295.png", + [ + 0.21642158925533295, + -0.010392449796199799, + -0.0012606953969225287, + 0.015528169460594654, + -0.010440675541758537, + -0.2161785513162613, + -0.010282125324010849, + 0.12105764448642731, + -0.000764643307775259, + 0.01033086609095335, + -0.21642684936523438, + 2.4136528968811035, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/162.png", + [ + 0.21641413867473602, + -0.010620190761983395, + -0.00015833070210646838, + 0.0035140158142894506, + -0.010621367953717709, + -0.21638701856136322, + -0.0034268409945070744, + 0.046643685549497604, + 9.844269698078278e-06, + 0.003430483164265752, + -0.21664747595787048, + 2.5060276985168457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/22.png", + [ + 0.21636135876178741, + -0.011018493212759495, + -0.0037742462009191513, + 0.04389342665672302, + -0.011060097254812717, + -0.2163795828819275, + -0.0023317968007177114, + 0.018258143216371536, + -0.0036505290772765875, + 0.002521080430597067, + -0.21662920713424683, + 2.529168128967285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/278.png", + [ + 0.2162868082523346, + -0.01275536697357893, + -0.0022829168010503054, + 0.02733663097023964, + -0.012858831323683262, + -0.21598844230175018, + -0.011469541117548943, + 0.12946315109729767, + -0.0016004892531782389, + 0.011584494262933731, + -0.21635881066322327, + 2.4181957244873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/302.png", + [ + 0.2163323312997818, + -0.01197474543005228, + 0.002198182512074709, + -0.021359723061323166, + -0.01188652403652668, + -0.216201514005661, + -0.007969635538756847, + 0.10569682717323303, + 0.0026338326279073954, + 0.00783645547926426, + -0.21651685237884521, + 2.416706085205078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/171.png", + [ + 0.21641342341899872, + -0.010632134974002838, + 0.0002893750206567347, + -0.0006559539469890296, + -0.010624243877828121, + -0.21637067198753357, + -0.004330289084464312, + 0.06440003216266632, + 0.0005014545167796314, + 0.004310880322009325, + -0.21663115918636322, + 2.4796576499938965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/138.png", + [ + 0.21638600528240204, + -0.010910028591752052, + -0.0024403880815953016, + 0.03924841433763504, + -0.010935384780168533, + -0.2163868546485901, + -0.002244609175249934, + 0.01947324350476265, + -0.002324125962331891, + 0.0023647830821573734, + -0.21664924919605255, + 2.559426784515381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/109.png", + [ + 0.21626457571983337, + -0.012125167064368725, + -0.005523281171917915, + 0.0788286030292511, + -0.012193698436021805, + -0.21631596982479095, + -0.002570535521954298, + 0.027767140418291092, + -0.005370290484279394, + 0.00287650222890079, + -0.21658895909786224, + 2.595616340637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/306.png", + [ + 0.21622620522975922, + -0.013807734474539757, + 0.0018627200042828918, + -0.01822231337428093, + -0.013752236030995846, + -0.21615655720233917, + -0.005925914738327265, + 0.08788906037807465, + 0.0022358987480401993, + 0.005795425269752741, + -0.21658556163311005, + 2.43129825592041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/26.png", + [ + 0.21641148626804352, + -0.009769909083843231, + -0.004302621353417635, + 0.0499010868370533, + -0.009835218079388142, + -0.21642689406871796, + -0.003249864559620619, + 0.029304996132850647, + -0.0041511645540595055, + 0.0034412206150591373, + -0.21660752594470978, + 2.5335922241210938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/43.png", + [ + 0.2163078784942627, + -0.011506898328661919, + -0.005137242842465639, + 0.060479551553726196, + -0.01162018533796072, + -0.21631033718585968, + -0.004764484707266092, + 0.04778503254055977, + -0.004875578917562962, + 0.0050319284200668335, + -0.21656131744384766, + 2.542933940887451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/205.png", + [ + 0.21636033058166504, + -0.011106657795608044, + 0.003570192726328969, + -0.03981312736868858, + -0.010883048176765442, + -0.21603716909885406, + -0.01254588458687067, + 0.1610579937696457, + 0.004202786833047867, + 0.012348363175988197, + -0.21628165245056152, + 2.4994139671325684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/297.png", + [ + 0.21640054881572723, + -0.01073190663009882, + -0.0018776024226099253, + 0.021652959287166595, + -0.010803915560245514, + -0.21619850397109985, + -0.00945418793708086, + 0.11434447765350342, + -0.0014052101178094745, + 0.009535851888358593, + -0.21646013855934143, + 2.4130191802978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/246.png", + [ + 0.21636688709259033, + -0.010521630756556988, + -0.004749724641442299, + 0.04530206322669983, + -0.010852797888219357, + -0.21578168869018555, + -0.016382165253162384, + 0.18516141176223755, + -0.003934639506042004, + 0.016596801578998566, + -0.2160022258758545, + 2.410475254058838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/244.png", + [ + 0.21637973189353943, + -0.010404868982732296, + -0.004409853368997574, + 0.041112370789051056, + -0.010724245570600033, + -0.21572279930114746, + -0.01722094602882862, + 0.19457195699214935, + -0.003563519334420562, + 0.01741577312350273, + -0.21594418585300446, + 2.406343936920166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/84.png", + [ + 0.21634243428707123, + -0.01196946483105421, + -0.0007614428759552538, + 0.003756469814106822, + -0.01197877898812294, + -0.21632316708564758, + -0.0029494180344045162, + 0.02966143563389778, + -0.000597276957705617, + 0.0029869922436773777, + -0.2166532278060913, + 2.5758705139160156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/216.png", + [ + 0.21632003784179688, + -0.012244797311723232, + 0.001895387889817357, + -0.019358551129698753, + -0.012105402536690235, + -0.21592390537261963, + -0.013349942862987518, + 0.16362449526786804, + 0.002643257612362504, + 0.01322220265865326, + -0.21625466644763947, + 2.482929229736328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/136.png", + [ + 0.21635043621063232, + -0.011209438554942608, + -0.00383767974562943, + 0.05512720346450806, + -0.011254356242716312, + -0.2163679152727127, + -0.002481230068951845, + 0.021598193794488907, + -0.0037038836162537336, + 0.0026768518146127462, + -0.21662642061710358, + 2.5595359802246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/89.png", + [ + 0.21628299355506897, + -0.012904399074614048, + -0.0017432551831007004, + 0.00591109786182642, + -0.012933536432683468, + -0.21625442802906036, + -0.0038266305346041918, + 0.03949034586548805, + -0.0015119734453037381, + 0.003923770971596241, + -0.21663382649421692, + 2.5763769149780273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/63.png", + [ + 0.21634384989738464, + -0.011070262640714645, + -0.004548006225377321, + 0.05298746004700661, + -0.011188516393303871, + -0.2163102924823761, + -0.00570687698200345, + 0.06268498301506042, + -0.004248784855008125, + 0.005933012347668409, + -0.21655170619487762, + 2.5488486289978027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/88.png", + [ + 0.21631835401058197, + -0.012330585159361362, + -0.0014919766690582037, + 0.003348560770973563, + -0.012357928790152073, + -0.21627947688102722, + -0.004285675473511219, + 0.04466619715094566, + -0.0012453652452677488, + 0.00436372309923172, + -0.2166271060705185, + 2.576326370239258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/62.png", + [ + 0.21635256707668304, + -0.011017921380698681, + -0.004250081721693277, + 0.0492483414709568, + -0.01113090943545103, + -0.216309055685997, + -0.005864573176950216, + 0.06472991406917572, + -0.003944696858525276, + 0.0060741896741092205, + -0.21655353903770447, + 2.549870491027832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/65.png", + [ + 0.21633785963058472, + -0.011109961196780205, + -0.004732444882392883, + 0.055805277079343796, + -0.011225125752389431, + -0.21631848812103271, + -0.005309963598847389, + 0.057866420596838, + -0.004452398978173733, + 0.005546881351619959, + -0.2165578454732895, + 2.5479578971862793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/248.png", + [ + 0.21638742089271545, + -0.010352324694395065, + -0.004148171748965979, + 0.038490042090415955, + -0.010630638338625431, + -0.21582771837711334, + -0.01591486483812332, + 0.18087781965732574, + -0.0033715746831148863, + 0.016097290441393852, + -0.21604953706264496, + 2.413285255432129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/80.png", + [ + 0.21638162434101105, + -0.01098723616451025, + -0.0024833325296640396, + 0.03421911597251892, + -0.011034215800464153, + -0.21635228395462036, + -0.0042234156280756, + 0.043186236172914505, + -0.0022654752247035503, + 0.004344169516116381, + -0.21661922335624695, + 2.5635852813720703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/146.png", + [ + 0.21645133197307587, + -0.009820873849093914, + -0.0005181755404919386, + 0.0082229133695364, + -0.009824317879974842, + -0.21644636988639832, + -0.001532396418042481, + 0.013280514627695084, + -0.000448173115728423, + 0.0015543113695457578, + -0.21666860580444336, + 2.5413436889648438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/119.png", + [ + 0.21633024513721466, + -0.012132301926612854, + -0.001387465395964682, + 0.01643415354192257, + -0.012157813645899296, + -0.2162899225950241, + -0.004330416209995747, + 0.04442672058939934, + -0.0011425281409174204, + 0.00440138578414917, + -0.21662691235542297, + 2.571578025817871, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/287.png", + [ + 0.21647682785987854, + -0.009256098419427872, + -2.461128133290913e-05, + 0.010979121550917625, + -0.009247898124158382, + -0.2162592113018036, + -0.009712109342217445, + 0.11177393794059753, + 0.00039032640052028, + 0.009704294614493847, + -0.2164568454027176, + 2.394160270690918, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/180.png", + [ + 0.21643869578838348, + -0.009583807550370693, + 0.0032147536985576153, + -0.03500743210315704, + -0.009414946660399437, + -0.21620652079582214, + -0.010676681064069271, + 0.14010170102119446, + 0.003680052235722542, + 0.01052536815404892, + -0.216387540102005, + 2.4738259315490723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/145.png", + [ + 0.2164284884929657, + -0.010205814614892006, + -0.0015625018859282136, + 0.02107236720621586, + -0.010200172662734985, + -0.21643288433551788, + 0.0008100740378722548, + -0.014228377491235733, + -0.0015989147359505296, + -0.0007355972775258124, + -0.21666748821735382, + 2.539680004119873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/204.png", + [ + 0.21634191274642944, + -0.01125526987016201, + 0.0041700988076627254, + -0.0467815026640892, + -0.010998504236340523, + -0.21603450179100037, + -0.012491127476096153, + 0.1602144092321396, + 0.004806636832654476, + 0.012260271236300468, + -0.21627406775951385, + 2.497333526611328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/207.png", + [ + 0.2163764387369156, + -0.011054949834942818, + 0.0026309844106435776, + -0.027647236362099648, + -0.010885938070714474, + -0.21604038774967194, + -0.012487820349633694, + 0.16083720326423645, + 0.003260423894971609, + 0.012338451109826565, + -0.21629846096038818, + 2.50482177734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/250.png", + [ + 0.2163824588060379, + -0.01059541292488575, + -0.0037772320210933685, + 0.0345577709376812, + -0.010850463062524796, + -0.21579010784626007, + -0.01627242937684059, + 0.1848091036081314, + -0.0029660884756594896, + 0.016439640894532204, + -0.21602970361709595, + 2.4108691215515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/307.png", + [ + 0.21620069444179535, + -0.014146913774311543, + 0.002239799126982689, + -0.022226642817258835, + -0.014076012186706066, + -0.21612349152565002, + -0.006356098689138889, + 0.09251922369003296, + 0.0026490981690585613, + 0.006196690257638693, + -0.21656979620456696, + 2.4321842193603516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/293.png", + [ + 0.2164071500301361, + -0.010749535635113716, + -0.0005380954244174063, + 0.009756420738995075, + -0.010762928053736687, + -0.21617330610752106, + -0.010057813487946987, + 0.11704866588115692, + -3.786801971727982e-05, + 0.010072126053273678, + -0.21644039452075958, + 2.4118075370788574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/167.png", + [ + 0.21640126407146454, + -0.010873964056372643, + -0.0003772804338950664, + 0.005874311551451683, + -0.01088007539510727, + -0.2163294553756714, + -0.005574825219810009, + 0.07523573935031891, + -9.69030152191408e-05, + 0.005586736835539341, + -0.21660256385803223, + 2.485609531402588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/243.png", + [ + 0.21639731526374817, + -0.010190948843955994, + -0.004030696582049131, + 0.03724443539977074, + -0.010489099659025669, + -0.21568717062473297, + -0.01780243217945099, + 0.20183445513248444, + -0.0031750178895890713, + 0.017974771559238434, + -0.21590442955493927, + 2.4044265747070312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/189.png", + [ + 0.21645407378673553, + -0.009714778512716293, + 0.0010723908198997378, + -0.00933811254799366, + -0.009585550986230373, + -0.21564699709415436, + -0.018772007897496223, + 0.2343163788318634, + 0.0019089626148343086, + 0.01870545744895935, + -0.21585726737976074, + 2.4583215713500977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/230.png", + [ + 0.21633413434028625, + -0.011872667819261551, + -0.0025432491675019264, + 0.023031439632177353, + -0.011999404057860374, + -0.21598617732524872, + -0.012404868379235268, + 0.14297528564929962, + -0.0018554448615759611, + 0.012526220642030239, + -0.21630428731441498, + 2.4081902503967285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/79.png", + [ + 0.2164176106452942, + -0.010299121960997581, + -0.002288972493261099, + 0.03288324177265167, + -0.010342583991587162, + -0.2163858711719513, + -0.004252031911164522, + 0.044013526290655136, + -0.002083811443299055, + 0.0043562487699091434, + -0.2166208028793335, + 2.5632052421569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/176.png", + [ + 0.21638701856136322, + -0.01099724043160677, + 0.0019005979411303997, + -0.01864038221538067, + -0.010948745533823967, + -0.21633487939834595, + -0.005219543352723122, + 0.0757550299167633, + 0.002162533812224865, + 0.005116576794534922, + -0.21660341322422028, + 2.478684425354004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/225.png", + [ + 0.21637843549251556, + -0.011296872980892658, + -0.000800595385953784, + 0.0061420900747179985, + -0.011322388425469398, + -0.21612510085105896, + -0.010470778681337833, + 0.1204700767993927, + -0.0002526446769479662, + 0.010498302057385445, + -0.2164200097322464, + 2.4257683753967285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/284.png", + [ + 0.21643675863742828, + -0.010091099888086319, + -0.0010918010957539082, + 0.022706186398863792, + -0.010131852701306343, + -0.2161892056465149, + -0.010366788133978844, + 0.11868758499622345, + -0.0006065468769520521, + 0.010406461544334888, + -0.21642373502254486, + 2.3963518142700195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/185.png", + [ + 0.21645554900169373, + -0.00971281062811613, + 0.0007451236015185714, + -0.006415094248950481, + -0.009614499285817146, + -0.2156769335269928, + -0.018409637734293938, + 0.23024654388427734, + 0.0015669361455366015, + 0.018357958644628525, + -0.2158898413181305, + 2.461440086364746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/165.png", + [ + 0.21642008423805237, + -0.010499096475541592, + -8.969479677034542e-05, + 0.001365459756925702, + -0.010497995652258396, + -0.2163505256175995, + -0.005490250885486603, + 0.07206006348133087, + 0.00017647267668507993, + 0.005488147493451834, + -0.2166050374507904, + 2.4902830123901367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/116.png", + [ + 0.21632704138755798, + -0.011910279281437397, + -0.002941052196547389, + 0.040075283497571945, + -0.011964407749474049, + -0.21630580723285675, + -0.004067291971296072, + 0.041963156312704086, + -0.002712473040446639, + 0.004223167430609465, + -0.21661649644374847, + 2.5801234245300293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/19.png", + [ + 0.21643833816051483, + -0.00886545144021511, + -0.004872616846114397, + 0.05692187324166298, + -0.00898071750998497, + -0.21642740070819855, + -0.005139961838722229, + 0.051201339811086655, + -0.004656750708818436, + 0.005336317233741283, + -0.21655882894992828, + 2.5378212928771973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/77.png", + [ + 0.21636198461055756, + -0.011189199984073639, + -0.003192223608493805, + 0.044844843447208405, + -0.01126694492995739, + -0.21631309390068054, + -0.005440640263259411, + 0.05842673406004906, + -0.0029059392400085926, + 0.005598783027380705, + -0.21658280491828918, + 2.5595955848693848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/280.png", + [ + 0.21636329591274261, + -0.011512856930494308, + -0.0015058096032589674, + 0.02397638000547886, + -0.011578256264328957, + -0.2160387486219406, + -0.011878578923642635, + 0.13396845757961273, + -0.0008702304912731051, + 0.01194197591394186, + -0.21634353697299957, + 2.4058494567871094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/254.png", + [ + 0.2164009064435959, + -0.010140231810510159, + -0.003964496776461601, + 0.036158330738544464, + -0.010393952019512653, + -0.2158946841955185, + -0.015144131146371365, + 0.17181402444839478, + -0.00324149033986032, + 0.015315177850425243, + -0.21610838174819946, + 2.417144775390625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/247.png", + [ + 0.21638692915439606, + -0.010236471891403198, + -0.0044504920952022076, + 0.041986431926488876, + -0.010542093776166439, + -0.21581222116947174, + -0.016181541606783867, + 0.18382059037685394, + -0.0036683056969195604, + 0.016376590356230736, + -0.21602372825145721, + 2.4112277030944824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/68.png", + [ + 0.21633148193359375, + -0.011518198996782303, + -0.003990509081631899, + 0.04817371442914009, + -0.011606455780565739, + -0.21630921959877014, + -0.004848757293075323, + 0.05169694498181343, + -0.0037260239478200674, + 0.0050548347644507885, + -0.21658360958099365, + 2.5488510131835938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/143.png", + [ + 0.2163538932800293, + -0.011416071094572544, + -0.002925317035987973, + 0.03962613269686699, + -0.011426595970988274, + -0.21637195348739624, + -0.0007077956106513739, + 0.0026805363595485687, + -0.002883938141167164, + 0.0008610176155343652, + -0.2166537344455719, + 2.542090892791748, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/218.png", + [ + 0.2162955403327942, + -0.012711524032056332, + 0.0015971349785104394, + -0.016299046576023102, + -0.012598096393048763, + -0.21594326198101044, + -0.012557498179376125, + 0.1517632007598877, + 0.002328447764739394, + 0.012442665174603462, + -0.21630454063415527, + 2.465930461883545, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/183.png", + [ + 0.21644791960716248, + -0.0096718929708004, + 0.002155525144189596, + -0.022381676360964775, + -0.009476826526224613, + -0.21581755578517914, + -0.016759267076849937, + 0.21221673488616943, + 0.0028950965497642756, + 0.016647454351186752, + -0.21601475775241852, + 2.4663186073303223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/86.png", + [ + 0.21633751690387726, + -0.012035452760756016, + -0.001061028684489429, + 0.001634177751839161, + -0.01204916462302208, + -0.21631836891174316, + -0.0030131805688142776, + 0.03017602115869522, + -0.0008919132524169981, + 0.0030674959998577833, + -0.2166510820388794, + 2.577174186706543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/296.png", + [ + 0.21639475226402283, + -0.01089154090732336, + -0.0016048125689849257, + 0.018134433776140213, + -0.010952807031571865, + -0.21617893874645233, + -0.009725994430482388, + 0.11531871557235718, + -0.0011122465366497636, + 0.00979455467313528, + -0.2164502888917923, + 2.4118361473083496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/239.png", + [ + 0.21636711061000824, + -0.010553357191383839, + -0.004668298177421093, + 0.04429076239466667, + -0.010930105112493038, + -0.21553196012973785, + -0.01934950426220894, + 0.22089925408363342, + -0.0037012414541095495, + 0.019557533785700798, + -0.21575842797756195, + 2.3985142707824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/1.png", + [ + 0.21650920808315277, + -0.007961556315422058, + -0.0028758137486875057, + 0.031686823815107346, + -0.008035629987716675, + -0.21644942462444305, + -0.005742212757468224, + 0.06307592988014221, + -0.002661831211298704, + 0.005844481755048037, + -0.21657943725585938, + 2.5464606285095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/81.png", + [ + 0.21641668677330017, + -0.010438656434416771, + -0.0016572200693190098, + 0.021956851705908775, + -0.010469136759638786, + -0.21638067066669464, + -0.004207502119243145, + 0.043382760137319565, + -0.0014522683341056108, + 0.004282566253095865, + -0.21662744879722595, + 2.5655112266540527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/95.png", + [ + 0.21626484394073486, + -0.013057894073426723, + -0.002627670532092452, + 0.016772452741861343, + -0.013103465549647808, + -0.2162436842918396, + -0.0038557888474315405, + 0.03917102888226509, + -0.002390075009316206, + 0.00400740560144186, + -0.21662437915802002, + 2.571589469909668, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/200.png", + [ + 0.21639904379844666, + -0.010516839101910591, + 0.0029582108836621046, + -0.03191607445478439, + -0.01031484641134739, + -0.21601343154907227, + -0.013405218720436096, + 0.17102329432964325, + 0.0035998390521854162, + 0.01324734091758728, + -0.216239333152771, + 2.4769372940063477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/199.png", + [ + 0.2164095938205719, + -0.010526091791689396, + 0.001994829624891281, + -0.01953372359275818, + -0.010371982119977474, + -0.21595275402069092, + -0.014308062382042408, + 0.18181383609771729, + 0.002683271886780858, + 0.014195071533322334, + -0.21619249880313873, + 2.4715418815612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/103.png", + [ + 0.2162860780954361, + -0.01206142921000719, + -0.004769717343151569, + 0.05681098625063896, + -0.012161998078227043, + -0.21628490090370178, + -0.0045633334666490555, + 0.05105848237872124, + -0.004507114645093679, + 0.004822876304388046, + -0.2165740579366684, + 2.575979709625244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/196.png", + [ + 0.21642374992370605, + -0.010243810713291168, + 0.0019276199163869023, + -0.017913471907377243, + -0.010073107667267323, + -0.21584247052669525, + -0.01607658714056015, + 0.2021942436695099, + 0.0026802755892276764, + 0.015968358144164085, + -0.2160688042640686, + 2.4613704681396484, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/150.png", + [ + 0.21643617749214172, + -0.01014644093811512, + -0.0005756465252488852, + 0.005108211189508438, + -0.010150493122637272, + -0.2164306640625, + -0.0016205173451453447, + 0.01788310706615448, + -0.0004991128225810826, + 0.0016457008896395564, + -0.21666781604290009, + 2.5318827629089355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/83.png", + [ + 0.2163650095462799, + -0.011416950263082981, + -0.001931655453518033, + 0.02065272629261017, + -0.011443642899394035, + -0.21635036170482635, + -0.0030763207469135523, + 0.030471209436655045, + -0.0017666680505499244, + 0.0031739447731524706, + -0.21664419770240784, + 2.5756449699401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/142.png", + [ + 0.2164394110441208, + -0.009862174279987812, + -0.0021485616452991962, + 0.03162854537367821, + -0.009872729890048504, + -0.2164471447467804, + -0.001027864869683981, + 0.004418700933456421, + -0.0020995216909796, + 0.001124647562392056, + -0.21666154265403748, + 2.5574278831481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/312.png", + [ + 0.21620510518550873, + -0.013782751746475697, + 0.0036447043530642986, + -0.03899924457073212, + -0.013678103685379028, + -0.21615836024284363, + -0.006031031720340252, + 0.08885779976844788, + 0.004019655752927065, + 0.00578788248822093, + -0.2165600061416626, + 2.4364824295043945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/186.png", + [ + 0.21644441783428192, + -0.009973863139748573, + 0.0004815564025193453, + -0.0030540316365659237, + -0.009893891401588917, + -0.21562159061431885, + -0.0189032144844532, + 0.23609670996665955, + 0.0013493598671630025, + 0.01886114291846752, + -0.2158479243516922, + 2.4598798751831055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/195.png", + [ + 0.21641793847084045, + -0.010419891215860844, + 0.0016125832917168736, + -0.013775835745036602, + -0.010266006924211979, + -0.21579276025295258, + -0.01661285199224949, + 0.20900344848632812, + 0.0024049326311796904, + 0.01651676557958126, + -0.2160308063030243, + 2.459967613220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/51.png", + [ + 0.21628837287425995, + -0.01135522872209549, + -0.0061875758692622185, + 0.07057490944862366, + -0.0115038538351655, + -0.21630747616291046, + -0.005160214379429817, + 0.055786821991205215, + -0.005906661041080952, + 0.005479531362652779, + -0.21652477979660034, + 2.546445369720459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/233.png", + [ + 0.2163284718990326, + -0.011437256820499897, + -0.004367822781205177, + 0.042200829833745956, + -0.01170953270047903, + -0.2158566266298294, + -0.014720694161951542, + 0.1688098907470703, + -0.003574295435100794, + 0.014933221973478794, + -0.21612988412380219, + 2.4055981636047363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/128.png", + [ + 0.21631845831871033, + -0.012136021628975868, + -0.002634447766467929, + 0.030124271288514137, + -0.012163816951215267, + -0.21632102131843567, + -0.002270558848977089, + 0.01678980514407158, + -0.0025029731914401054, + 0.002414720831438899, + -0.2166467159986496, + 2.5524845123291016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/168.png", + [ + 0.2164127677679062, + -0.01064865943044424, + -9.269716974813491e-05, + 0.0020553069189190865, + -0.010647923685610294, + -0.21635384857654572, + -0.005053062457591295, + 0.07064260542392731, + 0.0001557771029183641, + 0.0050515118055045605, + -0.2166156768798828, + 2.4839816093444824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/215.png", + [ + 0.216344952583313, + -0.011652770452201366, + 0.0026399411726742983, + -0.028430959209799767, + -0.011470659635961056, + -0.2159649133682251, + -0.013246584683656693, + 0.16325245797634125, + 0.003343696240335703, + 0.013086672872304916, + -0.21625322103500366, + 2.4885478019714355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/93.png", + [ + 0.21629181504249573, + -0.012636052444577217, + -0.0024652599822729826, + 0.013895266689360142, + -0.0126747265458107, + -0.2162756770849228, + -0.0034757719840854406, + 0.03522340580821037, + -0.0022580199874937534, + 0.0036138403229415417, + -0.21663272380828857, + 2.5723161697387695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_2/242.png", + [ + 0.21641361713409424, + -0.009720495902001858, + -0.004307478666305542, + 0.040281012654304504, + -0.010052687488496304, + -0.2156582623720169, + -0.01839425601065159, + 0.2093120962381363, + -0.003462067572399974, + 0.018571943044662476, + -0.21584945917129517, + 2.4041051864624023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/76.png", + [ + 0.21642160415649414, + -0.008615696802735329, + 0.005946416407823563, + -0.07113173604011536, + -0.009237296879291534, + -0.2150789201259613, + 0.02456866018474102, + -0.31415408849716187, + 0.004925692919641733, + -0.02479347586631775, + -0.21519505977630615, + 2.5931973457336426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/418.png", + [ + 0.21533027291297913, + -0.0004576335777528584, + -0.02409466542303562, + 0.2851310968399048, + 0.002579865511506796, + -0.21495287120342255, + 0.027138493955135345, + -0.33324897289276123, + -0.023960523307323456, + -0.027257001027464867, + -0.21361376345157623, + 2.481961250305176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/48.png", + [ + 0.21385741233825684, + -0.017461389303207397, + 0.030132969841361046, + -0.3724055588245392, + -0.02158593200147152, + -0.213578000664711, + 0.029434319585561752, + -0.3817497193813324, + 0.027330266311764717, + -0.032053567469120026, + -0.2125406414270401, + 2.6037468910217285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/137.png", + [ + 0.21639098227024078, + -0.003372638486325741, + 0.010557552799582481, + -0.1269911676645279, + -0.00427029887214303, + -0.2158346176147461, + 0.018576476722955704, + -0.23004253208637238, + 0.010227472521364689, + -0.018760230392217636, + -0.21561852097511292, + 2.5732016563415527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/370.png", + [ + 0.21643558144569397, + -0.0005171031225472689, + 0.01016195211559534, + -0.12468577921390533, + -0.001616302877664566, + -0.2153943032026291, + 0.023464428260922432, + -0.30852410197257996, + 0.010045907460153103, + -0.023514345288276672, + -0.21516053378582, + 2.6371941566467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/346.png", + [ + 0.21648229658603668, + 0.009037550538778305, + 0.001278561889193952, + -0.016173338517546654, + 0.008890192955732346, + -0.21565057337284088, + 0.01907084882259369, + -0.2471189945936203, + 0.002067968714982271, + -0.01900145784020424, + -0.21582993865013123, + 2.5846638679504395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/173.png", + [ + 0.21666017174720764, + 0.0014799503842368722, + 0.0020175587851554155, + -0.01850624568760395, + 0.0011918923119083047, + -0.2146584838628769, + 0.029465481638908386, + -0.37240371108055115, + 0.002200043061748147, + -0.02945241704583168, + -0.21465229988098145, + 2.57291841506958, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/490.png", + [ + 0.2160668522119522, + 0.0008061252301558852, + 0.016197605058550835, + -0.1898587942123413, + -0.00042572509846650064, + -0.21605028212070465, + 0.016431357711553574, + -0.20740565657615662, + 0.016212064772844315, + -0.016417091712355614, + -0.21544265747070312, + 2.5516576766967773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/35.png", + [ + 0.21635770797729492, + -0.008784417994320393, + 0.007750560995191336, + -0.09528817236423492, + -0.009159518405795097, + -0.2162199318408966, + 0.010627134703099728, + -0.14167261123657227, + 0.0073034511879086494, + -0.01093923207372427, + -0.21627502143383026, + 2.6308693885803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/458.png", + [ + 0.21650473773479462, + 0.002669587032869458, + -0.008152563124895096, + 0.09592746943235397, + 0.0035090434830635786, + -0.21546052396297455, + 0.022635074332356453, + -0.28703567385673523, + -0.007828000001609325, + -0.022749358788132668, + -0.21533483266830444, + 2.5709099769592285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/124.png", + [ + 0.21661604940891266, + -0.004041912499815226, + 0.003008125815540552, + -0.03908117860555649, + -0.0042722951620817184, + -0.2159227728843689, + 0.0175214521586895, + -0.2203613668680191, + 0.002670837100595236, + -0.017576027661561966, + -0.2159440815448761, + 2.5910420417785645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/97.png", + [ + 0.21597252786159515, + 0.0073876455426216125, + 0.015785804018378258, + -0.1897849291563034, + 0.005902592558413744, + -0.215653195977211, + 0.02016821876168251, + -0.25341689586639404, + 0.01639903523027897, + -0.019672835245728493, + -0.21515563130378723, + 2.578742504119873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/277.png", + [ + 0.21606512367725372, + 0.008921602740883827, + -0.013570748269557953, + 0.16247768700122833, + 0.009593174792826176, + -0.21620234847068787, + 0.010602141730487347, + -0.13940218091011047, + -0.013104625977575779, + -0.011173157021403313, + -0.21598917245864868, + 2.5952258110046387, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/155.png", + [ + 0.21658693253993988, + -0.0005792220472358167, + 0.006136640906333923, + -0.07509364187717438, + -0.0011594441020861268, + -0.21569359302520752, + 0.020562713965773582, + -0.26002615690231323, + 0.006053887773305178, + -0.02058723010122776, + -0.2156093865633011, + 2.5988988876342773, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/482.png", + [ + 0.2166161984205246, + 0.0028488105162978172, + 0.004147556144744158, + -0.05178504437208176, + 0.0022569256834685802, + -0.21463780105113983, + 0.029553698375821114, + -0.3717274069786072, + 0.004497135523706675, + -0.02950252965092659, + -0.21460959315299988, + 2.5746021270751953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/192.png", + [ + 0.21662960946559906, + 0.001417928491719067, + 0.004181672353297472, + -0.047265082597732544, + 0.000695900060236454, + -0.21359814703464508, + 0.036376431584358215, + -0.4523278772830963, + 0.004360347054898739, + -0.03635545074939728, + -0.21355833113193512, + 2.5687503814697266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/271.png", + [ + 0.21634694933891296, + 0.01015843078494072, + 0.006222054362297058, + -0.07818018645048141, + 0.009968925267457962, + -0.216344952583313, + 0.00658606318756938, + -0.09249232709407806, + 0.006521362811326981, + -0.0062898313626646996, + -0.2164851278066635, + 2.6237173080444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/13.png", + [ + 0.21661221981048584, + -0.0051971725188195705, + -0.0001484068634454161, + -0.0013555488549172878, + -0.005188021343201399, + -0.2164616584777832, + 0.008083001710474491, + -0.11122557520866394, + -0.00034214043989777565, + -0.00807711947709322, + -0.21652376651763916, + 2.635222911834717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/274.png", + [ + 0.2162814736366272, + 0.010171767324209213, + -0.00817028433084488, + 0.09909006208181381, + 0.010524868965148926, + -0.21621322631835938, + 0.009432175196707249, + -0.12527404725551605, + -0.007710093632340431, + -0.009811927564442158, + -0.21631500124931335, + 2.610048770904541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/32.png", + [ + 0.2163766324520111, + -0.007232349831610918, + 0.008760363794863224, + -0.10787864774465561, + -0.007673676125705242, + -0.21625927090644836, + 0.01099746860563755, + -0.14727602899074554, + 0.008376486599445343, + -0.011292599141597748, + -0.21621796488761902, + 2.6289772987365723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/158.png", + [ + 0.21660247445106506, + 0.0010453510330989957, + 0.005492634605616331, + -0.06440318375825882, + 0.00050719128921628, + -0.21564997732639313, + 0.021041106432676315, + -0.26310470700263977, + 0.005568173248320818, + -0.021021241322159767, + -0.21558061242103577, + 2.585386276245117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/256.png", + [ + 0.21625986695289612, + -0.008047524839639664, + 0.010714536532759666, + -0.13156183063983917, + -0.008877580985426903, + -0.2158174216747284, + 0.01708597131073475, + -0.2184758335351944, + 0.010037555359303951, + -0.01749226078391075, + -0.21573401987552643, + 2.588198661804199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/38.png", + [ + 0.2158532589673996, + -0.01234804280102253, + 0.014240449294447899, + -0.1756581813097, + -0.013240920379757881, + -0.21584534645080566, + 0.013540880754590034, + -0.17939069867134094, + 0.013414266519248486, + -0.014359780587255955, + -0.21578171849250793, + 2.628337860107422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/488.png", + [ + 0.21623557806015015, + 6.054896584828384e-05, + 0.013786256313323975, + -0.16223105788230896, + -0.0008800531504675746, + -0.21616999804973602, + 0.014752927236258984, + -0.1835637092590332, + 0.013758269138634205, + -0.014779025688767433, + -0.21573175489902496, + 2.546772003173828, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/148.png", + [ + 0.21618229150772095, + 0.0040644872933626175, + -0.014021053910255432, + 0.16661185026168823, + 0.005407928489148617, + -0.21559813618659973, + 0.02088305540382862, + -0.26272404193878174, + -0.013559659011662006, + -0.021185550838708878, + -0.21520967781543732, + 2.5867743492126465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/222.png", + [ + 0.215885192155838, + 0.00048555684043094516, + 0.018472861498594284, + -0.2297525852918625, + -0.0008695978322066367, + -0.21609291434288025, + 0.0158426221460104, + -0.2079159915447235, + 0.018458768725395203, + -0.01585903950035572, + -0.21530364453792572, + 2.6103930473327637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/111.png", + [ + 0.21654978394508362, + 0.0053974660113453865, + 0.0049947877414524555, + -0.05906737968325615, + 0.0049065095372498035, + -0.21566319465637207, + 0.020327430218458176, + -0.26170971989631653, + 0.005477838218212128, + -0.02020261064171791, + -0.2156611680984497, + 2.6034679412841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/417.png", + [ + 0.21541686356067657, + 9.62131434789626e-06, + -0.02331259474158287, + 0.2762486934661865, + 0.0026310409884899855, + -0.2153003215789795, + 0.02422291412949562, + -0.30126768350601196, + -0.023163650184869766, + -0.024365384131669998, + -0.21405060589313507, + 2.505359649658203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/164.png", + [ + 0.21664083003997803, + 0.0037662482354789972, + -0.0006825736491009593, + 0.009923281148076057, + 0.0038229431957006454, + -0.21481457352638245, + 0.02807106450200081, + -0.34872856736183167, + -0.0001887814432848245, + -0.028078725561499596, + -0.21484750509262085, + 2.557891845703125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/498.png", + [ + 0.21655723452568054, + 0.0024148104712367058, + 0.006711120251566172, + -0.08014506846666336, + 0.0019413185073062778, + -0.21613718569278717, + 0.015127692371606827, + -0.19281238317489624, + 0.006863069720566273, + -0.015059364959597588, + -0.216041699051857, + 2.595794200897217, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/504.png", + [ + 0.2166033536195755, + 0.002136252587661147, + 0.005129590630531311, + -0.06290958821773529, + 0.001531685353256762, + -0.21522726118564606, + 0.024955539032816887, + -0.32101404666900635, + 0.005341368727385998, + -0.024911070242524147, + -0.21517156064510345, + 2.6006875038146973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/11.png", + [ + 0.2166113704442978, + -0.0052144816145300865, + 0.00046609409037046134, + -0.009348014369606972, + -0.005226609297096729, + -0.21650342643260956, + 0.006843901704996824, + -0.09611684083938599, + 0.0003010207728948444, + -0.006853147409856319, + -0.21656601130962372, + 2.6342062950134277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/340.png", + [ + 0.2164682149887085, + 0.006609634961932898, + 0.006761117372661829, + -0.082618847489357, + 0.006044053938239813, + -0.21587951481342316, + 0.01753249019384384, + -0.22778505086898804, + 0.007271133363246918, + -0.017327191308140755, + -0.21585826575756073, + 2.593416690826416, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/363.png", + [ + 0.21661385893821716, + -0.0034345875028520823, + 0.003812667913734913, + -0.047798123210668564, + -0.0038653681986033916, + -0.21509306132793427, + 0.025844478979706764, + -0.33769237995147705, + 0.003375167725607753, + -0.025905251502990723, + -0.21509398519992828, + 2.6324539184570312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/125.png", + [ + 0.2164383828639984, + -0.005268908105790615, + 0.008634477853775024, + -0.10729387402534485, + -0.00596233457326889, + -0.21586556732654572, + 0.017731519415974617, + -0.22265982627868652, + 0.008171056397259235, + -0.01794978603720665, + -0.21577519178390503, + 2.585681915283203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/391.png", + [ + 0.21658486127853394, + 0.0038746159989386797, + 0.004887246992439032, + -0.06292904168367386, + 0.003549185348674655, + -0.21618588268756866, + 0.014105569571256638, + -0.18538878858089447, + 0.0051284609362483025, + -0.014019669033586979, + -0.21615976095199585, + 2.6018481254577637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/59.png", + [ + 0.21501390635967255, + -0.011546485126018524, + 0.024157602339982986, + -0.29563289880752563, + -0.014833756722509861, + -0.2141181230545044, + 0.029686404392123222, + -0.3770748972892761, + 0.02229059860110283, + -0.03111271932721138, + -0.2132674902677536, + 2.584272861480713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/343.png", + [ + 0.2165381759405136, + 0.007378795649856329, + 0.0021600136533379555, + -0.027738060802221298, + 0.007209536619484425, + -0.21602056920528412, + 0.01519977580755949, + -0.19911858439445496, + 0.0026711176615208387, + -0.015118331648409367, + -0.21613004803657532, + 2.599910259246826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/105.png", + [ + 0.21629495918750763, + 0.008333434350788593, + 0.009744040668010712, + -0.11886607110500336, + 0.0073737697675824165, + -0.21556001901626587, + 0.020673761144280434, + -0.26710259914398193, + 0.010489040054380894, + -0.020305929705500603, + -0.21546588838100433, + 2.600712776184082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/121.png", + [ + 0.21630457043647766, + 0.0020602878648787737, + -0.0124895591288805, + 0.15075479447841644, + 0.0029460059013217688, + -0.21610860526561737, + 0.01537192240357399, + -0.194016695022583, + -0.012310763821005821, + -0.015515481121838093, + -0.2157674878835678, + 2.5874886512756348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/255.png", + [ + 0.2163579910993576, + -0.008001322858035564, + 0.00854969210922718, + -0.10505631566047668, + -0.008705914951860905, + -0.2157134711742401, + 0.01843353547155857, + -0.23502770066261292, + 0.007831056602299213, + -0.01875012181699276, + -0.21571972966194153, + 2.5868449211120605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/376.png", + [ + 0.21654891967773438, + -0.0026505659334361553, + -0.006887669675052166, + 0.0850076675415039, + -0.001995532540604472, + -0.21571487188339233, + 0.020273340865969658, + -0.2666657567024231, + -0.007105163764208555, + -0.020198142156004906, + -0.21561411023139954, + 2.634805202484131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/175.png", + [ + 0.21591201424598694, + 5.869832602911629e-05, + 0.01816314458847046, + -0.21736620366573334, + -0.0023864745162427425, + -0.21470342576503754, + 0.029062768444418907, + -0.3665144741535187, + 0.018005775287747383, + -0.029160523787140846, + -0.21394707262516022, + 2.55839204788208, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/198.png", + [ + 0.21663615107536316, + -0.004018123261630535, + 0.0007273728842847049, + -0.00677905697375536, + -0.004078805912286043, + -0.21476617455482483, + 0.028403470292687416, + -0.3555081784725189, + 0.00019423806224949658, + -0.028412122279405594, + -0.21480365097522736, + 2.5794143676757812, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/400.png", + [ + 0.21615740656852722, + 0.013036700896918774, + 0.007342257536947727, + -0.08966797590255737, + 0.012348859570920467, + -0.2154819518327713, + 0.01905076578259468, + -0.24291807413101196, + 0.008448072709143162, + -0.018586836755275726, + -0.2157105803489685, + 2.5760154724121094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/24.png", + [ + 0.21659575402736664, + 0.00022999360226094723, + 0.00584054458886385, + -0.07231933623552322, + -6.843730807304382e-05, + -0.21639220416545868, + 0.011059252545237541, + -0.14808757603168488, + 0.005844670347869396, + -0.011057073250412941, + -0.21631339192390442, + 2.6340928077697754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/512.png", + [ + 0.21597141027450562, + 0.005269746296107769, + 0.016627592965960503, + -0.1998220980167389, + 0.0034866794012486935, + -0.21542370319366455, + 0.02298619970679283, + -0.2910403311252594, + 0.01709064468741417, + -0.022644031792879105, + -0.2148093432188034, + 2.5801854133605957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/351.png", + [ + 0.21657609939575195, + 0.006335366517305374, + -0.001597939059138298, + 0.01946396753191948, + 0.006492462940514088, + -0.21462123095989227, + 0.029042577371001244, + -0.3729678988456726, + -0.0007336173439398408, + -0.029077252373099327, + -0.214713454246521, + 2.5878806114196777, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/275.png", + [ + 0.21613816916942596, + 0.010733623057603836, + -0.01081573124974966, + 0.1310374140739441, + 0.011166420765221119, + -0.21621690690517426, + 0.008570726029574871, + -0.11549286544322968, + -0.010368308052420616, + -0.009106897749006748, + -0.2162347435951233, + 2.6038036346435547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/214.png", + [ + 0.21638846397399902, + 0.008741278201341629, + -0.0068933009169995785, + 0.08425496518611908, + 0.00945388711988926, + -0.21513883769512177, + 0.02395421452820301, + -0.31145933270454407, + -0.00587806012481451, + -0.024223344400525093, + -0.21523608267307281, + 2.618959426879883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/404.png", + [ + 0.21578891575336456, + 0.015476866625249386, + 0.011979347094893456, + -0.14707033336162567, + 0.014166547916829586, + -0.2150248885154724, + 0.022616246715188026, + -0.2900516092777252, + 0.013503596186637878, + -0.021740568801760674, + -0.21515783667564392, + 2.577688694000244, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/74.png", + [ + 0.21634900569915771, + -0.007542096544057131, + 0.009171800687909126, + -0.10739897936582565, + -0.008532156236469746, + -0.2151324301958084, + 0.024354415014386177, + -0.30871015787124634, + 0.008258780464529991, + -0.024678977206349373, + -0.21510609984397888, + 2.5703001022338867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/251.png", + [ + 0.21618404984474182, + -0.014551984146237373, + 0.0007695189560763538, + -0.009666386991739273, + -0.01456414069980383, + -0.215378075838089, + 0.018656384199857712, + -0.23842784762382507, + -0.0004880584019701928, + -0.018665866926312447, + -0.21586856245994568, + 2.5990076065063477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/193.png", + [ + 0.21666182577610016, + 0.0002568197960499674, + 0.0023406618274748325, + -0.02507484331727028, + -0.00011645346239674836, + -0.21394982933998108, + 0.034254249185323715, + -0.4262266159057617, + 0.002351827686652541, + -0.03425348550081253, + -0.21393705904483795, + 2.5733256340026855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/129.png", + [ + 0.21613521873950958, + -0.0046060229651629925, + 0.01456901989877224, + -0.17572514712810516, + -0.0057200840674340725, + -0.2159634828567505, + 0.01658167503774166, + -0.20895417034626007, + 0.014168713241815567, + -0.016925007104873657, + -0.21554741263389587, + 2.5851211547851562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/249.png", + [ + 0.2160082906484604, + -0.016937557607889175, + -0.0011992170475423336, + 0.016995549201965332, + -0.016796553507447243, + -0.21538466215133667, + 0.016590069979429245, + -0.2144884169101715, + -0.0024889307096600533, + -0.016446085646748543, + -0.21603526175022125, + 2.6154837608337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/392.png", + [ + 0.21656501293182373, + 0.004991902504116297, + 0.004750514402985573, + -0.05966530740261078, + 0.004667162429541349, + -0.2161475121974945, + 0.014365374110639095, + -0.18856044113636017, + 0.005069917067885399, + -0.014255781657993793, + -0.21614569425582886, + 2.599761486053467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/172.png", + [ + 0.21664221584796906, + 0.0023144343867897987, + -0.002947174245491624, + 0.03916215896606445, + 0.002704847604036331, + -0.2145192176103592, + 0.0303658414632082, + -0.38263100385665894, + -0.0025935007724910975, + -0.030398091301321983, + -0.2145160287618637, + 2.566666603088379, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/494.png", + [ + 0.21616852283477783, + 0.00025803365861065686, + 0.014798554591834545, + -0.17655883729457855, + -0.0013161568203940988, + -0.2154483050107956, + 0.022982282564044, + -0.29005730152130127, + 0.014742168597877026, + -0.023018496111035347, + -0.21494349837303162, + 2.5749988555908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/232.png", + [ + 0.2162756621837616, + -0.0035113804042339325, + 0.012664875015616417, + -0.1501319408416748, + -0.0047359527088701725, + -0.21559268236160278, + 0.021101148799061775, + -0.27409881353378296, + 0.01225967425853014, + -0.021339116618037224, + -0.2152724713087082, + 2.5821585655212402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/359.png", + [ + 0.21666893362998962, + 0.0012122995685786009, + -0.0009990899125114083, + 0.012003544718027115, + 0.0013285881141200662, + -0.21494197845458984, + 0.027314502745866776, + -0.3534158766269684, + -0.0008382753003388643, + -0.027319911867380142, + -0.2149437516927719, + 2.622519016265869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/153.png", + [ + 0.21665158867835999, + -0.0006358290556818247, + 0.0030952864326536655, + -0.040219638496637344, + -0.0009326700819656253, + -0.21565432846546173, + 0.02098197117447853, + -0.2650875747203827, + 0.0030191391706466675, + -0.020993061363697052, + -0.21563410758972168, + 2.5971970558166504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/361.png", + [ + 0.21666941046714783, + -0.0010629425523802638, + 0.0010638412786647677, + -0.013073781505227089, + -0.0011856917990371585, + -0.2150273621082306, + 0.026640696451067924, + -0.34580719470977783, + 0.0009250618750229478, + -0.026645876467227936, + -0.21502798795700073, + 2.623600482940674, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/469.png", + [ + 0.2166682779788971, + 0.0008699975442141294, + -0.0014091639313846827, + 0.016869008541107178, + 0.0010078934719786048, + -0.2155642956495285, + 0.021884048357605934, + -0.29074418544769287, + -0.001314073451794684, + -0.021889962255954742, + -0.21556204557418823, + 2.646786689758301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/144.png", + [ + 0.21566057205200195, + 0.00520798796787858, + -0.020280329510569572, + 0.2448897808790207, + 0.007236452307552099, + -0.21547190845012665, + 0.02161908894777298, + -0.2687365412712097, + -0.019648117944598198, + -0.022195223718881607, + -0.21463742852210999, + 2.570486068725586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/188.png", + [ + 0.2161085456609726, + 0.003509612288326025, + 0.015253921039402485, + -0.17865800857543945, + 0.0008443027036264539, + -0.21346406638622284, + 0.037152089178562164, + -0.4584307074546814, + 0.01562967151403427, + -0.03699558228254318, + -0.21292002499103546, + 2.5383262634277344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/464.png", + [ + 0.21661390364170074, + 0.0015047818887978792, + -0.004903130698949099, + 0.05850597843527794, + 0.0018914089305326343, + -0.2159765064716339, + 0.01727626845240593, + -0.23230433464050293, + -0.0047673508524894714, + -0.017314227297902107, + -0.21592913568019867, + 2.6398892402648926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/98.png", + [ + 0.21593447029590607, + 0.00821900088340044, + 0.015894997864961624, + -0.1915258765220642, + 0.006713367998600006, + -0.21561799943447113, + 0.020290466025471687, + -0.25538256764411926, + 0.01658715307712555, + -0.01972866617143154, + -0.2151360958814621, + 2.57883358001709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/330.png", + [ + 0.21637870371341705, + 0.002738632494583726, + 0.010984198190271854, + -0.13535845279693604, + 0.001638587098568678, + -0.21560145914554596, + 0.021476102992892265, + -0.2673318088054657, + 0.011201238259673119, + -0.02136370725929737, + -0.21532770991325378, + 2.571572780609131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/0.png", + [ + 0.21662820875644684, + -0.004435284994542599, + -0.0006625069654546678, + 0.006087834946811199, + -0.004394785035401583, + -0.21633587777614594, + 0.011285705491900444, + -0.1517757773399353, + -0.0008924872381612659, + -0.01126985065639019, + -0.21637950837612152, + 2.6468911170959473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/163.png", + [ + 0.21662651002407074, + 0.0045180544257164, + -0.0006633015582337976, + 0.010505618527531624, + 0.004565319512039423, + -0.2149856835603714, + 0.026612142100930214, + -0.3301672041416168, + -0.00010322046728106216, + -0.026620203629136086, + -0.2150331437587738, + 2.5622997283935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/96.png", + [ + 0.21597842872142792, + 0.007506292313337326, + 0.01564848981797695, + -0.18827790021896362, + 0.006061237771064043, + -0.21568267047405243, + 0.019802581518888474, + -0.25036659836769104, + 0.016262872144579887, + -0.01930120214819908, + -0.21519963443279266, + 2.5827903747558594, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/100.png", + [ + 0.21600790321826935, + 0.009109927341341972, + 0.014334960840642452, + -0.17257404327392578, + 0.007790581323206425, + -0.2156413048505783, + 0.01964772678911686, + -0.24902772903442383, + 0.015092669986188412, + -0.019071850925683975, + -0.21530529856681824, + 2.5861096382141113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/451.png", + [ + 0.21662896871566772, + 0.004438672214746475, + -0.00028377395938150585, + 0.004070434719324112, + 0.004430915229022503, + -0.2141689658164978, + 0.03255631402134895, + -0.40081682801246643, + 0.00038643760490231216, + -0.03255525976419449, + -0.21421459317207336, + 2.5387349128723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/336.png", + [ + 0.21637938916683197, + 0.004332186188548803, + 0.010444562882184982, + -0.12621526420116425, + 0.003386041847988963, + -0.2157820165157318, + 0.019353434443473816, + -0.24755257368087769, + 0.010788487270474434, + -0.019163841381669044, + -0.21555568277835846, + 2.5905280113220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/309.png", + [ + 0.21658281981945038, + 0.004919837228953838, + 0.0039457599632442, + -0.04953611269593239, + 0.004605654627084732, + -0.21599537134170532, + 0.016513047739863396, + -0.21660035848617554, + 0.004308337811380625, + -0.016422180458903313, + -0.21600843966007233, + 2.5837769508361816, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/321.png", + [ + 0.21664151549339294, + 0.003695541061460972, + -0.0008292023558169603, + 0.012472322210669518, + 0.0037586900871247053, + -0.2156144082546234, + 0.021075919270515442, + -0.2639859914779663, + -0.00046568005927838385, + -0.021087083965539932, + -0.21564556658267975, + 2.5626182556152344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/450.png", + [ + 0.2165241688489914, + 0.005528199020773172, + 0.005883960053324699, + -0.07119937986135483, + 0.0045101223513484, + -0.21379749476909637, + 0.03490245342254639, + -0.4291033446788788, + 0.0066963243298232555, + -0.03475574031472206, + -0.21376411616802216, + 2.535855293273926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/315.png", + [ + 0.21661321818828583, + 0.0042305137030780315, + 0.0029519633390009403, + -0.03710297495126724, + 0.003965318668633699, + -0.21585750579833984, + 0.018376823514699936, + -0.23725084960460663, + 0.003299633041024208, + -0.018317589536309242, + -0.21587373316287994, + 2.5762877464294434, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/420.png", + [ + 0.21501371264457703, + -0.0013976985355839133, + -0.026740333065390587, + 0.3129154443740845, + 0.002746545011177659, + -0.21408680081367493, + 0.033274583518505096, + -0.4037850499153137, + -0.026635605841875076, + -0.03335847705602646, + -0.2124279886484146, + 2.4563956260681152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/300.png", + [ + 0.2158346325159073, + 0.0066251917742192745, + 0.017872365191578865, + -0.22046315670013428, + 0.005143353715538979, + -0.21587195992469788, + 0.017909184098243713, + -0.23238767683506012, + 0.018353763967752457, + -0.017415501177310944, + -0.21519233286380768, + 2.604126453399658, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/459.png", + [ + 0.21655066311359406, + 0.0021248916164040565, + -0.007013603113591671, + 0.08217261731624603, + 0.0028241679538041353, + -0.21554706990718842, + 0.021894775331020355, + -0.2794792950153351, + -0.006762385834008455, + -0.021973663941025734, + -0.2154514342546463, + 2.5822129249572754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/298.png", + [ + 0.21579398214817047, + 0.0067662764340639114, + 0.01830473728477955, + -0.22554564476013184, + 0.005083038937300444, + -0.21570712327957153, + 0.01981152407824993, + -0.2558043301105499, + 0.01884167268872261, + -0.019301587715744972, + -0.21498915553092957, + 2.6024274826049805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/40.png", + [ + 0.21458467841148376, + -0.017515478655695915, + 0.02438272535800934, + -0.3033403158187866, + -0.01960207149386406, + -0.21503044664859772, + 0.018043208867311478, + -0.2369939386844635, + 0.02273913286626339, + -0.02007502317428589, + -0.21454095840454102, + 2.615753650665283, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/141.png", + [ + 0.21636903285980225, + 0.0038617956452071667, + -0.010836306028068066, + 0.13229641318321228, + 0.0048227496445178986, + -0.21574977040290833, + 0.019408101215958595, + -0.24181832373142242, + -0.010444141924381256, + -0.019621923565864563, + -0.21553142368793488, + 2.580656051635742, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/52.png", + [ + 0.21474331617355347, + -0.01341894268989563, + 0.025556489825248718, + -0.3154700696468353, + -0.01740020327270031, + -0.2132432460784912, + 0.0342409610748291, + -0.4381676912307739, + 0.02303117699921131, + -0.035988084971904755, + -0.21242015063762665, + 2.5898303985595703, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/454.png", + [ + 0.21644330024719238, + 0.0037420541048049927, + -0.009284121915698051, + 0.11183025687932968, + 0.004914701916277409, + -0.2148016393184662, + 0.027999943122267723, + -0.3438318967819214, + -0.008720298297703266, + -0.02818063460290432, + -0.21465718746185303, + 2.536040782928467, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/184.png", + [ + 0.2154935896396637, + 0.00304062245413661, + 0.0223867055028677, + -0.2621106207370758, + -0.0001337252906523645, + -0.21452784538269043, + 0.03042498230934143, + -0.3761376440525055, + 0.022591860964894295, + -0.030272960662841797, + -0.213356614112854, + 2.5292410850524902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/389.png", + [ + 0.2166062891483307, + 0.002529924502596259, + 0.004817698150873184, + -0.062162429094314575, + 0.0022153258323669434, + -0.21621446311473846, + 0.013938739895820618, + -0.18292288482189178, + 0.00497021758928895, + -0.013885087333619595, + -0.21617214381694794, + 2.602114677429199, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/426.png", + [ + 0.21587499976158142, + -0.0022065609227865934, + -0.018466463312506676, + 0.21652230620384216, + 0.0015058958670124412, + -0.2123638391494751, + 0.04297947511076927, + -0.5232901573181152, + -0.0185367614030838, + -0.04294920340180397, + -0.21156476438045502, + 2.4843955039978027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/344.png", + [ + 0.21652889251708984, + 0.007797610480338335, + 0.0015241100918501616, + -0.020700737833976746, + 0.007673349231481552, + -0.21601636707782745, + 0.01503155566751957, + -0.19710946083068848, + 0.002060430124402046, + -0.014967470429837704, + -0.21614722907543182, + 2.6003193855285645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/227.png", + [ + 0.2156796008348465, + 0.0011116496752947569, + 0.020711474120616913, + -0.2524433732032776, + -0.00023013730242382735, + -0.2162216156721115, + 0.014001830480992794, + -0.18566808104515076, + 0.02074001170694828, + -0.013959528878331184, + -0.21522748470306396, + 2.5905203819274902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/3.png", + [ + 0.21663719415664673, + -0.0037931750994175673, + 0.001351584098301828, + -0.019183915108442307, + -0.0038564763963222504, + -0.2163654863834381, + 0.010908745229244232, + -0.1461818665266037, + 0.0011586835607886314, + -0.010930915363132954, + -0.21639563143253326, + 2.6393299102783203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/366.png", + [ + 0.2164171189069748, + -0.0021594432182610035, + 0.01033725030720234, + -0.1278785616159439, + -0.003411964513361454, + -0.21501918137073517, + 0.026514386758208275, + -0.3460111618041992, + 0.009994021616876125, + -0.026645658537745476, + -0.21479764580726624, + 2.6381897926330566, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/294.png", + [ + 0.21617981791496277, + 0.0054648686200380325, + 0.013576298952102661, + -0.16645590960979462, + 0.004014877602458, + -0.2154354602098465, + 0.022789031267166138, + -0.29329201579093933, + 0.014073429629206657, + -0.02248542755842209, + -0.2150447517633438, + 2.600036144256592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/231.png", + [ + 0.21631592512130737, + -0.001115876599214971, + 0.01241264957934618, + -0.14750441908836365, + -0.002281504450365901, + -0.2157030552625656, + 0.020368551835417747, + -0.2646421790122986, + 0.012252094224095345, + -0.020465530455112457, + -0.215357705950737, + 2.58193302154541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/324.png", + [ + 0.2165852040052414, + 0.0006313062040135264, + -0.006191679276525974, + 0.07597298920154572, + 0.001199190504848957, + -0.21575093269348145, + 0.01994968391954899, + -0.24984396994113922, + -0.0061071584932506084, + -0.01997571811079979, + -0.21566540002822876, + 2.564117431640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/427.png", + [ + 0.2160326987504959, + -0.0018018472474068403, + -0.016568418592214584, + 0.19383522868156433, + 0.001522387028671801, + -0.21237051486968994, + 0.04294583201408386, + -0.5249761939048767, + -0.01659643091261387, + -0.04293501749634743, + -0.21172869205474854, + 2.4944090843200684, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/289.png", + [ + 0.216642826795578, + 0.0011804163223132491, + 0.0035204151645302773, + -0.04178047180175781, + 0.0008895909413695335, + -0.21595148742198944, + 0.017665309831500053, + -0.22807002067565918, + 0.00360490451566875, + -0.01764826290309429, + -0.21592462062835693, + 2.597217082977295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/433.png", + [ + 0.2166723757982254, + -0.0009579830220900476, + -0.00023725225764792413, + 0.005487276241183281, + -0.0009083811310119927, + -0.21394366025924683, + 0.034280963242053986, + -0.4321273863315582, + -0.00038582831621170044, + -0.034279607236385345, + -0.2139454334974289, + 2.5476174354553223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/282.png", + [ + 0.2166547328233719, + 0.0014674273552373052, + 0.0025445835199207067, + -0.035543568432331085, + 0.0012787458254024386, + -0.2160980999469757, + 0.015744032338261604, + -0.20427879691123962, + 0.0026444389950484037, + -0.015727568417787552, + -0.21608689427375793, + 2.596745491027832, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/47.png", + [ + 0.21370995044708252, + -0.018734624609351158, + 0.030413180589675903, + -0.3756168782711029, + -0.022812897339463234, + -0.21354222297668457, + 0.02876088209450245, + -0.3733205795288086, + 0.027486713603138924, + -0.031569451093673706, + -0.21259289979934692, + 2.6020898818969727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/508.png", + [ + 0.21630869805812836, + 0.0031666234135627747, + 0.012182433158159256, + -0.1474827229976654, + 0.0017963467398658395, + -0.2153255194425583, + 0.024074796587228775, + -0.3055109977722168, + 0.01245842408388853, + -0.02393314056098461, + -0.2149880975484848, + 2.569105625152588, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/428.png", + [ + 0.21619543433189392, + -0.0021540080197155476, + -0.01424054242670536, + 0.16865400969982147, + 0.0006227486883290112, + -0.21263925731182098, + 0.041617944836616516, + -0.5111831426620483, + -0.014389057643711567, + -0.04156683012843132, + -0.2121627777814865, + 2.509763240814209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/104.png", + [ + 0.21624045073986053, + 0.008827862329781055, + 0.010489629581570625, + -0.12749958038330078, + 0.007790162228047848, + -0.21553350985050201, + 0.020796919241547585, + -0.26831188797950745, + 0.011281702667474747, + -0.0203781109303236, + -0.2154190093278885, + 2.5976662635803223, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/334.png", + [ + 0.21634186804294586, + 0.005052928812801838, + 0.010888385586440563, + -0.1314503401517868, + 0.0040475125424563885, + -0.21573953330516815, + 0.01969711296260357, + -0.248991459608078, + 0.011300736106932163, + -0.019463468343019485, + -0.21550258994102478, + 2.5835208892822266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/291.png", + [ + 0.21659591794013977, + 0.0030840346589684486, + 0.0049591027200222015, + -0.05917657911777496, + 0.0026031099259853363, + -0.21569235622882843, + 0.020443145185709, + -0.2640630304813385, + 0.005227598827332258, + -0.020376142114400864, + -0.21565106511116028, + 2.5985984802246094, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/341.png", + [ + 0.21645812690258026, + 0.0072754318825900555, + 0.006390558090060949, + -0.07761605829000473, + 0.006723778322339058, + -0.21582400798797607, + 0.01796344481408596, + -0.23343078792095184, + 0.006968640256673098, + -0.0177471861243248, + -0.2158341407775879, + 2.592653751373291, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/516.png", + [ + 0.2164631336927414, + 0.005648274905979633, + 0.007726556621491909, + -0.09252965450286865, + 0.00468542380258441, + -0.21506381034851074, + 0.025951774790883064, + -0.3255816698074341, + 0.008345626294612885, + -0.025759365409612656, + -0.21497604250907898, + 2.587376117706299, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/21.png", + [ + 0.2166379988193512, + -0.0015495740808546543, + 0.0036700479686260223, + -0.04752827063202858, + -0.0017340340418741107, + -0.21638861298561096, + 0.010993706993758678, + -0.14581604301929474, + 0.0035865805111825466, + -0.011021220125257969, + -0.21636442840099335, + 2.628124713897705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/268.png", + [ + 0.21590226888656616, + 0.0073052397929131985, + 0.016755087301135063, + -0.20792518556118011, + 0.006644523236900568, + -0.21639671921730042, + 0.008729423396289349, + -0.11826235055923462, + 0.01702791266143322, + -0.00818449817597866, + -0.2158493846654892, + 2.621218681335449, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/82.png", + [ + 0.21667411923408508, + -0.0004655619559343904, + 5.685769338015234e-06, + -0.0017591525102034211, + -0.0004626659501809627, + -0.2149980515241623, + 0.026898367330431938, + -0.34566664695739746, + -5.2153893193462864e-05, + -0.02689831331372261, + -0.2149985432624817, + 2.615147590637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/106.png", + [ + 0.21633827686309814, + 0.008643885143101215, + 0.008421779610216618, + -0.10146696865558624, + 0.007826891727745533, + -0.21558743715286255, + 0.02021618001163006, + -0.2627640962600708, + 0.009186014533042908, + -0.01988057792186737, + -0.2155650109052658, + 2.601630687713623, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/14.png", + [ + 0.21662241220474243, + -0.004754184279590845, + -0.00014362561341840774, + -0.0016712199430912733, + -0.0047440133057534695, + -0.21643288433551788, + 0.009066256694495678, + -0.12327490746974945, + -0.0003423933812882751, + -0.009060926735401154, + -0.21648481488227844, + 2.6350135803222656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/481.png", + [ + 0.21663279831409454, + 0.0030934682581573725, + 0.0029249414801597595, + -0.037259288132190704, + 0.002584722824394703, + -0.21385551989078522, + 0.034742459654808044, + -0.4370180070400238, + 0.0033829044550657272, + -0.03470085933804512, + -0.21385112404823303, + 2.5807700157165527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/67.png", + [ + 0.2134363204240799, + -0.016659274697303772, + 0.03339623287320137, + -0.39456236362457275, + -0.02029106579720974, + -0.21452836692333221, + 0.022666122764348984, + -0.2854490578174591, + 0.03132271766662598, + -0.025454839691519737, + -0.21288222074508667, + 2.5150861740112305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/424.png", + [ + 0.21543553471565247, + -0.002123710000887513, + -0.023041702806949615, + 0.26885709166526794, + 0.002360220067203045, + -0.21261802315711975, + 0.041664209216833115, + -0.5047922134399414, + -0.02301867865025997, + -0.04167693108320236, + -0.21137896180152893, + 2.4680819511413574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/394.png", + [ + 0.21643179655075073, + 0.008717798627912998, + 0.005400917027145624, + -0.06685972958803177, + 0.008315004408359528, + -0.21596728265285492, + 0.015391402877867222, + -0.20153126120567322, + 0.006002550479024649, + -0.015166890807449818, + -0.21605980396270752, + 2.595027446746826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/272.png", + [ + 0.21647615730762482, + 0.00914989784359932, + 0.0014986468013375998, + -0.019319526851177216, + 0.009089534170925617, + -0.216340109705925, + 0.007888834923505783, + -0.10743787884712219, + 0.0018294684123247862, + -0.007818740792572498, + -0.21652577817440033, + 2.621741771697998, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/403.png", + [ + 0.21572156250476837, + 0.01648147962987423, + 0.01185161154717207, + -0.1454450488090515, + 0.015229537151753902, + -0.21503344178199768, + 0.02183074876666069, + -0.28039494156837463, + 0.013422410003840923, + -0.020901702344417572, + -0.2152460366487503, + 2.578564167022705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/408.png", + [ + 0.2161804884672165, + 0.0108634103089571, + 0.009791677817702293, + -0.11630991101264954, + 0.009829353541135788, + -0.2153409719467163, + 0.02189846709370613, + -0.2777671813964844, + 0.01082933135330677, + -0.021404331550002098, + -0.2153427004814148, + 2.572965621948242, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/505.png", + [ + 0.2165418267250061, + 0.0013427560916170478, + 0.007464663591235876, + -0.08979590982198715, + 0.0005378180067054927, + -0.21543358266353607, + 0.023151028901338577, + -0.2982974052429199, + 0.007565376814454794, + -0.023118311539292336, + -0.2153049111366272, + 2.596240997314453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/241.png", + [ + 0.21573352813720703, + -0.020121023058891296, + 0.0014453585026785731, + -0.01568189077079296, + -0.02016966976225376, + -0.21486850082874298, + 0.019302960485219955, + -0.25396862626075745, + -0.0003592174034565687, + -0.01935366541147232, + -0.21580825746059418, + 2.6305103302001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/369.png", + [ + 0.21642039716243744, + -0.0004962968523614109, + 0.01048152707517147, + -0.12837162613868713, + -0.0016845029313117266, + -0.21526837348937988, + 0.024588385596871376, + -0.3224809765815735, + 0.01035718061029911, + -0.024641022086143494, + -0.21501964330673218, + 2.636441230773926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/78.png", + [ + 0.21661359071731567, + -0.004748311825096607, + 0.0019746541511267424, + -0.024418076500296593, + -0.004942093510180712, + -0.21521438658237457, + 0.02462182752788067, + -0.31844547390937805, + 0.0014217718271538615, + -0.024659929797053337, + -0.21526207029819489, + 2.60636043548584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/191.png", + [ + 0.21651692688465118, + 0.0021284723188728094, + 0.007986526936292648, + -0.09373363852500916, + 0.0007187228766269982, + -0.2134222686290741, + 0.0373939611017704, + -0.4643421471118927, + 0.00823398120701313, + -0.03734024986624718, + -0.2132740169763565, + 2.5638718605041504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/31.png", + [ + 0.2164040505886078, + -0.0059884716756641865, + 0.009017802774906158, + -0.11098802089691162, + -0.0064465757459402084, + -0.21629586815834045, + 0.011065168306231499, + -0.1477108597755432, + 0.008696218952536583, + -0.011319650337100029, + -0.21620392799377441, + 2.628571033477783, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/466.png", + [ + 0.21666505932807922, + 0.0009657077607698739, + -0.0017894422635436058, + 0.02137323096394539, + 0.0011281674960628152, + -0.21573035418987274, + 0.020174993202090263, + -0.26890042424201965, + -0.0016917248722165823, + -0.020183419808745384, + -0.21572589874267578, + 2.6419029235839844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/378.png", + [ + 0.21600857377052307, + 0.0017898575169965625, + -0.016881518065929413, + 0.2051166445016861, + 0.00310333794914186, + -0.21599945425987244, + 0.016807688400149345, + -0.21976888179779053, + -0.016690073534846306, + -0.0169978104531765, + -0.2153611183166504, + 2.614504814147949, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/476.png", + [ + 0.21658165752887726, + 0.004838436376303434, + 0.004106850828975439, + -0.05210602656006813, + 0.004123963415622711, + -0.21387265622615814, + 0.03448738902807236, + -0.4450319707393646, + 0.00482385978102684, + -0.03439442440867424, + -0.2138729840517044, + 2.618623733520508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/194.png", + [ + 0.21667340397834778, + 0.0005869701271876693, + 0.00043091271072626114, + -0.0017963788704946637, + 0.0005172602832317352, + -0.21432076394557953, + 0.031847067177295685, + -0.3967687487602234, + 0.0005125048337504268, + -0.03184586018323898, + -0.21432095766067505, + 2.577195644378662, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/327.png", + [ + 0.2166227549314499, + 0.0012074968544766307, + -0.004585644695907831, + 0.05597582831978798, + 0.0016152001917362213, + -0.2157912701368332, + 0.019478607922792435, + -0.24457736313343048, + -0.004458397161215544, + -0.019508125260472298, + -0.21574857831001282, + 2.5652594566345215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/152.png", + [ + 0.2166740745306015, + -0.00037104260991327465, + 0.00032717580324970186, + -0.007176910527050495, + -0.0004008249088656157, + -0.21566729247570038, + 0.02086515724658966, + -0.2641846835613251, + 0.0002899244427680969, + -0.020865708589553833, + -0.21566742658615112, + 2.600472927093506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/270.png", + [ + 0.21622377634048462, + 0.009547058492898941, + 0.010199721902608871, + -0.12674480676651, + 0.009189492091536522, + -0.2163429856300354, + 0.007691626902669668, + -0.105672687292099, + 0.010523016564548016, + -0.007243035826832056, + -0.2162977159023285, + 2.6202917098999023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/486.png", + [ + 0.21641302108764648, + -0.0017210023943334818, + 0.010504561476409435, + -0.12609396874904633, + -0.002482245210558176, + -0.216088205575943, + 0.01573619805276394, + -0.1957256942987442, + 0.010351140983402729, + -0.015837538987398148, + -0.21584700047969818, + 2.5526466369628906, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/437.png", + [ + 0.21513809263706207, + 0.004420263227075338, + 0.02537621557712555, + -0.30373987555503845, + -0.0003367667377460748, + -0.21295952796936035, + 0.039950329810380936, + -0.4988573491573334, + 0.025756116956472397, + -0.03970646858215332, + -0.21144244074821472, + 2.5241994857788086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/331.png", + [ + 0.2162635773420334, + 0.0031924406066536903, + 0.012952753342688084, + -0.15859156847000122, + 0.001896313508041203, + -0.21559928357601166, + 0.02147684432566166, + -0.268600195646286, + 0.013204904273152351, + -0.021322738379240036, + -0.2152181714773178, + 2.57566499710083, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/499.png", + [ + 0.2166365534067154, + 0.0011930248001590371, + 0.0038835303857922554, + -0.04653617739677429, + 0.0008837538189254701, + -0.21600040793418884, + 0.017056738957762718, + -0.21938852965831757, + 0.003965361975133419, + -0.017037902027368546, + -0.2159673124551773, + 2.593588352203369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/39.png", + [ + 0.21535901725292206, + -0.014719734899699688, + 0.018754208460450172, + -0.2327064573764801, + -0.01610512100160122, + -0.21549677848815918, + 0.015800604596734047, + -0.20824678242206573, + 0.01757884956896305, + -0.01709863916039467, + -0.2152824103832245, + 2.6247987747192383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/92.png", + [ + 0.21612897515296936, + 0.0065483818762004375, + 0.013902677223086357, + -0.1664866954088211, + 0.005083716940134764, + -0.21544858813285828, + 0.022449003532528877, + -0.28605785965919495, + 0.014502467587590218, + -0.022066276520490646, + -0.21505965292453766, + 2.5858559608459473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/203.png", + [ + 0.21612919867038727, + -0.004664082545787096, + 0.01463946234434843, + -0.1813710778951645, + -0.006098082754760981, + -0.21553286910057068, + 0.02136079967021942, + -0.27563291788101196, + 0.01410251297056675, + -0.021719038486480713, + -0.2151215821504593, + 2.60270357131958, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/434.png", + [ + 0.2166600078344345, + 0.000677429314237088, + 0.0024250003043562174, + -0.02592570334672928, + 0.00024255711468867958, + -0.2133299708366394, + 0.037923093885183334, + -0.4783133268356323, + 0.0025061331689357758, + -0.03791782259941101, + -0.21331630647182465, + 2.5657477378845215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/53.png", + [ + 0.21474750339984894, + -0.01325234305113554, + 0.025608107447624207, + -0.316832572221756, + -0.017545754089951515, + -0.2127646505832672, + 0.03703032061457634, + -0.4727034866809845, + 0.02288113720715046, + -0.038774650543928146, + -0.21194545924663544, + 2.5906858444213867, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/245.png", + [ + 0.21563391387462616, + -0.021086113527417183, + -0.0022988610435277224, + 0.031817346811294556, + -0.02080519311130047, + -0.2148338407278061, + 0.019012056291103363, + -0.24739475548267365, + -0.004129526671022177, + -0.018700001761317253, + -0.21582667529582977, + 2.631424903869629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/75.png", + [ + 0.21643124520778656, + -0.0075932894833385944, + 0.006910113152116537, + -0.08109288662672043, + -0.008346118964254856, + -0.2150549739599228, + 0.025091655552387238, + -0.3189322054386139, + 0.005979131441563368, + -0.02532964199781418, + -0.21510592103004456, + 2.5815038681030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/151.png", + [ + 0.21666212379932404, + -0.00030021442216821015, + -0.0023078010417521, + 0.02463141269981861, + -7.701769209234044e-05, + -0.21567150950431824, + 0.020825378596782684, + -0.26355743408203125, + -0.0023259713780134916, + -0.02082335762679577, + -0.21565915644168854, + 2.5986971855163574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/87.png", + [ + 0.21652109920978546, + 0.0017446246929466724, + 0.007967027835547924, + -0.09693799912929535, + 0.0008116586250253022, + -0.21521785855293274, + 0.025069966912269592, + -0.3213020861148834, + 0.008115322329103947, + -0.0250223521143198, + -0.2150718867778778, + 2.595757007598877, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/472.png", + [ + 0.21666717529296875, + 0.0014129584887996316, + 0.0011133342050015926, + -0.01471447292715311, + 0.0012767249718308449, + -0.21525593101978302, + 0.02472151257097721, + -0.32627081871032715, + 0.0012672562152147293, + -0.02471410110592842, + -0.21525682508945465, + 2.644850254058838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/139.png", + [ + 0.2166723757982254, + 0.0009374988730996847, + 0.0003148723626509309, + -0.0023361677303910255, + 0.0009053422254510224, + -0.2157926857471466, + 0.01950872130692005, + -0.24278809130191803, + 0.0003980002657044679, + -0.01950720325112343, + -0.21579435467720032, + 2.584801197052002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/386.png", + [ + 0.21663983166217804, + 0.003545501735061407, + -0.0015829596668481827, + 0.015468443743884563, + 0.003643718082457781, + -0.21615657210350037, + 0.014524128288030624, + -0.18946795165538788, + -0.0013415131252259016, + -0.014548413455486298, + -0.21618150174617767, + 2.6052441596984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/518.png", + [ + 0.21650297939777374, + 0.007237971760332584, + 0.004687417298555374, + -0.05362353473901749, + 0.006647884845733643, + -0.21511231362819672, + 0.025107651948928833, + -0.3130916655063629, + 0.005492335185408592, + -0.024943938478827477, + -0.2151639610528946, + 2.5978293418884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/107.png", + [ + 0.21638529002666473, + 0.007667074911296368, + 0.008155710995197296, + -0.09818907827138901, + 0.006937951315194368, + -0.21575048565864563, + 0.018748104572296143, + -0.24429930746555328, + 0.008784331381320953, + -0.0184619203209877, + -0.21570788323879242, + 2.6036829948425293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/112.png", + [ + 0.21658220887184143, + 0.005180465988814831, + 0.003633011132478714, + -0.042904485017061234, + 0.004819201771169901, + -0.2156733274459839, + 0.02024083212018013, + -0.2607906758785248, + 0.0041001588106155396, + -0.020151395350694656, + -0.2156965434551239, + 2.606900215148926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/267.png", + [ + 0.21574333310127258, + 0.00654600840061903, + 0.018969926983118057, + -0.23412172496318817, + 0.00568342162296176, + -0.2163679152727127, + 0.010025657713413239, + -0.1347116082906723, + 0.019245963543653488, + -0.009484982118010521, + -0.21560966968536377, + 2.6199278831481934, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/355.png", + [ + 0.21657556295394897, + 0.005802937317639589, + -0.003040562616661191, + 0.036639850586652756, + 0.0061796498484909534, + -0.21434293687343597, + 0.031093742698431015, + -0.3989626169204712, + -0.002175095723941922, + -0.03116624616086483, + -0.2144104242324829, + 2.6016016006469727, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/69.png", + [ + 0.21426771581172943, + -0.013245257548987865, + 0.02935662306845188, + -0.3468071222305298, + -0.01587854139506817, + -0.21527574956417084, + 0.018764959648251534, + -0.23969736695289612, + 0.028019994497299194, + -0.02070784568786621, + -0.21385498344898224, + 2.526021957397461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/479.png", + [ + 0.21661953628063202, + 0.004366394132375717, + 0.002191236475482583, + -0.029875267297029495, + 0.0038692199159413576, + -0.2126707136631012, + 0.0412805899977684, + -0.5240224599838257, + 0.002982625039294362, + -0.04123096540570259, + -0.21269463002681732, + 2.592963218688965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/447.png", + [ + 0.21563895046710968, + 0.009006249718368053, + 0.019147591665387154, + -0.23100414872169495, + 0.005064339842647314, + -0.21233688294887543, + 0.042840376496315, + -0.5225518345832825, + 0.020544959232211113, + -0.042188066989183426, + -0.21153244376182556, + 2.514683723449707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/467.png", + [ + 0.21666544675827026, + 0.0008293914142996073, + -0.0018142327899113297, + 0.02172791212797165, + 0.0009980162139981985, + -0.21569249033927917, + 0.02058289386332035, + -0.2738470137119293, + -0.0017272213008254766, + -0.02059037797152996, + -0.21568715572357178, + 2.6423816680908203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/157.png", + [ + 0.2166077345609665, + 0.0006786885787732899, + 0.005340179894119501, + -0.06393825262784958, + 0.00016545325343031436, + -0.2156834900379181, + 0.02070033736526966, + -0.2606894075870514, + 0.005380591843277216, + -0.020689871162176132, + -0.21561741828918457, + 2.5904316902160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/365.png", + [ + 0.21650204062461853, + -0.002519222442060709, + 0.008271039463579655, + -0.10314075648784637, + -0.0034942273050546646, + -0.21508632600307465, + 0.02595285326242447, + -0.3396817743778229, + 0.007908662781119347, + -0.026065565645694733, + -0.2149556428194046, + 2.6370134353637695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/45.png", + [ + 0.21321885287761688, + -0.019775012508034706, + 0.0330841988325119, + -0.4096162021160126, + -0.02389725297689438, + -0.2137467861175537, + 0.026251181960105896, + -0.3418731093406677, + 0.030241305008530617, + -0.02948138862848282, + -0.21251872181892395, + 2.6015119552612305, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/497.png", + [ + 0.2165568470954895, + -0.0005897367955185473, + 0.007119028363376856, + -0.08507215231657028, + -0.0010880038607865572, + -0.21613866090774536, + 0.015191635116934776, + -0.19249127805233002, + 0.007060070522129536, + -0.015219125896692276, + -0.21602414548397064, + 2.5949463844299316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/316.png", + [ + 0.21661929786205292, + 0.0042206114158034325, + 0.002482625190168619, + -0.03134504333138466, + 0.003968806937336922, + -0.2156783491373062, + 0.020371384918689728, + -0.2602633535861969, + 0.0028680250979959965, + -0.02032070979475975, + -0.21570056676864624, + 2.5704870223999023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/259.png", + [ + 0.21619544923305511, + -0.002542124828323722, + 0.014176095835864544, + -0.17158305644989014, + -0.0035381426569074392, + -0.21611151099205017, + 0.01520502008497715, + -0.19486063718795776, + 0.013960860669612885, + -0.015402878634631634, + -0.21567508578300476, + 2.5831241607666016, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/50.png", + [ + 0.21448223292827606, + -0.014960886910557747, + 0.026859408244490623, + -0.3319770395755768, + -0.018849371001124382, + -0.21353037655353546, + 0.03158116713166237, + -0.4075661599636078, + 0.024289030581712723, + -0.03359822556376457, + -0.21267133951187134, + 2.6044888496398926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/101.png", + [ + 0.2160346359014511, + 0.009564041160047054, + 0.013618504628539085, + -0.16564913094043732, + 0.008191939443349838, + -0.2154630869626999, + 0.021364683285355568, + -0.27147626876831055, + 0.014485395513474941, + -0.020786691457033157, + -0.21518823504447937, + 2.5861711502075195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/85.png", + [ + 0.21666160225868225, + 0.00016526585386600345, + 0.0023696681018918753, + -0.028340311720967293, + -9.691598825156689e-05, + -0.21535460650920868, + 0.02388046868145466, + -0.30665457248687744, + 0.002373446011915803, + -0.023880094289779663, + -0.21534159779548645, + 2.608297348022461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/276.png", + [ + 0.21608495712280273, + 0.009932028129696846, + -0.012511505745351315, + 0.15002137422561646, + 0.010490190237760544, + -0.21621015667915344, + 0.009540588594973087, + -0.1267024129629135, + -0.0120473587885499, + -0.010120361112058163, + -0.21610260009765625, + 2.597649574279785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/435.png", + [ + 0.21634826064109802, + 0.00140928674954921, + 0.011804192326962948, + -0.14409738779067993, + -0.0007548724533990026, + -0.21308398246765137, + 0.03927517682313919, + -0.4932393729686737, + 0.011864030733704567, + -0.03925714269280434, + -0.2127581238746643, + 2.553133010864258, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/493.png", + [ + 0.21608351171016693, + 0.0011667743092402816, + 0.0159514918923378, + -0.18991877138614655, + -0.0004446202365215868, + -0.21557560563087463, + 0.021791264414787292, + -0.27554255723953247, + 0.015987925231456757, + -0.021764546632766724, + -0.21498508751392365, + 2.570162773132324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/342.png", + [ + 0.21651816368103027, + 0.006757121533155441, + 0.00470364885404706, + -0.058683574199676514, + 0.006365807726979256, + -0.21590270102024078, + 0.017128804698586464, + -0.2224794179201126, + 0.0052210623398423195, + -0.016978243365883827, + -0.215945303440094, + 2.595738410949707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/156.png", + [ + 0.21657873690128326, + 0.00036939000710844994, + 0.006435387767851353, + -0.0778283178806305, + -0.000218106884858571, + -0.2157747596502304, + 0.01972566731274128, + -0.24978791177272797, + 0.006442289799451828, + -0.01972341723740101, + -0.21567890048027039, + 2.59590482711792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/310.png", + [ + 0.2166207730770111, + 0.003909597638994455, + 0.0028360781725496054, + -0.03579758107662201, + 0.003675909712910652, + -0.21597829461097717, + 0.016963480040431023, + -0.22074878215789795, + 0.003133046207949519, + -0.01691114716231823, + -0.21599094569683075, + 2.5798745155334473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/468.png", + [ + 0.21666309237480164, + 0.0008539915434084833, + -0.002068410161882639, + 0.025198711082339287, + 0.001046589924953878, + -0.21569299697875977, + 0.020574981346726418, + -0.2740310728549957, + -0.0019779461435973644, + -0.020583873614668846, + -0.21568563580513, + 2.643794536590576, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/448.png", + [ + 0.21604855358600616, + 0.007101492024958134, + 0.014848489314317703, + -0.1796955168247223, + 0.004217319190502167, + -0.2128283679485321, + 0.040425218641757965, + -0.49435704946517944, + 0.015909841284155846, + -0.04001940041780472, + -0.21235163509845734, + 2.5245890617370605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/181.png", + [ + 0.21454386413097382, + -1.6559404684812762e-05, + 0.03031207248568535, + -0.357950359582901, + -0.003960059490054846, + -0.21483290195465088, + 0.027911290526390076, + -0.3461255729198456, + 0.03005228564143181, + -0.02819081023335457, + -0.21272054314613342, + 2.524242877960205, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/388.png", + [ + 0.2166285514831543, + 0.003201086772605777, + 0.00311769125983119, + -0.04099523648619652, + 0.002985679777339101, + -0.21616864204406738, + 0.014495025388896465, + -0.18944329023361206, + 0.0033245552331209183, + -0.014448982663452625, + -0.21616674959659576, + 2.6031951904296875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/305.png", + [ + 0.21635113656520844, + 0.0052141728810966015, + 0.010624931193888187, + -0.12876296043395996, + 0.0044303531758487225, + -0.2160513699054718, + 0.015813475474715233, + -0.2052042931318283, + 0.010974912904202938, + -0.015572616830468178, + -0.21583545207977295, + 2.5825581550598145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/452.png", + [ + 0.21654535830020905, + 0.004616852384060621, + -0.005889728665351868, + 0.07087971270084381, + 0.005409023724496365, + -0.21440576016902924, + 0.030802631750702858, + -0.3795132637023926, + -0.0051717208698391914, + -0.03093128465116024, + -0.21439312398433685, + 2.5426979064941406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/357.png", + [ + 0.21660536527633667, + 0.004599795676767826, + -0.0029748689848929644, + 0.036503035575151443, + 0.0049553620629012585, + -0.2146875411272049, + 0.028854837641119957, + -0.37156012654304504, + -0.0023350261617451906, + -0.028913648799061775, + -0.2147241085767746, + 2.611614227294922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/131.png", + [ + 0.21613354980945587, + -0.004766946192830801, + 0.014541447162628174, + -0.17545634508132935, + -0.005858032964169979, + -0.21598376333713531, + 0.0162662323564291, + -0.20421096682548523, + 0.01413721963763237, + -0.0166187547147274, + -0.21557331085205078, + 2.5797080993652344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/483.png", + [ + 0.21661826968193054, + 0.0012613226426765323, + 0.0047784182243049145, + -0.058869797736406326, + 0.0006889172364026308, + -0.21516020596027374, + 0.02556377649307251, + -0.3194102644920349, + 0.004893832840025425, + -0.02554193139076233, + -0.2151082456111908, + 2.5695438385009766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/71.png", + [ + 0.21551084518432617, + -0.009496842510998249, + 0.02031712606549263, + -0.23954984545707703, + -0.011371152475476265, + -0.2154584527015686, + 0.019905947148799896, + -0.2524682581424713, + 0.01933061145246029, + -0.02086527831852436, + -0.21479956805706024, + 2.5473790168762207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/317.png", + [ + 0.21662963926792145, + 0.003940521739423275, + 0.001991240307688713, + -0.02442973107099533, + 0.0037368573248386383, + -0.215689554810524, + 0.02029654197394848, + -0.25849664211273193, + 0.002351307775825262, + -0.020257987082004547, + -0.21571272611618042, + 2.567894458770752, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/160.png", + [ + 0.21661534905433655, + 0.0035576228983700275, + 0.0036095657851547003, + -0.04006432741880417, + 0.003170397598296404, + -0.21551574766635895, + 0.02215418592095375, + -0.2765170633792877, + 0.003954013809561729, + -0.02209530770778656, + -0.2155088484287262, + 2.5788989067077637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/299.png", + [ + 0.21589428186416626, + 0.005885622929781675, + 0.017404377460479736, + -0.21460546553134918, + 0.004317724611610174, + -0.21576082706451416, + 0.019404014572501183, + -0.25111278891563416, + 0.017858054488897324, + -0.01898730918765068, + -0.21510104835033417, + 2.6052207946777344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/115.png", + [ + 0.21656762063503265, + 0.002946187974885106, + -0.006138734985142946, + 0.07447602599859238, + 0.0035186312161386013, + -0.21566158533096313, + 0.020629988983273506, + -0.26374003291130066, + -0.005829521454870701, + -0.020719487220048904, + -0.21560291945934296, + 2.601407527923584, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/478.png", + [ + 0.21661779284477234, + 0.004490004852414131, + 0.0021146724466234446, + -0.028577331453561783, + 0.004013213329017162, + -0.21278107166290283, + 0.04069405794143677, + -0.5184150338172913, + 0.0029199484270066023, + -0.04064421355724335, + -0.21280840039253235, + 2.603099822998047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/54.png", + [ + 0.21482466161251068, + -0.011681714095175266, + 0.025725392624735832, + -0.3188295364379883, + -0.01612592115998268, + -0.2126915603876114, + 0.038080815225839615, + -0.4864800274372101, + 0.0231994166970253, + -0.03967028483748436, + -0.2117450088262558, + 2.596297264099121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/33.png", + [ + 0.21639248728752136, + -0.007923371158540249, + 0.007707204669713974, + -0.0951177179813385, + -0.00830264575779438, + -0.21624600887298584, + 0.01079933438450098, + -0.14417266845703125, + 0.007297048345208168, + -0.011080599389970303, + -0.21626806259155273, + 2.629155158996582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/332.png", + [ + 0.21628671884536743, + 0.004128036089241505, + 0.01228448748588562, + -0.1495942324399948, + 0.0029412717558443546, + -0.21566489338874817, + 0.02068580873310566, + -0.25916817784309387, + 0.012621340341866016, + -0.02048201858997345, + -0.21533481776714325, + 2.577507495880127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/252.png", + [ + 0.21621012687683105, + -0.013925472274422646, + 0.002674284391105175, + -0.03392621502280235, + -0.01411250326782465, + -0.21530096232891083, + 0.019855277612805367, + -0.25281503796577454, + 0.0013812502147629857, + -0.019986895844340324, + -0.21574640274047852, + 2.5982284545898438, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/501.png", + [ + 0.2166413962841034, + 0.0014278844464570284, + 0.003516555530950427, + -0.04315473139286041, + 0.0010639361571520567, + -0.21555426716804504, + 0.021979985758662224, + -0.2825823724269867, + 0.003643220057711005, + -0.021959345787763596, + -0.215528205037117, + 2.5937623977661133, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/221.png", + [ + 0.21629399061203003, + 0.0011957258684560657, + 0.012781757861375809, + -0.15953592956066132, + 0.00022211196483112872, + -0.2160489708185196, + 0.016452647745609283, + -0.21538569033145905, + 0.012835645116865635, + -0.016410643234848976, + -0.215670645236969, + 2.619109630584717, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/412.png", + [ + 0.21663586795330048, + 0.0031096353195607662, + 0.002670629182830453, + -0.032063890248537064, + 0.00283749564550817, + -0.21564367413520813, + 0.02092009223997593, + -0.2625516355037689, + 0.0029581596609205008, + -0.020881373435258865, + -0.21564581990242004, + 2.5543408393859863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/266.png", + [ + 0.21586160361766815, + 0.0064564296044409275, + 0.01760598085820675, + -0.21756698191165924, + 0.005691596772521734, + -0.21638831496238708, + 0.009570530615746975, + -0.12883524596691132, + 0.01786789670586586, + -0.00907214730978012, + -0.2157459855079651, + 2.616870403289795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/159.png", + [ + 0.21661584079265594, + 0.0021637254394590855, + 0.004559888504445553, + -0.05279751121997833, + 0.0017048743320629, + -0.2156161218881607, + 0.021323196589946747, + -0.2665340304374695, + 0.004750547464936972, + -0.02128152921795845, + -0.21557462215423584, + 2.581882953643799, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/301.png", + [ + 0.21585528552532196, + 0.006660826038569212, + 0.017607534304261208, + -0.2157166749238968, + 0.005196503829210997, + -0.215866819024086, + 0.017955871298909187, + -0.23238687217235565, + 0.01809387095272541, + -0.017465690150856972, + -0.21521025896072388, + 2.6007442474365234, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/177.png", + [ + 0.21470743417739868, + -0.0017382215010002255, + 0.029079103842377663, + -0.3471202850341797, + -0.00530801760032773, + -0.2150021195411682, + 0.02634020522236824, + -0.33071306347846985, + 0.028643334284424782, + -0.026813430711627007, + -0.21309268474578857, + 2.539368152618408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/49.png", + [ + 0.21419470012187958, + -0.015670595690608025, + 0.028687305748462677, + -0.35402199625968933, + -0.019681932404637337, + -0.21364805102348328, + 0.030249368399381638, + -0.3923036456108093, + 0.026098862290382385, + -0.03250899910926819, + -0.21262623369693756, + 2.6066179275512695, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/118.png", + [ + 0.21611329913139343, + 0.0033493349328637123, + -0.015222405083477497, + 0.18521688878536224, + 0.004490015096962452, + -0.21602043509483337, + 0.016214730218052864, + -0.20678049325942993, + -0.014925798401236534, + -0.01648816652595997, + -0.2155301868915558, + 2.5918827056884766, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/500.png", + [ + 0.21665899455547333, + 0.0017407932318747044, + 0.0019348222995176911, + -0.023164376616477966, + 0.0015705082332715392, + -0.2158883810043335, + 0.01837494783103466, + -0.23713839054107666, + 0.002075428143143654, + -0.018359597772359848, + -0.21588541567325592, + 2.5947723388671875, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/210.png", + [ + 0.21644523739814758, + 0.004491191357374191, + 0.008898223750293255, + -0.10750182718038559, + 0.0034648433793336153, + -0.21527156233787537, + 0.02437305822968483, + -0.3200529217720032, + 0.00934580434113741, + -0.024204963818192482, + -0.2151154726743698, + 2.618335247039795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/423.png", + [ + 0.21539263427257538, + -0.0008138398407027125, + -0.02352120541036129, + 0.27295413613319397, + 0.0034564007073640823, + -0.213103249669075, + 0.03902500495314598, + -0.472017377614975, + -0.02328008972108364, + -0.039169322699308395, + -0.21182940900325775, + 2.458955764770508, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/406.png", + [ + 0.2159758359193802, + 0.01277983095496893, + 0.0117902597412467, + -0.14406371116638184, + 0.011497301049530506, + -0.2151823192834854, + 0.022633513435721397, + -0.2895575165748596, + 0.013044018298387527, + -0.02193489670753479, + -0.21516646444797516, + 2.5758795738220215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/179.png", + [ + 0.21438926458358765, + -0.0009893872775137424, + 0.03137145936489105, + -0.3719850480556488, + -0.004712407477200031, + -0.21512681245803833, + 0.02541946992278099, + -0.31760138273239136, + 0.031031284481287003, + -0.02583364211022854, + -0.2128792554140091, + 2.525393009185791, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/399.png", + [ + 0.21618203818798065, + 0.013113782741129398, + 0.006422578822821379, + -0.07858023047447205, + 0.012538405135273933, + -0.21555420756340027, + 0.018085069954395294, + -0.23216964304447174, + 0.007483928930014372, + -0.01767229661345482, + -0.21582302451133728, + 2.580015182495117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/396.png", + [ + 0.21634526550769806, + 0.011037791147828102, + 0.004559239838272333, + -0.05783984810113907, + 0.010659723542630672, + -0.21577736735343933, + 0.016565119847655296, + -0.214601531624794, + 0.005384216085076332, + -0.0163156408816576, + -0.21599236130714417, + 2.5932202339172363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/110.png", + [ + 0.21646824479103088, + 0.007025483064353466, + 0.006327727343887091, + -0.07525750994682312, + 0.006464974954724312, + -0.21579299867153168, + 0.01842501014471054, + -0.23913812637329102, + 0.006899395491927862, + -0.01821865886449814, + -0.2157970815896988, + 2.6037745475769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/443.png", + [ + 0.2143210470676422, + 0.01062450185418129, + 0.030024977400898933, + -0.3561502695083618, + 0.004085392691195011, + -0.21174676716327667, + 0.045765843242406845, + -0.5564488768577576, + 0.031586211174726486, + -0.04470260068774223, + -0.2096470445394516, + 2.4914984703063965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/374.png", + [ + 0.21662333607673645, + -0.003254744689911604, + 0.00341054261662066, + -0.040763646364212036, + -0.0035782973282039165, + -0.21557003259658813, + 0.021555908024311066, + -0.28271159529685974, + 0.0030693572480231524, + -0.021607130765914917, + -0.21557274460792542, + 2.6435189247131348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/258.png", + [ + 0.21614599227905273, + -0.005456321407109499, + 0.014107540249824524, + -0.17153072357177734, + -0.0064720758236944675, + -0.21601440012454987, + 0.015613589435815811, + -0.1977040320634842, + 0.013671370223164558, + -0.015996888279914856, + -0.21565037965774536, + 2.5751848220825195, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/430.png", + [ + 0.2164105772972107, + 0.0006700694793835282, + -0.010672278702259064, + 0.12805460393428802, + 0.002520985435694456, + -0.21335040032863617, + 0.037724677473306656, + -0.47106730937957764, + -0.010391880758106709, + -0.03780287876725197, + -0.2130981981754303, + 2.5390625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/281.png", + [ + 0.21666087210178375, + 0.0023873394820839167, + -0.0005102629656903446, + 0.0016129538416862488, + 0.002417795592918992, + -0.2161029726266861, + 0.015542035922408104, + -0.20188230276107788, + -0.0003376732056494802, + -0.015546745620667934, + -0.21611589193344116, + 2.6005091667175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/360.png", + [ + 0.21667419373989105, + -0.00043496329453773797, + 6.464563921326771e-05, + -0.0002262423513457179, + -0.00043961091432720423, + -0.2150302678346634, + 0.026639990508556366, + -0.3454984426498413, + 1.0676605597836897e-05, + -0.026640066877007484, + -0.215030699968338, + 2.624594211578369, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/18.png", + [ + 0.21661460399627686, + -0.0038809538818895817, + 0.003309565829113126, + -0.043442655354738235, + -0.004030098672956228, + -0.21640591323375702, + 0.010006336495280266, + -0.1338108330965042, + 0.0031262333504855633, + -0.010065119713544846, + -0.21641814708709717, + 2.629687786102295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/66.png", + [ + 0.2137022316455841, + -0.01615219935774803, + 0.03191177174448967, + -0.376680463552475, + -0.019695205613970757, + -0.2145143300294876, + 0.023315267637372017, + -0.2931038737297058, + 0.029855545610189438, + -0.025896122679114342, + -0.21303974092006683, + 2.517181396484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/322.png", + [ + 0.21666191518306732, + 0.001115655992180109, + -0.002063589170575142, + 0.025975998491048813, + 0.0013050107518211007, + -0.21570856869220734, + 0.020396308973431587, + -0.25549766421318054, + -0.001949368161149323, + -0.0204075425863266, + -0.21570263803005219, + 2.5635948181152344, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/292.png", + [ + 0.21653449535369873, + 0.0022756170947104692, + 0.00745152635499835, + -0.09052509814500809, + 0.0014905742136761546, + -0.21549847722053528, + 0.02249622344970703, + -0.2873579263687134, + 0.007647344376891851, + -0.02243041805922985, + -0.21537476778030396, + 2.5931286811828613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/485.png", + [ + 0.21651999652385712, + -0.0005803170497529209, + 0.008163560181856155, + -0.09823428839445114, + -0.0012841043062508106, + -0.21586120128631592, + 0.01871320605278015, + -0.23308426141738892, + 0.008082794025540352, + -0.01874823495745659, + -0.2157106101512909, + 2.5629754066467285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/234.png", + [ + 0.2161678820848465, + -0.008139780722558498, + 0.012372728437185287, + -0.1475408375263214, + -0.009373793378472328, + -0.2153402715921402, + 0.022104308009147644, + -0.28518831729888916, + 0.011466141790151596, + -0.022587880492210388, + -0.21518877148628235, + 2.581617832183838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/202.png", + [ + 0.21632933616638184, + -0.005853378679603338, + 0.010735505260527134, + -0.13224512338638306, + -0.006983693689107895, + -0.21530093252658844, + 0.02333752065896988, + -0.2992226183414459, + 0.01003698818385601, + -0.023646347224712372, + -0.2151464819908142, + 2.601767063140869, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/273.png", + [ + 0.21630646288394928, + 0.011351807042956352, + -0.005526567343622446, + 0.06513983756303787, + 0.011571820825338364, + -0.21618379652500153, + 0.008863266557455063, + -0.11941464245319366, + -0.005049692001193762, + -0.009143359027802944, + -0.21642272174358368, + 2.6194753646850586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/390.png", + [ + 0.2165999561548233, + 0.003535398282110691, + 0.004454623907804489, + -0.05722733587026596, + 0.0032417667098343372, + -0.21620014309883118, + 0.01396009512245655, + -0.18278768658638, + 0.004672650713473558, + -0.013888638466596603, + -0.2161785513162613, + 2.6005568504333496, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/368.png", + [ + 0.21644927561283112, + -0.000606417132075876, + 0.009861228987574577, + -0.12140896171331406, + -0.0018086273921653628, + -0.2150435745716095, + 0.02647439017891884, + -0.34488391876220703, + 0.009712900966405869, + -0.02652916871011257, + -0.21482494473457336, + 2.6371684074401855, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/206.png", + [ + 0.21612606942653656, + -0.000826795119792223, + 0.015386139042675495, + -0.1899457424879074, + -0.0026127262972295284, + -0.21519577503204346, + 0.025136616080999374, + -0.3269183337688446, + 0.015185206197202206, + -0.025258509442210197, + -0.2146609127521515, + 2.611649990081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/375.png", + [ + 0.2166604846715927, + -0.0021633971482515335, + -0.0012038162676617503, + 0.015636516734957695, + -0.002031274838373065, + -0.21556462347507477, + 0.021809684112668037, + -0.28608766198158264, + -0.0014154089149087667, + -0.021796975284814835, + -0.2155708372592926, + 2.6437339782714844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/318.png", + [ + 0.21660849452018738, + 0.004451124928891659, + 0.00297368923202157, + -0.03537142276763916, + 0.004137281794101, + -0.21558290719985962, + 0.021325739100575447, + -0.269968718290329, + 0.003396799089387059, + -0.02126244828104973, + -0.2156020998954773, + 2.5651941299438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/387.png", + [ + 0.21665114164352417, + 0.0029843568336218596, + 0.0011273197596892715, + -0.016833864152431488, + 0.0029016390908509493, + -0.21616248786449432, + 0.014603251591324806, + -0.18988551199436188, + 0.0013257924001663923, + -0.014586573466658592, + -0.2161790132522583, + 2.6052517890930176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/515.png", + [ + 0.21638238430023193, + 0.00736387399956584, + 0.00850464403629303, + -0.10162714123725891, + 0.006229250226169825, + -0.21482916176319122, + 0.02752317115664482, + -0.3448769450187683, + 0.009367606602609158, + -0.027241546660661697, + -0.21475110948085785, + 2.585768222808838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/16.png", + [ + 0.2166299819946289, + -0.00439738854765892, + -0.00011484071001177654, + -0.0008678832673467696, + -0.004387278575450182, + -0.216395303606987, + 0.010085344314575195, + -0.1342954784631729, + -0.0003193736483808607, + -0.010080941021442413, + -0.21643975377082825, + 2.6309304237365723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/286.png", + [ + 0.2166137993335724, + 0.0008629165240563452, + 0.005061181262135506, + -0.06284701079130173, + 0.0004522537346929312, + -0.2159690409898758, + 0.017466049641370773, + -0.2233465164899826, + 0.005114259663969278, + -0.01745057851076126, + -0.2159101963043213, + 2.589606285095215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/279.png", + [ + 0.2164352387189865, + 0.006407375447452068, + -0.007914100773632526, + 0.09306494891643524, + 0.006826796103268862, + -0.2162553071975708, + 0.01161600649356842, + -0.15438684821128845, + -0.007555284537374973, + -0.011852523311972618, + -0.2162182629108429, + 2.598926067352295, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/190.png", + [ + 0.2163890302181244, + 0.0033320365473628044, + 0.010610116645693779, + -0.12422610074281693, + 0.0014678395818918943, + -0.21346931159496307, + 0.037102632224559784, + -0.4594196677207947, + 0.01102372445166111, + -0.03698185086250305, + -0.21321049332618713, + 2.553135871887207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/311.png", + [ + 0.21660500764846802, + 0.0048231021501123905, + 0.0026265266351401806, + -0.032408349215984344, + 0.00459331227466464, + -0.21590454876422882, + 0.017664127051830292, + -0.22912003099918365, + 0.0030103891622275114, + -0.017602769657969475, + -0.21593743562698364, + 2.5794196128845215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/211.png", + [ + 0.21652299165725708, + 0.005214326549321413, + 0.006203881930559874, + -0.07381623983383179, + 0.00445640878751874, + -0.21514685451984406, + 0.025295617058873177, + -0.3293667733669281, + 0.00676888320595026, + -0.025150321424007416, + -0.21510356664657593, + 2.6070504188537598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/94.png", + [ + 0.21601127088069916, + 0.007498023100197315, + 0.015191946178674698, + -0.18233773112297058, + 0.005997489672154188, + -0.21556009352207184, + 0.02111312374472618, + -0.26746687293052673, + 0.015844421461224556, + -0.020627979189157486, + -0.215107724070549, + 2.5819315910339355, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/209.png", + [ + 0.21639341115951538, + 0.002939823316410184, + 0.010636802762746811, + -0.12917189300060272, + 0.0017374686431139708, + -0.21531613171100616, + 0.02416277676820755, + -0.3167056143283844, + 0.010897951200604439, + -0.024046123027801514, + -0.2150602638721466, + 2.627044677734375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/384.png", + [ + 0.21646082401275635, + 0.002486355369910598, + -0.009296078234910965, + 0.10965921729803085, + 0.0031431883107870817, + -0.21610452234745026, + 0.015389768406748772, + -0.19988547265529633, + -0.009095019660890102, + -0.015509436838328838, + -0.2159273773431778, + 2.6008472442626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/228.png", + [ + 0.21589446067810059, + 0.0008390341536141932, + 0.01835148222744465, + -0.2215612232685089, + -0.00043429157813079655, + -0.21615493297576904, + 0.01499184314161539, + -0.19796714186668396, + 0.018365515395998955, + -0.014974643476307392, + -0.2153749316930771, + 2.5865020751953125, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/323.png", + [ + 0.21663162112236023, + -0.00029021131922490895, + -0.004307419992983341, + 0.05224832147359848, + 0.00012826372403651476, + -0.21565642952919006, + 0.02098052017390728, + -0.26346784830093384, + -0.0043152798898518085, + -0.020978905260562897, + -0.215613454580307, + 2.565336227416992, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/285.png", + [ + 0.21661429107189178, + 0.0008817357593216002, + 0.0050365133211016655, + -0.06257293373346329, + 0.0005004096310585737, + -0.2160598188638687, + 0.016303298994898796, + -0.20940524339675903, + 0.005088566802442074, + -0.016287127509713173, + -0.21600167453289032, + 2.588235378265381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/28.png", + [ + 0.2164371758699417, + -0.0025795965921133757, + 0.009807542897760868, + -0.12138880044221878, + -0.0030457619577646255, + -0.21640849113464355, + 0.010295091196894646, + -0.13810716569423676, + 0.009672929532825947, + -0.010421671904623508, + -0.2162075936794281, + 2.634354591369629, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/358.png", + [ + 0.21663245558738708, + 0.0035966774448752403, + -0.00231045950204134, + 0.028484797105193138, + 0.003863448975607753, + -0.21485082805156708, + 0.02778637781739235, + -0.35874274373054504, + -0.0018297736532986164, + -0.027822166681289673, + -0.21487316489219666, + 2.617244243621826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/456.png", + [ + 0.2164275199174881, + 0.00393176032230258, + -0.00956881232559681, + 0.11337406188249588, + 0.004990940913558006, + -0.21523317694664001, + 0.02444729581475258, + -0.3028881847858429, + -0.009061534889042377, + -0.024639826267957687, + -0.21507826447486877, + 2.546464443206787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/409.png", + [ + 0.21630926430225372, + 0.009744960814714432, + 0.007951753214001656, + -0.09450509399175644, + 0.008971601724624634, + -0.21555273234844208, + 0.020110324025154114, + -0.2548503279685974, + 0.008815043605864048, + -0.019747162237763405, + -0.21559277176856995, + 2.5724635124206543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/442.png", + [ + 0.21407140791416168, + 0.010387899354100227, + 0.031834255903959274, + -0.37721604108810425, + 0.003942795097827911, + -0.21237164735794067, + 0.04278584197163582, + -0.5222774744033813, + 0.03325331211090088, + -0.04169251024723053, + -0.2100091576576233, + 2.489743709564209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/61.png", + [ + 0.21495090425014496, + -0.011287547647953033, + 0.024831365793943405, + -0.300793319940567, + -0.014625833369791508, + -0.21419359743595123, + 0.029241878539323807, + -0.3718453049659729, + 0.0230236928910017, + -0.03068539686501026, + -0.213251531124115, + 2.573129653930664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/502.png", + [ + 0.21661542356014252, + 0.0012147922534495592, + 0.004917489364743233, + -0.060902033001184464, + 0.0006537866429425776, + -0.2152969092130661, + 0.024386612698435783, + -0.31327685713768005, + 0.005022945813834667, + -0.02436511032283306, + -0.21524173021316528, + 2.5943422317504883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/132.png", + [ + 0.21612563729286194, + -0.004445383790880442, + 0.014759650453925133, + -0.177472785115242, + -0.005624270997941494, + -0.21590739488601685, + 0.017328182235360146, + -0.21578091382980347, + 0.014351875521242619, + -0.017667395994067192, + -0.21547570824623108, + 2.57851505279541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/58.png", + [ + 0.21485251188278198, + -0.012056728824973106, + 0.025316666811704636, + -0.31143197417259216, + -0.01549961045384407, + -0.2140851616859436, + 0.02958380989730358, + -0.3775941729545593, + 0.02336793765425682, + -0.03114602528512478, + -0.21314728260040283, + 2.5910444259643555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/263.png", + [ + 0.21602702140808105, + 0.004067132715135813, + 0.016238128766417503, + -0.19930841028690338, + 0.0034188032150268555, + -0.21647141873836517, + 0.008736471645534039, + -0.11945977807044983, + 0.016386890783905983, + -0.008454146794974804, + -0.2158886045217514, + 2.6071372032165527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/465.png", + [ + 0.21665173768997192, + 0.0012159146135672927, + -0.0029054393526166677, + 0.035375602543354034, + 0.0014540029224008322, + -0.21591562032699585, + 0.018061719834804535, + -0.24238546192646027, + -0.002793904859572649, + -0.018079308792948723, + -0.2159009724855423, + 2.642543315887451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/253.png", + [ + 0.21636870503425598, + -0.010818230919539928, + 0.003929654601961374, + -0.049649231135845184, + -0.011141175404191017, + -0.21542662382125854, + 0.020374931395053864, + -0.2594824433326721, + 0.002889731666073203, + -0.020548224449157715, + -0.21567872166633606, + 2.59531831741333, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/123.png", + [ + 0.21664555370807648, + -0.002319394377991557, + -0.0026864707469940186, + 0.029800834134221077, + -0.0021119534503668547, + -0.21605637669563293, + 0.016219962388277054, + -0.20433665812015533, + -0.002852431498467922, + -0.016191599890589714, + -0.21604996919631958, + 2.5920586585998535, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/371.png", + [ + 0.21646103262901306, + -0.0008936208323575556, + 0.00957686360925436, + -0.11740998923778534, + -0.001884367666207254, + -0.2154967337846756, + 0.022483333945274353, + -0.294636070728302, + 0.00943207647651434, + -0.022544462233781815, + -0.2152920663356781, + 2.6372742652893066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/64.png", + [ + 0.21469064056873322, + -0.013742519542574883, + 0.025825705379247665, + -0.30789458751678467, + -0.016782833263278008, + -0.21452997624874115, + 0.025359798222780228, + -0.32015469670295715, + 0.023961644619703293, + -0.027127958834171295, + -0.2136300653219223, + 2.5383505821228027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/473.png", + [ + 0.21665720641613007, + 0.0018471955554559827, + 0.0020332811400294304, + -0.026777181774377823, + 0.0015830021584406495, + -0.21502172946929932, + 0.026665454730391502, + -0.3492884039878845, + 0.002245099050924182, + -0.02664845436811447, + -0.21501794457435608, + 2.640946865081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/10.png", + [ + 0.21660684049129486, + -0.005359106231480837, + 0.0008065378642641008, + -0.013456628657877445, + -0.005381157621741295, + -0.21650782227516174, + 0.006580113898962736, + -0.09309853613376617, + 0.0006431682268157601, + -0.006598086096346378, + -0.21657319366931915, + 2.6329574584960938, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/170.png", + [ + 0.2165803462266922, + 0.0013518943451344967, + -0.00624699704349041, + 0.07753616571426392, + 0.00226411409676075, + -0.21426768600940704, + 0.03212670981884003, + -0.4027661681175232, + -0.005977154243737459, + -0.03217800706624985, + -0.2141885757446289, + 2.561723232269287, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/385.png", + [ + 0.21655648946762085, + 0.003923011943697929, + -0.0059820255264639854, + 0.06980996578931808, + 0.004317550454288721, + -0.21614213287830353, + 0.014554496854543686, + -0.18983641266822815, + -0.005703807342797518, + -0.014665761962532997, + -0.2161024659872055, + 2.6034584045410156, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/422.png", + [ + 0.21529798209667206, + 0.00012825494923163205, + -0.024385586380958557, + 0.2840052545070648, + 0.0042251236736774445, + -0.21359089016914368, + 0.036179833114147186, + -0.43875426054000854, + -0.02401711419224739, + -0.036425478756427765, + -0.21223632991313934, + 2.4557948112487793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/431.png", + [ + 0.21648147702217102, + -0.0005848854780197144, + -0.009127928875386715, + 0.11153575032949448, + 0.0009344863938167691, + -0.21368539333343506, + 0.03585483506321907, + -0.4499562978744507, + -0.009098785929381847, + -0.03586224466562271, + -0.21349240839481354, + 2.5493574142456055, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/41.png", + [ + 0.21394281089305878, + -0.018532762303948402, + 0.028860080987215042, + -0.35775360465049744, + -0.021142955869436264, + -0.2148207575082779, + 0.01878584921360016, + -0.2482038289308548, + 0.027006352320313454, + -0.021365147083997726, + -0.2139207273721695, + 2.611894130706787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/166.png", + [ + 0.21657465398311615, + 0.005036190617829561, + -0.0042372229509055614, + 0.05248551815748215, + 0.005651704967021942, + -0.21379239857196808, + 0.03476735204458237, + -0.4312754273414612, + -0.0033727579284459352, + -0.03486183285713196, + -0.21382510662078857, + 2.542602062225342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/91.png", + [ + 0.2162145972251892, + 0.0050751627422869205, + 0.013167996890842915, + -0.1582614630460739, + 0.00360737438313663, + -0.21533747017383575, + 0.023762604221701622, + -0.30307886004447937, + 0.013643325306475163, + -0.02349291555583477, + -0.21496474742889404, + 2.5869221687316895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/460.png", + [ + 0.21657413244247437, + 0.002029763301834464, + -0.006278625689446926, + 0.07411864399909973, + 0.0025939566548913717, + -0.21575938165187836, + 0.019724611192941666, + -0.2551881670951843, + -0.006067327689379454, + -0.01979062706232071, + -0.21568360924720764, + 2.594651222229004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/455.png", + [ + 0.2164650559425354, + 0.0036522066220641136, + -0.00879956316202879, + 0.10535648465156555, + 0.004694860894232988, + -0.21502800285816193, + 0.026245243847370148, + -0.32315775752067566, + -0.008290308527648449, + -0.026410527527332306, + -0.21489915251731873, + 2.5383100509643555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/345.png", + [ + 0.21646736562252045, + 0.009438292123377323, + 0.000829528842587024, + -0.010777542367577553, + 0.009340801276266575, + -0.2157669961452484, + 0.017471274361014366, + -0.22757422924041748, + 0.001587098347954452, + -0.01741879992187023, + -0.21596749126911163, + 2.594679355621338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/517.png", + [ + 0.2165437936782837, + 0.005690793506801128, + 0.004928503185510635, + -0.057129476219415665, + 0.00508923688903451, + -0.2151835709810257, + 0.024859989061951637, + -0.3109443485736847, + 0.005547515582293272, + -0.02472921647131443, + -0.21518732607364655, + 2.592377185821533, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/350.png", + [ + 0.21656343340873718, + 0.006926279049366713, + -0.00044784086639992893, + 0.005885818041861057, + 0.0069240606389939785, + -0.21462392807006836, + 0.02892281487584114, + -0.37022319436073303, + 0.0004809521487914026, + -0.02892228215932846, + -0.21473510563373566, + 2.585648536682129, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/335.png", + [ + 0.21636904776096344, + 0.004188682418316603, + 0.010713455267250538, + -0.12951421737670898, + 0.0032323801424354315, + -0.2158074826002121, + 0.01909392513334751, + -0.24293600022792816, + 0.011039696633815765, + -0.018907174468040466, + -0.21556562185287476, + 2.5858311653137207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/329.png", + [ + 0.2165575921535492, + 0.0039293114095926285, + 0.005938479211181402, + -0.0728369802236557, + 0.0033948554191738367, + -0.2158135026693344, + 0.01899758167564869, + -0.23802952468395233, + 0.00625939154997468, + -0.018894273787736893, + -0.21575848758220673, + 2.5701675415039062, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/140.png", + [ + 0.21656125783920288, + 0.002718844683840871, + -0.00645917933434248, + 0.0789717435836792, + 0.003297014394775033, + -0.2157496064901352, + 0.019726337864995003, + -0.24664773046970367, + -0.006184077356010675, + -0.019814305007457733, + -0.21567809581756592, + 2.585019588470459, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/217.png", + [ + 0.21648117899894714, + 0.006591652520000935, + -0.006351867690682411, + 0.07685481011867523, + 0.007149134762585163, + -0.21564321219921112, + 0.019869398325681686, + -0.2579876184463501, + -0.005717167165130377, + -0.02006123587489128, + -0.21566817164421082, + 2.625549793243408, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/240.png", + [ + 0.21586687862873077, + -0.018407026305794716, + 0.0032504131086170673, + -0.03739886358380318, + -0.01862514205276966, + -0.214999258518219, + 0.01939886435866356, + -0.254480242729187, + 0.0015773006016388535, + -0.01960594952106476, + -0.21578000485897064, + 2.6191420555114746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/23.png", + [ + 0.21659712493419647, + -0.0005666958168148994, + 0.005767700262367725, + -0.07179759442806244, + -0.0008677022997289896, + -0.21637672185897827, + 0.011325491592288017, + -0.15042637288570404, + 0.005730148870497942, + -0.011344539001584053, + -0.2163015604019165, + 2.629364490509033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/220.png", + [ + 0.21649493277072906, + 0.0038398378528654575, + 0.007943173870444298, + -0.10058794170618057, + 0.003190894378349185, + -0.21594937145709991, + 0.017423532903194427, + -0.22808027267456055, + 0.00822536088526249, + -0.01729210652410984, + -0.2158268392086029, + 2.62445068359375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/201.png", + [ + 0.2164650708436966, + -0.005498084239661694, + 0.007780733518302441, + -0.09452024847269058, + -0.006342568434774876, + -0.21520468592643738, + 0.02438473328948021, + -0.31055328249931335, + 0.007109189406037331, + -0.02458890713751316, + -0.21515747904777527, + 2.5976734161376953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/37.png", + [ + 0.21612438559532166, + -0.011170005425810814, + 0.01064835675060749, + -0.13066866993904114, + -0.011743917129933834, + -0.21603742241859436, + 0.011739620938897133, + -0.156565859913826, + 0.010011840611696243, + -0.012286955490708351, + -0.21609416604042053, + 2.6276021003723145, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/513.png", + [ + 0.21605704724788666, + 0.0054595572873950005, + 0.015409090556204319, + -0.18440328538417816, + 0.003764709457755089, + -0.21536165475845337, + 0.023517752066254616, + -0.2974397540092468, + 0.015908295288681984, + -0.023182986304163933, + -0.21484266221523285, + 2.5827741622924805, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/178.png", + [ + 0.21414971351623535, + -0.002488271566107869, + 0.03288782760500908, + -0.39378970861434937, + -0.006271877326071262, + -0.21518699824810028, + 0.0245585385710001, + -0.30930420756340027, + 0.03237999230623245, + -0.02522433176636696, + -0.21275141835212708, + 2.534208297729492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/439.png", + [ + 0.21438390016555786, + 0.006299878936260939, + 0.030785562470555305, + -0.3673592209815979, + 0.0004923524102196097, + -0.21292290091514587, + 0.04014336317777634, + -0.49610331654548645, + 0.03141969069838524, + -0.03964900225400925, + -0.21068614721298218, + 2.5026326179504395, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/441.png", + [ + 0.21413683891296387, + 0.009717551991343498, + 0.03160494193434715, + -0.3752104341983795, + 0.0035111247561872005, + -0.21261779963970184, + 0.04158410429954529, + -0.5082391500473022, + 0.03287819027900696, + -0.040584906935691833, + -0.2102850079536438, + 2.49015474319458, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/354.png", + [ + 0.21654890477657318, + 0.006534988526254892, + -0.0034291662741452456, + 0.04223696514964104, + 0.006965733133256435, + -0.21424633264541626, + 0.03158919885754585, + -0.4043497145175934, + -0.0024379929527640343, + -0.0316811129450798, + -0.21433211863040924, + 2.5980095863342285, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/36.png", + [ + 0.21626244485378265, + -0.009813465178012848, + 0.00906358752399683, + -0.11124827712774277, + -0.010254709050059319, + -0.21617074310779572, + 0.010627626441419125, + -0.14276739954948425, + 0.008561171591281891, + -0.01103636622428894, + -0.21622397005558014, + 2.628570556640625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/507.png", + [ + 0.2164030373096466, + 0.0021930679213255644, + 0.010620974004268646, + -0.129244863986969, + 0.0010565645061433315, + -0.21545211970806122, + 0.022959982976317406, + -0.293533593416214, + 0.01079343818128109, + -0.02287941426038742, + -0.2151927649974823, + 2.5725655555725098, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/213.png", + [ + 0.21646951138973236, + 0.007977025583386421, + -0.005020978394895792, + 0.06139642000198364, + 0.008497048169374466, + -0.21510781347751617, + 0.024583127349615097, + -0.31956812739372253, + -0.004079625476151705, + -0.02475675567984581, + -0.2152169942855835, + 2.614105224609375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/212.png", + [ + 0.21658822894096375, + 0.006088139954954386, + 0.0005999717395752668, + -0.006516621448099613, + 0.005978258326649666, + -0.2151435762643814, + 0.025007864460349083, + -0.32489287853240967, + 0.0012984052300453186, + -0.024981342256069183, + -0.21522580087184906, + 2.603872776031494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/182.png", + [ + 0.21481017768383026, + 0.0012532924301922321, + 0.028335798531770706, + -0.3331942856311798, + -0.0025684696156531572, + -0.21471409499645233, + 0.028968054801225662, + -0.3585543632507324, + 0.028246963396668434, + -0.029054677113890648, + -0.2128516584634781, + 2.524266242980957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/414.png", + [ + 0.21656657755374908, + 0.003655549604445696, + -0.0057829683646559715, + 0.06970001012086868, + 0.004217769019305706, + -0.21554389595985413, + 0.021701030433177948, + -0.27334263920783997, + -0.005386668257415295, + -0.02180277742445469, + -0.21550758183002472, + 2.548990249633789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/314.png", + [ + 0.21661785244941711, + 0.004492632113397121, + 0.002103737322613597, + -0.026369014754891396, + 0.004287832882255316, + -0.2157723605632782, + 0.019282199442386627, + -0.2481430321931839, + 0.002494783140718937, + -0.019235514104366302, + -0.21580469608306885, + 2.5741496086120605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/235.png", + [ + 0.21614964306354523, + -0.009701012633740902, + 0.011537712067365646, + -0.13735640048980713, + -0.010829301550984383, + -0.21529752016067505, + 0.02185404673218727, + -0.28269562125205994, + 0.010485928505659103, + -0.022377746179699898, + -0.21526071429252625, + 2.589381694793701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/407.png", + [ + 0.21611179411411285, + 0.01101422868669033, + 0.011057726107537746, + -0.13448940217494965, + 0.009806256741285324, + -0.21525335311889648, + 0.02275354415178299, + -0.28875210881233215, + 0.012141826562583447, + -0.022193986922502518, + -0.21519270539283752, + 2.571159839630127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/381.png", + [ + 0.21618154644966125, + 0.002791170496493578, + -0.014340403489768505, + 0.17088960111141205, + 0.0037235734052956104, + -0.21618624031543732, + 0.014055046252906322, + -0.1850484311580658, + -0.014127024449408054, + -0.014269501902163029, + -0.21574223041534424, + 2.598769187927246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/8.png", + [ + 0.21663303673267365, + -0.00415091123431921, + 0.0008882178226485848, + -0.01414415705949068, + -0.004175842739641666, + -0.2165357917547226, + 0.0065351612865924835, + -0.0930664911866188, + 0.0007624523132108152, + -0.006551024969667196, + -0.21657423675060272, + 2.631103992462158, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/364.png", + [ + 0.21657630801200867, + -0.0033290318679064512, + 0.0056137824431061745, + -0.0699387639760971, + -0.003985369112342596, + -0.21504420042037964, + 0.026229623705148697, + -0.34340786933898926, + 0.005168542731553316, + -0.02632097713649273, + -0.21500785648822784, + 2.6338319778442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/487.png", + [ + 0.21633315086364746, + -0.0006057111895643175, + 0.012145084328949451, + -0.143856942653656, + -0.001400189707055688, + -0.21620707213878632, + 0.014157860539853573, + -0.1757955253124237, + 0.012079298496246338, + -0.014214030466973782, + -0.2158702164888382, + 2.5486435890197754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/6.png", + [ + 0.21663248538970947, + -0.003988528158515692, + 0.0015333057381212711, + -0.022212106734514236, + -0.004040013998746872, + -0.21650327742099762, + 0.007610359229147434, + -0.10446436703205109, + 0.0013920022174715996, + -0.007637467700988054, + -0.2165355086326599, + 2.6343884468078613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/257.png", + [ + 0.21620383858680725, + -0.007436709478497505, + 0.012185847386717796, + -0.14893822371959686, + -0.008324773982167244, + -0.21592824161052704, + 0.015924401581287384, + -0.20192168653011322, + 0.011597312055528164, + -0.016357989981770515, + -0.21574479341506958, + 2.5775303840637207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/197.png", + [ + 0.2166607528924942, + -0.002245488343760371, + -0.000982590252533555, + 0.014595097862184048, + -0.002093517454341054, + -0.21470847725868225, + 0.029047973453998566, + -0.36403176188468933, + -0.0012747101718559861, + -0.029036616906523705, + -0.21471643447875977, + 2.583624839782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/219.png", + [ + 0.2166043221950531, + 0.005062221549451351, + 0.002199545269832015, + -0.028549157083034515, + 0.004863610956817865, + -0.21587993204593658, + 0.01789139024913311, + -0.23405833542346954, + 0.0026094785425812006, + -0.017836211249232292, + -0.2159234881401062, + 2.6243786811828613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/169.png", + [ + 0.21654611825942993, + 0.0022337876725941896, + -0.0071187387220561504, + 0.0879637598991394, + 0.003301113611087203, + -0.21408438682556152, + 0.03323965147137642, + -0.4147825241088867, + -0.006690956186503172, + -0.03332839161157608, + -0.2139914631843567, + 2.552663803100586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/154.png", + [ + 0.2166103720664978, + -0.00019689307373482734, + 0.005273052491247654, + -0.06588278710842133, + -0.0006945413188077509, + -0.2157037854194641, + 0.020476622506976128, + -0.25960394740104675, + 0.005230818409472704, + -0.020487453788518906, + -0.21564044058322906, + 2.5994911193847656, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/438.png", + [ + 0.21472901105880737, + 0.006998879369348288, + 0.028113462030887604, + -0.33638060092926025, + 0.0013009343529120088, + -0.21237428486347198, + 0.04293437674641609, + -0.531604528427124, + 0.028942331671714783, + -0.04238004982471466, + -0.2105093002319336, + 2.512655258178711, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/20.png", + [ + 0.21664464473724365, + -0.0024709319695830345, + 0.0026239478029310703, + -0.03513096645474434, + -0.002591631608083844, + -0.21641996502876282, + 0.010177054442465305, + -0.13554124534130096, + 0.002504805801436305, + -0.010207032784819603, + -0.21641957759857178, + 2.628753662109375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/237.png", + [ + 0.2161742001771927, + -0.012708017602562904, + 0.007424416020512581, + -0.08873219043016434, + -0.013390627689659595, + -0.2151816487312317, + 0.021574199199676514, + -0.28053799271583557, + 0.006107925903052092, + -0.021983206272125244, + -0.21547001600265503, + 2.6076712608337402, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/2.png", + [ + 0.21664822101593018, + -0.0033276055473834276, + 0.0006074060220271349, + -0.010115657933056355, + -0.0033548057544976473, + -0.2163526713848114, + 0.011320926249027252, + -0.1509617567062378, + 0.00043264098349027336, + -0.011328952386975288, + -0.21637782454490662, + 2.6415843963623047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/117.png", + [ + 0.2162584811449051, + 0.0038103326223790646, + -0.012870552949607372, + 0.15738750994205475, + 0.004819965455681086, + -0.21594849228858948, + 0.01705620251595974, + -0.2169172614812851, + -0.01252747792750597, + -0.017309749498963356, + -0.21561849117279053, + 2.59102201461792, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/457.png", + [ + 0.2164747267961502, + 0.0026753477286547422, + -0.00891195423901081, + 0.10517355054616928, + 0.003647569799795747, + -0.21531446278095245, + 0.023963920772075653, + -0.2999328672885895, + -0.008560121059417725, + -0.024091843515634537, + -0.21516086161136627, + 2.5588979721069336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/149.png", + [ + 0.21637260913848877, + 0.0035768249072134495, + -0.010862643830478191, + 0.1281377673149109, + 0.004579317755997181, + -0.2156827747821808, + 0.020195748656988144, + -0.25545763969421387, + -0.01047953125089407, + -0.02039717510342598, + -0.2154577076435089, + 2.592461109161377, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/161.png", + [ + 0.21660548448562622, + 0.004699256271123886, + 0.002806546166539192, + -0.030114339664578438, + 0.00437323609367013, + -0.21539214253425598, + 0.023130076006054878, + -0.2876132130622864, + 0.003291580593213439, + -0.023066045716404915, + -0.2154182493686676, + 2.574185848236084, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/480.png", + [ + 0.2166137397289276, + 0.004799065180122852, + 0.0018303622491657734, + -0.024585405364632607, + 0.004390621557831764, + -0.21307826042175293, + 0.03906739130616188, + -0.4945596158504486, + 0.002665274776518345, + -0.039019327610731125, + -0.2131156623363495, + 2.5845837593078613, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/5.png", + [ + 0.2166341245174408, + -0.003999986685812473, + 0.0012450490612536669, + -0.018307248130440712, + -0.004048515111207962, + -0.21644802391529083, + 0.009041640907526016, + -0.12293539941310883, + 0.0010768311331048608, + -0.009063215926289558, + -0.21648231148719788, + 2.6340503692626953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/187.png", + [ + 0.21604354679584503, + 0.004119765479117632, + 0.01600334234535694, + -0.18679797649383545, + 0.0014276449801400304, + -0.21370182931423187, + 0.035740528255701065, + -0.43987196683883667, + 0.016463331878185272, + -0.03553098067641258, + -0.21310655772686005, + 2.533568859100342, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/108.png", + [ + 0.21641087532043457, + 0.007122574839740992, + 0.007968433201313019, + -0.09536303579807281, + 0.006411643233150244, + -0.21576805412769318, + 0.01873326674103737, + -0.24399615824222565, + 0.008550896309316158, + -0.01847466640174389, + -0.2157161682844162, + 2.602158546447754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/60.png", + [ + 0.2148945927619934, + -0.011753395199775696, + 0.025101035833358765, + -0.30635303258895874, + -0.01517355628311634, + -0.21409891545772552, + 0.029653193429112434, + -0.3759986460208893, + 0.023194128647446632, + -0.031167395412921906, + -0.21316313743591309, + 2.578065872192383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/260.png", + [ + 0.2161971628665924, + -5.35343169758562e-05, + 0.014376575127243996, + -0.1727454662322998, + -0.0010227776365354657, + -0.2161814272403717, + 0.014575691893696785, + -0.18910256028175354, + 0.014340248890221119, + -0.014611435122787952, + -0.2157052606344223, + 2.5916099548339844, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/380.png", + [ + 0.21609702706336975, + 0.002490030135959387, + -0.01561344601213932, + 0.1863444447517395, + 0.003520165104418993, + -0.21617722511291504, + 0.014244736172258854, + -0.18709853291511536, + -0.015413901768624783, + -0.014460423961281776, + -0.21564137935638428, + 2.602644920349121, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/56.png", + [ + 0.2150525003671646, + -0.01084181945770979, + 0.024140620604157448, + -0.299655944108963, + -0.01456462312489748, + -0.2135174721479416, + 0.03385334834456444, + -0.433321088552475, + 0.022094938904047012, + -0.0352226160466671, + -0.21264778077602386, + 2.596303939819336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/463.png", + [ + 0.21658329665660858, + 0.0007518994389101863, + -0.0062453909777104855, + 0.07504839450120926, + 0.001224975218065083, + -0.21604423224925995, + 0.0164706502109766, + -0.2212836742401123, + -0.006170064210891724, + -0.01649901643395424, + -0.2159574329853058, + 2.630380630493164, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/475.png", + [ + 0.2166294902563095, + 0.0034183738753199577, + 0.0028055054135620594, + -0.035888511687517166, + 0.002994477516040206, + -0.21454069018363953, + 0.030186457559466362, + -0.3926246166229248, + 0.0032541125547140837, + -0.030141394585371017, + -0.21454325318336487, + 2.627591133117676, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/147.png", + [ + 0.21608564257621765, + 0.004797922447323799, + -0.015227238647639751, + 0.18182015419006348, + 0.006212424021214247, + -0.21564029157161713, + 0.020213112235069275, + -0.2524908185005188, + -0.014706959947943687, + -0.020594755187630653, + -0.21519169211387634, + 2.580595016479492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/338.png", + [ + 0.21643570065498352, + 0.005594524554908276, + 0.008495917543768883, + -0.10354286432266235, + 0.0048520006239414215, + -0.21582753956317902, + 0.01851552538573742, + -0.23974959552288055, + 0.008940772153437138, + -0.01830485835671425, + -0.21571485698223114, + 2.5938401222229004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/261.png", + [ + 0.21612659096717834, + 0.002986081875860691, + 0.015108592808246613, + -0.1844082474708557, + 0.0021329624578356743, + -0.2163180410861969, + 0.012241605669260025, + -0.16182082891464233, + 0.01525243278592825, + -0.012061912566423416, + -0.21580028533935547, + 2.5973153114318848, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/30.png", + [ + 0.21642901003360748, + -0.0046134027652442455, + 0.009224767796695232, + -0.11427421867847443, + -0.005106725264340639, + -0.2163015753030777, + 0.011637914925813675, + -0.15496167540550232, + 0.008961093612015247, + -0.011842137202620506, + -0.21616512537002563, + 2.6286425590515137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/514.png", + [ + 0.21619762480258942, + 0.0072251977398991585, + 0.012420691549777985, + -0.14923596382141113, + 0.005649140104651451, + -0.21494823694229126, + 0.026706481352448463, + -0.33567118644714355, + 0.013212278485298157, + -0.02632385678589344, + -0.21466343104839325, + 2.5831570625305176, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/489.png", + [ + 0.2161770910024643, + 0.0009977510198950768, + 0.014641260728240013, + -0.17228306829929352, + -2.1713633032049984e-05, + -0.21615128219127655, + 0.015050552785396576, + -0.1884496957063675, + 0.014675200916826725, + -0.015017460100352764, + -0.21565485000610352, + 2.5470376014709473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/17.png", + [ + 0.21661697328090668, + -0.0048018102534115314, + 0.0013859858736395836, + -0.019550200551748276, + -0.004862429574131966, + -0.21637433767318726, + 0.010314938612282276, + -0.13719242811203003, + 0.0011554715456441045, + -0.010343296453356743, + -0.21642452478408813, + 2.627950668334961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/12.png", + [ + 0.21662142872810364, + -0.004791521467268467, + -0.00031294551445171237, + 0.0006234864704310894, + -0.004776814952492714, + -0.2164759635925293, + 0.007952529937028885, + -0.10964782536029816, + -0.000488520017825067, + -0.00794367864727974, + -0.21652841567993164, + 2.6337647438049316, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/114.png", + [ + 0.21663783490657806, + 0.003049116116017103, + -0.0025767600163817406, + 0.03065757267177105, + 0.003272752510383725, + -0.215736985206604, + 0.019867951050400734, + -0.25562629103660583, + -0.0022860211320221424, + -0.019903499633073807, + -0.2157464325428009, + 2.6010775566101074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/27.png", + [ + 0.21649889647960663, + -0.001825332292355597, + 0.008532204665243626, + -0.10530374944210052, + -0.002218478824943304, + -0.2164328396320343, + 0.009989951737225056, + -0.13392673432826996, + 0.008438524790108204, + -0.010069205425679684, + -0.21627597510814667, + 2.632943630218506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/325.png", + [ + 0.2165602296590805, + 0.0005647573270834982, + -0.007017306052148342, + 0.08613453060388565, + 0.0012066616909578443, + -0.2157578468322754, + 0.01987430639564991, + -0.2477887123823166, + -0.006935812532901764, + -0.019902892410755157, + -0.21564707159996033, + 2.5623607635498047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/313.png", + [ + 0.21660690009593964, + 0.004854334983974695, + 0.0024034003727138042, + -0.03023139387369156, + 0.0046383412554860115, + -0.21587656438350677, + 0.017991354689002037, + -0.23362743854522705, + 0.0027976229321211576, + -0.01793428137898445, + -0.21591301262378693, + 2.579265594482422, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/397.png", + [ + 0.21633078157901764, + 0.010899475775659084, + 0.005485603120177984, + -0.06872087717056274, + 0.010448911227285862, + -0.2157793641090393, + 0.01667284592986107, + -0.21603907644748688, + 0.006301639135926962, + -0.016381848603487015, + -0.21596254408359528, + 2.58986234664917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/470.png", + [ + 0.2166706919670105, + 0.0011000697268173099, + 0.000703407742548734, + -0.009828279726207256, + 0.0010182568803429604, + -0.21542151272296906, + 0.02324717491865158, + -0.3072422742843628, + 0.0008173668757081032, + -0.023243442177772522, + -0.21542276442050934, + 2.645282745361328, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/42.png", + [ + 0.21326333284378052, + -0.01976923644542694, + 0.03279966115951538, + -0.40644747018814087, + -0.02293284982442856, + -0.21454620361328125, + 0.01979658380150795, + -0.2606624960899353, + 0.03067123331129551, + -0.022956427186727524, + -0.21326079964637756, + 2.604464054107666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/223.png", + [ + 0.21531210839748383, + -0.00046591542195528746, + 0.024256495758891106, + -0.29980334639549255, + -0.0022037734743207693, + -0.21611467003822327, + 0.015410632826387882, + -0.20175454020500183, + 0.02416067197918892, + -0.015560433268547058, + -0.2147604078054428, + 2.600294589996338, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/174.png", + [ + 0.21645130217075348, + 0.00022130412980914116, + 0.00983290933072567, + -0.11755073070526123, + -0.0010598560329526663, + -0.2148335874080658, + 0.028165698051452637, + -0.35692882537841797, + 0.009778128936886787, + -0.028184760361909866, + -0.21461105346679688, + 2.569586753845215, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/432.png", + [ + 0.2165650725364685, + -0.002388657769188285, + -0.006462028715759516, + 0.08032801002264023, + -0.0012922079768031836, + -0.2137109786272049, + 0.03569086268544197, + -0.44989773631095886, + -0.006767104379832745, + -0.03563427925109863, + -0.21361717581748962, + 2.551281452178955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/7.png", + [ + 0.2166215479373932, + -0.0045969546772539616, + 0.0013667333405464888, + -0.019470715895295143, + -0.004639043938368559, + -0.21651038527488708, + 0.0070449416525661945, + -0.09807100892066956, + 0.0012162321945652366, + -0.007072477601468563, + -0.21655575931072235, + 2.632915496826172, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/73.png", + [ + 0.2161962240934372, + -0.00749961519613862, + 0.012281843461096287, + -0.14390793442726135, + -0.008818146772682667, + -0.21517953276634216, + 0.023830825462937355, + -0.30081287026405334, + 0.011372256092727184, + -0.024278050288558006, + -0.2150096446275711, + 2.5593557357788086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/503.png", + [ + 0.21661299467086792, + 0.0011230165837332606, + 0.005044508259743452, + -0.062199611216783524, + 0.0005423032562248409, + -0.21526874601840973, + 0.024636784568428993, + -0.316855251789093, + 0.00513946870341897, + -0.02461715042591095, + -0.21521030366420746, + 2.5974154472351074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/120.png", + [ + 0.21606981754302979, + 0.003460620529949665, + -0.015803420916199684, + 0.19114050269126892, + 0.00452351663261652, + -0.21614046394824982, + 0.014516814611852169, + -0.1857152283191681, + -0.015532603487372398, + -0.014806222170591354, + -0.2156093865633011, + 2.588961124420166, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/46.png", + [ + 0.21342717111110687, + -0.019813045859336853, + 0.03168873488903046, + -0.39261674880981445, + -0.024002335965633392, + -0.21348977088928223, + 0.028176184743642807, + -0.36584916710853577, + 0.028646476566791534, + -0.03126423805952072, + -0.21248486638069153, + 2.6022305488586426, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/382.png", + [ + 0.2162299007177353, + 0.0028389696963131428, + -0.013581661507487297, + 0.1613730490207672, + 0.0037258462980389595, + -0.21618130803108215, + 0.014129885472357273, + -0.18513274192810059, + -0.013365603983402252, + -0.014334428124129772, + -0.215786412358284, + 2.5987625122070312, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/265.png", + [ + 0.21582567691802979, + 0.006148305255919695, + 0.018148593604564667, + -0.22370700538158417, + 0.005344233941286802, + -0.21638904511928558, + 0.009752984158694744, + -0.13084180653095245, + 0.01840142160654068, + -0.009267139248549938, + -0.21569284796714783, + 2.613443374633789, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/127.png", + [ + 0.21622449159622192, + -0.0034032834228128195, + 0.01353822648525238, + -0.16435271501541138, + -0.004410321358591318, + -0.21602816879749298, + 0.01613316312432289, + -0.20482034981250763, + 0.013244432397186756, + -0.016375210136175156, + -0.2156486213207245, + 2.5844368934631348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/283.png", + [ + 0.21663127839565277, + 0.0015154241118580103, + 0.004059869330376387, + -0.05220860242843628, + 0.0012176756281405687, + -0.21610236167907715, + 0.015690172091126442, + -0.2030499279499054, + 0.004158883821219206, + -0.01566421613097191, + -0.21606765687465668, + 2.593356132507324, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/413.png", + [ + 0.2166191041469574, + 0.004600116983056068, + -0.001700672903098166, + 0.02009597234427929, + 0.004745581652969122, + -0.21556508541107178, + 0.021379083395004272, + -0.2693431079387665, + -0.0012380749685689807, + -0.021410856395959854, + -0.21561063826084137, + 2.5536303520202637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/236.png", + [ + 0.21608911454677582, + -0.012113245204091072, + 0.010327836498618126, + -0.12373329699039459, + -0.013078580610454082, + -0.21523846685886383, + 0.021195387467741966, + -0.2748469412326813, + 0.00907444953918457, + -0.02176150307059288, + -0.2153879851102829, + 2.597769260406494, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/226.png", + [ + 0.21540555357933044, + -0.00021807117445860058, + 0.02341565489768982, + -0.286464661359787, + -0.0018059993162751198, + -0.21617458760738373, + 0.014600524678826332, + -0.19445741176605225, + 0.023346921429038048, + -0.01471017673611641, + -0.21491028368473053, + 2.595661163330078, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/133.png", + [ + 0.21608079969882965, + -0.004593541845679283, + 0.01535852812230587, + -0.18419469892978668, + -0.005834329407662153, + -0.21588675677776337, + 0.017514817416667938, + -0.2178858369588852, + 0.014931363984942436, + -0.01788036897778511, + -0.2154187560081482, + 2.57619047164917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/57.png", + [ + 0.2149183750152588, + -0.011139065027236938, + 0.025177480652928352, + -0.3111887574195862, + -0.014706449583172798, + -0.21395856142044067, + 0.030876321718096733, + -0.3949747681617737, + 0.023274550214409828, + -0.032334938645362854, + -0.21298038959503174, + 2.5934219360351562, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/444.png", + [ + 0.21465593576431274, + 0.00996613409370184, + 0.02777400054037571, + -0.3298857510089874, + 0.00389476609416306, + -0.21172724664211273, + 0.04587267339229584, + -0.5584160089492798, + 0.029249783605337143, + -0.04494604468345642, + -0.2099337875843048, + 2.4971375465393066, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/44.png", + [ + 0.21315836906433105, + -0.020066749304533005, + 0.033297594636678696, + -0.4119098484516144, + -0.024068349972367287, + -0.21385441720485687, + 0.025197256356477737, + -0.32800161838531494, + 0.030530620366334915, + -0.0284870658069849, + -0.21261294186115265, + 2.6007590293884277, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/372.png", + [ + 0.21652016043663025, + -0.0019288357580080628, + 0.007949857041239738, + -0.09839558601379395, + -0.00271478365175426, + -0.21557468175888062, + 0.021635258570313454, + -0.28430595993995667, + 0.007716902531683445, + -0.02171943709254265, + -0.2154451459646225, + 2.6409759521484375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/264.png", + [ + 0.21596385538578033, + 0.004543769173324108, + 0.016936978325247765, + -0.2081461250782013, + 0.003844739170745015, + -0.21645164489746094, + 0.009044208563864231, + -0.1228327751159668, + 0.017109209671616554, + -0.008714006282389164, + -0.215822234749794, + 2.608175277709961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/113.png", + [ + 0.21661938726902008, + 0.004880818072706461, + 0.0003304000711068511, + -0.0018668938428163528, + 0.004832835868000984, + -0.2157803326845169, + 0.019062789157032967, + -0.24618582427501678, + 0.0007584452396258712, + -0.019050559028983116, + -0.21583418548107147, + 2.598771095275879, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/383.png", + [ + 0.21631251275539398, + 0.0032810885459184647, + -0.012084420770406723, + 0.14412862062454224, + 0.004111977759748697, + -0.2161208838224411, + 0.014925033785402775, + -0.19426339864730835, + -0.011827528476715088, + -0.015129422768950462, + -0.21582193672657013, + 2.600268840789795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/126.png", + [ + 0.21631252765655518, + -0.005072763189673424, + 0.011447975412011147, + -0.13998809456825256, + -0.005960449110716581, + -0.21592892706394196, + 0.016943031921982765, + -0.21277499198913574, + 0.011011906899511814, + -0.017229635268449783, + -0.21570762991905212, + 2.5818839073181152, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/29.png", + [ + 0.21643464267253876, + -0.004277821164578199, + 0.009254354052245617, + -0.1143561378121376, + -0.00474941311404109, + -0.2163393646478653, + 0.011073312722146511, + -0.14807525277137756, + 0.009021411649882793, + -0.011263899505138397, + -0.21619351208209991, + 2.6314001083374023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/4.png", + [ + 0.21663321554660797, + -0.0040867081843316555, + 0.0011175081599503756, + -0.01673790067434311, + -0.004133397713303566, + -0.21641044318675995, + 0.00986561831086874, + -0.1327923685312271, + 0.0009300698875449598, + -0.009885050356388092, + -0.21644702553749084, + 2.6355433464050293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/55.png", + [ + 0.21500582993030548, + -0.011473199352622032, + 0.024264300242066383, + -0.3018578290939331, + -0.015406055375933647, + -0.2131531834602356, + 0.03572502359747887, + -0.45683571696281433, + 0.021978264674544334, + -0.037175118923187256, + -0.2123272567987442, + 2.597212314605713, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/9.png", + [ + 0.2166300117969513, + -0.0043459562584757805, + 0.0006646746187470853, + -0.011390524916350842, + -0.004362242296338081, + -0.21655268967151642, + 0.00581352086737752, + -0.08358690142631531, + 0.0005476957303471863, + -0.005825705826282501, + -0.2165956050157547, + 2.6312437057495117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/290.png", + [ + 0.21664635837078094, + 0.0015010482165962458, + 0.0031616059131920338, + -0.03896239399909973, + 0.001221950980834663, + -0.2158583104610443, + 0.018750784918665886, + -0.24187567830085754, + 0.0032795940060168505, + -0.018730508163571358, + -0.21583862602710724, + 2.6006178855895996, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/449.png", + [ + 0.2163153737783432, + 0.007517229299992323, + 0.009951869025826454, + -0.12089835107326508, + 0.005664607975631952, + -0.2132495492696762, + 0.03795308619737625, + -0.46482640504837036, + 0.011111285537481308, + -0.03762998431921005, + -0.21309250593185425, + 2.5311436653137207, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/25.png", + [ + 0.21657142043113708, + -0.00047411074046976864, + 0.006670383270829916, + -0.08302119374275208, + -0.0008016062784008682, + -0.2164115309715271, + 0.010644353926181793, + -0.14272969961166382, + 0.006638992112129927, + -0.010663960129022598, + -0.21631018817424774, + 2.6352076530456543, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/99.png", + [ + 0.2159382700920105, + 0.007975826039910316, + 0.01596726104617119, + -0.19241715967655182, + 0.006443928927183151, + -0.21560174226760864, + 0.02054898627102375, + -0.25847968459129333, + 0.016644611954689026, + -0.020004281774163246, + -0.21510620415210724, + 2.581338882446289, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/462.png", + [ + 0.21658536791801453, + 0.001088946359232068, + -0.006123504135757685, + 0.07228340208530426, + 0.0015759675297886133, + -0.2159743756055832, + 0.017334356904029846, + -0.23153871297836304, + -0.006016596686094999, + -0.017371751368045807, + -0.21589329838752747, + 2.6214189529418945, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/304.png", + [ + 0.21624498069286346, + 0.004344604909420013, + 0.012927603907883167, + -0.15715931355953217, + 0.003305613063275814, + -0.21595890820026398, + 0.0172834824770689, + -0.2228056937456131, + 0.013231459073722363, + -0.01705198548734188, + -0.21559695899486542, + 2.584853172302246, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/429.png", + [ + 0.21636836230754852, + -0.0006674264441244304, + -0.011497147381305695, + 0.13723546266555786, + 0.001469845650717616, + -0.21294108033180237, + 0.040023017674684525, + -0.49571290612220764, + -0.011422321200370789, + -0.04004443436861038, + -0.21263553202152252, + 2.525033473968506, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/208.png", + [ + 0.2163439393043518, + 0.0027281567454338074, + 0.011651375330984592, + -0.1420174092054367, + 0.0013855844736099243, + -0.21526053547859192, + 0.024675345048308372, + -0.3231758773326874, + 0.011886022984981537, + -0.024563176557421684, + -0.21494944393634796, + 2.6193580627441406, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/356.png", + [ + 0.21657736599445343, + 0.005746069829910994, + -0.0030211356934159994, + 0.03668215125799179, + 0.006117553915828466, + -0.21438778936862946, + 0.030795250087976456, + -0.394909530878067, + -0.002172579988837242, + -0.030866721644997597, + -0.2144537717103958, + 2.6057276725769043, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/224.png", + [ + 0.2152101844549179, + -0.0004478124319575727, + 0.025144964456558228, + -0.3098130226135254, + -0.002155243419110775, + -0.21617165207862854, + 0.014596397988498211, + -0.1926058530807495, + 0.02505643293261528, + -0.0147478599101305, + -0.21471507847309113, + 2.597486972808838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/491.png", + [ + 0.216009721159935, + -5.623007018584758e-05, + 0.01696152240037918, + -0.2000163048505783, + -0.0014818214112892747, + -0.21590755879878998, + 0.018155649304389954, + -0.22977186739444733, + 0.016896763816475868, + -0.018215930089354515, + -0.21524538099765778, + 2.557854652404785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/34.png", + [ + 0.2163972556591034, + -0.008204934187233448, + 0.007266584318131208, + -0.08919214457273483, + -0.008547274395823479, + -0.21625836193561554, + 0.010351620614528656, + -0.1382129192352295, + 0.006860633380711079, + -0.010625017806887627, + -0.2163051962852478, + 2.63092041015625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/72.png", + [ + 0.21581855416297913, + -0.008898329921066761, + 0.017060672864317894, + -0.20091454684734344, + -0.01062651164829731, + -0.2152780443429947, + 0.022143529728055, + -0.27923139929771423, + 0.01604132354259491, + -0.02289276011288166, + -0.21486389636993408, + 2.5516839027404785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/102.png", + [ + 0.21607880294322968, + 0.009556789882481098, + 0.012904010713100433, + -0.15631507337093353, + 0.008289611898362637, + -0.21551448106765747, + 0.020801085978746414, + -0.26549553871154785, + 0.01375238411128521, + -0.020250197499990463, + -0.2152874618768692, + 2.5889840126037598, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/352.png", + [ + 0.2165835201740265, + 0.005884702783077955, + -0.0022004011552780867, + 0.02651984989643097, + 0.006132727954536676, + -0.2145034819841385, + 0.029975788667798042, + -0.3849097490310669, + -0.0013642350677400827, + -0.030025465413928032, + -0.21457983553409576, + 2.5914788246154785, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/349.png", + [ + 0.2165660709142685, + 0.0068202512338757515, + 0.000718542723916471, + -0.008681055158376694, + 0.006673899013549089, + -0.2148173451423645, + 0.02751113288104534, + -0.35229727625846863, + 0.0015783493872731924, + -0.02747521921992302, + -0.2149197906255722, + 2.585698127746582, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/262.png", + [ + 0.21609072387218475, + 0.0037105181254446507, + 0.015457156114280224, + -0.18936939537525177, + 0.002999050309881568, + -0.21642178297042847, + 0.01002577692270279, + -0.13562874495983124, + 0.015610810369253159, + -0.009784815832972527, + -0.21588991582393646, + 2.6021900177001953, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/401.png", + [ + 0.21608205139636993, + 0.014168177731335163, + 0.007463632617145777, + -0.09160424768924713, + 0.01342832576483488, + -0.21533174812793732, + 0.01999538764357567, + -0.2555604875087738, + 0.008724856190383434, + -0.019478144124150276, + -0.21562090516090393, + 2.5771541595458984, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/506.png", + [ + 0.21648380160331726, + 0.0015674378955736756, + 0.008955233730375767, + -0.10831627994775772, + 0.0006168423569761217, + -0.2154705971479416, + 0.022802356630563736, + -0.29320210218429565, + 0.009070422500371933, + -0.022756779566407204, + -0.2152852863073349, + 2.588353157043457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/353.png", + [ + 0.2165640890598297, + 0.006274451036006212, + -0.002919822698459029, + 0.035385243594646454, + 0.006630972493439913, + -0.21429729461669922, + 0.03131440654397011, + -0.4007537066936493, + -0.0019809864461421967, + -0.03138778731226921, + -0.21437999606132507, + 2.595045566558838, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/134.png", + [ + 0.21606101095676422, + -0.004417405463755131, + 0.015684932470321655, + -0.1889544129371643, + -0.0057572429068386555, + -0.21580414474010468, + 0.018528694286942482, + -0.22994014620780945, + 0.01524417195469141, + -0.018892982974648476, + -0.21531039476394653, + 2.574624538421631, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/328.png", + [ + 0.21666158735752106, + 0.0016835975693538785, + 0.0016773933311924338, + -0.020023435354232788, + 0.001528428285382688, + -0.21581728756427765, + 0.01919517107307911, + -0.240878164768219, + 0.0018199059413746, + -0.01918218284845352, + -0.2158161848783493, + 2.569952964782715, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/70.png", + [ + 0.21491992473602295, + -0.011150461621582508, + 0.025159183889627457, + -0.29720765352249146, + -0.013218137435615063, + -0.21557211875915527, + 0.017373893409967422, + -0.22279241681098938, + 0.024137072265148163, + -0.01876801811158657, + -0.21450655162334442, + 2.541041851043701, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/446.png", + [ + 0.21529768407344818, + 0.008502968586981297, + 0.022858450189232826, + -0.2728629410266876, + 0.00369827589020133, + -0.2121133953332901, + 0.04406961426138878, + -0.5371096730232239, + 0.024106677621603012, + -0.0433993898332119, + -0.21091054379940033, + 2.5087366104125977, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/461.png", + [ + 0.21657344698905945, + 0.002401307923719287, + -0.006170111242681742, + 0.07247292995452881, + 0.002911592135205865, + -0.21589124202728271, + 0.018176672980189323, + -0.23888693749904633, + -0.005946359597146511, + -0.018251094967126846, + -0.21582268178462982, + 2.608944892883301, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/135.png", + [ + 0.21609146893024445, + -0.004942331928759813, + 0.01509779505431652, + -0.1821615993976593, + -0.006262264680117369, + -0.21574872732162476, + 0.019004100933670998, + -0.23507128655910492, + 0.014599798247218132, + -0.019389303401112556, + -0.21531091630458832, + 2.573657512664795, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/421.png", + [ + 0.2151409536600113, + -0.001751953735947609, + -0.02567495033144951, + 0.30011051893234253, + 0.002500987146049738, + -0.21372531354427338, + 0.035540539771318436, + -0.43099865317344666, + -0.025612840428948402, + -0.035585325211286545, + -0.21219226717948914, + 2.4592299461364746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/410.png", + [ + 0.2164520025253296, + 0.00709741422906518, + 0.0067861322313547134, + -0.0804746150970459, + 0.00643923319876194, + -0.21564005315303802, + 0.020144296810030937, + -0.25427067279815674, + 0.0074135782197117805, + -0.01992192491889, + -0.2156294286251068, + 2.5676517486572266, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/229.png", + [ + 0.21611237525939941, + 0.0013326528714969754, + 0.015542136505246162, + -0.1867479532957077, + 5.681089169229381e-05, + -0.21594831347465515, + 0.01772642508149147, + -0.23234479129314423, + 0.015599062666296959, + -0.017676353454589844, + -0.21538828313350677, + 2.585916042327881, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/471.png", + [ + 0.21667006611824036, + 0.0011528042377904058, + 0.0008065534639172256, + -0.010980854742228985, + 0.0010546814883127809, + -0.21529452502727509, + 0.024393491446971893, + -0.32140159606933594, + 0.0009312003967352211, + -0.024389049038290977, + -0.21529561281204224, + 2.645786762237549, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/130.png", + [ + 0.2161286622285843, + -0.004348586313426495, + 0.014743968844413757, + -0.17791709303855896, + -0.005431755445897579, + -0.21602149307727814, + 0.01590956561267376, + -0.19996216893196106, + 0.014380223117768764, + -0.016239089891314507, + -0.21558617055416107, + 2.582798957824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/303.png", + [ + 0.21614022552967072, + 0.004713422153145075, + 0.014459537342190742, + -0.17578373849391937, + 0.0034970224369317293, + -0.21588891744613647, + 0.018100755289196968, + -0.2332267314195633, + 0.014800856821238995, + -0.017822744324803352, + -0.2154325395822525, + 2.5926709175109863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/90.png", + [ + 0.21634778380393982, + 0.0040220292285084724, + 0.011195912957191467, + -0.13549098372459412, + 0.0027112863026559353, + -0.21521936357021332, + 0.024923188611865044, + -0.31683215498924255, + 0.011583355255424976, + -0.024745499715209007, + -0.21494506299495697, + 2.5877480506896973, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/288.png", + [ + 0.21663916110992432, + 0.0010758084245026112, + 0.003770188894122839, + -0.045656200498342514, + 0.0007733674137853086, + -0.21599000692367554, + 0.017193371430039406, + -0.22166897356510162, + 0.0038436425384134054, + -0.017177099362015724, + -0.21595849096775055, + 2.5940122604370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/122.png", + [ + 0.21649451553821564, + 0.0005111473728902638, + -0.008817767724394798, + 0.1057722195982933, + 0.001130521995946765, + -0.2161359190940857, + 0.015227728523314, + -0.19227334856987, + -0.008759919553995132, + -0.015261078253388405, + -0.21595893800258636, + 2.590108871459961, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/405.png", + [ + 0.21577958762645721, + 0.015353625640273094, + 0.012301621027290821, + -0.15165609121322632, + 0.013932286761701107, + -0.2149076610803604, + 0.023843057453632355, + -0.3049136698246002, + 0.01389082707464695, + -0.022953566163778305, + -0.21500715613365173, + 2.57834529876709, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/367.png", + [ + 0.2164403796195984, + -0.0020092290360480547, + 0.009870348498225212, + -0.12127910554409027, + -0.0032043922692537308, + -0.21502462029457092, + 0.026496147736907005, + -0.34559306502342224, + 0.009549484588205814, + -0.026613473892211914, + -0.21482186019420624, + 2.6363558769226074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/308.png", + [ + 0.21653114259243011, + 0.005669106729328632, + 0.005479371175169945, + -0.06809817999601364, + 0.005197860300540924, + -0.21586835384368896, + 0.017936764284968376, + -0.2337477058172226, + 0.005928282160311937, + -0.01779344119131565, + -0.21586139500141144, + 2.5831713676452637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/339.png", + [ + 0.21643389761447906, + 0.006120682694017887, + 0.008173632435500622, + -0.10125169903039932, + 0.005412136670202017, + -0.2158316820859909, + 0.01831100694835186, + -0.2377890944480896, + 0.008659088052809238, + -0.018086500465869904, + -0.215744748711586, + 2.59603214263916, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/238.png", + [ + 0.21608980000019073, + -0.014792080968618393, + 0.005855619441717863, + -0.07025451958179474, + -0.015295575372874737, + -0.21510474383831024, + 0.021068835631012917, + -0.2739732563495636, + 0.004374852403998375, + -0.021425331011414528, + -0.21556834876537323, + 2.613182544708252, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/373.png", + [ + 0.21657805144786835, + -0.0019107689149677753, + 0.006180187221616507, + -0.07427331060171127, + -0.0025100463535636663, + -0.21561050415039062, + 0.021300161257386208, + -0.2783067524433136, + 0.005961997900158167, + -0.02136225439608097, + -0.21553654968738556, + 2.6357102394104004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/15.png", + [ + 0.21662528812885284, + -0.00461727287620306, + -0.0002517879765946418, + 0.00039610464591532946, + -0.004602049011737108, + -0.21642257273197174, + 0.009380179457366467, + -0.12623430788516998, + -0.00045138393761590123, + -0.009372696280479431, + -0.2164713442325592, + 2.633002758026123, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/326.png", + [ + 0.2165452092885971, + 0.001010568579658866, + -0.007418946363031864, + 0.09049143642187119, + 0.0016875941073521972, + -0.2157551497220993, + 0.019868725910782814, + -0.24893231689929962, + -0.007294795010238886, + -0.019914641976356506, + -0.21563415229320526, + 2.5630359649658203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/495.png", + [ + 0.21646755933761597, + 0.0004044526722282171, + 0.009462307207286358, + -0.11350984871387482, + -0.00036284816451370716, + -0.21596388518810272, + 0.017531869933009148, + -0.22083209455013275, + 0.009463993832468987, + -0.017530957236886024, + -0.21575680375099182, + 2.585061550140381, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/269.png", + [ + 0.21598665416240692, + 0.009602462872862816, + 0.014333839528262615, + -0.17766129970550537, + 0.009078094735741615, + -0.2163315713405609, + 0.008132409304380417, + -0.11095911264419556, + 0.014671552926301956, + -0.007506034802645445, + -0.2160469889640808, + 2.622744083404541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/416.png", + [ + 0.21596278250217438, + 0.0011129475897178054, + -0.017513951286673546, + 0.2094630002975464, + 0.003032031701877713, + -0.21535293757915497, + 0.02370278164744377, + -0.2972664535045624, + -0.017285369336605072, + -0.023869993165135384, + -0.21466097235679626, + 2.532808303833008, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/295.png", + [ + 0.21605995297431946, + 0.006100346799939871, + 0.015125511214137077, + -0.18550658226013184, + 0.004526955541223288, + -0.2154824584722519, + 0.022242147475481033, + -0.2864777445793152, + 0.015668503940105438, + -0.02186303399503231, + -0.21499860286712646, + 2.602362632751465, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/425.png", + [ + 0.2157343327999115, + -0.0025217831134796143, + -0.020005788654088974, + 0.23356059193611145, + 0.001535610994324088, + -0.21229445934295654, + 0.0433196984231472, + -0.5257965922355652, + -0.020105542615056038, + -0.04327348992228508, + -0.2113553136587143, + 2.476283550262451, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/162.png", + [ + 0.21661272644996643, + 0.005121264141052961, + 0.0007718362612649798, + -0.005890300497412682, + 0.0050039938651025295, + -0.21527746319770813, + 0.02405146136879921, + -0.2984744906425476, + 0.001335333101451397, + -0.024026762694120407, + -0.2153342068195343, + 2.5678086280822754, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/22.png", + [ + 0.2166222333908081, + -0.001087079755961895, + 0.004639423452317715, + -0.058454763144254684, + -0.0013236211379989982, + -0.216386079788208, + 0.011099815368652344, + -0.14755453169345856, + 0.004577556159347296, + -0.011125472374260426, + -0.21634039282798767, + 2.628955841064453, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/278.png", + [ + 0.21626411378383636, + 0.0077789402566850185, + -0.01082669198513031, + 0.12905195355415344, + 0.008355703204870224, + -0.216204434633255, + 0.011563741602003574, + -0.15160931646823883, + -0.010388041846454144, + -0.011959347873926163, + -0.21609477698802948, + 2.5958237648010254, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/393.png", + [ + 0.2165316939353943, + 0.005892380140721798, + 0.005215268582105637, + -0.06540282815694809, + 0.0055362326093018055, + -0.21612921357154846, + 0.014332044869661331, + -0.1878674179315567, + 0.005591894965618849, + -0.014189336448907852, + -0.21613720059394836, + 2.5965418815612793, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/302.png", + [ + 0.2159596085548401, + 0.0063135805539786816, + 0.01641554944217205, + -0.19971348345279694, + 0.004959361627697945, + -0.21588630974292755, + 0.017787637189030647, + -0.2297789603471756, + 0.016874130815267563, + -0.01735321246087551, + -0.21531842648983002, + 2.5962328910827637, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/440.png", + [ + 0.2143476903438568, + 0.00879407487809658, + 0.030424026772379875, + -0.36203259229660034, + 0.002747567370533943, + -0.21253244578838348, + 0.042075008153915405, + -0.5165696144104004, + 0.0315500907599926, + -0.04123736172914505, + -0.210361510515213, + 2.495116710662842, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/171.png", + [ + 0.2165958136320114, + 0.002107461681589484, + -0.00545019656419754, + 0.06938101351261139, + 0.002872581360861659, + -0.21438854932785034, + 0.03126007318496704, + -0.3931674361228943, + -0.0050886450335383415, + -0.031320955604314804, + -0.2143384963274002, + 2.5658860206604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/138.png", + [ + 0.21661509573459625, + -0.00041084937402047217, + 0.0050619812682271, + -0.06083822250366211, + -0.0008588796481490135, + -0.21581727266311646, + 0.019237104803323746, + -0.239100381731987, + 0.0050054751336574554, + -0.019251884892582893, + -0.21575959026813507, + 2.5795626640319824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/377.png", + [ + 0.21615228056907654, + 0.00038446212420240045, + -0.015031064860522747, + 0.18396390974521637, + 0.001576674752868712, + -0.21598920226097107, + 0.017148634418845177, + -0.22455956041812897, + -0.014953088015317917, + -0.017216671258211136, + -0.2154713124036789, + 2.620779514312744, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/109.png", + [ + 0.21643032133579254, + 0.007103624753654003, + 0.00743945362046361, + -0.08842995017766953, + 0.006435996387153864, + -0.21576279401779175, + 0.01878541335463524, + -0.2442646026611328, + 0.008024021051824093, + -0.01854325458407402, + -0.21573051810264587, + 2.601705551147461, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/306.png", + [ + 0.21639512479305267, + 0.006219605449587107, + 0.009075138717889786, + -0.1101214736700058, + 0.005547282751649618, + -0.21602804958820343, + 0.01577984355390072, + -0.20552988350391388, + 0.009501016698777676, + -0.015527147799730301, + -0.21590861678123474, + 2.580073356628418, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/445.png", + [ + 0.21498380601406097, + 0.00868136901408434, + 0.025583039969205856, + -0.3048633337020874, + 0.003262012032791972, + -0.212023064494133, + 0.04453618824481964, + -0.5432913899421692, + 0.026818228885531425, + -0.04380349442362785, + -0.21049924194812775, + 2.503892421722412, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/511.png", + [ + 0.21595829725265503, + 0.0047782971523702145, + 0.01694316416978836, + -0.20342013239860535, + 0.002942529506981373, + -0.21540431678295135, + 0.023242546245455742, + -0.2943350672721863, + 0.017356393858790398, + -0.02293560840189457, + -0.21475708484649658, + 2.5780110359191895, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/26.png", + [ + 0.21652202308177948, + -0.0013735361862927675, + 0.008014101535081863, + -0.09883353859186172, + -0.0017590124625712633, + -0.2164161652326584, + 0.010432783514261246, + -0.13966117799282074, + 0.007938406430184841, + -0.010490495711565018, + -0.21627488732337952, + 2.633516788482666, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/43.png", + [ + 0.21307273209095, + -0.020139381289482117, + 0.03379806876182556, + -0.4181169271469116, + -0.023880597203969955, + -0.21412748098373413, + 0.0229572094976902, + -0.2999759316444397, + 0.03126693144440651, + -0.026300599798560143, + -0.21278756856918335, + 2.600867748260498, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/402.png", + [ + 0.2158711552619934, + 0.01523570716381073, + 0.010743241757154465, + -0.13166145980358124, + 0.014165130443871021, + -0.21522760391235352, + 0.020599184557795525, + -0.26382550597190857, + 0.01211994793266058, + -0.019820455461740494, + -0.215425506234169, + 2.5768895149230957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/205.png", + [ + 0.21594752371311188, + -0.0016744835302233696, + 0.017656635493040085, + -0.2176167368888855, + -0.0034701372496783733, + -0.2155267745256424, + 0.022001447156071663, + -0.2855580747127533, + 0.017393065616488457, + -0.022210393100976944, + -0.21483033895492554, + 2.60797119140625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/297.png", + [ + 0.2158471792936325, + 0.006722213234752417, + 0.01768350601196289, + -0.21750786900520325, + 0.005009460728615522, + -0.21561409533023834, + 0.020817473530769348, + -0.2683637738227844, + 0.01824280247092247, + -0.02032913640141487, + -0.21494607627391815, + 2.6010046005249023, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/246.png", + [ + 0.21568435430526733, + -0.020541442558169365, + -0.0024918837007135153, + 0.034351248294115067, + -0.020249292254447937, + -0.21490219235420227, + 0.018839169293642044, + -0.2436273694038391, + -0.004257512744516134, + -0.018520187586545944, + -0.2158396989107132, + 2.62640380859375, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/244.png", + [ + 0.21559613943099976, + -0.02151106297969818, + -0.0018624637741595507, + 0.025872744619846344, + -0.021251115947961807, + -0.21471183001995087, + 0.019877517595887184, + -0.2590550184249878, + -0.0038189960177987814, + -0.019595909863710403, + -0.21575289964675903, + 2.6337223052978516, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/84.png", + [ + 0.21666643023490906, + -0.0003531111287884414, + 0.0018506367923691869, + -0.022580038756132126, + -0.0005558884586207569, + -0.21534137427806854, + 0.023993339389562607, + -0.3084994852542877, + 0.0018001478165388107, + -0.023997178301215172, + -0.21533413231372833, + 2.6103920936584473, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/216.png", + [ + 0.2164197713136673, + 0.00764840142801404, + -0.007202769163995981, + 0.08706895262002945, + 0.00832732580602169, + -0.2154516726732254, + 0.021427465602755547, + -0.2781190574169159, + -0.006405746564269066, + -0.02167907916009426, + -0.21549218893051147, + 2.6237072944641113, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/136.png", + [ + 0.21618518233299255, + -0.00453589903190732, + 0.013831011950969696, + -0.16678038239479065, + -0.005677303299307823, + -0.21585530042648315, + 0.017948869615793228, + -0.22290244698524475, + 0.013402966782450676, + -0.018270723521709442, + -0.2154865264892578, + 2.5757699012756348, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/89.png", + [ + 0.2163587510585785, + 0.004784928634762764, + 0.010672345757484436, + -0.12928874790668488, + 0.0034579765051603317, + -0.21504338085651398, + 0.02631133608520031, + -0.33502820134162903, + 0.01117304340004921, + -0.02610265277326107, + -0.2148062139749527, + 2.5885496139526367, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/63.png", + [ + 0.2148779183626175, + -0.012550937943160534, + 0.024856608361005783, + -0.2988511919975281, + -0.015653593465685844, + -0.21440774202346802, + 0.02705894410610199, + -0.34273162484169006, + 0.023029154166579247, + -0.028630323708057404, + -0.2135365605354309, + 2.555434226989746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/88.png", + [ + 0.2163955122232437, + 0.0031589388381689787, + 0.010530997067689896, + -0.1282854676246643, + 0.001909951912239194, + -0.21518385410308838, + 0.025301264598965645, + -0.32245051860809326, + 0.010827412828803062, + -0.02517583779990673, + -0.21493449807167053, + 2.5942063331604004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/62.png", + [ + 0.2148321121931076, + -0.01193163637071848, + 0.02554791420698166, + -0.3093010187149048, + -0.015355310402810574, + -0.2141614556312561, + 0.029102837666869164, + -0.3699839115142822, + 0.023648981004953384, + -0.030665883794426918, + -0.2131858915090561, + 2.5653676986694336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/333.png", + [ + 0.21630768477916718, + 0.003373159561306238, + 0.012144922278821468, + -0.14738447964191437, + 0.002232637256383896, + -0.21572400629520416, + 0.020151212811470032, + -0.2529677748680115, + 0.012405348010361195, + -0.01999194175004959, + -0.21539342403411865, + 2.5794811248779297, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/65.png", + [ + 0.2144554853439331, + -0.014736364595592022, + 0.027195071801543236, + -0.3226470649242401, + -0.01792583242058754, + -0.21446247398853302, + 0.02514779195189476, + -0.3155486583709717, + 0.02520708367228508, + -0.02714012749493122, + -0.21348515152931213, + 2.5252084732055664, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/248.png", + [ + 0.21589697897434235, + -0.018238989636301994, + -0.0019298042170703411, + 0.02697078511118889, + -0.018026607111096382, + -0.21522243320941925, + 0.01738492026925087, + -0.22382304072380066, + -0.0033802781254053116, + -0.01716197095811367, + -0.21596743166446686, + 2.6198458671569824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/80.png", + [ + 0.21664997935295105, + -0.00300202495418489, + 0.0012919596629217267, + -0.017471391707658768, + -0.0031411813106387854, + -0.21491709351539612, + 0.027361880987882614, + -0.351934552192688, + 0.000902381376363337, + -0.027377499267458916, + -0.21493615210056305, + 2.6145033836364746, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/492.png", + [ + 0.21602098643779755, + 0.0013247039169073105, + 0.016765158623456955, + -0.1975410133600235, + -0.0003214229072909802, + -0.2156367301940918, + 0.02118016965687275, + -0.26733914017677307, + 0.01681433990597725, + -0.02114114537835121, + -0.2149842381477356, + 2.565122604370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/146.png", + [ + 0.2159343659877777, + 0.004160275217145681, + -0.0174051895737648, + 0.20742690563201904, + 0.005882336292415857, + -0.21552889049053192, + 0.02146136946976185, + -0.2679912745952606, + -0.016901083290576935, + -0.02186056785285473, + -0.2149054855108261, + 2.576493740081787, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/119.png", + [ + 0.2159959077835083, + 0.003352120751515031, + -0.016805458813905716, + 0.2037532776594162, + 0.004535628482699394, + -0.21609382331371307, + 0.015191785991191864, + -0.19423720240592957, + -0.016525380313396454, + -0.015495983883738518, + -0.21548707783222198, + 2.5912508964538574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/362.png", + [ + 0.21663452684879303, + -0.0027671586722135544, + 0.003116705222055316, + -0.03931548073887825, + -0.003131401026621461, + -0.21499089896678925, + 0.026776906102895737, + -0.34847772121429443, + 0.0027505168691277504, + -0.026816993951797485, + -0.21499110758304596, + 2.628847599029541, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/287.png", + [ + 0.21662865579128265, + 0.0016223974525928497, + 0.004158122465014458, + -0.05035873502492905, + 0.0012936989078298211, + -0.2160119265317917, + 0.01688380353152752, + -0.21748748421669006, + 0.0042718262411653996, + -0.01685539446771145, + -0.2159757912158966, + 2.592711925506592, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/180.png", + [ + 0.21451985836029053, + -0.00035043724346905947, + 0.030479509383440018, + -0.3608033359050751, + -0.004494199994951487, + -0.2146560549736023, + 0.029162930324673653, + -0.36162039637565613, + 0.030148392543196678, + -0.029505111277103424, + -0.21252863109111786, + 2.520547389984131, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/453.png", + [ + 0.21643611788749695, + 0.004476878792047501, + -0.009124905802309513, + 0.10969714820384979, + 0.005669614765793085, + -0.21462605893611908, + 0.029178883880376816, + -0.3586887717247009, + -0.008435746654868126, + -0.029385527595877647, + -0.21450692415237427, + 2.5400242805480957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/145.png", + [ + 0.21599365770816803, + 0.0035972846671938896, + -0.016783708706498146, + 0.2010437399148941, + 0.0052483403123915195, + -0.21555718779563904, + 0.021341385319828987, + -0.26561248302459717, + -0.016342835500836372, + -0.02168085053563118, + -0.21496684849262238, + 2.573741912841797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/319.png", + [ + 0.21663790941238403, + 0.003733591176569462, + 0.0014057370135560632, + -0.015072282403707504, + 0.0035786242224276066, + -0.21561004221439362, + 0.02115197479724884, + -0.2663072347640991, + 0.0017633066745474935, + -0.021125173196196556, + -0.21563513576984406, + 2.564760208129883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/348.png", + [ + 0.21654339134693146, + 0.007262026891112328, + 0.002028747694566846, + -0.02519141510128975, + 0.006962032988667488, + -0.2149554193019867, + 0.026336289942264557, + -0.33824387192726135, + 0.0028953328728675842, + -0.026255153119564056, + -0.21505855023860931, + 2.5834474563598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/204.png", + [ + 0.21597996354103088, + -0.003964811563491821, + 0.016876982524991035, + -0.2087395042181015, + -0.005666560959070921, + -0.21549130976200104, + 0.021892622113227844, + -0.2828426659107208, + 0.01638420857489109, + -0.02226380445063114, + -0.21490411460399628, + 2.6026134490966797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/419.png", + [ + 0.2150363177061081, + -0.0013663475401699543, + -0.026559527963399887, + 0.31213515996932983, + 0.0022881324402987957, + -0.21463556587696075, + 0.029567481949925423, + -0.3618102967739105, + -0.02649603597819805, + -0.029624393209815025, + -0.21299824118614197, + 2.469240188598633, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/474.png", + [ + 0.21662279963493347, + 0.004647975787520409, + 0.0009198496700264513, + -0.012147629633545876, + 0.004498584195971489, + -0.214963898062706, + 0.026798781007528305, + -0.3511578142642975, + 0.0014874585904181004, + -0.026773272082209587, + -0.21500901877880096, + 2.6362948417663574, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/207.png", + [ + 0.21623636782169342, + 0.0019788143690675497, + 0.013631126843392849, + -0.1681697964668274, + 0.00027443893486633897, + -0.21500340104103088, + 0.026858245953917503, + -0.3494506776332855, + 0.01377127505838871, + -0.026786651462316513, + -0.2145710289478302, + 2.6185483932495117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/250.png", + [ + 0.21601490676403046, + -0.016894375905394554, + 0.00019764409807976335, + -0.0010993225732818246, + -0.016858428716659546, + -0.2153579145669937, + 0.016871951520442963, + -0.21700413525104523, + -0.0011190829100087285, + -0.016835957765579224, + -0.21601665019989014, + 2.610743999481201, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/307.png", + [ + 0.21647317707538605, + 0.0068076117895543575, + 0.0063964021392166615, + -0.07883676886558533, + 0.0063157035037875175, + -0.21598149836063385, + 0.016124360263347626, + -0.2114747017621994, + 0.006882545538246632, + -0.015922928228974342, + -0.21597914397716522, + 2.580373764038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/293.png", + [ + 0.21636125445365906, + 0.0039559039287269115, + 0.010957175865769386, + -0.13420216739177704, + 0.002743861638009548, + -0.21537074446678162, + 0.02357548102736473, + -0.3021659255027771, + 0.011321665719151497, + -0.02340262569487095, + -0.21510934829711914, + 2.595470905303955, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/167.png", + [ + 0.21652629971504211, + 0.004565853159874678, + -0.006587949115782976, + 0.08109540492296219, + 0.005609426647424698, + -0.21352514624595642, + 0.0363791324198246, + -0.4516322612762451, + -0.005725593771785498, + -0.036524783819913864, + -0.21349720656871796, + 2.5412120819091797, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/243.png", + [ + 0.21560253202915192, + -0.021475231274962425, + -0.001503054634667933, + 0.020289931446313858, + -0.02125021070241928, + -0.2147248089313507, + 0.019737599417567253, + -0.2576388120651245, + -0.0034457778092473745, + -0.01949252560734749, + -0.21576854586601257, + 2.636559009552002, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/189.png", + [ + 0.2161833941936493, + 0.002580423140898347, + 0.014352179132401943, + -0.16800758242607117, + 2.8120408387621865e-05, + -0.21332861483097076, + 0.03793144226074219, + -0.47006866335868835, + 0.014582277275621891, + -0.03784358128905296, + -0.21284529566764832, + 2.5488572120666504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/230.png", + [ + 0.21627205610275269, + -0.0002580708242021501, + 0.013199739158153534, + -0.15783143043518066, + -0.00137928850017488, + -0.21588940918445587, + 0.01837814599275589, + -0.24006623029708862, + 0.013130013830959797, + -0.018428023904561996, + -0.2154899388551712, + 2.5868372917175293, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/379.png", + [ + 0.2160666435956955, + 0.002166803926229477, + -0.016074996441602707, + 0.19303186237812042, + 0.003294376190751791, + -0.21611930429935455, + 0.015148785896599293, + -0.19909721612930298, + -0.015882307663559914, + -0.015350685454905033, + -0.21554581820964813, + 2.606328010559082, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/79.png", + [ + 0.2166430801153183, + -0.0033745637629181147, + 0.001512297778390348, + -0.020161200314760208, + -0.0035268731880933046, + -0.2151920348405838, + 0.02505679801106453, + -0.3244771957397461, + 0.0011117069516330957, + -0.025077763944864273, + -0.21521560847759247, + 2.6117377281188965, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/176.png", + [ + 0.21520200371742249, + -0.0014030110323801637, + 0.025179853662848473, + -0.30137771368026733, + -0.0046515315771102905, + -0.2148355096578598, + 0.027784202247858047, + -0.3496575355529785, + 0.024786220863461494, + -0.02813592553138733, + -0.21340550482273102, + 2.549144744873047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/225.png", + [ + 0.2152101695537567, + -0.0010432247072458267, + 0.025127548724412918, + -0.30847957730293274, + -0.002675695577636361, + -0.21620917320251465, + 0.013940166682004929, + -0.18575061857700348, + 0.025006452575325966, + -0.014156241901218891, + -0.21476073563098907, + 2.592836380004883, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/284.png", + [ + 0.2166031450033188, + 0.001094263861887157, + 0.005457255523651838, + -0.06862248480319977, + 0.0006904562469571829, + -0.21608757972717285, + 0.015924088656902313, + -0.20608654618263245, + 0.0055228909477591515, + -0.015901442617177963, + -0.21601976454257965, + 2.5901684761047363, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/185.png", + [ + 0.21569322049617767, + 0.0036041410639882088, + 0.020281421020627022, + -0.23692592978477478, + 0.0005464404239319265, + -0.21425838768482208, + 0.03226371482014656, + -0.39822086691856384, + 0.020591922104358673, + -0.032066430896520615, + -0.21329699456691742, + 2.530484199523926, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/411.png", + [ + 0.2165331095457077, + 0.005154425743967295, + 0.005894407629966736, + -0.07085186243057251, + 0.00458366796374321, + -0.2156802862882614, + 0.02022126503288746, + -0.2538565993309021, + 0.006348397582769394, + -0.020083360373973846, + -0.21564844250679016, + 2.5580782890319824, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/165.png", + [ + 0.21664133667945862, + 0.0034080538898706436, + -0.0016762211453169584, + 0.02161674201488495, + 0.0036144584883004427, + -0.21437324583530426, + 0.031288012862205505, + -0.388942152261734, + -0.0011662914184853435, + -0.031311169266700745, + -0.21439717710018158, + 2.548647403717041, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/116.png", + [ + 0.21645106375217438, + 0.0032569982577115297, + -0.009285686537623405, + 0.11458897590637207, + 0.004120659548789263, + -0.2156722992658615, + 0.020405251532793045, + -0.2583962678909302, + -0.008936003781855106, + -0.020560789853334427, + -0.21551170945167542, + 2.595898151397705, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/19.png", + [ + 0.21664059162139893, + -0.0026257962454110384, + 0.0028027971275150776, + -0.03721537068486214, + -0.0027495359536260366, + -0.21643748879432678, + 0.009754695929586887, + -0.13125906884670258, + 0.0026815158780664206, + -0.009788730181753635, + -0.21643678843975067, + 2.6297435760498047, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/320.png", + [ + 0.21663837134838104, + 0.0038361228071153164, + 0.0009975276188924909, + -0.009430349804461002, + 0.0037162669468671083, + -0.21554183959960938, + 0.021812835708260536, + -0.2731582224369049, + 0.0013784982729703188, + -0.02179207094013691, + -0.2155715674161911, + 2.562795639038086, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/77.png", + [ + 0.21649223566055298, + -0.007401042152196169, + 0.0049229953438043594, + -0.0601656474173069, + -0.007904651574790478, + -0.21518346667289734, + 0.024114087224006653, + -0.3099784851074219, + 0.0040654405020177364, + -0.024273386225104332, + -0.21527232229709625, + 2.600038528442383, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/280.png", + [ + 0.21658922731876373, + 0.0038765068165957928, + -0.004686998203396797, + 0.05183248966932297, + 0.004159617703408003, + -0.21622063219547272, + 0.013387558050453663, + -0.17614153027534485, + -0.004437661729753017, + -0.013472260907292366, + -0.21620985865592957, + 2.599851131439209, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/254.png", + [ + 0.2164291888475418, + -0.008587182499468327, + 0.005706842988729477, + -0.07009922713041306, + -0.009087684564292431, + -0.21552634239196777, + 0.020339783281087875, + -0.25869670510292053, + 0.004870498552918434, + -0.020556092262268066, + -0.21564234793186188, + 2.5922341346740723, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/247.png", + [ + 0.21588177978992462, + -0.018346279859542847, + -0.002523530973121524, + 0.03507421165704727, + -0.018090644851326942, + -0.21523474156856537, + 0.017164910212159157, + -0.2219676971435547, + -0.003960149362683296, + -0.01689140684902668, + -0.2159789353609085, + 2.623650074005127, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/68.png", + [ + 0.21376818418502808, + -0.01385566033422947, + 0.032543644309043884, + -0.3843023478984833, + -0.017209438607096672, + -0.21491312980651855, + 0.021542351692914963, + -0.27307748794555664, + 0.030901508405804634, + -0.023838168010115623, + -0.21313080191612244, + 2.52056884765625, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/398.png", + [ + 0.21624872088432312, + 0.012264939956367016, + 0.00582741666585207, + -0.07162634283304214, + 0.011773438192903996, + -0.21568195521831512, + 0.017046252265572548, + -0.21939696371555328, + 0.0067656273022294044, + -0.016696101054549217, + -0.2159244269132614, + 2.5865769386291504, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/395.png", + [ + 0.2164054811000824, + 0.009745080024003983, + 0.004646037705242634, + -0.058775898069143295, + 0.0093765277415514, + -0.21587547659873962, + 0.016054943203926086, + -0.20851558446884155, + 0.005350982770323753, + -0.01583394780755043, + -0.21602904796600342, + 2.5941977500915527, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/143.png", + [ + 0.21578608453273773, + 0.004744673613458872, + -0.01901939883828163, + 0.23038309812545776, + 0.006651810836046934, + -0.2154812514781952, + 0.021713634952902794, + -0.2696223855018616, + -0.018439168110489845, + -0.022208480164408684, + -0.21474327147006989, + 2.5706586837768555, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/218.png", + [ + 0.21659621596336365, + 0.005644283723086119, + -0.0014583950396627188, + 0.017038492485880852, + 0.005754874087870121, + -0.21567310392856598, + 0.019997213035821915, + -0.258821964263916, + -0.0009307352593168616, + -0.020028704777359962, + -0.21574494242668152, + 2.626448154449463, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/183.png", + [ + 0.21510706841945648, + 0.002034759381785989, + 0.02593640238046646, + -0.3058466911315918, + -0.001524518127553165, + -0.2146538496017456, + 0.029483797028660774, + -0.3652815520763397, + 0.025971388444304466, + -0.029452981427311897, + -0.21308660507202148, + 2.528449535369873, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/86.png", + [ + 0.21663032472133636, + -0.000520519504789263, + 0.004350768402218819, + -0.05193091928958893, + -0.001024785335175693, + -0.21519239246845245, + 0.025280071422457695, + -0.32359740138053894, + 0.004260275047272444, + -0.025295475497841835, + -0.215150848031044, + 2.60158109664917, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/436.png", + [ + 0.2158067673444748, + 0.0031099077314138412, + 0.019122160971164703, + -0.2311776727437973, + -0.0005778782651759684, + -0.21273626387119293, + 0.04111984372138977, + -0.5154038667678833, + 0.01936477981507778, + -0.041006144136190414, + -0.21187590062618256, + 2.539091110229492, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/296.png", + [ + 0.21593859791755676, + 0.005991395562887192, + 0.016808249056339264, + -0.20602256059646606, + 0.004234548658132553, + -0.21547164022922516, + 0.02240406721830368, + -0.28850817680358887, + 0.017334435135126114, + -0.021999472752213478, + -0.21485677361488342, + 2.599255084991455, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/239.png", + [ + 0.215978741645813, + -0.01686236634850502, + 0.004090724512934685, + -0.04844839498400688, + -0.017172496765851974, + -0.21504376828670502, + 0.020228233188390732, + -0.2639594078063965, + 0.0024857032112777233, + -0.020487476140260696, + -0.2156895399093628, + 2.6177783012390137, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/1.png", + [ + 0.21664831042289734, + -0.0033768699504435062, + 5.557729673455469e-05, + -0.003513551317155361, + -0.0033750254660844803, + -0.21633970737457275, + 0.011560277082026005, + -0.15419605374336243, + -0.00012467533815652132, + -0.011559737846255302, + -0.2163660079240799, + 2.6450724601745605, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/81.png", + [ + 0.2166633903980255, + -0.0021044902969151735, + 0.0006646053516305983, + -0.010134151205420494, + -0.0021726218983531, + -0.21485500037670135, + 0.02793753705918789, + -0.35902705788612366, + 0.00038767571095377207, + -0.027942750602960587, + -0.21486495435237885, + 2.6192307472229004, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/95.png", + [ + 0.21598096191883087, + 0.007274203468114138, + 0.015722665935754776, + -0.1889016330242157, + 0.005776240490376949, + -0.21563324332237244, + 0.02041652798652649, + -0.25790849328041077, + 0.01633252575993538, + -0.01993202231824398, + -0.2151368409395218, + 2.584639549255371, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/200.png", + [ + 0.21656785905361176, + -0.003662941511720419, + 0.005731092765927315, + -0.06946396082639694, + -0.004331257659941912, + -0.21503715217113495, + 0.026232779026031494, + -0.33145737648010254, + 0.0052443090826272964, + -0.026334412395954132, + -0.21500439941883087, + 2.593318462371826, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/415.png", + [ + 0.21628277003765106, + 0.001924128388054669, + -0.012882457114756107, + 0.15393757820129395, + 0.0031364234164357185, + -0.21568535268306732, + 0.020442374050617218, + -0.25956594944000244, + -0.012642105109989643, + -0.02059187926352024, + -0.21532313525676727, + 2.5437207221984863, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/199.png", + [ + 0.2166040688753128, + -0.004437583032995462, + 0.003300524316728115, + -0.038611605763435364, + -0.004823682829737663, + -0.21484149992465973, + 0.027708368375897408, + -0.34791886806488037, + 0.0027051225770264864, + -0.0277728158980608, + -0.21487030386924744, + 2.585887908935547, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/103.png", + [ + 0.21625493466854095, + 0.008484303019940853, + 0.010474706068634987, + -0.12690185010433197, + 0.007470418233424425, + -0.21558384597301483, + 0.020388538017868996, + -0.26158466935157776, + 0.011220325715839863, + -0.01998790353536606, + -0.21545878052711487, + 2.591766834259033, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/196.png", + [ + 0.21666540205478668, + -0.0015788492746651173, + -0.0012259738286957145, + 0.016633933410048485, + -0.0014058902161195874, + -0.21482715010643005, + 0.02819954790174961, + -0.35288238525390625, + -0.0014210030203685164, + -0.02819039300084114, + -0.2148282527923584, + 2.5807347297668457, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/150.png", + [ + 0.21659329533576965, + 0.0017779450863599777, + -0.005664284341037273, + 0.06562581658363342, + 0.0023088573943823576, + -0.2156819999217987, + 0.020587289705872536, + -0.26020145416259766, + -0.00546940416097641, + -0.020639916881918907, + -0.2156199812889099, + 2.5911898612976074, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/484.png", + [ + 0.21658557653427124, + 0.002106990898028016, + 0.005842473357915878, + -0.07104560732841492, + 0.0015105076599866152, + -0.2155751734972, + 0.0217477735131979, + -0.27205243706703186, + 0.006024307571351528, + -0.021698107942938805, + -0.21550126373767853, + 2.567967414855957, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/510.png", + [ + 0.2160726934671402, + 0.004858390428125858, + 0.015390921384096146, + -0.18494407832622528, + 0.0031771159265190363, + -0.21538540720939636, + 0.023386413231492043, + -0.296472430229187, + 0.0158237274736166, + -0.023095764219760895, + -0.2148583084344864, + 2.5752720832824707, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/83.png", + [ + 0.21666908264160156, + -0.0009038253920152783, + 0.0012586477678269148, + -0.016560234129428864, + -0.0010427668457850814, + -0.21523073315620422, + 0.024950874969363213, + -0.32030290365219116, + 0.0011461813701316714, + -0.024956295266747475, + -0.2152295708656311, + 2.6125669479370117, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/337.png", + [ + 0.21638420224189758, + 0.005347970873117447, + 0.009857780300080776, + -0.12009041756391525, + 0.0044848257675766945, + -0.21582452952861786, + 0.018642915412783623, + -0.24018974602222443, + 0.010279249399900436, + -0.018413886427879333, + -0.2156459242105484, + 2.595686912536621, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/509.png", + [ + 0.2161858230829239, + 0.005710638128221035, + 0.013378283008933067, + -0.16116304695606232, + 0.004211248364299536, + -0.21531596779823303, + 0.023858018219470978, + -0.30243241786956787, + 0.013923190534114838, + -0.023544175550341606, + -0.21494118869304657, + 2.5710535049438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/142.png", + [ + 0.2161157727241516, + 0.0038419796619564295, + -0.015070304274559021, + 0.18317656219005585, + 0.00526901800185442, + -0.21562990546226501, + 0.020588306710124016, + -0.25646400451660156, + -0.014632578939199448, + -0.020901676267385483, + -0.21516716480255127, + 2.574260711669922, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/477.png", + [ + 0.21660199761390686, + 0.004402985796332359, + 0.0034748688340187073, + -0.04453189671039581, + 0.003740885527804494, + -0.2134181559085846, + 0.037237007170915604, + -0.47870051860809326, + 0.00417932728305459, + -0.037164535373449326, + -0.21342264115810394, + 2.6120810508728027, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/312.png", + [ + 0.21660368144512177, + 0.004989787936210632, + 0.0024170177057385445, + -0.02993609942495823, + 0.004775832872837782, + -0.21589651703834534, + 0.01771397329866886, + -0.23021139204502106, + 0.002816271735355258, + -0.017654899507761, + -0.21593578159809113, + 2.5802907943725586, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/186.png", + [ + 0.21588106453418732, + 0.0037949150428175926, + 0.01813415065407753, + -0.2115064114332199, + 0.0008381040534004569, + -0.21386374533176422, + 0.034777700901031494, + -0.4283996820449829, + 0.018508007749915123, + -0.03458018973469734, + -0.21309518814086914, + 2.531979560852051, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/195.png", + [ + 0.21667137742042542, + 0.0005022709374316037, + -0.0010740465950220823, + 0.016738740727305412, + 0.0006498104194179177, + -0.21447467803955078, + 0.03079092875123024, + -0.3838709890842438, + -0.000991765409708023, + -0.03079368732869625, + -0.2144729644060135, + 2.5759878158569336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/51.png", + [ + 0.21467503905296326, + -0.014141019433736801, + 0.025740286335349083, + -0.31792235374450684, + -0.01795618236064911, + -0.2134726494550705, + 0.03247914835810661, + -0.4176793098449707, + 0.023240188136696815, + -0.034312549978494644, + -0.21267448365688324, + 2.5963735580444336, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/233.png", + [ + 0.2162487506866455, + -0.00580015080049634, + 0.012277255766093731, + -0.14572641253471375, + -0.0070219822227954865, + -0.21545085310935974, + 0.02189801260828972, + -0.2835713028907776, + 0.011621727608144283, + -0.022252852097153664, + -0.21521534025669098, + 2.5796561241149902, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/347.png", + [ + 0.21653150022029877, + 0.007442324887961149, + 0.0025709494948387146, + -0.031026817858219147, + 0.007151809986680746, + -0.21549104154109955, + 0.0214559156447649, + -0.276857852935791, + 0.003293871646746993, + -0.021356886252760887, + -0.2155943512916565, + 2.5827722549438477, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/128.png", + [ + 0.21614669263362885, + -0.004167743027210236, + 0.014530052430927753, + -0.1751648187637329, + -0.005261797923594713, + -0.2159951627254486, + 0.01631845161318779, + -0.2066272497177124, + 0.014170601032674313, + -0.016631541773676872, + -0.2155701220035553, + 2.5850086212158203, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/496.png", + [ + 0.21652689576148987, + -0.0005854963674210012, + 0.007978550158441067, + -0.09507226943969727, + -0.0011720972834154963, + -0.21608343720436096, + 0.015952087938785553, + -0.20196306705474854, + 0.007913675159215927, + -0.015984367579221725, + -0.21593926846981049, + 2.5900802612304688, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/168.png", + [ + 0.21654856204986572, + 0.0028315135277807713, + -0.006826165597885847, + 0.08401563763618469, + 0.003856391180306673, + -0.21402525901794434, + 0.033559203147888184, + -0.4188654124736786, + -0.006304146256297827, + -0.033661168068647385, + -0.21395111083984375, + 2.548213481903076, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/215.png", + [ + 0.21636098623275757, + 0.008643760345876217, + -0.007816830649971962, + 0.09457971900701523, + 0.009413751773536205, + -0.2152988761663437, + 0.02248694933950901, + -0.29221802949905396, + -0.00687013054266572, + -0.022794008255004883, + -0.2153627723455429, + 2.62576961517334, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/93.png", + [ + 0.21609263122081757, + 0.007243367377668619, + 0.014121121726930141, + -0.16944564878940582, + 0.00575895793735981, + -0.21543876826763153, + 0.02238021232187748, + -0.28375905752182007, + 0.014788741245865822, + -0.02194477617740631, + -0.21505258977413177, + 2.5815038681030273, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ], + [ + "hongyu_3_audio/242.png", + [ + 0.2156362682580948, + -0.021186968311667442, + -5.9465470258146524e-05, + 0.002208002610132098, + -0.02109312266111374, + -0.21473664045333862, + 0.01977759413421154, + -0.25923559069633484, + -0.0019928342662751675, + -0.019677024334669113, + -0.21577011048793793, + 2.6353535652160645, + 0.0, + 0.0, + 0.0, + 1.0, + 4.264699935913086, + 0.0, + 0.5, + 0.0, + 4.264699935913086, + 0.5, + 0.0, + 0.0, + 1.0 + ] + ] + ] +} \ No newline at end of file diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/0.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/0.png new file mode 100644 index 0000000000000000000000000000000000000000..0ef45bcfe023681a4d0ac7478ae7b0e649ff026b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eed38d7757c6fee0bf8b726df29e6bf7b4bb4c5cda6556e693f0284869d23534 +size 205796 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/1.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/1.png new file mode 100644 index 0000000000000000000000000000000000000000..d101876dfdbb31c85eab5432d2e5004d7f86eb2d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54da48e10299d736196357033503ef5d6c5430384b32d10243200b67e00f769a +size 224264 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/10.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/10.png new file mode 100644 index 0000000000000000000000000000000000000000..3e3867b4f4806ccbc1785f3c52a4c136b2eae052 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/10.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0029bfb9c1a85e15684e1b8072c0bd41e06131b3ad0a4953086fffc7a857227 +size 233659 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/100.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/100.png new file mode 100644 index 0000000000000000000000000000000000000000..f85ea4a69401865bafe9b63a355bc074f9c5f3c7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/100.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf415744b9003049ed3c0fd7d0fccd08627616e21999ca639bbe65603006ef22 +size 233037 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/101.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/101.png new file mode 100644 index 0000000000000000000000000000000000000000..7841520875f25f3d7def73f1bfe1f7d7debc3a6b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/101.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27a3ea4fc1e26eba5aacc664d6208b7232bfeaf56ab4c686434fbccd239a936e +size 235320 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/102.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/102.png new file mode 100644 index 0000000000000000000000000000000000000000..9b50032a402d78aa4bea2f80469260ec330d632e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/102.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83755d85e353a3d27a6f2ef95f2998610925d21e29ac9cb6345c0ce48946fbfc +size 235239 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/103.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/103.png new file mode 100644 index 0000000000000000000000000000000000000000..818c115d8b52bb840f0a99f4336bf5fb40176335 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/103.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e4e0ec631a862620391d0d12ae98ae4115ddb0df2278f05231a259c5ffa04cb +size 238360 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/104.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/104.png new file mode 100644 index 0000000000000000000000000000000000000000..33483b8243e7acc339e949683579e7c0e992ea6e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/104.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60c2d116c10cc5a3c4180dcd760ba66c56353e310d94297ff071fc7e51cd1db6 +size 236061 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/105.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/105.png new file mode 100644 index 0000000000000000000000000000000000000000..81e9f8bad81958191784aa4053534ad0db7af9b8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/105.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3d9eeb2088c9f9a2c0118cd7c08b5abd66c3eede869cc3750970d0d6da02d37 +size 238692 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/106.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/106.png new file mode 100644 index 0000000000000000000000000000000000000000..682f5f99305889106865562b86ae43ee24a6ff59 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/106.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c0aea80b24c312903159de87fae731ff46e5e8d7ffde2b6c3bd9b6a49a39c40 +size 237084 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/107.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/107.png new file mode 100644 index 0000000000000000000000000000000000000000..d42e01b5682e7ec465ae97b13430b3eb00393fda --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/107.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8fa8f5fa6e641709c78abba048089cb596be68c07a2003da6741f959832d981 +size 240858 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/108.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/108.png new file mode 100644 index 0000000000000000000000000000000000000000..3f298ccbcf38a6f6f9a4682f1b427eff61cece57 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/108.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d99903058df1889110a66c2cfe91007fd00803cb3eb3a99029cf1817276f02e8 +size 239080 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/109.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/109.png new file mode 100644 index 0000000000000000000000000000000000000000..373b94d6a4fa7835b1f434e756634723f4ba800d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/109.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76aa4fbf6e64f65f07aa8f16c67d283fd3819bc3043286ce21c067e06f87adc3 +size 241644 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/11.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/11.png new file mode 100644 index 0000000000000000000000000000000000000000..ffc5cc1cf203b8178c27599752b34e782f11712c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/11.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cc1c3e247885ab9b6c7ceedd14006820044b04f71e3f89efad787895105271a +size 232471 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/110.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/110.png new file mode 100644 index 0000000000000000000000000000000000000000..24ba823a2e78e91b35aee8b1fca9326b0de0e541 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/110.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d02178e4e46551aef1a94fc24bb635c1c441edcb8a047c8150e8aa9744adafc +size 240015 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/111.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/111.png new file mode 100644 index 0000000000000000000000000000000000000000..7027d3c67ab1a98e277c2215e30c5e6ab81c14bf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/111.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b27526f4cafbd67733d26bd52251e7e7098a1a0046066c956444efe1fc3d7e97 +size 242730 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/112.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/112.png new file mode 100644 index 0000000000000000000000000000000000000000..ea04f59881a6179d275722a49959b55c54830325 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/112.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5c55eccb4686cd48b44320bfc1091bd8ac531e061e68ebc7dd6f7b82ff9a2fd +size 241767 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/113.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/113.png new file mode 100644 index 0000000000000000000000000000000000000000..6015a51ab83ea95f8b4601619ffac31f46dd8fa2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/113.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0f880a582c2909f4138f38324d0bb9a659e09eebff341c62f9fa3165084a23a +size 242436 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/114.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/114.png new file mode 100644 index 0000000000000000000000000000000000000000..3a2058500e38cfe9a087bc316a1d4ce0d2e1176e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/114.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c736da271fa499c614600dd1bd5dba174db298f176d47961ab7a2f453dd3a90d +size 240413 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/115.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/115.png new file mode 100644 index 0000000000000000000000000000000000000000..4eeb21cf6899f24f38be023bc214e1203cf10e10 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/115.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6f0cf45e3c526524c537cb77e171e4ace3b4e07acf3941d6e4fa449790fb55b +size 241786 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/116.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/116.png new file mode 100644 index 0000000000000000000000000000000000000000..0136bd8fafd6ef1ca4c3b201191dddb63c76732c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/116.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c3558a2d2ff7a9412ed810fecbcba9f15a15337bd163716713ef67c6686f78d +size 231204 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/117.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/117.png new file mode 100644 index 0000000000000000000000000000000000000000..3dc1aca8313696a11725f0ece686f7ebcff0934b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/117.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a230e5129e3157ef98a71fa905ca25abc0ff22e21bf0212f386e2b74680ef57 +size 230729 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/118.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/118.png new file mode 100644 index 0000000000000000000000000000000000000000..3bc75b13f5743ccc600a73802415bb5381965682 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/118.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d06b8eb45e43cc599d8d15af3a18e721d1c0d2cfc2ad40afe83ad771c5f4ae65 +size 231961 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/119.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/119.png new file mode 100644 index 0000000000000000000000000000000000000000..f1758bb27d5aef6a3cba3247f0e35073626b19e4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/119.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d22eb20eb0a06286b6497e5629e33d69f6624aace59f4d7e45aeb12b83394551 +size 230756 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/12.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/12.png new file mode 100644 index 0000000000000000000000000000000000000000..b9b36a520007f8792a733e5455968154d773a423 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/12.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9314b6936dd3537c139eb33658fc9b0ed8e68d233dcba5a0a9a4740d1b9298f4 +size 231577 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/120.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/120.png new file mode 100644 index 0000000000000000000000000000000000000000..9f7dc0cfb4461896d1b4bc304624b2ff3f759a82 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/120.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da76eafd716a8b6e3aec24aa0e6a5c73eef3322d540ca38257f30c29a928dc55 +size 233473 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/121.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/121.png new file mode 100644 index 0000000000000000000000000000000000000000..062a0bdf413f8b2cf10fa1fd56a2be48ed3974d6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/121.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e53421cf1dbaf7ee3a18cc0284399a001ac60689606db548288bf292a3dfc680 +size 230861 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/122.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/122.png new file mode 100644 index 0000000000000000000000000000000000000000..01aa1564b7fb9105da05c86c4002a7f7277baef9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/122.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94cd9e030e57b359b855bf12e99d20333765356eb00c8a0e1db840f15a5a8bf2 +size 233225 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/123.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/123.png new file mode 100644 index 0000000000000000000000000000000000000000..8f81984a09f2ebefdba05bfb815f17c2e36100a0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/123.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e84afc551733aaf93a319f689d672169ca2d69a8606a022be7235e653306b61 +size 233114 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/124.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/124.png new file mode 100644 index 0000000000000000000000000000000000000000..f2989eb4e11042c5dc5e4f6a5774cd0e9e6599e8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/124.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99ddfb85587246d50703e391be9f6e21167bad03091ef0746257fcfddb4282fb +size 234165 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/125.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/125.png new file mode 100644 index 0000000000000000000000000000000000000000..57f29330dd3318e9f857c431c42acc0cce99ca5b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/125.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6eac746778e8e359244ab4f24fa602206d5a665ec1dd91793328449de48af517 +size 233780 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/126.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/126.png new file mode 100644 index 0000000000000000000000000000000000000000..dcdf34cb3efc67260f55891f1af8ac0a644be13c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/126.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bb59eda884312325465ad0619a2fb3898db3dc181c3871377d58edd4adc2e7b +size 234906 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/127.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/127.png new file mode 100644 index 0000000000000000000000000000000000000000..93365d98b5db52a4e1e88edfeeae1961b6ea811c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/127.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dd107c50a5c0a1e7fc1e73ef7ce460d5b5604f4d43e4b16cb5051e1e8cb68a8 +size 233942 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/128.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/128.png new file mode 100644 index 0000000000000000000000000000000000000000..0663f16c1021dd9babe0e766a089997aeb262124 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/128.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25f55c0c761bd870d750cd18c0d3ecdd7a9dc7224c9679cee2dc0b85fb55f66b +size 235931 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/129.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/129.png new file mode 100644 index 0000000000000000000000000000000000000000..f1c5ae75e2017416efc79155fe0edcd46d387335 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/129.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1c8f9277a25fa2da5d73f2b0cc516a02abe3fca3ae2162f7fb1e9e4bf537199 +size 234402 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/13.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/13.png new file mode 100644 index 0000000000000000000000000000000000000000..be904efbb41b70acf1cb30d5a683761437441bf0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/13.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0239d8a704b165636653a1f2fdc6b195064f3eeddbfe6c2c7a9830a6946c005d +size 234748 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/130.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/130.png new file mode 100644 index 0000000000000000000000000000000000000000..66e5b93c071b83cb95499ab97c9b0f313448e97d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/130.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4472f31c8856387cf012ab8e66ef746e4822722e9a0f792231022cc4d114f93d +size 236398 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/131.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/131.png new file mode 100644 index 0000000000000000000000000000000000000000..eaed5d551efab3332248047f251789a28be086d8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/131.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2df60a8683efd2a480c591f76ff635a8100685eb4aeed69b9aa5ac8335b22dc1 +size 236065 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/132.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/132.png new file mode 100644 index 0000000000000000000000000000000000000000..979244f4db4b61bd3ed0a6910f689bed7eabf37c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/132.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aea3f112e10aca8cc4bdb8a9895aa6bb2505181d5093c57145442be1376cb9ff +size 237666 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/133.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/133.png new file mode 100644 index 0000000000000000000000000000000000000000..58a25e4cf21274d74e849a9a4eaa32d087229a2c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/133.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:226b68288f7eba50ec0c6e404455e738f5fdcbcb4ef19b4d7a631d82df8c2e29 +size 237018 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/134.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/134.png new file mode 100644 index 0000000000000000000000000000000000000000..9bd91935ad33c0c4ae4031c1a3f8dd5763c0de3c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/134.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7e3453780b7979e9427390cb32b787a7ea30d69abd12d583da60ab6dad7d4e2 +size 239614 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/135.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/135.png new file mode 100644 index 0000000000000000000000000000000000000000..07a9682f6d8e3c6f832a237b78c1cb4c4c10f8bf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/135.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82aa3695d6391e7c88fb1b76c2257a1be9a565dfbe579e4eaaa609794b12cbe4 +size 237615 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/136.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/136.png new file mode 100644 index 0000000000000000000000000000000000000000..c40d12fc56c46cb87c368a6900159bd2ab16c9a4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/136.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3499e40996e42a2e6beb5a82c83f2dc910728f2fede0a030591ef27fc142a79c +size 240181 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/137.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/137.png new file mode 100644 index 0000000000000000000000000000000000000000..05331c7b807946d089b4d9fe2417fb08f04d229d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/137.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10f33777500b67f80b8f06eee34a73503d59903c27ee3e4a4b46766fd38d6788 +size 238397 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/138.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/138.png new file mode 100644 index 0000000000000000000000000000000000000000..a8d345e6f80da705c8944fd35b2b6026752d25ff --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/138.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c385be875c6af37e0ca805fb8e567fadf43d5d5490b2ee99c29cd10e9525d855 +size 241252 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/139.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/139.png new file mode 100644 index 0000000000000000000000000000000000000000..12fb71a0fbf1b6c4b3fb766079cf65f9a22ce3ba --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/139.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86b09fb91035d0b3c8cda172154f1be970ec0c08ab93f0e81ecc04f5c0b5ff2f +size 239809 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/14.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/14.png new file mode 100644 index 0000000000000000000000000000000000000000..c0c72477074155c6c111056de421689d7ed2ca19 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/14.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c044391b27f4d77930fcaaef14753240657f54b2718a757dd103b3fdf5309c1c +size 239303 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/140.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/140.png new file mode 100644 index 0000000000000000000000000000000000000000..c50e73b062d45047713260846a329e5c2e78f304 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/140.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c45671c41b7e195a9630e51a2c16f28d16e9f8f20aa2477a1bd8eb897f8dbf25 +size 241169 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/141.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/141.png new file mode 100644 index 0000000000000000000000000000000000000000..944ca5e124a9cb1f4b76edc49d93e60ce5231f5a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/141.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db6c660b684de38d2b18a2be357f709c43e3a176f99bb1c93f55220b93d14f8f +size 238250 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/142.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/142.png new file mode 100644 index 0000000000000000000000000000000000000000..3e7d9c6b44ae0e52ad514e86c132c782f936c08c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/142.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fda83919d7eefb9449f712f7358c7cf45f983923a8e5feff1299dac458f009c +size 239088 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/143.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/143.png new file mode 100644 index 0000000000000000000000000000000000000000..46b4616e099ede5eb509b197b393d71940dc35e3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/143.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81c855c04f0a14200f7a7c1c2768872f87bf6f4a1d91ab62dfae846c0cbca151 +size 236406 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/144.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/144.png new file mode 100644 index 0000000000000000000000000000000000000000..2aa9647260145bd8f1b451bb5e8d678c8540ae66 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/144.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bf967327edc632bc1e4e2305081d8582c7d919862917852637b82b0c959d54a +size 237454 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/145.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/145.png new file mode 100644 index 0000000000000000000000000000000000000000..9cf7563d6a01b39922222d4e6951bca0ec446d30 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/145.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a48bd05f3f19c8d2022a633606a3b89687fe42befb3a21a9dd0785e3c536a639 +size 226426 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/146.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/146.png new file mode 100644 index 0000000000000000000000000000000000000000..663774ad9bd3f46427b7ce51e893c6a0562fdb61 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/146.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d04672bb837686aa3a602be616d8c0f150dc63d034b8f14eede3d328f34e595 +size 227184 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/147.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/147.png new file mode 100644 index 0000000000000000000000000000000000000000..63d4e95b4f80ab877909d085f33c8ce16b541624 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/147.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0c0a1767b239d9c195d957d2a1510fb5fce727536ea247de1dd1b10474fa84f +size 230010 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/148.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/148.png new file mode 100644 index 0000000000000000000000000000000000000000..b2acbb3623e12a39c45b2de4cb8cd5499fb07fbf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/148.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72c143083512e6c656f3a22c94276ed6bec861f068fa3c06527e6a498bbcc602 +size 229007 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/149.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/149.png new file mode 100644 index 0000000000000000000000000000000000000000..ee90fbefe72bb384f111a40ef68df7e26abf912a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/149.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8e8d96020152878e83474319b0fe313327c2d7e73ab7a8d3f4080e0180731e7 +size 231345 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/15.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/15.png new file mode 100644 index 0000000000000000000000000000000000000000..41178476370059ec0ddff8e53ecb39b58108297f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/15.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f7d6c51cb379cfbba0009797d4f1720877d1fdfb56de18c5da05f781a8a2349 +size 236944 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/150.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/150.png new file mode 100644 index 0000000000000000000000000000000000000000..6a78a568dd3149261bce338aa0fc871bcf877597 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/150.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b383119c952d3a4c9a2d84c78a2f3bdbbfa0113cf01ded3f7d5d94132c54de9 +size 229880 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/151.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/151.png new file mode 100644 index 0000000000000000000000000000000000000000..1728b582e42d42f9dd2f00434281a8a3f6806bcf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/151.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e75bd1222645b9d10accb19e3ffcd649042509f5233461f3d88d585faa6febab +size 231722 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/152.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/152.png new file mode 100644 index 0000000000000000000000000000000000000000..50b588a68327dda091a98041cbcc7937a6a52f93 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/152.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb3f9a45eefd28a8832521cbc607c6dae5ea5cf2680ce74d06d7bba67d9d6953 +size 231215 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/153.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/153.png new file mode 100644 index 0000000000000000000000000000000000000000..0ba474a8d7e99e685eedf417380d787c8af51b1a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/153.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f90321769c2957ff9018944859d181fa1cd2e81a93e69202f2d5163b0092c9b9 +size 232554 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/154.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/154.png new file mode 100644 index 0000000000000000000000000000000000000000..4a1bb64788bd3d7ac1c7153dd6f2b1a178d928d9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/154.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:548ed895fd6e989adbb29604bc750c33c7ddd2938b2c1f2c3771c551daa732b8 +size 231092 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/155.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/155.png new file mode 100644 index 0000000000000000000000000000000000000000..cab3b3da6685c26bb3dc386d026ee0da79df5fa2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/155.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45f296408376e42d52c9fe24922691bb5b4baffeca2e170f070f8413e34290ac +size 233008 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/156.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/156.png new file mode 100644 index 0000000000000000000000000000000000000000..93b34fd3fe5dab5d59a8e33c2b4b339f4be94834 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/156.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2774e801f808534ea62d346b947505199fcc27db8695530ae79e7f58245d5c9 +size 232854 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/157.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/157.png new file mode 100644 index 0000000000000000000000000000000000000000..983fd49584c81b0dcc3759f1f406be0d5c86d057 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/157.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05882f81a5228b976b459c29853d5302eff4f89f11b1ebe71de51fc808c116da +size 234543 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/158.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/158.png new file mode 100644 index 0000000000000000000000000000000000000000..5a575cda8d1020ee58842b9cc4e4e4c132292f11 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/158.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8f86706440e41ac1bbd086607b9a610b1489ca4afe17533b4782c9e33168467 +size 231709 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/159.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/159.png new file mode 100644 index 0000000000000000000000000000000000000000..bc70cf7aaac4d4ca892b7dbf097c66d32a3562cc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/159.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f5afe1d26db81de26deb148670b976e8d514d8121ad134a7b3ca25a5c40fdde +size 233750 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/16.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/16.png new file mode 100644 index 0000000000000000000000000000000000000000..5fcd7bc7bdd005889fd603d3d989b1c67c4e3053 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/16.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c78481a20a5c9fb630ca01704e344a87d2115e8d056281066af3a81f599b071 +size 239137 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/160.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/160.png new file mode 100644 index 0000000000000000000000000000000000000000..a73bceb9f389fe2e7b8542fe0620a98762727efc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/160.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:570e068a725d14f352906c828f74e002489d9cdd79e53f611ad762ec31997457 +size 231372 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/161.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/161.png new file mode 100644 index 0000000000000000000000000000000000000000..f4f1a9cd6039076fd61aa483a2d9bb00af5611b7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/161.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2375c891875bbaebde9d03415069f4216bd462775aa8e3ea1644cb6129885f4 +size 233020 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/162.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/162.png new file mode 100644 index 0000000000000000000000000000000000000000..6db33fa1dc12b7900f455f5eb3ae36e58c4d42e6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/162.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:996d3de9a63e2de1e2059822f2f8128fcda43278a4e5a26834d8c999e47732f4 +size 228763 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/163.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/163.png new file mode 100644 index 0000000000000000000000000000000000000000..ac85c423d0fea8dcde786a5d36ff4f7fece58b0a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/163.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bec36a1cf65f590d6247f2a7dd213f47d0b966e6d300e8c6d2b70270fccedb0d +size 231360 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/164.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/164.png new file mode 100644 index 0000000000000000000000000000000000000000..d0982060f47acd75f77df95cf0f24e2726c4d53c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/164.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:738e03ef72aa44e0c3695da71f04373a5614b40351aa0c60972c8bb10c67eac7 +size 230222 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/165.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/165.png new file mode 100644 index 0000000000000000000000000000000000000000..b855b489015975ff75e5e4cee8d5811869b42a19 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/165.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d03e446483e796f84a493e60860e464e2a189e70f4f76359fbfbbe9b4960e268 +size 232691 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/166.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/166.png new file mode 100644 index 0000000000000000000000000000000000000000..b9c2633be0122f1342aca6f2180b6b743c60fd1e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/166.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46883a6c8e0dbc4b5934499fcc88286bf5dc4af4bce49597df3da2e8761c9350 +size 230647 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/167.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/167.png new file mode 100644 index 0000000000000000000000000000000000000000..d8bcbafccb463a96722a891efe0c8894e873322b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/167.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d83bef4c60039e69bef818f698cb14996284da88d98f81317492f2fad4458abb +size 233859 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/168.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/168.png new file mode 100644 index 0000000000000000000000000000000000000000..eda78276f87f616f35a6c59673895625c4361555 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/168.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83be90dfe425ddd0d51decf98a699ed02b03a139777a70580f5c813a1815e215 +size 231808 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/169.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/169.png new file mode 100644 index 0000000000000000000000000000000000000000..2ee241521d5eebfd01cd601cf92b480b328eb65a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/169.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1d859586523c052ea2ba2279c45ed0f942355b8e239eb8c7c45d8e58454cbf6 +size 234537 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/17.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/17.png new file mode 100644 index 0000000000000000000000000000000000000000..82dde5622b2e45ff898901dc9996084b0e6bf17a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/17.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd6109c51d59d9c120535b8ff3c34032ff468849a7a2284e72c28257bd2f7b29 +size 237097 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/170.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/170.png new file mode 100644 index 0000000000000000000000000000000000000000..af0d69b6d4b0b89dc5ab3076fc1fe663a77a8346 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/170.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e0b408c3ccd3efecc6d3f7ff9b46cc5178b328c5ff98c09f621a9b09e2dd094 +size 231357 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/171.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/171.png new file mode 100644 index 0000000000000000000000000000000000000000..b6e39146754412750deb0d10b7edb2b7f2523184 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/171.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3017fac590a8ce520bb6727f7c5c205770fd9f13d5d47d364fb398e8d55fe7e +size 234020 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/172.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/172.png new file mode 100644 index 0000000000000000000000000000000000000000..2f660bcac7e824f44eca55810ee319c8c86e06b2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/172.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157f30150bf0a996fd91c738b3ff8d08c7e7193c3e806927339de0c300f67aa0 +size 232571 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/173.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/173.png new file mode 100644 index 0000000000000000000000000000000000000000..496c5e8f3579ed535cf41f39ab73db64eb3d78ec --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/173.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:531caf4a80b60b29c332ce5c9eeadbc33030fae921a1d53f74588f563382cdfd +size 235685 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/174.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/174.png new file mode 100644 index 0000000000000000000000000000000000000000..fbc47a29d5efc6d2a3c564fb63c8a2219d8cfcc3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/174.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30045c55ae38498acd53408a2606c8fd8520535ef20dbbd40ffb27a64dce67cd +size 223887 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/175.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/175.png new file mode 100644 index 0000000000000000000000000000000000000000..0354e065c61d47ace18d545475b114969a331602 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/175.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8866ec9a65be37f54ca26502fbc16c76259565f04b2afdcf675e6bca44f7c8e1 +size 222639 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/176.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/176.png new file mode 100644 index 0000000000000000000000000000000000000000..dd6dfeb70f630eb5dae76641581d353d5654f5d0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/176.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa7717965e37d8f63c0b5a8b18726df30b909337ee235e7b9ed245b1bd1191cc +size 224358 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/177.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/177.png new file mode 100644 index 0000000000000000000000000000000000000000..667a2ce06689049a314abf8d5fa360b489258529 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/177.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26b09342c5d9adcf8752e9c026a6565377e6f2c4db385d65d60269746bb91539 +size 223446 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/178.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/178.png new file mode 100644 index 0000000000000000000000000000000000000000..4a19c84cbe28be5ff9f38e2eabf5fadb28da567e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/178.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23f7e2249c6b441ce61cec2f570cda0105d0651879e8241bbdd1a222576830ed +size 227891 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/179.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/179.png new file mode 100644 index 0000000000000000000000000000000000000000..9a2773e371c918c993492ea2c64ed9f2493e3af9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/179.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2db1f5b341b4d137a362b12cd42e068a618628127c5279ec38268163ced2b44 +size 224707 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/18.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/18.png new file mode 100644 index 0000000000000000000000000000000000000000..3de4645f7cae63192028388cd28af697c4f7da67 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/18.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:449c37009c0080a6b3fa7e811bb3ec5d2ee980f861e18711fc1e1478274ad131 +size 239770 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/180.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/180.png new file mode 100644 index 0000000000000000000000000000000000000000..16b1aaa4d609049133e5ccd945e55bfea6f43cbb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/180.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:694cd199a1eb31287ca90d7314105700faf58d78aa3acf32467b0e7104067792 +size 226026 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/181.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/181.png new file mode 100644 index 0000000000000000000000000000000000000000..1ca7215a78e0bb40997df4818472672017c6076a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/181.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5640eb8919876050819cb99403de86b53dbf0289d5ffef88ba2915f1672303ca +size 223492 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/182.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/182.png new file mode 100644 index 0000000000000000000000000000000000000000..4c9cff279ecdef23264c960e1541a4580cb1e1f2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/182.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:620173ccffeccabc0ab78c815eb144a857edc9f9fcdd2c5eccd52b9ff34f9a64 +size 226395 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/183.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/183.png new file mode 100644 index 0000000000000000000000000000000000000000..15c60c45f67eb9f13fa908388d652a0692f15e77 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/183.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90d32a1ecfe91c90503b5dec8aa8b9ff96bf3675b202f8390213349b5bab55a7 +size 224970 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/184.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/184.png new file mode 100644 index 0000000000000000000000000000000000000000..9c38eb5444a54087343581a372123c424ccef56d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/184.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb6312affc1d129ec6a3ed071ecfb11998ca8a8e4d428fe27603532fb74b619a +size 227410 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/185.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/185.png new file mode 100644 index 0000000000000000000000000000000000000000..0fff0b51ce638b86644b5c8bd657fae51285f756 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/185.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bea5b2f619a330e8814c279595f65fa01d3be6c7ae506e8871fb38828ab2515d +size 225695 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/186.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/186.png new file mode 100644 index 0000000000000000000000000000000000000000..4fc0231c47baa0f82dfd03f676b6547f1d785e83 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/186.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61fc6e7736b084c76f6d2b5d3ad51dd13a07ab5eff169ad324e6317477c9c40f +size 228521 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/187.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/187.png new file mode 100644 index 0000000000000000000000000000000000000000..030501986b597777d5e07da6d5f9c32548d647b2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/187.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9afbbec4bd2b68646d712f80108ee8b04652f447de2a81d6cb39bd82a2fd434f +size 227120 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/188.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/188.png new file mode 100644 index 0000000000000000000000000000000000000000..431837277caa9b36b325ed99a83cb028473e475a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/188.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47cea297654e16dca302277095ded5bc19c10ac9db1443fa60f433b3fe6ab71b +size 229263 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/189.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/189.png new file mode 100644 index 0000000000000000000000000000000000000000..01e3d0bfdfc4dc6a9046ef022f1e03514a7ad57f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/189.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78a50447df43bed8bf69b0b99f3b6036c5f9a05e0ecae71dfa3b11daa768d90b +size 229438 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/19.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/19.png new file mode 100644 index 0000000000000000000000000000000000000000..584dc1ccb6f3d6e495263eb15ce08f22d89fc1f7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/19.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ad9199210058305b30c5b2e99218ca082beac149ca410427d023923149d54b4 +size 237297 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/190.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/190.png new file mode 100644 index 0000000000000000000000000000000000000000..361c5ccedb2b7a227930e5afc093690aa182a7c7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/190.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97ef9e824f6f619ccf14d41d81612d734426743768d83aaff3dc00f2cd3ed000 +size 231132 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/191.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/191.png new file mode 100644 index 0000000000000000000000000000000000000000..5b61ebe6fe9901ba2368c1ee616bfb9253261118 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/191.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59070a8cb2349b9f6dfd1716c1f5d6eac48a7dc7517d4cb7abde26071fa9c016 +size 230082 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/192.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/192.png new file mode 100644 index 0000000000000000000000000000000000000000..d6818d30861b8453fa2c1aca3c9fed4c0655f15d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/192.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67b63a9f0432eeed979329de2e47e160d6a8f28741dd42084df872ccebbb5850 +size 232071 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/193.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/193.png new file mode 100644 index 0000000000000000000000000000000000000000..5260bf981a6fed38dbdeacd52e27de86de87f753 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/193.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af5b156d470f0b4344888c7a1777a863ed4e5912e464755c75cdb5feb672d8f7 +size 230786 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/194.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/194.png new file mode 100644 index 0000000000000000000000000000000000000000..e64011bf707d29e443af5a59071f00cb65b0a12d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/194.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:679816352e504c452297e228e5214a9dbee06b34bff7264e920be7bd8c7f4c93 +size 232243 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/195.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/195.png new file mode 100644 index 0000000000000000000000000000000000000000..e75357452618fbf0b647c05fa20db15d94f4c222 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/195.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1851ceae478d4e979e4eb55874c619f67dfb84bf54a78c61048b9cf8e0eb1ccb +size 231100 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/196.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/196.png new file mode 100644 index 0000000000000000000000000000000000000000..f0d8fb0f63edfe8909be09cb6103717f52e624fb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/196.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:607825698d96b3dbf43a949dbc23e566ca66026c3b0566271fe34c629663bfc0 +size 232942 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/197.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/197.png new file mode 100644 index 0000000000000000000000000000000000000000..4e07808a5704cf037404a923e02c3b800ed975e8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/197.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05c1d77fff252ad0051e1a5dcc5cc8a440e480572ca49819be13ffab92e05b3e +size 232041 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/198.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/198.png new file mode 100644 index 0000000000000000000000000000000000000000..c3a8765e9f2f099fb646d148296b2a3a6a0ca598 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/198.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f1bcb8f1c7f2223550395a5dbd65de50bceb47f562863fa292a9e442d6491a2 +size 233770 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/199.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/199.png new file mode 100644 index 0000000000000000000000000000000000000000..5268dc38ce2a13737fe8b478146444a8ab622659 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/199.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9830d35075c77f52042132a95c8415d6abafac2b9d37f18e4c8b4bec7f70b15 +size 231639 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/2.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/2.png new file mode 100644 index 0000000000000000000000000000000000000000..e308a73dc33dd4be5458c3415b593a5e7dc8b063 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ef4d2197f2324572dd3a9a5a34b56d89aa47aec1e02d231dbdd8cbb337e87cb +size 224222 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/20.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/20.png new file mode 100644 index 0000000000000000000000000000000000000000..3caeb36a9624384f8e2aab4d2d57a4866a757849 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/20.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e98980fb571a8584f7990376b439c328f6c367c2e39032618c0be58d940f9b4 +size 240521 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/200.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/200.png new file mode 100644 index 0000000000000000000000000000000000000000..d4b1c4e06d1af3f2c453370aef6aab8dc4b7b043 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/200.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b663645d30b6314164a610341ba0f9800a090a374aa0cf9c4d76191b813f0b3 +size 233590 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/201.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/201.png new file mode 100644 index 0000000000000000000000000000000000000000..367b987f8362b280ca6c9567b16742139ccb8c28 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/201.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc57335454f7c66ef0b311d6f2fd588817eb6bc35d85f5ebedb0e12f77c098f1 +size 232383 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/202.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/202.png new file mode 100644 index 0000000000000000000000000000000000000000..8c4bf2c93823c390b2aafe4c3270136ba7945376 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/202.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c772c1763b0420ab61eaf4262dce3c3d7691a3d006930beb80f669541df2fb0e +size 235241 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/203.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/203.png new file mode 100644 index 0000000000000000000000000000000000000000..bc3968a4d32b10d8b5475a2fc84340712eb1f2b0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/203.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:771041316cfdb7e089fe66e42f1828e4722881d37fd76909a72e10a0060eca6b +size 224275 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/204.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/204.png new file mode 100644 index 0000000000000000000000000000000000000000..6f5f25af640b73f30f63df62de5ea4daea9607b6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/204.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9768e2944cf1fa34b37820d3c382debea21721b22cbde49f78893b02d2a2bfba +size 225514 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/205.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/205.png new file mode 100644 index 0000000000000000000000000000000000000000..c6eb2f2d62bd1d4ea44c2d56a4003d6a7b4b2e68 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/205.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcabe1cc260d3de912cf9f0118b3a0a0131bfece60d6717324c5da373b566ed9 +size 229258 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/206.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/206.png new file mode 100644 index 0000000000000000000000000000000000000000..e408ab1d53610807e34596cd912fe29c2ecea7fe --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/206.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:433402bba2eda1d4fe9cd4db3599ee23bed32887f1317bcdcde7edae0f65f0d9 +size 227784 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/207.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/207.png new file mode 100644 index 0000000000000000000000000000000000000000..d36328a5ba56fdf6162c6c022de6cdab4346aed0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/207.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:385b184a676246bec822dc56fbf08bb619b96abbe6c16a201e3e963b46cb3843 +size 232045 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/208.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/208.png new file mode 100644 index 0000000000000000000000000000000000000000..3d6e4f4aeb67b1a7623e33d436a6b77fcef34ffa --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/208.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7dbe1bf5d3185467d97999323e83d60176ed6918b9c0ba2bc6306ad9911e215 +size 230396 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/209.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/209.png new file mode 100644 index 0000000000000000000000000000000000000000..bde883bc9837e818b68a37fc317f8455bb6972ed --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/209.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a171727e95a5619aa21d1e7e6c8e112ecabf2a53084ce38432aa7b514396b3dd +size 230114 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/21.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/21.png new file mode 100644 index 0000000000000000000000000000000000000000..13618a39399125a2560a9224a5c8e49bb6c1a43e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/21.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80ca201f8c44b745b518487c11f513e6e41d7a8fa9166dda3c14005f594f7415 +size 236358 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/210.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/210.png new file mode 100644 index 0000000000000000000000000000000000000000..e0ac8854a91b048d5db82e20c143e40ec5051495 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/210.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c54a2a589d76ccfd00083396c7757d90cf68ba776a0ad9a978f1e1ae0a09c3b7 +size 229912 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/211.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/211.png new file mode 100644 index 0000000000000000000000000000000000000000..578431d494349595ececfca5636ac79eb9d9101c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/211.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1aa281b8455cb85131669121455417e4a92ad9f1b3cb6d22565f42b43f61d9ea +size 231449 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/212.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/212.png new file mode 100644 index 0000000000000000000000000000000000000000..c1bd4c86be3a8a7e72b2c5f28d07e269f829825c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/212.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cffb063a56a9b8e97de08ac6773d88fe5fd5c50d4f52d0e0cd1afc275001885 +size 228936 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/213.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/213.png new file mode 100644 index 0000000000000000000000000000000000000000..31e3cd46dea6ff2b87465abd29c1ae14f2bd8fe6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/213.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f97c1a0ff64f5cb75cd7ea86d6aa2947b52cf25b8f808da70e3d4285f552703 +size 230061 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/214.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/214.png new file mode 100644 index 0000000000000000000000000000000000000000..fb153b6c9d74d83e3513c807789c0900f9bf5b39 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/214.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:775a2c4995f7bc0aa94deaa732da5f9509574b76c9ca94a02ffa2716f1510557 +size 228830 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/215.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/215.png new file mode 100644 index 0000000000000000000000000000000000000000..dfbdccba36fc1cff6eb498a9f1aff0fb99b914c5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/215.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb943cb2e70a1d32a60950fecefe118be6824fc0d8c57eb199141adff86e09db +size 229140 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/216.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/216.png new file mode 100644 index 0000000000000000000000000000000000000000..dd9f58e1397dad7d7c076bec0af13fb75fef93df --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/216.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c1b98496a8223b7d8019b91f7c263769835f0c6569b71f9970e63375a53b84b +size 227155 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/217.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/217.png new file mode 100644 index 0000000000000000000000000000000000000000..8082661b6fa578673cd77a03b09cf2cb58f2d9fc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/217.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:202169c77b3fb590f56f2753817c81b10addc2dee9fe9228bf20d41bb041f151 +size 227530 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/218.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/218.png new file mode 100644 index 0000000000000000000000000000000000000000..021b80c6d43ba72a185f0ba1887638d776023589 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/218.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:437bf5ad6fb459f483330fb58c0e9511bef0a109b51e6df157c285094dbde8b3 +size 225518 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/219.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/219.png new file mode 100644 index 0000000000000000000000000000000000000000..60fa51f9da029dd0170e4f44563ce03389e48c45 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/219.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:807fd4726764cd667680b64625eb4a08792a779f56066ebb2c66d12d6c8ed5f7 +size 226067 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/22.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/22.png new file mode 100644 index 0000000000000000000000000000000000000000..39d6f65e6ea50a08e2a47b95cb5303a4364543b7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/22.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12b6d055d25dc36103ed8bfbecd1b3bd85c0260c690b01287c1367dc91c7bdbf +size 239180 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/220.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/220.png new file mode 100644 index 0000000000000000000000000000000000000000..6dac4f949ddcbfc0775a41dd9fedccfef3b2f0b8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/220.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cb4b14ef05a7a107129ad8144dd27a718080ee377b453018990bc71a8ba164d +size 225296 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/221.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/221.png new file mode 100644 index 0000000000000000000000000000000000000000..0912caae1b08375c857ca9a6c73d709b55455cd2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/221.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:992b13ab1fe27f2f1486a892d8e68f2ee1273a200ef10b9d452ce7361d98fa9e +size 227335 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/222.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/222.png new file mode 100644 index 0000000000000000000000000000000000000000..a0a31f59001b373a5c2aab2fd4cda7182841ead8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/222.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8acf188a7260ebb198a7c9c81f1ff596ea7d303a94030f35f187271ad02c5d70 +size 226646 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/223.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/223.png new file mode 100644 index 0000000000000000000000000000000000000000..d2bf91d58b67167977d98d5410250b38cb8d5e93 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/223.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9bab0708561c9d0e2bcbd23609bcf8302adf14b3334b400d9716f695edebc2b +size 228295 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/224.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/224.png new file mode 100644 index 0000000000000000000000000000000000000000..4b54fda8ad2758c0d5154708e10a34d1e6d7d97a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/224.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc30ecc90ecf3549a651ac25c2bd2c379aff0efd7fd52c41e4923dd86acf6e84 +size 226357 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/225.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/225.png new file mode 100644 index 0000000000000000000000000000000000000000..45617a46cc35f0035be33e8466e41e31de3dfa07 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/225.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60732be989c60b2343a72860bb5f95acd151481acbe0d4668519aef9aa64df50 +size 228393 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/226.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/226.png new file mode 100644 index 0000000000000000000000000000000000000000..c210fd6e3a4bce5adfa65a577cc334d08900bbde --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/226.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b30ab908c0f0dad692b1a6b31a6dbedfcb0973ee35db19478d64726ef41fa91 +size 226970 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/227.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/227.png new file mode 100644 index 0000000000000000000000000000000000000000..03e5ddf666f7eaf655a0bad5373f825d31ae29c7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/227.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2ef4c45f4979bd27eb2bb242f4ab19c9e005b212b46375f8a1da7f4d8abe13d +size 228753 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/228.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/228.png new file mode 100644 index 0000000000000000000000000000000000000000..fe5f58c069226718f5f7c2dd5ecefd6e06eb55e5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/228.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5db4b880c38b24304b2c45c46d0a54f5cb98e94020506400605f496ff630f7d8 +size 225606 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/229.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/229.png new file mode 100644 index 0000000000000000000000000000000000000000..11b859296dc0a689b87edbba1791e285e6e20574 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/229.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19def8a310c70073c55f44c589b8f108832249ec47f2fafcb0ebf4bf72ac37de +size 227688 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/23.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/23.png new file mode 100644 index 0000000000000000000000000000000000000000..1313f4af5d3c670578868f01f965698a505d143d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/23.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f00d0bb863fcfd7903c0360dfa25bc97228f6e111557044e4e76670463edbfa +size 236670 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/230.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/230.png new file mode 100644 index 0000000000000000000000000000000000000000..c1adbbe2200f6ecd69ded6b7820e8b8a9a41747c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/230.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18ea75780f85682ae1565c0016be1e079ac0d90630abf17ca7cabe6610c6028a +size 226303 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/231.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/231.png new file mode 100644 index 0000000000000000000000000000000000000000..8421f12c82f763427c4652caafdc2122fc4fc790 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/231.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05e9b8d326a42df4aefc20ecf63fb8271c964c0123041b87d83ad5888502d1be +size 228810 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/232.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/232.png new file mode 100644 index 0000000000000000000000000000000000000000..ed066b78acbc701693f17283f2bf9dc8e307eadd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/232.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d86244dd09d69cec377dccaf14d81e044cdffc99c24f65ff07a073b1898af75 +size 216574 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/233.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/233.png new file mode 100644 index 0000000000000000000000000000000000000000..1f93abbc8461325ab695c51c7ca163b96436f7e5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/233.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6ba0bd6b653a9ae1f00692cf83c2f27478f32c5d9055522bcdc81b1967be8f0 +size 216156 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/234.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/234.png new file mode 100644 index 0000000000000000000000000000000000000000..66ebdfb6229f1012c63e3e42bf05dcca83155d7f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/234.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09a4f4b6284167d0164aa77706c13142ebbc712b51ea090eae4dd22f47f5219c +size 219384 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/235.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/235.png new file mode 100644 index 0000000000000000000000000000000000000000..59e9170bac089d8ba1708091bc2789d38e7b18d7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/235.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0e6edb534ae84ce2ef71bbd25f7002fa56b975d8aa206c7377f02c255705d10 +size 219108 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/236.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/236.png new file mode 100644 index 0000000000000000000000000000000000000000..98d4b6847ae342c84bc919c995fc14e12e0993c6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/236.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08f9bb3494324aaa2ecd7cad8477a74ac8cb370c9d7464580488f80f8a3041b4 +size 221324 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/237.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/237.png new file mode 100644 index 0000000000000000000000000000000000000000..47172b0b7840df0c6df721e9cb65fb493faabf96 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/237.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:232060e4258ecbd20bb62b8261b450b01f7e78db24cabb861e5a5e34997f805c +size 218360 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/238.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/238.png new file mode 100644 index 0000000000000000000000000000000000000000..10b35bf598e576c8a96c27657799211807f6f510 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/238.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7977c4896bc3090b8b0bd8c94972e897ae5910f493fd604ea5d3e9c7f3be7d6b +size 221730 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/239.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/239.png new file mode 100644 index 0000000000000000000000000000000000000000..2b348aa261c9552b5030d9a9f6a7eb348b0a5b98 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/239.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96b2a9e5584ade67ba6fc23da0ea6b480fb3ace77e6493f05da0185bca89e3e0 +size 220427 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/24.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/24.png new file mode 100644 index 0000000000000000000000000000000000000000..880ff56f87d12f0db3faf0f97bfa48f8bb5919ef --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/24.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:761d59f7ebe03bf0b4805322d286c8221415958eb617c95de16fb4e4f61073f5 +size 240478 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/240.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/240.png new file mode 100644 index 0000000000000000000000000000000000000000..db5b5a4f0d29ee57beb8d755e1733339bc2173e9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/240.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d014f138f6b9218803d4f30f1ea929c347570073ef3639f3fb95467200da1072 +size 222165 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/241.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/241.png new file mode 100644 index 0000000000000000000000000000000000000000..9c0d4a3e61b9afef0a75db42369dc3d30a6f40d2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/241.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd603f261f1e735e2cf1aaa2e97510a2fce2d8b138bbe1fd26061c7645d2071b +size 219030 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/242.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/242.png new file mode 100644 index 0000000000000000000000000000000000000000..df678f1e8455e7c47b772c3f6f54e6b6cdaf42fb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/242.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8067c0ca02f6a60929a1fd1a42d1df813c7cc994d44c4802b25779b60a24da5 +size 221275 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/243.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/243.png new file mode 100644 index 0000000000000000000000000000000000000000..08d4ea189005e24430bb569c1f7d372ddab37c08 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/243.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d87db3d2f1a8da36f4419fcc40db36c7fd80f0ff149800570e59bbce817f56d +size 220122 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/244.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/244.png new file mode 100644 index 0000000000000000000000000000000000000000..b1683b0a29d3f91a60dc31b9b06883dbc6ec1a3f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/244.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0c748ef4be3dfd01c89ab613793096144f38515c6ea304a331b7a941f552777 +size 223567 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/245.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/245.png new file mode 100644 index 0000000000000000000000000000000000000000..daf149f10c9acf7e1d2b24fc257330106b1f854d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/245.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39e44f7b426e7874fec4899d551ad5901f8b3a18475e04b495513914fddf27e7 +size 221705 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/246.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/246.png new file mode 100644 index 0000000000000000000000000000000000000000..a4a2079b1fd205d032c42b1a64c31431fd0a34a8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/246.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3d0d65d40897d2b6cc0dbfccc33509d75af76ee5a251547c1fff75fffc955f1 +size 223336 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/247.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/247.png new file mode 100644 index 0000000000000000000000000000000000000000..70ba6d7c1c71ededd280c19fbd8136b45bfd711f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/247.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e697534b2ff560e670be99583f01b5c149dceab8e7bafd16266e47ab5b17353 +size 222307 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/248.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/248.png new file mode 100644 index 0000000000000000000000000000000000000000..6421f7c9c42a2a4613c1484266f31597122c27ab --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/248.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c70fe1f2aba19cbf0519bdf1f4bec96481a8cec89d790294196dca9fe66a4d1 +size 224687 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/249.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/249.png new file mode 100644 index 0000000000000000000000000000000000000000..c7cd577d8f748ca2538353e1305b97b2eb80d71f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/249.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cca31b910df03b71dff535e10a3008dcb576a4ec5c14973aef7cd22c6b2519a +size 222845 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/25.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/25.png new file mode 100644 index 0000000000000000000000000000000000000000..2bcb76e3a3c5ac81d4b9ce63a0d5a4fa0f2786ca --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/25.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb2fb6cbbd36c15fb9b6dbd321f7e00a7b33ae8bf779c900fd03c60b7c65386a +size 238844 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/250.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/250.png new file mode 100644 index 0000000000000000000000000000000000000000..b9243f7a3ecff6f3f251544349130492da2da3ea --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/250.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a32e5fb8aabeddc8067430046b0ce0041b4c580570906d89666541fd7da87729 +size 224506 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/251.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/251.png new file mode 100644 index 0000000000000000000000000000000000000000..2ae3852e9825492a4b7cab83432439b93a77d8f0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/251.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:956f3656bdf0ce589d5463259ad5050abd49ec33efbd3954ec1d6d35c5f5df2a +size 223684 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/252.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/252.png new file mode 100644 index 0000000000000000000000000000000000000000..c431cb0bc47b42aad6e8a11d739c14ddb7c18021 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/252.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8909ac3b577f265596e99c11ed0f2295b476bc453c5bad184723f3554575e5a9 +size 225506 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/253.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/253.png new file mode 100644 index 0000000000000000000000000000000000000000..f87bc5a875506ba9bc1b1822467643710adf8c7c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/253.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7692dda62c72dc3676206201f5c8f921494453eb779c7adcba86eab666f5b5af +size 223539 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/254.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/254.png new file mode 100644 index 0000000000000000000000000000000000000000..344be28fdb957d22fe5bac1a0881633505162c5b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/254.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:985c8d91a2eb8f0d2e0618067cb3c7540e51e94c60254c246aa5b723a3cfc751 +size 224525 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/255.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/255.png new file mode 100644 index 0000000000000000000000000000000000000000..0b0ce3c54e61e903f07dfc52a919df445aaf7e21 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/255.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a76c5f85faa9b311d61289723be67fa1f73395cd26af6baa6a10b23a4c5b4ce8 +size 222554 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/256.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/256.png new file mode 100644 index 0000000000000000000000000000000000000000..7af3eb5e12bee5473f43582776ef2f33f030e08f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/256.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f389aa15acf91bff49e0331e10349cf429516d63e2195aeacfd7f325ac66492 +size 225718 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/257.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/257.png new file mode 100644 index 0000000000000000000000000000000000000000..b6402e05967c16a2ccfaaa01700da173ba2e780f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/257.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e4ea82168788d7a3d65bf876f8942482679e7d9edba1ec56a9c3e5dfcec7948 +size 223820 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/258.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/258.png new file mode 100644 index 0000000000000000000000000000000000000000..ed970ad1fbcd52f3a981c526214e382c2f8a89c0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/258.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70e77bf96bba38bc4892fcfd8723436ac31520037fb6d45486097cef543a0cd2 +size 225654 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/259.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/259.png new file mode 100644 index 0000000000000000000000000000000000000000..66a1cf9815c90322cd4f943da60c0486acd49ae3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/259.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:287b9871c09ac08e647a2b2a87c5d192dbbab32688555e7022e998c39d72bd8c +size 223852 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/26.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/26.png new file mode 100644 index 0000000000000000000000000000000000000000..d4cb7fe70fa5fc17bf913c556e8104d5a1b335df --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/26.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1776d1296d44430bf36554399b407895b72a350b480c0fbe2c480fbba9f1a458 +size 241508 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/260.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/260.png new file mode 100644 index 0000000000000000000000000000000000000000..92f4feb6ad1ef713ced4a79cbccbfa0c89026983 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/260.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfd3dd0a383097c66f2b9f9c9d921dbdc47f14f0f4f3d33f119053ca17c0b03a +size 226836 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/261.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/261.png new file mode 100644 index 0000000000000000000000000000000000000000..d42ed5ddff752c657cd7af3bead1ec5d96d40c40 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/261.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d218a6dec51a86b053283f332e5cd208d88099f109cf1c2759dd5cfaa0f1ce2 +size 215908 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/262.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/262.png new file mode 100644 index 0000000000000000000000000000000000000000..643d0571f474d108af23fb16f5f4d06d3bc40da0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/262.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af508d96077744f4cd61837c14607d81fdcedbd5b0d6888f13885d213d1e4d08 +size 216678 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/263.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/263.png new file mode 100644 index 0000000000000000000000000000000000000000..8f910c7014fad88d3434ff7565e7fd774b548abc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/263.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fa6d9d8d9f56f05d6f798c5d27adec2e2f6a3b041cbcb6452d6908e1eb89c30 +size 217450 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/264.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/264.png new file mode 100644 index 0000000000000000000000000000000000000000..65cc8691f97d893613cef60bde9c39a794682f1a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/264.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9dd21333d2c888896a3a1d11ca79c8413d82b8b5c7d391607a1c6cf699ad2776 +size 217510 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/265.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/265.png new file mode 100644 index 0000000000000000000000000000000000000000..99ef9640c97cf91569a1fa9421d04843a9841247 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/265.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cbaea1f6dc683d318db984af8f657b5d0784b65844f70f6e50818215018775a +size 219434 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/266.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/266.png new file mode 100644 index 0000000000000000000000000000000000000000..5a988f1b98a7d99cbe8156648be1759652aac8c0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/266.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a887b245f4febeb370bd0946e18d2220f3baa891588c4a153b9ed7f50b4445d0 +size 219452 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/267.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/267.png new file mode 100644 index 0000000000000000000000000000000000000000..7571203ebe663494f8c19d2a4b326a8c243851bf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/267.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d4d87dd3ea00ef7f37fe7131a828f0ad6d2b03364698c272dc297a90dc2fdb7 +size 220001 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/268.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/268.png new file mode 100644 index 0000000000000000000000000000000000000000..ee92e5ad7ccce61c7ddbcec6bc52a724a22069b5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/268.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49295726e704e3cac88e14660a3f9410020fe623245677fea32a0f62bcb39e8c +size 219365 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/269.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/269.png new file mode 100644 index 0000000000000000000000000000000000000000..a33abfff5fe40b10ae06782a177b2dcaab3f399c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/269.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:496916394656c129431a554305c2dd002452fb67e1d4c283621cd9ed6f27f11b +size 220338 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/27.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/27.png new file mode 100644 index 0000000000000000000000000000000000000000..5ee5ca877526c01355f7606c6fd40796d482df81 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/27.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31030be1662cec6e23f8cd8820c5abc88e651f73b0209c2848d3c1e0e1bbad5b +size 239971 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/270.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/270.png new file mode 100644 index 0000000000000000000000000000000000000000..c2f26859bb6d8ef1a1d9fdc13272d6442c1f2c6e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/270.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e65bc22f841f28b2823052faad86f1b70741f54e395415f527129c38710ed548 +size 219378 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/271.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/271.png new file mode 100644 index 0000000000000000000000000000000000000000..c782d80478f7b538efc59ec6eb5695b31c4e5e98 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/271.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c46b29ec1fdcd891e2000d8c0ae5fa9c06eeb6be4f6316332e3e40cb2dbc710b +size 221700 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/272.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/272.png new file mode 100644 index 0000000000000000000000000000000000000000..d936deb6439f0fcb4a343fd618dfc2361af147da --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/272.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbb41fd1b04e8fe5cc2f92e4dde65d7701cf11bcfd3442bd67224c40de419db1 +size 220199 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/273.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/273.png new file mode 100644 index 0000000000000000000000000000000000000000..0b64448cc7730b5f1aa81bf873019b8e632f9d0c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/273.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b40b810d1236560c42ec1c80e8a3e2bd5e9c84a5c0d8e079b8c0b05bad9edcc7 +size 222177 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/274.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/274.png new file mode 100644 index 0000000000000000000000000000000000000000..e28a5780055ef2f1e3c7b80186292d20b7fca00c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/274.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08cacc0364b60742f499ae0af474430b8f095cc71bd9f16c073e4e97492866a7 +size 220398 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/275.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/275.png new file mode 100644 index 0000000000000000000000000000000000000000..5ad38aff90dcf8477bc204daca45789ed601df1b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/275.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db7bdcee795136b01d493afbebcedcd7a2c5b155258adb81fd9642d4a46c3bc3 +size 222349 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/276.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/276.png new file mode 100644 index 0000000000000000000000000000000000000000..a915dfba967c7d6bcb49a0907fc18f9c3c231219 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/276.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba335191d7c0c77e6f80d94629e65fc4d9391c9efd32381bd92fc7143005f525 +size 221497 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/277.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/277.png new file mode 100644 index 0000000000000000000000000000000000000000..a9579cb39db2beadd63eae1f1785b2eb22bc0e7c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/277.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8a8332d2abd06d1a0c5a2d364035149ce75a31023a955b084e77363de5cc538 +size 225033 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/278.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/278.png new file mode 100644 index 0000000000000000000000000000000000000000..84cd2671ab8f5b7181498e34d384baf5795d7298 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/278.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bfa9238b1ccea31e82832d519f590e7cc0e5a1a556c5b5724f0f3d00029db03 +size 224416 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/279.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/279.png new file mode 100644 index 0000000000000000000000000000000000000000..a4bee3974301cd9dec7cb7f4d35712345e7daa8b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/279.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce69b34c10ad43b831486c706d843c8e3da2bec8eb447e3fe598928ab9db6505 +size 227433 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/28.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/28.png new file mode 100644 index 0000000000000000000000000000000000000000..b916e436f3ec765b997a3ac24731844b9303b2b2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/28.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecd7b747d888c3271492fabbfb6f33cac17d185437e361fa6ba1d3897febe15e +size 242351 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/280.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/280.png new file mode 100644 index 0000000000000000000000000000000000000000..4bf4c177fe672ec2dfb80e2de97caec1da8db533 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/280.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e88dcb060b77e8deb5adcade2001adfebb515d5bf0bc916eed71daa90a048ba +size 226331 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/281.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/281.png new file mode 100644 index 0000000000000000000000000000000000000000..a89c293da7bfec79eac1120fd6f4ec8e8667f7b6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/281.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f61df9717af16d50da1d2cb445429f33fa7568c9ec7fe106806b94455bf0bcf2 +size 229370 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/282.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/282.png new file mode 100644 index 0000000000000000000000000000000000000000..2c521d0d5c10f15f11bd3d37d03c30edeeafc108 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/282.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9c00e0ca5f6a3a821d354470970c0eccf4aff77900ebd18a8967f1e5145d5f8 +size 227420 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/283.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/283.png new file mode 100644 index 0000000000000000000000000000000000000000..7374de858e4d9af0289b0acf6dd8a16ca7dd42a1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/283.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a03dc093bb95f047db0f5c91c8f769f503dbf9d4161b2ade92cc517793cc74fb +size 228599 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/284.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/284.png new file mode 100644 index 0000000000000000000000000000000000000000..81de33d22ec8b3a0ff9d57f12ca5d94e241329fc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/284.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a24c1be281c76fdb37fa75d43bb606dac32e63d829f178738d9f3a683013e411 +size 228257 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/285.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/285.png new file mode 100644 index 0000000000000000000000000000000000000000..96f37da2e9987b57831b9111f4d9c003c29e9038 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/285.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddc3fd867954fb074e6227e45c878ba471fc48b7791c1a83b14ef2768586c629 +size 230843 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/286.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/286.png new file mode 100644 index 0000000000000000000000000000000000000000..7f542f750676c8f3d781c585f402479750e1a354 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/286.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d506651ef46f9cfe3299a1bd2c4f4e97753aee7f2d86b681dad74834c1e27130 +size 229519 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/287.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/287.png new file mode 100644 index 0000000000000000000000000000000000000000..44aeb6786758f2ed7cbb0e72803c211a64411274 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/287.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a21d78fe401c789983b077c7beb476c996565255b2c300aa4a7d67b22c994af2 +size 231416 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/288.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/288.png new file mode 100644 index 0000000000000000000000000000000000000000..653e2b4310f564aaf07610c0150c6d3e4f675615 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/288.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5c24e8f422883dbbbb7e8f2354d99c20d95483615e7682e15ad03e0e9bfa3fa +size 230323 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/289.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/289.png new file mode 100644 index 0000000000000000000000000000000000000000..9adcc39a2ad1ef3758e44b20280aa222671db11f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/289.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86899434857e0522444e9b1a99350a5fe8b0b42d0b1484302dd1f2e19cb34338 +size 230904 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/29.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/29.png new file mode 100644 index 0000000000000000000000000000000000000000..06847e38f19c23222ea5b16946bec3bd75f76552 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/29.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ecb61f487f96fc0435838a2671d8614e910a6366682055a70a9a36f97f44576 +size 228643 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/290.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/290.png new file mode 100644 index 0000000000000000000000000000000000000000..fa1dc2a8183a47675f5fcbe92f684ba133f3bb56 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/290.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0ff29678a837998f974c2d2fd9e6571add389cebe92cc0e9f0baa3a968e87b5 +size 222738 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/291.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/291.png new file mode 100644 index 0000000000000000000000000000000000000000..b94ab81140fea6f7218389274e5803f6200567d7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/291.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3155ef53b735b8a850c2575f04164c58a441022111b002b6319428daa3c408b +size 221714 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/292.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/292.png new file mode 100644 index 0000000000000000000000000000000000000000..2c9818e6de0a5b6d6016723db7e4428dafbb5e4b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/292.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25744f56c7f1170d3cd926c3d16ad838270c68a1f02116f6330eff2aa0849571 +size 223081 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/293.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/293.png new file mode 100644 index 0000000000000000000000000000000000000000..744eb24ff506ac343b1e165218a06bbba8d381a4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/293.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e831430c09625dbef8497f37eb99a1e10da3e1d1679fb1912630d9e1e0f82dee +size 222144 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/294.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/294.png new file mode 100644 index 0000000000000000000000000000000000000000..11960464d376a1feb3bbffd5c3dd301c053e86cb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/294.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:611d268376cd4277ca1d8e3550b89f91d542622f20d64bf06e86d49367e9b9a9 +size 224292 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/295.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/295.png new file mode 100644 index 0000000000000000000000000000000000000000..74fa0cfcf5c6bc78de317bd7d9853f56e8a66249 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/295.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5bb0e0b706e2df2e289e39b4f74e93e75116f641cdfe141cffb7e806eb1cbc7 +size 221350 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/296.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/296.png new file mode 100644 index 0000000000000000000000000000000000000000..baddfdf87063dd5392e400db8cfcb333cdf4b108 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/296.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef82311fdda638e10d4aaef4ce04e6b6606bc5c20e80bb138784c74b015334fa +size 221602 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/297.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/297.png new file mode 100644 index 0000000000000000000000000000000000000000..0c390dfe3cecb0fe4288c91bf7054d13aadf47a4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/297.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:026e4d3d3589c86519acf8e86ffc6e503ed42a5a32964e8d0fe95c5eff1d3d2b +size 219414 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/298.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/298.png new file mode 100644 index 0000000000000000000000000000000000000000..d4548478b5242a33d53622ac50881c822acf49eb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/298.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ea9f69fc7869dc7e066cc1a3e4d29f717f87ce4dba148bb891a532b3475bdad +size 221271 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/299.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/299.png new file mode 100644 index 0000000000000000000000000000000000000000..baee2b0618ff3724af0a4f9d3157e2ca44387fd3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/299.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b5b9e9a91e6e3c6fb97368be07d4b4e854b1b44422cc14ceae02c87269c1b55 +size 219893 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/3.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/3.png new file mode 100644 index 0000000000000000000000000000000000000000..ebed8ac02b0049fd3d0d3892d5928b37b6edc8a9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb939cafa7e6e80d13ea3feda76d09570c0fafda1842925f039bda8b98ab29a3 +size 222493 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/30.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/30.png new file mode 100644 index 0000000000000000000000000000000000000000..55e08824b3d99f43b4d8f3d4ffbe6abeddb59bf1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/30.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d3cd9d1b40d31379b1594ac556f0aa378d19a7bd20db39f5cc038ad40161f22 +size 227954 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/300.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/300.png new file mode 100644 index 0000000000000000000000000000000000000000..3f5d582b2be3b8a69374ca32a4df5fa55e74651a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/300.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0dff90c4c3e3c24789b8864b03a8de701a495f6fee7bc12025c259c96250f7dd +size 222494 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/301.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/301.png new file mode 100644 index 0000000000000000000000000000000000000000..f455add2a2afbad95b677ad3e2654a4e31f63145 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/301.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e35e755cda6295d636786543ed089dd51d727bb44918f6e333e8b9ab474c9bcb +size 220230 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/302.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/302.png new file mode 100644 index 0000000000000000000000000000000000000000..3bc704327ab59e25eaf6dca9882df4730d5935fa --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/302.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84dc77203b4930e7600c2dea67f98c4f8db58ed97fc4b505e236fb594cfb7a50 +size 222557 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/303.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/303.png new file mode 100644 index 0000000000000000000000000000000000000000..b15cf5a54357f0421f4262bb423a544422c25a8e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/303.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4952bb177ea61eceeede040b54ee2d69ac3b778bb92e863bdeaa5d9f52e40db8 +size 222759 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/304.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/304.png new file mode 100644 index 0000000000000000000000000000000000000000..d08408ffd07941b5db2f999f1cd6c92854badc3e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/304.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a39e4a7376122fecc5f7491221c9adb8d0b5f80f654610a4ce614f3d3df05c7 +size 225094 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/305.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/305.png new file mode 100644 index 0000000000000000000000000000000000000000..07006371f541aae565d3b5d1e90f1e7299d71670 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/305.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd570642f2601ff0ec897bc386b24a35a959ac5a00e946761c9f6a0c4772c9b8 +size 223557 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/306.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/306.png new file mode 100644 index 0000000000000000000000000000000000000000..c4198c43f66f9bad6f8fd12941f7390368afe0d0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/306.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf3c12ce47ba7066fbaae77e8f29404df2f2fee0aef1cd03411ab44a0c48b3dc +size 225838 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/307.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/307.png new file mode 100644 index 0000000000000000000000000000000000000000..a54e8546a2ec50a7e98d42f3a428a036e5b556cb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/307.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:301c691f014e238a12be9711b8ef0bb31d21da553454759eb17d119bbd97dc85 +size 224143 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/308.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/308.png new file mode 100644 index 0000000000000000000000000000000000000000..4448e3071d94f4fbea47eaafb08b5f4b9be050fb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/308.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a298fe69f862f243c6d33e067e65a5ccf45854ec8db8a746cc56eb2a861e245 +size 226322 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/309.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/309.png new file mode 100644 index 0000000000000000000000000000000000000000..2f0b0f5acaff7d4477b77c7ede4e7ee28ebf7325 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/309.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07fef25ce7268181079811aa3397b5c0eb42b7d84b6aa311f84ffa8c78f7d464 +size 224811 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/31.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/31.png new file mode 100644 index 0000000000000000000000000000000000000000..d400f43d5c2431243a17eaf7750a05f078cb728b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/31.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9ea20709cd8b59b1ae123ffc99f1b348425a1660648a272bdde52aac7fe1518 +size 229673 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/310.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/310.png new file mode 100644 index 0000000000000000000000000000000000000000..3a712af54ab21217ce9a0516f872a8b998b19ebf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/310.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:770114a9ee06c726ec82f4dfb6b557c57ce88b240704d3cd445b92416ac0f89d +size 226865 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/311.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/311.png new file mode 100644 index 0000000000000000000000000000000000000000..a7c7061e2230f895413cb0e6469b78d856291881 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/311.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a118b39ebb5bc77989eb04cf7409b97c6f8d6de8d7aeb967c763eabdb4e754af +size 224434 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/312.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/312.png new file mode 100644 index 0000000000000000000000000000000000000000..6b7ec0b32f6d0a88159aa82da6d6fd90376ab830 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/312.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d4ccad10da1e676f542b9dff9f10ee83fd8c7715ecc41078cb2ad76c016e42d +size 228074 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/313.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/313.png new file mode 100644 index 0000000000000000000000000000000000000000..d75710b34d5cd9b4344326f15f1864bd68e5d5bd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/313.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b8c5213974c6fea3dd0d50c91bb00b72b62d9d849ba7f09a8bdf4fcc856b20f +size 228516 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/32.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/32.png new file mode 100644 index 0000000000000000000000000000000000000000..303f51df5c744577632e3c64402ef3750cc4c150 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/32.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:707b7b2907b8dc95da5404a4bd542203fde25b966d6a3e8746eb37718cddf306 +size 229379 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/33.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/33.png new file mode 100644 index 0000000000000000000000000000000000000000..6a00213593e2976f4e4847f9852ce530a4f4bf0b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/33.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a00e6f248265155dd95e0fd00fb9afa5c6505c1a67fc239ed0b9fec876142c3d +size 231153 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/34.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/34.png new file mode 100644 index 0000000000000000000000000000000000000000..9739e38dc2458357dc5e6ac8b52b82c80611e1ec --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/34.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1c39ef78bd4c1feb48fe5e8973bd676952a1341c20cb81221e177463620d4ed +size 229237 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/35.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/35.png new file mode 100644 index 0000000000000000000000000000000000000000..bc841526466ac0cf86c1fc2047ef7c5bed392c43 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/35.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:182277ed7f7c72e8ea2cd57aa52949ae0c6b5bd92244ab0ea6d8f2e0e6727381 +size 230374 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/36.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/36.png new file mode 100644 index 0000000000000000000000000000000000000000..e5e8418c32650683f0d8263ef8db5331a6b92760 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/36.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d6b89d54422c55d86e69b41dfe1bd2dc31095a73c5ba10dc666de58767885a8 +size 229672 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/37.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/37.png new file mode 100644 index 0000000000000000000000000000000000000000..f1bbceb51d1a3d0e46cad2efa6e39930f28d177c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/37.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b57efbb7d751e6e61f516fbec45d45f325b18b5bf3fce8abdbd2a345a1c1328 +size 231173 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/38.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/38.png new file mode 100644 index 0000000000000000000000000000000000000000..5bb2c991e22bc6d9d78bde0466f6deb580f84141 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/38.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b4f2ae3130042a84c934da20ee4ca95cdbc0acc93d9e8316996dcf347417901 +size 229538 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/39.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/39.png new file mode 100644 index 0000000000000000000000000000000000000000..7ab594274873c79a52a50a0b7aada36a9bbf57c5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/39.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:868ce3eb19502eb84a72550bef0aba79bcb2e6e607b9962cadbf38625446eedc +size 231651 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/4.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/4.png new file mode 100644 index 0000000000000000000000000000000000000000..ef1e0993369f349202cc6c12320c6d9ac0309d5a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0da71dc5e90e85aa95dde18837c318b5bc63bfd52bd30d49da65cb4d6355d88 +size 220852 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/40.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/40.png new file mode 100644 index 0000000000000000000000000000000000000000..389bafaf8a65063f9a3e2217695430f1ebbb7a80 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/40.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9754f75f64ae3a95ae846a313eaf0aaae1c1ee817bd274dc66e703e78e986f41 +size 230221 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/41.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/41.png new file mode 100644 index 0000000000000000000000000000000000000000..08ccd403e31965b0b3564e364e432c4cfc396f92 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/41.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd2f4f633e4bfa14fbcaf0c6d7026341c23be09e80f9a157d31c150b9bcf2c73 +size 232984 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/42.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/42.png new file mode 100644 index 0000000000000000000000000000000000000000..874d5639f458c1d528a2bc8939fd7f0327c59717 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/42.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bb700aa2f7bec9c1fd13e1979e4cb0359922f7effc063ece4e4366a30b262e1 +size 231019 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/43.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/43.png new file mode 100644 index 0000000000000000000000000000000000000000..6fa41ae719c6888f3669d4b297ac6f9614f240a3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/43.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d5f4acf0e3c4c97ee8845c4f65d8f78cbc4b6250dcbbb5d78fe58cd2eacc77a +size 234127 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/44.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/44.png new file mode 100644 index 0000000000000000000000000000000000000000..a3364a00d373cc7d4a7d513e28032ddc654e1565 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/44.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3c5eb1ee4627e40e1e03d3b3bcab82f829951158ef9b9c939a381d3c77f8de0 +size 231558 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/45.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/45.png new file mode 100644 index 0000000000000000000000000000000000000000..552dc600777b6b72506340ff4f33da2f1015b974 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/45.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc8fe714df4ffab904e76cc86b2f0ba83dd56e17efdad5b711444c20eb2317e0 +size 233675 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/46.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/46.png new file mode 100644 index 0000000000000000000000000000000000000000..ecd3cbfa11026c1ba9cdccffb778937a39f051a7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/46.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35d9538f1e8ced68c2d03aa3bc9dcf7f83a6f8438927daa21a638dbe9dfba60b +size 231506 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/47.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/47.png new file mode 100644 index 0000000000000000000000000000000000000000..214cc013d8a9714cbf08d892c241185a30b53020 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/47.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a71b9cfc5255bb724441c77a7f500a63db88221bff770a94007239543d468927 +size 233787 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/48.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/48.png new file mode 100644 index 0000000000000000000000000000000000000000..767d9acaca1e412bfed735b5f1b01c75c523a424 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/48.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:294130f057b35b9172618a4d5c8fa2d6611cab708808a3d2547c7ac1bf3fc09b +size 231754 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/49.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/49.png new file mode 100644 index 0000000000000000000000000000000000000000..4e99552e326b7371bdecb714962d51c30fd5e412 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/49.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5687f7ea698e7c3d39d1e28b2f55f14400b6067ade3565f92e353515cd23e140 +size 234688 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/5.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/5.png new file mode 100644 index 0000000000000000000000000000000000000000..b0b50f83e0e243ddd43ee858192c8cbe5812bcb9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3a9e0a8d2215d4d13b2f1f395ab098b2e708182fd8f4a0218e6a7fceb11013a +size 222442 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/50.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/50.png new file mode 100644 index 0000000000000000000000000000000000000000..6b088624040727ec7f8e51248de030c0d07b83c0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/50.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e61a8aa49567864589561a5688a0961b7f80817b5a782f1daa09a0ed9060680e +size 232100 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/51.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/51.png new file mode 100644 index 0000000000000000000000000000000000000000..952bc555d01ba4a2b9c805965299cd83ffd6162d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/51.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5120b783f492a2e7d4c588ac2a4e9783eb9c359b81fd2428671eff8026ca29d9 +size 235183 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/52.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/52.png new file mode 100644 index 0000000000000000000000000000000000000000..bccff2186b4de9273991689904ebc177f187ab4f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/52.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f572aea5975185fd143da8dcb3870e19eee593865e0a54a864c8c6347890fcab +size 233389 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/53.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/53.png new file mode 100644 index 0000000000000000000000000000000000000000..57c4927ab0186ce3072dd3c28ab842209a896df7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/53.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c995b564282a7f7e7e6a8e70c7cdce030b6dd8c012953966bcc8d93c1890078a +size 235908 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/54.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/54.png new file mode 100644 index 0000000000000000000000000000000000000000..8704c80b8d5d6d87e5e9cbd4df7d13245f91072d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/54.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:beb66f482ca6444bb48e426ff897313335d0de0c7cfcfe5ad0a968bd919585c0 +size 233935 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/55.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/55.png new file mode 100644 index 0000000000000000000000000000000000000000..f92cb0d8f3b77e758f0cfcdf21db51463ed86777 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/55.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fa8794366da530b9583d9f357e70ad0b8215f003b4ee928967540517f8b61a5 +size 236257 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/56.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/56.png new file mode 100644 index 0000000000000000000000000000000000000000..c205aba6f34aad34508e0dd9737cec28f1435efd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/56.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbe7503ad902eee123725d8b53378a69e6fa6817829fcfe86722a99356d34be6 +size 233963 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/57.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/57.png new file mode 100644 index 0000000000000000000000000000000000000000..66794e0613f527de2e3de9b4be5bf4e9507c58ff --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/57.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbeed0fee4a6e1435591b239d6e1c91072f42fe573e81728e33da4432458deff +size 237336 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/58.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/58.png new file mode 100644 index 0000000000000000000000000000000000000000..80467401ee36949a4bf79d4e10cfa705474d92cc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/58.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d27b1cf33f88bb582451e9de1ce835ac07079ccc4ff13290a7ef6e739c3c59bc +size 227102 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/59.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/59.png new file mode 100644 index 0000000000000000000000000000000000000000..c208d9155c878c4aeab4348c45929ccfd827d7b9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/59.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cad578921e0d5aa854a20ef9d3ec0d1e3a6f8df60dec429e57f85fef8cae26a3 +size 227181 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/6.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/6.png new file mode 100644 index 0000000000000000000000000000000000000000..46ea20059a0aa25dfd24cf2758320ce362d3e5aa --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/6.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd1ec1077afbc418ffb48f857ad520740e0f52a5f31c5e7bf64fda2074b5016a +size 224231 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/60.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/60.png new file mode 100644 index 0000000000000000000000000000000000000000..0e086ed775ef1f2bce276a54682b009d8164108a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/60.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84595dfefc8709ad10d42e49fffb1df7781803a856e97d4e8bf2275318b42703 +size 229735 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/61.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/61.png new file mode 100644 index 0000000000000000000000000000000000000000..77b3751ed5f40e71b4f3572b49157dbc3ca4a3d3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/61.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1c514609dbb744f4ea206a75965330d4f0764107be2dd782ff7b4728ef567a1 +size 229588 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/62.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/62.png new file mode 100644 index 0000000000000000000000000000000000000000..9ba35763f900c3269b5e68ccf6c28651efc56915 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/62.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64710c144827649fedb6d3f232267a438b33714461840ea7ef7eba44b5cc9b67 +size 232755 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/63.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/63.png new file mode 100644 index 0000000000000000000000000000000000000000..9f7f35592da2ef30c680e82840e1fb77a7af2f46 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/63.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6a94a812aea8535a3f17ec13e0b4e42c435babb4101e211f844a85610e8d985 +size 229261 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/64.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/64.png new file mode 100644 index 0000000000000000000000000000000000000000..2fc57d83980a9171639e4eaeb2ffdeb8ed838145 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/64.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df89dbed1c31b296bb953c0496169ba65ce345ee3163ab255f1886239a62c7dd +size 232069 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/65.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/65.png new file mode 100644 index 0000000000000000000000000000000000000000..64c8d693ffc6fd8663c3c68827b05b6a34768326 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/65.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:225dc72b02be1d7957cb5b07014cec50ad8d36841852a2b5eefccdf75517be21 +size 231610 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/66.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/66.png new file mode 100644 index 0000000000000000000000000000000000000000..3201df213f762718f345b362362b7126e9fe7b5b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/66.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51fd3c9cffe1b56dbc01c9fe53c1f0855f003d55bee318ce8d4c0f24a83dd7c8 +size 232781 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/67.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/67.png new file mode 100644 index 0000000000000000000000000000000000000000..1667ed7708e9290d23516119208179008f27dd8c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/67.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c4a007704547d33369512300a16375548b962bd8eddb9e115e0d2973aee1def +size 231902 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/68.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/68.png new file mode 100644 index 0000000000000000000000000000000000000000..7e255168e41e0b3194ee30a9eee330cdc303775b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/68.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1acb611005d82b517b8aa56b6cae331cf2c3cc5340f4c35cfb7c4e5b871d4254 +size 233853 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/69.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/69.png new file mode 100644 index 0000000000000000000000000000000000000000..94ffe2fd4b886776d301f56e4a21be3320611086 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/69.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d3f661e9b82abd3398663b81a0d322649a62577a2e6184109396be353d15479 +size 233185 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/7.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/7.png new file mode 100644 index 0000000000000000000000000000000000000000..6c0411827ca4cfdf9e01d6ef6244a4c8476c27bc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/7.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3307a341a60a6e75b274df2d348135434e0c40496ecafc7cd12c6f9772e6aa94 +size 225453 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/70.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/70.png new file mode 100644 index 0000000000000000000000000000000000000000..0f9f8a138a54abcc1c9c535ac82944bc94408f29 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/70.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d449ec9beba58f8d6a258a71de14e8b463079a95e26560bf6e0317374933972 +size 234833 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/71.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/71.png new file mode 100644 index 0000000000000000000000000000000000000000..6b9144c32a343f1ebc44eee4acb206b303129e67 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/71.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa91febe032775c5dc0193e80fb1463e26f9ba0834843c73c41e51586ff951c3 +size 232747 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/72.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/72.png new file mode 100644 index 0000000000000000000000000000000000000000..0e2517485426ceb55656b871ee84adf29ca82afe --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/72.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e452ba9db40e2c44828b4d651507d1d9a0aebf7c186293eea6d996feb19f938b +size 235465 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/73.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/73.png new file mode 100644 index 0000000000000000000000000000000000000000..fe0e4d68b0b4d23e8419e600170999b98333e014 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/73.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7806b5e288e2ec0da17e6efdcada923cc1e5df53364b57d52ec68a6b81da7dda +size 234875 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/74.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/74.png new file mode 100644 index 0000000000000000000000000000000000000000..c505307d09714f0ec9ee25cc08405248734f5d60 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/74.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:afbac4dd61e9fabb71de22c0593347d609f1423a6aa8aa45fc6fe26dba6874c0 +size 237266 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/75.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/75.png new file mode 100644 index 0000000000000000000000000000000000000000..b7c96d292dfe2ff3031a07b61bb58196205f65ac --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/75.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6714b078d7a83821e08c0be231aa81c3f8999a747aa2b4c0ef6de5f26fecf8c +size 234874 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/76.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/76.png new file mode 100644 index 0000000000000000000000000000000000000000..f48d31a0906d5b6adcc42e27389f64b56b1a9014 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/76.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf5be3482cf05815b8a69f75573d7b864894f2bb7edd58f37958dcd69306971 +size 237386 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/77.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/77.png new file mode 100644 index 0000000000000000000000000000000000000000..319ff11df7ae925ba2fa6b8ec61f132e20420148 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/77.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96d3b008154fe2ca442ffd61e392ec2667475469183cf1937ee187a004cf6fca +size 236497 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/78.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/78.png new file mode 100644 index 0000000000000000000000000000000000000000..a97fdaf5c8a6f118570f35dae3ca8b637bae632d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/78.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5f985f2fb4c33ef476b30120bbf58fbb698d091199934670302608020724071 +size 238394 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/79.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/79.png new file mode 100644 index 0000000000000000000000000000000000000000..57cdc060f3a515a9d54dd74e0fd78c5d337d90db --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/79.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e29b6ef8055c33d2f952452d9a9e5deccfa0a76a04a615f436c5744c0fdcf13c +size 237515 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/8.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/8.png new file mode 100644 index 0000000000000000000000000000000000000000..fdeb630ce5ad5fc66bcf3a3040c29fa3ff7bcf8a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/8.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fe48631c5897103b2ad954bbb68a7df9d986d86fe5fb967b99e276248194719 +size 227883 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/80.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/80.png new file mode 100644 index 0000000000000000000000000000000000000000..4592256df5f71f39e7416278e47d460791dec559 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/80.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fe6977515e8d5c5b0db941c4ba60edbbf7e3c1c13cd13afa34df6f6418a4859 +size 239295 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/81.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/81.png new file mode 100644 index 0000000000000000000000000000000000000000..57d158c26172616cb052e27fbee81beeb0eaebfb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/81.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:789d0a1e414d29518ec1f3c7394be1e0d3bfe2eb5a126e1ec7ec3412a3a6fc35 +size 237056 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/82.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/82.png new file mode 100644 index 0000000000000000000000000000000000000000..5df73eacd5e04765dbaa72e45a1c6c4999dca693 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/82.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34df57b81929c622115f30be0601f7348e6e0b9e8f1a2b9fe09d95da7ef6e630 +size 239381 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/83.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/83.png new file mode 100644 index 0000000000000000000000000000000000000000..66b3ebd75c94d77b003a7a7a07576d8d976b4387 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/83.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02712894264af34373c0832b783ddb923e5caace828dcd8e0cf8e9b0fb06e635 +size 235340 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/84.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/84.png new file mode 100644 index 0000000000000000000000000000000000000000..7fccab9caa6184b7af4e903aebf1791265a4e875 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/84.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b16954a67a932465e09c6dee2c4dcf29ca1bdfead1f0202d993c981487ad6ea +size 238851 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/85.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/85.png new file mode 100644 index 0000000000000000000000000000000000000000..c3e574586356e0eff11bd7223b88ee71110f3d17 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/85.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a5781dfe6c3f5157d870c3354a7f15e33e226bf0100318bc11f124aa7faba73 +size 236557 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/86.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/86.png new file mode 100644 index 0000000000000000000000000000000000000000..ddcbecf82de3411ee8ddc61bdfbe9c3c23903f37 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/86.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f5802c74b7fd05b65072b6e1faefba7cd3d883349945224de0eb82db212ee1c +size 239109 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/87.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/87.png new file mode 100644 index 0000000000000000000000000000000000000000..c55c5ae7c21df7d7d0a6a98abb116d1d7ad5a024 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/87.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a459d155a487ecd983cf43974aa01309b2bb7db8931753c27d5f15dc30058b0 +size 226767 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/88.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/88.png new file mode 100644 index 0000000000000000000000000000000000000000..9585277fbe81903370e427ae6442744cdd4dbbe8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/88.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f05a071e2bb72c095a2de2c3fb1bbc2da14d649eb6658993e7c466b9ad31c794 +size 226047 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/89.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/89.png new file mode 100644 index 0000000000000000000000000000000000000000..1f1ae80daabca55c2f9fe631e87d0004e954b9ef --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/89.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f67a24a3619be255fe3c024c2332876cde0b4bde8f916ecc5591d38174c009fb +size 229701 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/9.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/9.png new file mode 100644 index 0000000000000000000000000000000000000000..9e6c14dd332f666e4b24e5860820ab32505068c7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/9.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ba84e099fb8aaebe7b82220796b02638d1dfabb00870684a24e2d220e8f974e +size 230281 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/90.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/90.png new file mode 100644 index 0000000000000000000000000000000000000000..10f1dd17499d1ce7e1c8a366cf5c2ab72ea7051c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/90.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a826fd595d852d2d3a96783e0acf696bb1d930b89a4f9beaec0c6970b3a06f2d +size 228494 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/91.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/91.png new file mode 100644 index 0000000000000000000000000000000000000000..4991a882b0f3939345503a7b641a227fd1541baf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/91.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:792bccb18f7032dfd5058eab296c7f471f99ccb7e23764cdacf95ecd0412a056 +size 230683 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/92.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/92.png new file mode 100644 index 0000000000000000000000000000000000000000..6ab436499db58dfc14b1438bd36d0998ca6e9d86 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/92.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fb5410609c82b1a911a34d919ee0bffdf6b1541584c8128b3d6276d454f25ea +size 229000 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/93.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/93.png new file mode 100644 index 0000000000000000000000000000000000000000..d0dda93122def58b6d8fe0c5e576361105d87725 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/93.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc0d16b9be7c89401bdbce16a20a83da0395e50f9521c6b88dc19531404a38e4 +size 230154 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/94.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/94.png new file mode 100644 index 0000000000000000000000000000000000000000..8b1ee72840f2af01dcec98a6a0830937a4051c15 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/94.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b4221e4405d2f65c3578e3603994175481f1e4efbb3edfb27d48c419afde564 +size 229383 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/95.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/95.png new file mode 100644 index 0000000000000000000000000000000000000000..c47a9b547696fadb70dad64f01714380c8343546 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/95.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3249910d24b04bea59ff94685017afd04000fa34c1833fbd3362e52ed81a4f3a +size 231566 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/96.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/96.png new file mode 100644 index 0000000000000000000000000000000000000000..cfa2351bc4c748540a771f9a3f2d7c16ce6da8e6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/96.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:274fd8e6c91e670d7b4f026a58e8e8a9ad581c936c4338c700b5a500bd8d4f24 +size 230259 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/97.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/97.png new file mode 100644 index 0000000000000000000000000000000000000000..010b6516fbaff97a971fb7f12ac842b98d0c8f31 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/97.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2e88794db17c2a8d6043e49c98d5a2d21abc650e5688f3a152413b5a29bdbb8 +size 232317 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/98.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/98.png new file mode 100644 index 0000000000000000000000000000000000000000..3cbdabf788513a3593a314dbdd3b54cded1ad6dd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/98.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61433f6bd00b9e1a3188eab34729aa376183d7aa6d810244b927035ae7662bc7 +size 230949 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/99.png b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/99.png new file mode 100644 index 0000000000000000000000000000000000000000..78ff99bf0c6a15c396e5ddf01ddffdcf465fc2cf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/99.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cc11a8a894cde02977b472f8dc1dd7a918d4e8240396b05405732f8afe06a32 +size 233327 diff --git a/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/finish b/demo_data/target_video/data_hongyu_2/images512x512/hongyu_2/finish new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/0.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/0.npy new file mode 100644 index 0000000000000000000000000000000000000000..79bf102fef892998188f05ed99c7c7a97786fa9c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/0.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49e1f7b52bb4f3a707e9a7c0e82c04cd2e481a4f6a6da51250c47fa6ded4366d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/1.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/1.npy new file mode 100644 index 0000000000000000000000000000000000000000..1a444564f7ba7a48c3faea1c629368e93a5ff720 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/1.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85076b45a6101ec41a17e6812befcd9aa393aa025ad2aa1c99eb831e12e841c0 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/10.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/10.npy new file mode 100644 index 0000000000000000000000000000000000000000..4a7d2d5dddad4c3ef74991521dc299ffc8717ad9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/10.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d5188d3b5ce59b88bbf574fd391c1afdf099ebeea4301d66d74f7054bdf6147 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/100.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/100.npy new file mode 100644 index 0000000000000000000000000000000000000000..65154c5bccd9074a817a240295aba7b8f0338af4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/100.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b2894d0dd9a3f203c0e2983d26b2c778fed2e31a14868999163b690b8c5d3e8 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/101.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/101.npy new file mode 100644 index 0000000000000000000000000000000000000000..5639cca179d6bab497d3ec4458a78b6635d4c246 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/101.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0cfdf11f2c27e5d4aebcf2903f349beee5947e7f3c085d5fef80339a80e007f4 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/102.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/102.npy new file mode 100644 index 0000000000000000000000000000000000000000..86ca3f2b31f97a51f3688dbb0f211125ebd432c2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/102.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b05eb29df5ff3f857189227bf89ba2d78024e2ef80d8d976aba9720c15bbe3a +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/103.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/103.npy new file mode 100644 index 0000000000000000000000000000000000000000..ce487b3b913bb98decd144fb1ee81afa24d6ae53 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/103.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8324a6ec9baee15dd18ae44fe7df5fe2cb47814717091c4e5b18a8fb4e08a9b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/104.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/104.npy new file mode 100644 index 0000000000000000000000000000000000000000..d18bc30a3e2b8c6af23355e0828617d9fa45d9fd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/104.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d347f9bf1b1e2516027e2baea9d018ebc12f08c7a995bbfc39d88fa741ce0ae2 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/105.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/105.npy new file mode 100644 index 0000000000000000000000000000000000000000..8465b28963e486bc24e9a6495870ec45d69654d7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/105.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8723189c8a66c8b45c8d04a61c396beff72b0562ec28bc5a2c781581112d49f4 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/106.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/106.npy new file mode 100644 index 0000000000000000000000000000000000000000..7ed428ffbcd31f75c65515f5a444aad184cbd9f0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/106.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f189c1032ba8131fa009929be4732b3a6b307772470a701760b3e914aafc152 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/107.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/107.npy new file mode 100644 index 0000000000000000000000000000000000000000..7085528d5e88918c7fe8f5b46d81d41bb7f4ac97 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/107.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a88e7df63603cbfa048143e55b82fb50b58d85987009a35f521fa0a98b69b33 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/108.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/108.npy new file mode 100644 index 0000000000000000000000000000000000000000..628cbb634bd8e63060ee6c405b716bce776ae98f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/108.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa32f7cbc3b8184a607037ebcaae194dc92a860272a75f37229e19b3cf135f43 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/109.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/109.npy new file mode 100644 index 0000000000000000000000000000000000000000..0ded3a3ccf9cd7b3e91c2f9ce63865ec945c82b3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/109.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcc5e2f38975f66aca5ceb2eb3bdb475eb24b89f1b9af97e269f2dfe33c6c9dd +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/11.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/11.npy new file mode 100644 index 0000000000000000000000000000000000000000..bdc5952f640fd9a65cdbe876be01cc079876879b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/11.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aabec71bed6dd9a7dd79958e2f67ff2942137c0d6a7400cbb62be29d36116dd1 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/110.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/110.npy new file mode 100644 index 0000000000000000000000000000000000000000..08f7bde7ae8f60993787f0a01300dd1f9a6a8beb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/110.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1b0942449abfee2515407be4a7e62ec498089da0035a658cf4793a78ad0bd16 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/111.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/111.npy new file mode 100644 index 0000000000000000000000000000000000000000..b6ff677499ba001af2638564469924f9bbed7f71 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/111.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7097d4b8945e69efe3e6d6fe751afc0257417463a8be45959341eece467cc829 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/112.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/112.npy new file mode 100644 index 0000000000000000000000000000000000000000..5d75ec2e30c467c4bb9049b2346e5f372927565b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/112.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80146032288196d37b9798e9eca4c2eef30108c3fb7c3f7ea7208137987eeaf3 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/113.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/113.npy new file mode 100644 index 0000000000000000000000000000000000000000..0bbecc8d069c60fdf8c4d2bde53d64aaccaaf716 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/113.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9b872aae06d212d83e7a678224b42510841fd579601fdc3700519c928302345 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/114.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/114.npy new file mode 100644 index 0000000000000000000000000000000000000000..5676d670e051ac98541b78515ccb7708509c4d13 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/114.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f17f7db78a76aff78d6d7eecde9da904c57fc6679837ee53a1e5e1660379acd +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/115.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/115.npy new file mode 100644 index 0000000000000000000000000000000000000000..fe28acfe52a210db8c325b8666d92d13636aea48 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/115.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc64eba9931ea0d4d915247dbc0ce56d990c4a42a7818fb6f797798bee0ac79e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/116.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/116.npy new file mode 100644 index 0000000000000000000000000000000000000000..72c364f05e5693accbe21682f617918f5a32b2be --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/116.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ea7d60a4b7d0879963c92a591a9f659e0d018292c60b9fc100920b24dea6aa0 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/117.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/117.npy new file mode 100644 index 0000000000000000000000000000000000000000..dc5397d555d048178c96443c5bde6b9f38d66628 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/117.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:094e5a9c3d0b3df91bb06988f72d21c35fbed2e2a6f06b0e29e2309fa27da2a0 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/118.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/118.npy new file mode 100644 index 0000000000000000000000000000000000000000..45b3e4849d22aa1526a623285bda5bf0d3989297 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/118.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42a4b86d048a10d6731dbe4c7e1f4b33a545d0479282c9837d3dce73919dfead +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/119.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/119.npy new file mode 100644 index 0000000000000000000000000000000000000000..7b7ebf545bd0123374789965ccd130e6911cdeb1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/119.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:284b748a8fe4504dd78382609e02df30af3675c4b590a5f340944ecd13a20315 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/12.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/12.npy new file mode 100644 index 0000000000000000000000000000000000000000..f32543ec5ecbeae7bc3f0c42125496e7bc5de621 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/12.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7c36a26790623b47e062208d5d310163c501fc58e02b2fd1dc949df5af401b9 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/120.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/120.npy new file mode 100644 index 0000000000000000000000000000000000000000..1cf9c605608135e0d47c04e30df46d182b57c534 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/120.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd96d782c9a82e0b818e317814da0ccebfa691256c89b8bbae61463143e326c2 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/121.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/121.npy new file mode 100644 index 0000000000000000000000000000000000000000..1be6479885801f7e1029ac6d6f9213b00d63368a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/121.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ceb405c6b3e44ae1a2650a58a3155030caf0bb8ff544912b6c89cdb76cdef69c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/122.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/122.npy new file mode 100644 index 0000000000000000000000000000000000000000..cbab1fcc029116f93cc54782406c2c41ce6efb9b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/122.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f536df2a1882343062fb3eacfe401b5fb7cc0b0f37eb793ec30c7a7301e2c21 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/123.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/123.npy new file mode 100644 index 0000000000000000000000000000000000000000..67b5112e50879fea21ba1d04ce857c1cf3599b78 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/123.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ade890233849c346f0b5c599bafafdcbf2b6d8d6b9b389f43bd03927719f1cf +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/124.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/124.npy new file mode 100644 index 0000000000000000000000000000000000000000..9e4cf3494a473404351a923de1c8aec91838d004 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/124.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9b4244e1c9144d52a715fbf8e2267806a12063040239202b6001d1b5a105a0b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/125.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/125.npy new file mode 100644 index 0000000000000000000000000000000000000000..49f8116e2cddb0143af37ebea6b7ca51263df748 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/125.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c951c351ffcd4193f29aefc0f3a6fdae4a8a2362f2e75c724b8301d0524c01bd +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/126.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/126.npy new file mode 100644 index 0000000000000000000000000000000000000000..ec6298679f80c66cc9920d200573f96c4e54a72a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/126.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:158ade0a809b8a394e5ce0764559228cf77c8f9aef64930a5b739c512d1bfe7f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/127.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/127.npy new file mode 100644 index 0000000000000000000000000000000000000000..6ad46bde1411a8d784156efdb2f35253a7038824 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/127.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bab87981256fc81aaf62df2681670b70cbbe170ebd8810112bcb39ce5e48d0ca +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/128.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/128.npy new file mode 100644 index 0000000000000000000000000000000000000000..76793b104cdd444b0adae63802210d0359df7acf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/128.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2f08bcc788b30ca8403943cb65dd054026b0916531064294caa83ae8d1e25c9 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/129.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/129.npy new file mode 100644 index 0000000000000000000000000000000000000000..9ac834833f571466ecf8eb0ec1061eb19dd7cde9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/129.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8db1ccf21301a1e9e7ca3237f98fb6c738a4900c6087ad7fbf6cd28387fa21db +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/13.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/13.npy new file mode 100644 index 0000000000000000000000000000000000000000..dc5835fa71c220b6de51a13e030fd21d3d287cb1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/13.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4a1cc7e7c6b7bd6a7f2a46a6f89d6580f71bc805beef701cd2b30d406f32b68 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/130.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/130.npy new file mode 100644 index 0000000000000000000000000000000000000000..9b416fd2cdda3f9fa6396d6422e655e3f11d9077 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/130.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9fba52fdf8789c300e756363a9b690dff2c20cd709a9fb555ead06363e2d853 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/131.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/131.npy new file mode 100644 index 0000000000000000000000000000000000000000..1746b7a1633ddf30a6eaf5491547d1e110d1a98b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/131.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fa01a35622bde847b080918513716607114eed9c83baaec63d8a694aed50ebe +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/132.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/132.npy new file mode 100644 index 0000000000000000000000000000000000000000..a7fbc0a388c9e833244596825ecf61b3f2ec700d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/132.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dde7f6ea1e634167796bd137416a0fd16d12d73e2df5f42d921b7b9ffd615b0a +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/133.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/133.npy new file mode 100644 index 0000000000000000000000000000000000000000..b70945a47c785f419ee720a20a5ed306552a8e5d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/133.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eef5afeebcf0965678620532c9519f59bc2a18838c733b7de78ecab3ab55f8c9 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/134.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/134.npy new file mode 100644 index 0000000000000000000000000000000000000000..11a31249792792454d84334b71e52235a431a617 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/134.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdfd455840ef6f1e611552fb70050d92cc8717c538f50a4605850898d65256f6 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/135.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/135.npy new file mode 100644 index 0000000000000000000000000000000000000000..7ffaced1440b94836d9d3080014471d06d7c120a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/135.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d4c1d2350a44695caec6ee53b5abe298b322d76244c4c88d82642d44f2db106 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/136.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/136.npy new file mode 100644 index 0000000000000000000000000000000000000000..e7705d29cdd0e6b5a29ed376893a88c40ad15a03 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/136.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8986e7983533d7c9b85437deba5768afbd4d77cb199e6ce9640be28d8cb806ca +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/137.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/137.npy new file mode 100644 index 0000000000000000000000000000000000000000..d29099ba05afa59d6ac3e673b4182861df7ebfa5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/137.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f46b0786071d89a93b293b40be9f1f81889631ec75ad3d5e99f04491cb8dfbc1 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/138.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/138.npy new file mode 100644 index 0000000000000000000000000000000000000000..a7a38dfbe5bbf4cb2a56811e6dc67983b1aac17e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/138.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7dd6d5eef9d5c5f6f9067b9649b94b6bae48d825ab457881a4a5062fd07d7cf +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/139.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/139.npy new file mode 100644 index 0000000000000000000000000000000000000000..ef2220c8ba58fa7007de1c2b1cf4688d9f143269 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/139.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc88a2e3f720f0d3ba276b4375322416d33fa1c6169e4e1a8ebd69ffb76e3617 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/14.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/14.npy new file mode 100644 index 0000000000000000000000000000000000000000..f4499f32f8e92c1efd9d75a923cd2ed697f03d13 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/14.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad8d82ea3ab36b9741067a912d7220ad4f78361fbe980dc750f25a1351d0678b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/140.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/140.npy new file mode 100644 index 0000000000000000000000000000000000000000..be856804e146296b9f029cecfc67d570dd06cd0e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/140.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9b4ead4868f194300791ee4fcd9aeeb7c789fe6ada31aa216b4378281ab3d2e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/141.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/141.npy new file mode 100644 index 0000000000000000000000000000000000000000..e8cb140b45dd3ab040a3654664ecaae5b9e75dba --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/141.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7632c88293feb3aab6cf7447f28de86c347a387283558d87140e097df3d40e4 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/142.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/142.npy new file mode 100644 index 0000000000000000000000000000000000000000..525ca9ca12402190e9f8565ae62dca69b69f10ae --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/142.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f8142fc6bf48cbfc469ec51bf6c9a8b7c629949c7ac29015ef34c0d3259d661 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/143.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/143.npy new file mode 100644 index 0000000000000000000000000000000000000000..7ba29a1e7f143726ba3f4eac39b31ca2bbb0036c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/143.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f32be6afd0c29eab467f71935887ebe3bff88df6a46b8b4de36275bd01693d71 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/144.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/144.npy new file mode 100644 index 0000000000000000000000000000000000000000..58cada5647b5a972bcbc059b79df231e13b53025 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/144.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e5d986252cd5480e62cb1cbcd5457b8d36089d81614329f7b66deb7608c6188 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/145.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/145.npy new file mode 100644 index 0000000000000000000000000000000000000000..9346129ac93cf860ac9ecb01891380738618c38e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/145.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0441e35fa7ac9a19280007202fff2e811474198a78b81b26042be4f471ac61f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/146.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/146.npy new file mode 100644 index 0000000000000000000000000000000000000000..46eac74feb0117be01adab4162bd7c8024ac5a07 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/146.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0722d10416a7980f67f0d36fd5d47cca5765ea65a6f6f5457083fdeb77e9633d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/147.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/147.npy new file mode 100644 index 0000000000000000000000000000000000000000..31ad29af1653f176399cb980e02c67b836460161 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/147.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40932cd751c171f8cfbfed0906900cb2573226a67c235544f0aa85c5f036dab9 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/148.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/148.npy new file mode 100644 index 0000000000000000000000000000000000000000..1072e5cd97bcf7604c7db9bcc06902ce3f313760 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/148.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ef132536d0b8849ed449f793d354b0738bb8b9d1ee8a9dab65391f4de7efa4c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/149.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/149.npy new file mode 100644 index 0000000000000000000000000000000000000000..ad2df52501edf9b5f71620d064618afca2374d7f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/149.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:506806f1cb45a7ee8b47e4187612cd4299918c0d8d12d66ed66e776f153052ed +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/15.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/15.npy new file mode 100644 index 0000000000000000000000000000000000000000..dd229f4fbb4745d05ca62647b11fd1389a00e106 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/15.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31e24c3e9e93e539ec96025de857f55fc907ab1d96145a23e06ad002acd4a451 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/150.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/150.npy new file mode 100644 index 0000000000000000000000000000000000000000..9f2c6a348fa0280eb466016bbf5267fdddbf9bc6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/150.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17699f42a41cf800faf18a4f272c805bd01b427afbf8700c5c919fdfdb364052 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/151.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/151.npy new file mode 100644 index 0000000000000000000000000000000000000000..f5a5c7a6abbbcbbae5e57abe554479c90d07c741 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/151.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:776dce0ba8e1d9d630b365a237a1cdfb1bad518932a658f7a6107448b5ee72b1 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/152.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/152.npy new file mode 100644 index 0000000000000000000000000000000000000000..ff560e4a3c1aa71725d6fb6fd7af64ade5fd31ae --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/152.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f4d1e6b09e04b0a8ed4d1613e7c02cb34296fceeefb6ac925332ab0e0fbdd6e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/153.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/153.npy new file mode 100644 index 0000000000000000000000000000000000000000..e77c832bfae530984711ce649da52d03493c1631 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/153.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f4f680ad272e7e8fc983cdb8052fbf68706a364fc31d6e4466a761099704997 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/154.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/154.npy new file mode 100644 index 0000000000000000000000000000000000000000..0255ee617538c1a29b3bac89e40cde5b163dea4a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/154.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6b73af8a1451da94b1f07aebd5335e558c2f285aeb6b359456d2f54ab78aa9c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/155.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/155.npy new file mode 100644 index 0000000000000000000000000000000000000000..d615660606f2449a22735d6f67951a58f25754bb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/155.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61b7cf8e4bf940a76853d50f9508dbf7936398d57eb652a5e2e0bf1c74f07176 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/156.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/156.npy new file mode 100644 index 0000000000000000000000000000000000000000..c2494ac40562baec301567833dcfb52a9ccc1f76 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/156.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc7f185fda7e047c5fb235c5fb6424d665a23c554f1f348bfd84db84f5dd5c36 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/157.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/157.npy new file mode 100644 index 0000000000000000000000000000000000000000..f31b44053aae2fb48efbbae3cc7a80e0ed5ee817 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/157.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab4d00fb00a6c4116ad502652f64c43e1a6fdf1e06e2938604f9d97cd3fd6da7 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/158.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/158.npy new file mode 100644 index 0000000000000000000000000000000000000000..c6299ea422ef52dd2674a860558d07455c91de85 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/158.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06e50a73da1685b350bd36a6591cd03f5b799a99cfa01f394ef35b7425e0d315 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/159.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/159.npy new file mode 100644 index 0000000000000000000000000000000000000000..e8e05f940dee5f12d2eb79dc8e1b796b6ca8849e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/159.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac47d881aa3b4f19aa2989ddadf1e74f1e40385685299bf90b68f2257ea8ecf7 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/16.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/16.npy new file mode 100644 index 0000000000000000000000000000000000000000..1b46db73308c9b207533a2527bbe7d1198965c9b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/16.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f729317737ba348aa67a6aa27ca7aebfc687e9a5f2387841912e3384f4d229c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/160.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/160.npy new file mode 100644 index 0000000000000000000000000000000000000000..017ae99ccf07916996ae8fb04201134e177697ca --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/160.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f7c86b05e05b4a4be0e2785626f07fa7524dc5c529ab147c76b757df1cdf628 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/161.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/161.npy new file mode 100644 index 0000000000000000000000000000000000000000..68d1c77d4538684139a88f1b8f7b8a7881ad27b3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/161.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31ec9877c27c1654f96f36be2c7c858561cf7cdbdeb51692f4fd1a6268db699f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/162.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/162.npy new file mode 100644 index 0000000000000000000000000000000000000000..2c1e4640f9988453df7e8a2bf30ecffdd7d40b67 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/162.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf43ce766bae355c84fc43dc804e144d969bfc078ddcc40c6779522da72c47ca +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/163.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/163.npy new file mode 100644 index 0000000000000000000000000000000000000000..4f3177736134bdf792adc8fc7125e3490b2d3010 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/163.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50e5c226b6304fed2d4159e062b300a1ad84f6e136e463a452a3c1538f1a0814 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/164.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/164.npy new file mode 100644 index 0000000000000000000000000000000000000000..abf29a2074ed45a1a18a022812557618cd91efb0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/164.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b803e056acbdfa4c8fb0322bbaba2706e7c1dc27c991da105996bd4f899de2f1 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/165.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/165.npy new file mode 100644 index 0000000000000000000000000000000000000000..55940fec98eed8e8203f9406259983dd621186f7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/165.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e71b954fc9f0643608853130604f53008a75517749594152d3a1ad61beaf70b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/166.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/166.npy new file mode 100644 index 0000000000000000000000000000000000000000..2b6e9817ce92ee6d96338c4eedcb669077a6b7e6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/166.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4d32d331529ae2ba6824d91c6a3883a52fdac8a08505b531822a8653882f90f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/167.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/167.npy new file mode 100644 index 0000000000000000000000000000000000000000..b8a521dcafbd42ddb15b85307bf2fad2756dd166 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/167.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8fdbe4e70cee17e75bd72c619ad90f84de906c2c4778406b8c4f3e7e43cd414 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/168.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/168.npy new file mode 100644 index 0000000000000000000000000000000000000000..649f559d3bd396c5d6ff231190f5e579687e9b90 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/168.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:189f87d3b6df7c714eed9b96501259c94db8e9bc17015fb7b0fcb7779b465c68 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/169.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/169.npy new file mode 100644 index 0000000000000000000000000000000000000000..50f417cac823b25ba4c82266fd1c9eb346f19d1c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/169.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c505c120542ef59c41f2b5b1000a6316a69ed565090a88a99e40204aa06074f3 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/17.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/17.npy new file mode 100644 index 0000000000000000000000000000000000000000..5263f54e033b76b05f1d99fc49578c23da971f6d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/17.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b972403dc8612410d2dd2a89c00600c44aeb365ccc2b209aa38503d1185665e0 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/170.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/170.npy new file mode 100644 index 0000000000000000000000000000000000000000..b46f900c7adcf3dce8896ccaeb20ccb4ebdb041e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/170.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3400cabdd70b92a402bf40bc8838f4bb60509a23a3415e8dcfb6c6ac03671cef +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/171.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/171.npy new file mode 100644 index 0000000000000000000000000000000000000000..3f924843693fe9862888914e26b256146d6a4acb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/171.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f31ef98d2181adc6ea1d12e5587a1fc5b78f4f3dfadb90ad04cbb60265a8dfc +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/172.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/172.npy new file mode 100644 index 0000000000000000000000000000000000000000..ead33989669e4be874561ee151158c1e74e92fae --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/172.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ebff10cea83e41c7ed88bb729f9d10855606e416e2d0eb17f507af9c572c142 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/173.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/173.npy new file mode 100644 index 0000000000000000000000000000000000000000..67b1860a294d5816e850e0ada726e9cdc8761f06 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/173.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c9db5c25222195bc131c5605f87c150fcb04eec12e6262f2566fdfdc38f0d3c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/174.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/174.npy new file mode 100644 index 0000000000000000000000000000000000000000..c43fd03dcaa50e979d80d548276a0da837e94c19 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/174.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bc28f8f8d39e1b7103d36807f21b9a2a5ee69ba032bb5d8a98b73c9288120fb +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/175.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/175.npy new file mode 100644 index 0000000000000000000000000000000000000000..b461368da4c7083f92d78c0000030b40a576f3e3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/175.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5941cf7e35a6d21facb03725ee0f0e707eb4a21caf17441e20d820f3f51a6502 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/176.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/176.npy new file mode 100644 index 0000000000000000000000000000000000000000..e1e09e0e7a80abf4d71d003af00caa3bcbe7f0d9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/176.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e1fad506521fb73c3d957f6d2742b0c289b39951089855f9967086ac19d19b7 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/177.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/177.npy new file mode 100644 index 0000000000000000000000000000000000000000..e73e2202b9e90e86a605e7d5f988a98535d132db --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/177.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fdaadd8664dc7b9a2d7253a991c2d3a2ac2f21b72ee209cdf613749df2fc311 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/178.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/178.npy new file mode 100644 index 0000000000000000000000000000000000000000..2257a6d887422e16117af80b67d0268a6eecf8cc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/178.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe98a62edc2c04d09e4d87b0c9a230479b55053e63470e5c2775c5e47fb4bf16 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/179.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/179.npy new file mode 100644 index 0000000000000000000000000000000000000000..858da15f7252c811b597f9cc151f63cd446a83db --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/179.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aca7cd7612b4d07b3ce6d8d002da61d71cd8d31fc383a79fb52895095c0ba451 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/18.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/18.npy new file mode 100644 index 0000000000000000000000000000000000000000..edbe2cc1dc8c90e01dd28643fe9c75916d030fb1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/18.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98f8df25de81fc2314e95ffba20f07ddc5b6b0e551a7fa990d43a92ca03671b5 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/180.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/180.npy new file mode 100644 index 0000000000000000000000000000000000000000..625070f9a624928a573bf59bbf11cfed2d7b079f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/180.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d44543c966928b39f7f2aee49c9bc99bdd069174b038e8e1523c92d1e9378ece +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/181.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/181.npy new file mode 100644 index 0000000000000000000000000000000000000000..eda134b3081182b5c51062a871e660acd871d55b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/181.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1f50fe4f594cbc240d6f86cbc830b05dfb6904459658f5bec0984c230eefaae +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/182.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/182.npy new file mode 100644 index 0000000000000000000000000000000000000000..fdc8431be10743173ee29e0fbe4cc80626401b4b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/182.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8de9cb2945cfeb92a2c7634402ed2f9fd15aba69132dcf883674c6f587231dd7 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/183.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/183.npy new file mode 100644 index 0000000000000000000000000000000000000000..7a8969aa09fee2deb91dd7858bd68b0313f69407 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/183.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:473144751e0d64759ed38634940ce0e39f241176ad395f6ce457c03822c316ba +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/184.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/184.npy new file mode 100644 index 0000000000000000000000000000000000000000..c058ac3325123ed69a237300addf52a777134f13 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/184.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b05a3afeb5c9183d9cf7c7e9822280b200d8367fee9781d6bc8675d66be63ea9 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/185.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/185.npy new file mode 100644 index 0000000000000000000000000000000000000000..7b39684234a48b839581d02ee44413a5135f17c6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/185.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08c887ca9f63d9c0f6a85eaa851c8f236dc553763f8ece68ddbe21cfc46d864b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/186.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/186.npy new file mode 100644 index 0000000000000000000000000000000000000000..34720a5f7829653478c5d2a31b219efe3e73e2aa --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/186.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62c3339e3a47601073c87fa83f01ad1592b4bdfce8d3fbc841474f809f23e238 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/187.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/187.npy new file mode 100644 index 0000000000000000000000000000000000000000..17f65f059c460b1e5778b6545f3f3a546df6dbe5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/187.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1918ffa228cb4023e6cb024eada0f80d926232e3ffd31496a421b856a19102ed +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/188.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/188.npy new file mode 100644 index 0000000000000000000000000000000000000000..87712456766dc9e51e04acbb9e523c05cc8bc792 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/188.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4877d39310100ae1aacba30dc754c52ee4ddb304f16b2c554f57bb6ac889ad4e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/189.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/189.npy new file mode 100644 index 0000000000000000000000000000000000000000..e2daae3108e83f79bcac8613ad1a30ea20ab50bc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/189.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28fba231afc47c7fa0e0c6e20cf5dcd7d6a4d5ee8535478251ce69fda79542a2 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/19.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/19.npy new file mode 100644 index 0000000000000000000000000000000000000000..4ffe60ab6b8683e4d544c69f7cb8f1b88d72eed9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/19.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1307e8006a932da0654b88c877d5fe4424a9f225bb7002805186bd5685e44f43 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/190.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/190.npy new file mode 100644 index 0000000000000000000000000000000000000000..66012becb7b0f3e705a634cff77680d37151870a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/190.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73c7d9a903337476e5ac61bb82158f11b2eb3808ffc78104b6537a00f394bc2f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/191.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/191.npy new file mode 100644 index 0000000000000000000000000000000000000000..b3991f2c39858a3dffe8b86a075cff97ed703a9a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/191.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:421bd01a8f92cf2e26d0e497f55771e21ddfc38dee857352fef51695236b6350 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/192.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/192.npy new file mode 100644 index 0000000000000000000000000000000000000000..f413ead9f2ca36c992ff9c19bce8612d3f1972f3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/192.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f889ad09f4a1f7ac22cfba777d7fa1984120624d24c9f3b27c8d1b5a2d4ecb84 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/193.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/193.npy new file mode 100644 index 0000000000000000000000000000000000000000..b227d3114a61126f3b6af1dd139e8306607aef92 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/193.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f810dc0b8f101bde4b87a2aec274c4061b75fb601f89bbacee4aacbf0353401f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/194.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/194.npy new file mode 100644 index 0000000000000000000000000000000000000000..14a51adababdf946d22068c7046f69459cfe9e74 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/194.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9e9c1bc7bf302a38c5972ad7f1039eb794ef5e4baa95fc94c026e07aa49e07d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/195.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/195.npy new file mode 100644 index 0000000000000000000000000000000000000000..d9549f5d4852fd2c866559abacd152f39e66b554 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/195.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca038fb0a229f32604ca054bbd26e7a07af96a96758d5883fe9b955614258202 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/196.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/196.npy new file mode 100644 index 0000000000000000000000000000000000000000..97664467809fa5aa45ef06b924a29fca73fce746 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/196.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2971ce10b07d21c087a77d3d2431f42fce2ab12aa721af49d443a7cf7deda6fe +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/197.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/197.npy new file mode 100644 index 0000000000000000000000000000000000000000..bcf45a3f60b5c0104fdab620741369f3336629f4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/197.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fa0e181f9b8920de8a8fbbed5cbf5d09c76eb2bf6704908e8a95bc76a4d6142 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/198.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/198.npy new file mode 100644 index 0000000000000000000000000000000000000000..14adff41415898a3b6a271d0f9e131eda6acee1e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/198.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05c055c5da50941f4847fd515ac013861eaa9741c9c765f66a3ba340e0b2911c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/199.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/199.npy new file mode 100644 index 0000000000000000000000000000000000000000..30d882efcf3617b5623a29def3f7a6809f2cd2a3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/199.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3327880a4dc9f5e10a8209c9a7d575c602eb1a7ceaec1e0ab58d8e5f4e5bf57 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/2.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/2.npy new file mode 100644 index 0000000000000000000000000000000000000000..38a2c8c7bee0138ba3160314d460883338f807a0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/2.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b081c0ada34175234f3d2d2c07cbf2d2641a7719e0fab7ff24b606f880e533e0 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/20.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/20.npy new file mode 100644 index 0000000000000000000000000000000000000000..a5ae8c77010206328e5b3139fdc87c8bcf1526c8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/20.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89633b9b333e89960bb312e432ffb2b8ec45b64a623ce69b834d1f4c619fb706 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/200.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/200.npy new file mode 100644 index 0000000000000000000000000000000000000000..b1c75307a9c89941443aaf3aaa46d87e4b525ba4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/200.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84baf5aa3d23978ebadfa62a2d49f44578450cda0e597ed18da716c779f8d70e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/201.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/201.npy new file mode 100644 index 0000000000000000000000000000000000000000..040e0b824258a846efb3f386b06e9db5d516ace1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/201.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07625f6f3d2480608f5f8ad6b4431601b1c917d18861b2058fdc71a60328576d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/202.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/202.npy new file mode 100644 index 0000000000000000000000000000000000000000..34fd4eca3c587812dcc7a738462bcc6033082f39 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/202.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adc65edd6c39481c01b6e3a3f1dd69e5d8e5b64fd60080e64e33488ccefe0a00 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/203.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/203.npy new file mode 100644 index 0000000000000000000000000000000000000000..7864925b99a3d1c2f6e5c6215b938fab602d0a92 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/203.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a61816f2cd97bec53d880c22f72f0d2d8a6ed38c0d4e99173ac9ed592fdd2943 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/204.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/204.npy new file mode 100644 index 0000000000000000000000000000000000000000..143f33746140184ea17fc9ffbac5f5519f59ca17 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/204.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a1ed4b57a6ad7084639dfb9bc2eea5b1cfcfb0f8cbea9488985bdbbbdf2ad24 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/205.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/205.npy new file mode 100644 index 0000000000000000000000000000000000000000..5da7b1237c95d6b5c16160dd5a8b2bebba354240 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/205.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8262651b860abfe3d70de367f1615a02889deab119e1afc6d94a4c249d77b246 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/206.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/206.npy new file mode 100644 index 0000000000000000000000000000000000000000..a508ca30931ad02b96fabf47ad8a4ed3151c2335 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/206.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:abb91a3f95c15fbbb5fb47daf14225091f645e84ddd0fccf07afb503288783ee +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/207.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/207.npy new file mode 100644 index 0000000000000000000000000000000000000000..800d16b5fd58eb8a518c504b9d4ecfb08fb8bb5d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/207.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe2b00411016d12635c45db442ca964a19614f23554b5d72d3e8f767bc42d14e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/208.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/208.npy new file mode 100644 index 0000000000000000000000000000000000000000..8f51d212286d602c10fd14009cc2376233276cd7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/208.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a6d2c64b4fbecdfcbf2243e2bd72840694dbf79f36f439ad29506fec4c45871 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/209.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/209.npy new file mode 100644 index 0000000000000000000000000000000000000000..215f1065f40f7b1ae87baf68aa0e327adbd7746b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/209.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e3e4d94d9aafb37e63f1b76edab6a17f4136d30adb9454ddbaf967452848972 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/21.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/21.npy new file mode 100644 index 0000000000000000000000000000000000000000..2eba45a3c133054ac6408222785000246d370c68 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/21.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87a23abf27f383d8ce88cd8d014fd94ba96eab6bb6e11cd513f20caa77151ab5 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/210.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/210.npy new file mode 100644 index 0000000000000000000000000000000000000000..2770888f432f7aa67540adf01e01f543c5e25527 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/210.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0a0989a2d4bbedfef7a161ae9100694e625a6826e515381d4f856d7c2a53f17 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/211.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/211.npy new file mode 100644 index 0000000000000000000000000000000000000000..45a5ac2742f8a7072ea2bca78dca3ed32e6f1c02 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/211.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cf309af680830159bb1611f62e862eacea623aca4d5dd5c0a3c5ce23321cd66 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/212.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/212.npy new file mode 100644 index 0000000000000000000000000000000000000000..0111f0a3efdddbce3336452293eea1a3c80cda42 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/212.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89ca5db98b2f53934d8b3e971ffbd8e2b00d4453922e13f05d3f9e01534ba3f5 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/213.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/213.npy new file mode 100644 index 0000000000000000000000000000000000000000..a15187582f97cf248e8da808b35014cf9b73ede3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/213.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28892ea896ad6881a836a65f9c55ab636355f4ab0fb5ff65b0c71f94eb8511af +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/214.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/214.npy new file mode 100644 index 0000000000000000000000000000000000000000..83b7cdf4322e2902e371666103dba1f9f22dc252 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/214.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e66c000346ee5d5558a070f9cf075a71d31c3d4254c124ab112b528b0216563 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/215.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/215.npy new file mode 100644 index 0000000000000000000000000000000000000000..d1314135632976da53f3bb6198f510e7fe74a3c0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/215.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3746776c0ba5e90af6777609391f5844029975d3917c2def5d2b9d1a39fcef96 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/216.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/216.npy new file mode 100644 index 0000000000000000000000000000000000000000..e719f431e2e033162daec37e6cfa3d4a27eb6817 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/216.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cef5c50ee80b787a2f715591751156c7f294ba54b03d0015e0eba33d6066a70 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/217.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/217.npy new file mode 100644 index 0000000000000000000000000000000000000000..3745b67f0209a3f388aba3710c0bcb2e50bf35d4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/217.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53eff4dc165c08c9245e54ca1a547db067844cc0d6aacefc5c05835f7d1b31c4 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/218.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/218.npy new file mode 100644 index 0000000000000000000000000000000000000000..25c9470954c70bdaf9fd006421676bd370bc8f77 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/218.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da8c31f68949ef68cf7e28985cfbcaa5139449f7bad4ab4e61cbb7879fec4f6b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/219.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/219.npy new file mode 100644 index 0000000000000000000000000000000000000000..67cf42eff6bb451267b31897b036f423329cc41a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/219.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d8581dfadf0577b0e7f1afcc956511823776138d90f7e3877f8aad0ffeacd53 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/22.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/22.npy new file mode 100644 index 0000000000000000000000000000000000000000..9f561568323baf24d9e3dd863a82b4c1f7070bc4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/22.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2ddc4065c6ffb620aadf8bb094b703884aa3ce77221bea1035ade23372bfe07 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/220.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/220.npy new file mode 100644 index 0000000000000000000000000000000000000000..4293ef0722d57a80d60b41c09e35ea936040037c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/220.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c538f877dabfc290c8f63d1087eaaf5739efbba52eb2ab663920633d0b0bf5c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/221.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/221.npy new file mode 100644 index 0000000000000000000000000000000000000000..bb220a32fe4d8199323a099e2fbc218d7dcb2971 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/221.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:988f5ceabbb17087db8d83735cd0f07b2f72a3af44158f762865d79a8c2b30f9 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/222.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/222.npy new file mode 100644 index 0000000000000000000000000000000000000000..a72205f577fafbc02f5838781725953945ebe890 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/222.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f063a6b7d786225fdeb02a373d071117ea9449cd42a5fb4a09d3811ca323632 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/223.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/223.npy new file mode 100644 index 0000000000000000000000000000000000000000..98ecace1507fa5e70487f09f96ffea0b98323508 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/223.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e34636fea15bf3c6b095848db72b765bdb7496b3b950c7c1ab8f638f99bc5478 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/224.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/224.npy new file mode 100644 index 0000000000000000000000000000000000000000..a751f6a905c8bcbfb5cde590ef58a178f7199a5b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/224.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:268e538559de218c6eb4f95f2328eb9b538c1b1fa2a29b04ff1178b1c2439b91 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/225.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/225.npy new file mode 100644 index 0000000000000000000000000000000000000000..fdb102133cfcc0e848b262935354d36f41e3d7bf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/225.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e43972962fc0181a557f2a0628d1c8a64d8c79f04adc86a01463d27c994966a9 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/226.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/226.npy new file mode 100644 index 0000000000000000000000000000000000000000..0857745bfbfc79dc9353dbce76d357ecebd4e51c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/226.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c2c16975bf8e3339a2f67fd1bf4b1eac06df5e4edc5731177345412928f9969 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/227.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/227.npy new file mode 100644 index 0000000000000000000000000000000000000000..788873f8ad6ebdf05c2e49269a222b2b88d152a5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/227.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4818b00af9fd3090cdb0bc47a9d926453630393e217a8eb3a45443012be53ade +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/228.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/228.npy new file mode 100644 index 0000000000000000000000000000000000000000..c02bf38da5c2113c270a2562e98d953a91114df9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/228.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa65fad20cc1dbf60fc6e143eef27d56bf01138bbd0c6524438a3b200adf59db +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/229.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/229.npy new file mode 100644 index 0000000000000000000000000000000000000000..1baa9523f47622b9e8d89af7f3f52ea0a2bfd925 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/229.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5621b9f0cb09d6ee3aebbb8a2f23e9f697d5d1a58c5f12bada81f9a3dde60a2 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/23.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/23.npy new file mode 100644 index 0000000000000000000000000000000000000000..c1f01e27239a5af872bcc86fc5ee9da3e1d9c6dd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/23.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7d3c80aa0f37a1357fa020dd78e7b64023a3237cdcd703a3ae799aa78a44416 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/230.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/230.npy new file mode 100644 index 0000000000000000000000000000000000000000..7b756ba1fdca31b46b535c7f1d3bde307c638994 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/230.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19b684801b5de709b25fe661aa673e29fa9770982ae7944d09d79e2e5cb2f4db +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/231.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/231.npy new file mode 100644 index 0000000000000000000000000000000000000000..2c90b94e46e04b5ad3f4f845eeef82ea813562cf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/231.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:322f04169103b0445a30584122f3d3699f770c1a7e91d91e083b1a99032f378b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/232.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/232.npy new file mode 100644 index 0000000000000000000000000000000000000000..f8e0ec25224e0e1a684d976df29f4fd918b713fe --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/232.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:160ad9e16d940fd1a701dcf3241dd21086f71b2274cc47969d796a29d252ed1d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/233.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/233.npy new file mode 100644 index 0000000000000000000000000000000000000000..7ff7cbb1533bb050d15b7bb08f5785b3afd16f55 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/233.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efeb5cbb81e3c2ee73a2ff89cff8a1d818728543c2912e0eb94c3868e8332347 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/234.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/234.npy new file mode 100644 index 0000000000000000000000000000000000000000..457ce0277e665dac2f6fdf4226fb2372937be238 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/234.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7be2b8143d81f6aad68df7cfea6a3f65bb2192956bf4b5e45a72b61f19743e7e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/235.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/235.npy new file mode 100644 index 0000000000000000000000000000000000000000..87e93833c134be44aacff6fe19ba57eefce3fa90 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/235.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcfd057209964830ef197df476774fd3cff21538a7eebc04cd80fd760d9e788a +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/236.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/236.npy new file mode 100644 index 0000000000000000000000000000000000000000..2b437291b8aaf2b13f56dfbd734c58987aaaf9c3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/236.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9600b8f06b7ebbc154b7a6ccbbf216064a03dc8bbd20ab0c35153748fc3055e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/237.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/237.npy new file mode 100644 index 0000000000000000000000000000000000000000..f9bb52104a2988b00f6865de11b15f05ea076baf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/237.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b8eafc1d12d6a5bb79027295eeb6e04f0913943468afe33a2b6a04a09d693df +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/238.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/238.npy new file mode 100644 index 0000000000000000000000000000000000000000..7c3bd72cddd2c02fa0148171616f019dc6df0b4f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/238.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90cc236f00d291e66206cbf081cdcc1cb650d41fa63682bdabe8f4659e2f47f1 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/239.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/239.npy new file mode 100644 index 0000000000000000000000000000000000000000..e388d9bc29c81e69be35080b3f013def4884b702 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/239.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23c2836725c558f9d274bc7237773c1ce618757b6696c68128a394b9fc864aa6 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/24.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/24.npy new file mode 100644 index 0000000000000000000000000000000000000000..13ca244097017900dd2bd2b85de4c88bfa4fa375 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/24.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f119c541f5467aab9f96d851393bfed06000cc28fe1772f4cabc444fb6e6b81 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/240.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/240.npy new file mode 100644 index 0000000000000000000000000000000000000000..366fa2eb510ee7975bf40220db548206d3691080 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/240.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc05775a95b210ad324ecd18e8c1a25d8ea30fd334072022782fdea059449857 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/241.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/241.npy new file mode 100644 index 0000000000000000000000000000000000000000..927b1d89c182f596de012ccc0a00eeb3cd79e2bd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/241.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7a09622809d794ea1f60518b0efc60748b06b64708f108a46bbf377642bbcd5 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/242.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/242.npy new file mode 100644 index 0000000000000000000000000000000000000000..bb3223e57fb84fd25be30af1d0f21d4709a45aa6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/242.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1aca90df5ed216dbcd6da65744a101dc9ede81219fefd52dc99ff368f7fc955f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/243.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/243.npy new file mode 100644 index 0000000000000000000000000000000000000000..51749c6cafb54ce80d87733d5e157a0216ee04a5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/243.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c40d9d31e4531e28703d0a8d76ae19cf2ea664c7d72f5c5fc019b48bd46a38b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/244.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/244.npy new file mode 100644 index 0000000000000000000000000000000000000000..3ee979fef08815593faa11bf966a01e605979dc9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/244.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea2e46cb0f20fc8434882a80175d1a6ca32348f5dbf5066944523625bd2c407a +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/245.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/245.npy new file mode 100644 index 0000000000000000000000000000000000000000..0674612a35a693ff39953fedc6f136d05566a396 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/245.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f72b4aca512ab07a0acf7eff2e431a2c31f42c54312147ce5b35094887af7006 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/246.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/246.npy new file mode 100644 index 0000000000000000000000000000000000000000..4e0bdfab576bd4e3b24d9332a22b74e58fd48dfa --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/246.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1079a379f33efec27d4ebb1f28265c9ec4ad08af2e5d3805728999ed3786d6d7 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/247.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/247.npy new file mode 100644 index 0000000000000000000000000000000000000000..fcd90ab867b7d977cf4d3be770f39b55693a030d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/247.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:243aa2193ea3bc061af78c01ea8ec018200500732fe94c57eca9f6c49b1ef731 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/248.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/248.npy new file mode 100644 index 0000000000000000000000000000000000000000..49769ce025b16c2d0b11d1a10542ce6f4596f8b6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/248.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc9f16e025c77cd7561df731ef35544a4d1f9a309d17bacdfe65fdff4e738d8d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/249.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/249.npy new file mode 100644 index 0000000000000000000000000000000000000000..d767f10ec3e41f2b2b8f3256a2797c4897f8bd99 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/249.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8a7789948753fd569cc912924257dfd07171f78d37d68c77b8456c2b45f7640 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/25.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/25.npy new file mode 100644 index 0000000000000000000000000000000000000000..a11e651db823c16f08ba33486702bbe9d1b6553c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/25.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a87c69f41eb60a06a57c92fae71a5855f1e4206283c8a77fa8d5988604d1b093 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/250.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/250.npy new file mode 100644 index 0000000000000000000000000000000000000000..f957de8c831c14ca98619d07caf9c3b606691a85 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/250.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83d78b4d7f7eb70930bdc1f9cbf1bb275f74e74849ce64adcc7c6f049dd5cedc +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/251.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/251.npy new file mode 100644 index 0000000000000000000000000000000000000000..0ab5b666687396947ce32f9fafd770c7e9f9525c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/251.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:621c49f0c121ce223d2c2f26a52de8163b5a3a0a2569f6eceec9e3aa5b1c22cb +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/252.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/252.npy new file mode 100644 index 0000000000000000000000000000000000000000..926e0047f4ef7bff51dc577feff2fbffc7d62efb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/252.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dcff70609199ed4b9e2b3c1d4e6bcad6ca3b32c6973459bc0c35aa49c6fadd60 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/253.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/253.npy new file mode 100644 index 0000000000000000000000000000000000000000..3c04954a8eba4154e7fa4baee8d4d5046436febc --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/253.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01bf647af156dbed6a0d47861205cd43032ce6e974b6f83c6699c286cd9b80c4 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/254.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/254.npy new file mode 100644 index 0000000000000000000000000000000000000000..e6c7ee4b11de7e9d46d8b1c5d5cd8fd3883aeef7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/254.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d753383bd5aaf0849e64b36ccf74f58423d70da424db6716aa6b232324b35fe +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/255.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/255.npy new file mode 100644 index 0000000000000000000000000000000000000000..1a08127ce4683b726e2fc2180c4635f079a5cfe0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/255.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b123583122247a4a04982b0ab380eb4641384de6bda9023b63cdf042bde84228 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/256.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/256.npy new file mode 100644 index 0000000000000000000000000000000000000000..dd48c2595ac5287150499399e30e7e67fd066061 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/256.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62b0fb06e5d35bd1297fe755761b38d814bd0734b478ba11adb2b711f12e79e3 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/257.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/257.npy new file mode 100644 index 0000000000000000000000000000000000000000..6cd098957c3aa9264fe1474b8b96a8218c416e1a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/257.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c11d886770b52508c35c615da5e9d5f0f655b54aba64fe3f37619a9f388c803c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/258.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/258.npy new file mode 100644 index 0000000000000000000000000000000000000000..35f78db715af5b2de2badb5ab15d8611b2f7e3f1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/258.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06352025439984e9bf82c8e486aa7d0b9057217e2be2d0599f2a25c1ab331954 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/259.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/259.npy new file mode 100644 index 0000000000000000000000000000000000000000..f4d35b8eba084be72e0445dbaeef4d859041662a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/259.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45d4c9702444724231ab05a25e0f8ba0aa21a25b7976491af2a1284d78116983 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/26.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/26.npy new file mode 100644 index 0000000000000000000000000000000000000000..d56bfcbd70d102c5e8dd928a9ebe98e8b70c1299 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/26.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cfdfe6f223a93f1214c07dac49952fede4ddb1e3f70ad70af6e20f7a65dce5b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/260.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/260.npy new file mode 100644 index 0000000000000000000000000000000000000000..725136d70df9cf53a2cfd742319a01586989cf0e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/260.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3974b6045cef2f94f6dda90d09ecad2df5d36c1cb190b20041fcf5609ea4c085 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/261.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/261.npy new file mode 100644 index 0000000000000000000000000000000000000000..0a4cb41347e2d52ef4d12743ffae21fbcf184243 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/261.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8075d1bc8210f5507fc70eea36809590f6eaba088a5c560b91becb874d3047c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/262.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/262.npy new file mode 100644 index 0000000000000000000000000000000000000000..2058d0022a03f1c36b0d0e6f71c119da3f6ad7a9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/262.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94ac3f31a888f0352324a8ca4b8baa6e7613736d258f955ff897b8aa690dc4b6 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/263.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/263.npy new file mode 100644 index 0000000000000000000000000000000000000000..eabc194dfcb3ee0df10d81cf124ffa803b145024 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/263.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67acdb558988c150c9dcf865aa94dc5a159c59f273924e5380d2eec20319c4b6 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/264.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/264.npy new file mode 100644 index 0000000000000000000000000000000000000000..3e34dcd685ce1ac2c358d7b69113caa890553d9a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/264.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7de4fbf7a00173907c67702452988c45f7ae1f99dcf59a68c6602d1bb1126f65 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/265.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/265.npy new file mode 100644 index 0000000000000000000000000000000000000000..b7f9eb35b709be3644ec4f64ba5d199727bca521 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/265.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb1fffd7b10cd1a822eb5152827c9d4c75d5d96a62928d2caf0e8db9f2d331df +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/266.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/266.npy new file mode 100644 index 0000000000000000000000000000000000000000..ba8be22e52b184f8edfe326020cffeea8e180a78 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/266.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:684cf8b103db7ec3f5cba7340cae6e37cbccf3a7631dc9f63f53953f974bd7fb +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/267.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/267.npy new file mode 100644 index 0000000000000000000000000000000000000000..0137d3faf1480b45a46c74d1c98ce81fdecc648f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/267.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06140ae6271b11825f52d9c6283e5c70464784e1effb28e2885224d1927b6c8b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/268.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/268.npy new file mode 100644 index 0000000000000000000000000000000000000000..60f44bc41e2f841d9b4edca346d429d2cd8dee8f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/268.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f294bab1fe020e478b62326c5bf79260661ea5e2cd4b3678a2711161a568d3d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/269.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/269.npy new file mode 100644 index 0000000000000000000000000000000000000000..c66fc91fc9d1802b08bbb940a331d1d04fde2412 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/269.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76e3ed8d391c8f65c9225d6cb7bc6f87644afbefc5800ceb3cd92383b703437f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/27.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/27.npy new file mode 100644 index 0000000000000000000000000000000000000000..5110550ed5b2b942761dbc53d4ad21fbd08e00f8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/27.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed36f1ef3409a4e14f30d0849e02fd66a0a895481c8193bd745185d38087687a +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/270.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/270.npy new file mode 100644 index 0000000000000000000000000000000000000000..d957c76968feeda3f1e620436b7ef9950f7abbeb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/270.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12d57ef2c1f9865a7128c9273f5fb4790660e87ccbc2494802394a9336589fb3 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/271.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/271.npy new file mode 100644 index 0000000000000000000000000000000000000000..edc8625026628e7af8177ab4e8a840d475a8b91f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/271.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e068341bbeb59a89f7c6a57c1471a5ea6019d20c79d7d69135e295d23eb86e0a +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/272.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/272.npy new file mode 100644 index 0000000000000000000000000000000000000000..90468a40a8fd3a2a82de901ea8f95f85f782b90f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/272.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35d9cf90af94ad1b77b1b0055c379ef55ef16fccf33f20e2de6f59dd9aca720c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/273.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/273.npy new file mode 100644 index 0000000000000000000000000000000000000000..45b86617f66ad6bd5181db5191137b1f1d5b8567 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/273.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:665336cd0dfaf2e9b0bc42db5f690261128ce5f26abc9a69a589ef3f1ae0bad6 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/274.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/274.npy new file mode 100644 index 0000000000000000000000000000000000000000..b0225c7c0f976b896fe515cd999a0869805456b0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/274.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4889756405dd7c5a2e78c73dae9fe1035541d56d988eaca88da4d459612ba58 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/275.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/275.npy new file mode 100644 index 0000000000000000000000000000000000000000..fb0cd554263c592b34ed73e3897d009de07d445d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/275.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a36c727c79ca68c86a07501c89f782967593949f0a079c77eabcaa3468aafa08 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/276.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/276.npy new file mode 100644 index 0000000000000000000000000000000000000000..9469d1a1573ac4e09144d5e9e8adbff28c4ad8ba --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/276.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46ca7a2241e39503312b66699848b5319e77c7fc55c474dda99cc000ddf16168 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/277.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/277.npy new file mode 100644 index 0000000000000000000000000000000000000000..2dd722cc9edbaacd3ce7f185e67e10f46a9e5003 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/277.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e8ab5ea8bb1f5d9918d37adc62512615ec887b7afa8c9cd12a7c00e9345bc1f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/278.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/278.npy new file mode 100644 index 0000000000000000000000000000000000000000..2cb676f789d4cd666af31d0e03bba1202c4373b6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/278.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4513aff7309605cb2e5b0fb1805dad34473b3c51ba8c0579bfbd623a11b3f117 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/279.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/279.npy new file mode 100644 index 0000000000000000000000000000000000000000..f731102fc49c221c549d42c5a0c9141c80fef00a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/279.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98e9cf6aa8a910613fd865b3b19bd3de043c05851af358f78faceb9cbba4ebd9 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/28.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/28.npy new file mode 100644 index 0000000000000000000000000000000000000000..277ea4325022c2618b1dd7e0af2eb965d325315c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/28.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b1da2b29f9878927d36841ad204f7d37125c865b2303bf22fb7ba3a154ce0bf +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/280.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/280.npy new file mode 100644 index 0000000000000000000000000000000000000000..be97db88e2bc412f60ae758a1b79b76234595cec --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/280.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4f5793cce4160a261d14685f4c984cf1486b65d90a7bbce02648a6069fccd15 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/281.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/281.npy new file mode 100644 index 0000000000000000000000000000000000000000..129da3a9d41ed1a36586bfe32f8a1c0e8df7115f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/281.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c261e648a897a077c89fe00538aebc9caa0220ac652319bbeb5d0f1c7d6d788 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/282.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/282.npy new file mode 100644 index 0000000000000000000000000000000000000000..7902250fd86be354d1cf573992cb6f84aedc6405 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/282.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b16bcfa17d42c3333a3ab985790fb638b885bd1f9c08bf016ddf43b38927e4d6 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/283.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/283.npy new file mode 100644 index 0000000000000000000000000000000000000000..89d4e843252804a547cc9bc043bfbf9b4aed08f2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/283.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6eb72387acddac274b40de625bc871160e96f9c7028eaf6e9bb0a709eab74b71 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/284.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/284.npy new file mode 100644 index 0000000000000000000000000000000000000000..9e36f4a97a63effc7e39bac7e3a8f05435e1d2b8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/284.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0929ba9411dccb97adefeecf6ecf02c4c4179bf82ac2af5be3ee58871750c0a +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/285.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/285.npy new file mode 100644 index 0000000000000000000000000000000000000000..9c7468860a7cbec6521b6be76d1b4dcf104a744f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/285.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b2be241b58431ec1cecd7886c834119bbaa05af9c3b3e2eb7d97c57969134eb +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/286.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/286.npy new file mode 100644 index 0000000000000000000000000000000000000000..4a204148879bfd11b8c6d8f5609b27e930eab0ba --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/286.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dbcb3b0ed9407f07b55380d728f1c4538b6a7169f5ba376ecbb3aa20e697f46 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/287.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/287.npy new file mode 100644 index 0000000000000000000000000000000000000000..183747e61f980a4bf3d7cda6cdfc3f663e0e687d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/287.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39ae196285d972d4da82e9cc98ac58fc5fe50b321949971fa038ede1f894c817 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/288.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/288.npy new file mode 100644 index 0000000000000000000000000000000000000000..79257f301329df0871131ac869b3b5312d5b6c4f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/288.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:258b8a0e518a98c391f9c09d570a9ddeadb66a5b7dc192808d5be60e4eec5dce +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/289.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/289.npy new file mode 100644 index 0000000000000000000000000000000000000000..32dfa45aa14f7724190735095899fe44d0ec4b6d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/289.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d58401b9b200cc3a74097242599044349e42f6a363c3a0b4fe2a766f13589ee3 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/29.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/29.npy new file mode 100644 index 0000000000000000000000000000000000000000..8dcf122c4940951a15321ae957cce9a638c21648 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/29.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d27f49e9f06a1b26af2d443a0a40de011bbe8ebbe4141fb0696eefda4d14c3c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/290.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/290.npy new file mode 100644 index 0000000000000000000000000000000000000000..9838edae0360e7b81043213f098c126a1a0319f7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/290.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ceb0e9e076dfd5fc720c93bbe7a991dacf6b33fbf5f570e7ff86d5f3630881c5 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/291.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/291.npy new file mode 100644 index 0000000000000000000000000000000000000000..4c39b1af1ee7380af0c8570febe1ebe90b3098b4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/291.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:262add387989cf58979c6b844ad7c357e165ffd6a052293561825f6ef07d0745 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/292.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/292.npy new file mode 100644 index 0000000000000000000000000000000000000000..96c1286f9a35f4cabb10818df87aa460599b19ce --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/292.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97f47082c3fe6dc94f27a0e58ed60d96d4327d9763bccb71c3de288a4a0cbb5e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/293.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/293.npy new file mode 100644 index 0000000000000000000000000000000000000000..42d8676768505d497bb04dc3857a5f65745674f8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/293.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c332644a89c1e6a69c3b70e9b96c51016407030587f49e07784d3ada8d544943 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/294.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/294.npy new file mode 100644 index 0000000000000000000000000000000000000000..a22d91de46ea7c0a5bcfa1fe137db4290f2f523e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/294.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:787a3e10319a842e37c0763e19e202ac3e9d910233431e1ef8e55f14b086199f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/295.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/295.npy new file mode 100644 index 0000000000000000000000000000000000000000..96d4ef4937a9d3ab5e67b44cdb3d1c5a1bdfadaf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/295.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dee6a97c9c31ade27185eafa5b472cb9ac0f5a055df50ea39c85ba120bb76dab +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/296.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/296.npy new file mode 100644 index 0000000000000000000000000000000000000000..64c03988110a7e61afd0a20c10e6dd501d0fc576 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/296.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25cfd2251345920a988f53614597d88b17f4cf7f2ca1ea4ca256392d95084703 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/297.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/297.npy new file mode 100644 index 0000000000000000000000000000000000000000..8de20f54ec127d087a263fdb85fe15f272f17594 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/297.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b02bc61539a4e548fa5a4ecd784d2389cc138a0abc844c14a75c1a311b158ae2 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/298.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/298.npy new file mode 100644 index 0000000000000000000000000000000000000000..dfed132458809089a21d2ffb4dc1141df50386d6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/298.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d6a21bf881038da73eec024151b730446320a0e54dcaef5e33c441c77cb8744 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/299.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/299.npy new file mode 100644 index 0000000000000000000000000000000000000000..3a83981568008f573a826e951bb4244c1a5d14d5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/299.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e732a7b43b3d5ce64c1d580c95d1c746db3670beb7301bdd0ca9ced18c3fc01 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/3.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/3.npy new file mode 100644 index 0000000000000000000000000000000000000000..98c55567aa05e177a1f2f7842bb7c52e2dd01d86 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/3.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99713c8833781518dddf758e3e074be9dc99b80d0446fce175d782434626e754 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/30.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/30.npy new file mode 100644 index 0000000000000000000000000000000000000000..7d7ae46e458dacc329f10d850acc64a71fb88770 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/30.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbc9c65183c7d820c5c31ccdd1dd6abbd40f50969aee829488be9d530061e944 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/300.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/300.npy new file mode 100644 index 0000000000000000000000000000000000000000..338b86443a93987731d9a02d7851cc36d8a630ca --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/300.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ebd68fa4bf88ae278b2713c2cb23ea1c0bccef5e93ce39af2a0cf9fe53dfa50 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/301.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/301.npy new file mode 100644 index 0000000000000000000000000000000000000000..97599341e1baade1ce261f7e1355b912ade7d486 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/301.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14b47fff4735470424e958af8b10685b8a6f41077224f4d960813fc294d717e7 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/302.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/302.npy new file mode 100644 index 0000000000000000000000000000000000000000..a419d9bad898396fc82529c007f55f77ec09d525 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/302.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71fae6e98debe227dd22c509661f4b7d20b1c5596a347e7b3d0031dabbfa980c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/303.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/303.npy new file mode 100644 index 0000000000000000000000000000000000000000..38bcad8fc7cabde27034e1222a5e9b32b7587ee2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/303.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:600659b455f7eae329c5e4ed655e8d6c80137ca3b54dda5986f0d77556586c84 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/304.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/304.npy new file mode 100644 index 0000000000000000000000000000000000000000..e4cab2ad36484bacd0a1c416d868e33e35dee007 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/304.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb210ee59d24e49e98bcfe79037a6fbf775a0877d8cf1c3323ee17e014a6a24f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/305.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/305.npy new file mode 100644 index 0000000000000000000000000000000000000000..b8c6b4adb8fe4bfc24666a64920e138f5ee4e48a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/305.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2708fdda5af258203d5f5ecb940bfbea5906e9ff86f7d453be3744102d5f12eb +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/306.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/306.npy new file mode 100644 index 0000000000000000000000000000000000000000..92b742a98cbe3d814d201eaf3443101d15d98ad1 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/306.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8839c71a25e35c0e998c5a5f26015f9fafd26e74e1504925ea933a4387364ff3 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/307.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/307.npy new file mode 100644 index 0000000000000000000000000000000000000000..5cc64cc03bd0c716b2db0d6fe36a5ca2394831fe --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/307.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8dcf1e956d440d25ef5fee14f503bc3fc82b58264c2f8ebaba821454913cd325 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/308.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/308.npy new file mode 100644 index 0000000000000000000000000000000000000000..b2e1a29d0fd59dfdc8da353b2f00c5fb81ab2ede --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/308.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9a6fec35515480478c40bef66205c8c75d8afd07e13317b88e83d6396cee9c6 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/309.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/309.npy new file mode 100644 index 0000000000000000000000000000000000000000..3ac2208a95a28d2f41dc9b5e10e61dd6e9cc85af --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/309.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10cc1c93a459e5233f256bf0b726c78a74a841500b579bbe03cafc0062af1ceb +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/31.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/31.npy new file mode 100644 index 0000000000000000000000000000000000000000..0a5c6840bf171f7074d549eb94e50f8634c77803 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/31.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7830ce6c303b2e8eeb0446ddea89859b1354389dcc28abe2d61d5403aeecf32f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/310.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/310.npy new file mode 100644 index 0000000000000000000000000000000000000000..990a57b08fe618e9d8ca33a110b56b8eba361459 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/310.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b2a9f6c3c0b454477813ead577fdc61e2710e30b815b2f8cb84f3d0d996e998 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/311.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/311.npy new file mode 100644 index 0000000000000000000000000000000000000000..c078f6dfa93842118c0a74015eb3effe0e0ffea8 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/311.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:770533f4edf8047e1aea3966df692de48193da93541ab1031a188a674c5bc87f +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/312.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/312.npy new file mode 100644 index 0000000000000000000000000000000000000000..086de5403f6bbbfb957149539a8d6df5043897f5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/312.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29f62802faa03dc30fb1c5de50648566999bcb55e9fbedbf78c6790e2fa96e9c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/313.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/313.npy new file mode 100644 index 0000000000000000000000000000000000000000..a3ba60761cfda5c1a9764b9d0a40eba3faba14bb --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/313.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d981eef1f66deb7cf409ae7ff8ec4e8236a6c4e5a0875321b0ad9ab50e7193d1 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/32.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/32.npy new file mode 100644 index 0000000000000000000000000000000000000000..22381149c0a58c5f76fefd1b031d5e0462b3303f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/32.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9b70349d899b308f65ddd3a695d74dcce97ca6e6139d65cb467963b70190ce7 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/33.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/33.npy new file mode 100644 index 0000000000000000000000000000000000000000..284049a1698a2e7dbba38de5a57f67411ee4ae20 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/33.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da0d1e99076255a34b7a71a4f084fbd8cd6561e248b4588d843adce7f1b16d3d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/34.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/34.npy new file mode 100644 index 0000000000000000000000000000000000000000..b6c68d8d587865dd65777909999a00c835bb26f6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/34.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:889b7df0be6e8888a475ec5c59b638d93db335a2a74f1a379fd0c565464e6836 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/35.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/35.npy new file mode 100644 index 0000000000000000000000000000000000000000..5eb5a82fd1ce843b8351a6f82d5018f55cbc811d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/35.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:803652d62347a726d06a2e7df109600a65d9285a39cd27302f36f184fffdf363 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/36.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/36.npy new file mode 100644 index 0000000000000000000000000000000000000000..e1ccdac0d83b1cb304fdadc16b76cbfb315ff5e7 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/36.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee1e2a7c163c7eabc830aca54fd81908d87c95e5b8d9a055d8a31dcde2e22331 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/37.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/37.npy new file mode 100644 index 0000000000000000000000000000000000000000..627043ca58abd28aeb595dc240853770a935194c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/37.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25c947ac59f63c1353b3606a02c393b4d6525d496467b63fcd4e7180798d59ba +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/38.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/38.npy new file mode 100644 index 0000000000000000000000000000000000000000..9e5d2d851ff13d7c3d8cf2b06e533aa0fc5b69bd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/38.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1804dc068d2dd82e684f26b05f27150c855083beb919305caa0a257fab77802c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/39.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/39.npy new file mode 100644 index 0000000000000000000000000000000000000000..19a7752782f6e9c0f12a44158e90a1885c0f8a9f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/39.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe72584115e4dbf541ce7b7f1111d74d29fb3940a2896d079203bceb9e44998a +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/4.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/4.npy new file mode 100644 index 0000000000000000000000000000000000000000..f353eaec6589e58fa7efc045bb3a76bd6635b804 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/4.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33a136e6388fa8e4668aebea2cc52d7384cf41f91bd0c877653ae5f2913993d1 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/40.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/40.npy new file mode 100644 index 0000000000000000000000000000000000000000..43134d8e2922e01193f836538f9fe1950e085ba4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/40.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb72f3265bb088e5ce1f4865c9b31ebfa7ea8a31c868327f26b4c2b15a5f9bf3 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/41.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/41.npy new file mode 100644 index 0000000000000000000000000000000000000000..35e6381f7c1247649c360191dc3e42d1761c0c14 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/41.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de0bb77bd3d86b5ee231b0009a7071c8ad88b4d1518baab2d1fa29e7af662610 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/42.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/42.npy new file mode 100644 index 0000000000000000000000000000000000000000..5b030f947d444a0756bee8abac69d21669d0e86c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/42.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e719b6b57ea1563f39143381311b8343039435ccd0a276af601050676237b49 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/43.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/43.npy new file mode 100644 index 0000000000000000000000000000000000000000..55fa72f51a0865c8674def57d6c3f93c5ed3969d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/43.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7204848d84fad0fd3e24b0b1b06542f578e71aca4efaae23890d6b6111b81fa +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/44.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/44.npy new file mode 100644 index 0000000000000000000000000000000000000000..713bdfe20c80cec8efb9dc7d52caa3f6a26d5728 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/44.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb94c29480daa7598eb46126b684041df68d039165f0ecff0602dc5d487fbd79 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/45.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/45.npy new file mode 100644 index 0000000000000000000000000000000000000000..380346351ffe7b33d0deb3c5a486a8004be19051 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/45.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77dc96329f89b38a29281db3bf38c4be2a5f15b86f7288c22ad6bdf5be5220f0 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/46.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/46.npy new file mode 100644 index 0000000000000000000000000000000000000000..73fc7826e33193d26ebb380056f55d8917ed45ba --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/46.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4df46dcbc12aa455d9cc9b1069922250fa24da07cc420e212a98f545cf765e73 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/47.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/47.npy new file mode 100644 index 0000000000000000000000000000000000000000..64faf8b1f3b03443245d825cee8e153f8d4b142b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/47.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6295b58015e2d6929f1f111244f4ab55fc6723563ed8839978d85447b4f98834 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/48.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/48.npy new file mode 100644 index 0000000000000000000000000000000000000000..ff1688c281a01914f1228f44dd4764e36246b07b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/48.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c900632736709e7e57ec4bda1b3adf9eea8e459d74939337bc616c2bc5d229b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/49.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/49.npy new file mode 100644 index 0000000000000000000000000000000000000000..94a1272fb3cab91f677823b86f584f8a39bf4af2 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/49.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f285747e22da2b56b138e16ee4235d1630b424cbed48c74b256e36e49897176 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/5.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/5.npy new file mode 100644 index 0000000000000000000000000000000000000000..f7dead29acc6897f8cb30510b2628711fa3b67f6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/5.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c5c6fe61d5dc305cd677a505e7f0c2c6f62c564a5079e6ac21d0a7e1c57f561 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/50.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/50.npy new file mode 100644 index 0000000000000000000000000000000000000000..fa957955a29b28974d2a3c55d8cbd45b5ee0a6b0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/50.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:732e8392e5e004971eca9fc78d9f7c82cf73ce840de5e02e5521909673526e8e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/51.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/51.npy new file mode 100644 index 0000000000000000000000000000000000000000..77d9cb39bee99009bb288300963549671c108b62 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/51.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4248d8891cf504cfa0bf5d51302fa85c57b99b54d634e0e72be8f7576690b080 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/52.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/52.npy new file mode 100644 index 0000000000000000000000000000000000000000..a1e5b11fd505617e0e6cf2b66cc6a8e71e7e8064 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/52.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e22164a0e767a7b208b3a0b9fc29ab44270a06c4b798511d804a027f7fd67264 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/53.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/53.npy new file mode 100644 index 0000000000000000000000000000000000000000..1eb6ebedde1f49bf719eff11c2f49ec809b29461 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/53.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b21f0abcda42097e4a399a7bc7fe8a99f2273ee3a72eda7bd5f2fbd68326660 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/54.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/54.npy new file mode 100644 index 0000000000000000000000000000000000000000..7a24bcaebe23ed72a255f0bf54c4ef5e2ea23407 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/54.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e2c6c7c9a2389ef5fd6614b9250ffc594d56d4f47fb8cf20084c97238e2aeaf +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/55.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/55.npy new file mode 100644 index 0000000000000000000000000000000000000000..8cb6542d4ac68e3422ea99046b607a4e00823b9b --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/55.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4049fe7dfa16873c34552236cbb60734f3855934f4da71bb98fee0c35e8e4402 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/56.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/56.npy new file mode 100644 index 0000000000000000000000000000000000000000..8e52b0ccd0e2285508dffe85d7d10aedc644bdf6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/56.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:906115f8ab2cb688625e07078dc8ef71f60d30f510f912b0d35ff90c8ec51af8 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/57.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/57.npy new file mode 100644 index 0000000000000000000000000000000000000000..4e2cc3a32dfa28fa4aff6f50f96a58f97617f949 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/57.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:285a07c7b8401dd1e3d1a5f28dace4d5d41c586b56c6b55afa108de12454556a +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/58.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/58.npy new file mode 100644 index 0000000000000000000000000000000000000000..287f2c2437b2781d07a5d53c39727676d9c9e1b3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/58.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c0df7727b381edad6fe9c969568fa5725894b0366e2da303b67f23dbc86ff1e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/59.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/59.npy new file mode 100644 index 0000000000000000000000000000000000000000..14ecf3af896a709baca5aec038bb05fde5d47af5 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/59.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3932d0aafecd861fe52e7005217f07aaf220389f09dc4a9610563a37e69a7948 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/6.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/6.npy new file mode 100644 index 0000000000000000000000000000000000000000..eaa46834cd9d7841de872c03fc2e322f7a99adcf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/6.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:701fed8abd8c91fe3119e9a352091046fb6ef84cab12e57982a6f5604c2c4085 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/60.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/60.npy new file mode 100644 index 0000000000000000000000000000000000000000..f024d26c1a985cc041e976fe9ea51b54415d3a80 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/60.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fa864220317b7029a8f87a118c41f9353b656d2e15c38f79e4e0c4ca3d20276 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/61.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/61.npy new file mode 100644 index 0000000000000000000000000000000000000000..138102f799626f87fdcef0a85b61d11d1f328465 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/61.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3492762e651f8a9fbccd599d56a0db25077041f2ed0691e802204636b336f0d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/62.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/62.npy new file mode 100644 index 0000000000000000000000000000000000000000..5ac69b57536dd93fc0f91c0ff55a98dbe025d929 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/62.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65a2a9fd741d8396aca69f5b6f9ac8602899065a52ac41be448b3ad593eb1a15 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/63.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/63.npy new file mode 100644 index 0000000000000000000000000000000000000000..787b6742161a1b5f6d06e35aa4a067e85d90baf6 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/63.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ac83534b5c6958e54493187f99992aa17bde2c0bf98f2952e74f0d19602929a +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/64.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/64.npy new file mode 100644 index 0000000000000000000000000000000000000000..483fecdfb562ed387f41fef62b4e0258981acf0d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/64.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9348bf2ca97bd61bd9a8cb1a97877c6e2d86e79a5eb7e7a95da8bc4b29942055 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/65.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/65.npy new file mode 100644 index 0000000000000000000000000000000000000000..cb4b4fee87cbc38ad649b0112305cce56ffbe337 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/65.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79bc059c854813add230b6f5a30fa62c5d9dcdca4dc5fd6e316f2a9502de8327 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/66.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/66.npy new file mode 100644 index 0000000000000000000000000000000000000000..c07172a90392945bfd2dc64ecfefe0a7fa032e08 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/66.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45772d53a08489c73f1c6d63ec8950fde573c958141af7b78b963fad39d3163e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/67.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/67.npy new file mode 100644 index 0000000000000000000000000000000000000000..d4380f67427b881ec55d3fe9eb692e004daa1b10 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/67.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49b399c152fca5202e8db7557e5b3341ad82e4adbef5da562b7bb41831ad2a1d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/68.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/68.npy new file mode 100644 index 0000000000000000000000000000000000000000..a60a4f530c67cb78b6d5626e68521ea333207d3e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/68.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3caba239e2136d08d77161df9b4871e184525d0ae3b56e5716c7bcdeca769db +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/69.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/69.npy new file mode 100644 index 0000000000000000000000000000000000000000..ed1d423fa86e22beb1d70953c2a4e3083cce0280 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/69.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d28af5f0c3378ca0f4ce1f112c3e25b90586b055788479b03e47751f4bd9576e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/7.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/7.npy new file mode 100644 index 0000000000000000000000000000000000000000..f3f4282343d0e64e038785d13f9c948206d396a4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/7.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9df07902ceb42c050322192c37f4e16191c96dbaa11b660649076873a8d022f4 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/70.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/70.npy new file mode 100644 index 0000000000000000000000000000000000000000..876e5f00b8e851e69afcca338796cd62be082613 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/70.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09b58a1004efcde4a3f054a176a82674a763441a2c65cfedec53438a750fec2d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/71.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/71.npy new file mode 100644 index 0000000000000000000000000000000000000000..2ca5401e7ed1a1859da208a1d1494bf3b4c54923 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/71.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a75ac16f32d98620cff9e3e62d757bf6660d31fa076ce8e95b6762dae7cba1c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/72.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/72.npy new file mode 100644 index 0000000000000000000000000000000000000000..21b8e2971764436304357f7ef9342639b9c044af --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/72.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bb5152a161f1cd7abfdc2a803dddb9bf27887fa50c64082e308c330b7a0e805 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/73.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/73.npy new file mode 100644 index 0000000000000000000000000000000000000000..d86249a983b4f3df8aaf4ec334ac365e82a49588 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/73.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d456f9bdbc7bf7e5e7f027b445bbebb0492a413e155e929d2f0c4385818c965 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/74.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/74.npy new file mode 100644 index 0000000000000000000000000000000000000000..421350f43cf2dc7ffb6575db327732c611d5edaf --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/74.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7dc0e0ecd463b8669dffea7f7ba0ec9f05688c58475b378892c7d210b81340c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/75.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/75.npy new file mode 100644 index 0000000000000000000000000000000000000000..90087e2f2a83036a17730488d1ba2a745094a7d3 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/75.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d958b05ccec81b6f9085273b186828110d87ac5fff9668c132e497057c2b05e3 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/76.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/76.npy new file mode 100644 index 0000000000000000000000000000000000000000..e9e38ecca43527318695ac05d64ab97baa7a1744 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/76.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ab7461052087461c6d3b7cd9797634195f71bb66d2211f40210129f7e658346 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/77.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/77.npy new file mode 100644 index 0000000000000000000000000000000000000000..5989ae137c790e37cbfc497f9efa5b56d88bd5cd --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/77.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66c69ff22cadee2f23d89b5239104252462bd7a326faa09610ab9d0a600f6fcb +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/78.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/78.npy new file mode 100644 index 0000000000000000000000000000000000000000..7607d59fb640caba2f4c8bc04a2451a4eee38656 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/78.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a39e92c1120fe61124e37ffc96e7ee20269f866f238e2615b5dc26a8fc6c8adc +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/79.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/79.npy new file mode 100644 index 0000000000000000000000000000000000000000..c7bf6ffa800342ef363dee250b597350fafda3af --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/79.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f28b9df0cd5ca16f9ae152d7e00f7132c077ddbb0c6a586a4d381ab3b93ff81d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/8.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/8.npy new file mode 100644 index 0000000000000000000000000000000000000000..3d94cbe27a26930b962d0e7c8fb272289c3b9932 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/8.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5bb7a95aaec2781a68ecc1b4f3bdb7d49d597cc76b5daa8b98bdce45d8daa88 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/80.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/80.npy new file mode 100644 index 0000000000000000000000000000000000000000..89f835791f2ebfb59cca656c15f012122ddee348 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/80.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ba739fbf29c81f38667a7cb216d6d698cf2e312898ca56d4a75a3b00dedd759 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/81.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/81.npy new file mode 100644 index 0000000000000000000000000000000000000000..be003f7f491559e4a7d3264a0b1e0e7acb2f9b48 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/81.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99b630888eea800c8311cfb0d73d19a804b60a9d9be6fef2f56e4a60de96c871 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/82.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/82.npy new file mode 100644 index 0000000000000000000000000000000000000000..fa8005976ea7cb3ab3b40c2140f5438f3caa6fc4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/82.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ef50729ba714b2af1b49a139357c2aecec8db8a088e2320e9d95e797c77974b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/83.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/83.npy new file mode 100644 index 0000000000000000000000000000000000000000..0300131d82f10215e28a9b6610b422b5e3487e51 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/83.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa35d6c19ce0a52ad2b1436eafac471d4bf26cfe3056e709583d5ccfa5872de4 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/84.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/84.npy new file mode 100644 index 0000000000000000000000000000000000000000..576d3ff589911da2ddf6411e16b6dd96d38f21ca --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/84.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfab6cf0443373e8501f2d7ba25e2d0b565904c211b2bc268e22aa15cff17f43 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/85.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/85.npy new file mode 100644 index 0000000000000000000000000000000000000000..326e094b551eb180f82ed3629399ce63c9edb555 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/85.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c27f21a05906352f2fae8f6937271eadd2e3db5cd66cc41c0eef4b30ff46058a +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/86.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/86.npy new file mode 100644 index 0000000000000000000000000000000000000000..aa5b4d75559e77d160773d4bf9ee6943ef72959e --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/86.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbf67d45a91b849e77c0bc0838db419c116f464104382fb219dcf2302316384e +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/87.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/87.npy new file mode 100644 index 0000000000000000000000000000000000000000..9b865c31367184e9a2333e3a5f17e250913b2b2c --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/87.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14fd6364e695429948357278d01b30a28c67164888a2475947f95f717b487f2c +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/88.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/88.npy new file mode 100644 index 0000000000000000000000000000000000000000..99955e2cc56b44b9050309624fab064ea5150799 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/88.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:405fc54f118c78cc95da8bd0d50d15cc71d454833a09fa5e2d4210caf9473caf +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/89.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/89.npy new file mode 100644 index 0000000000000000000000000000000000000000..45ccdef460c1a114a4a9f6ceb57362320823ba4f --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/89.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52d4a2a6f76aa2984d757916369add011d18ccf5e4d430c05aa297b9a8761aa7 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/9.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/9.npy new file mode 100644 index 0000000000000000000000000000000000000000..34611237b17bf92190eb2ce2b80f55df6bb13866 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/9.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9daeaa5235bc61710076af23f1a538690cefd9b727c29681b3672c5ae46aa231 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/90.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/90.npy new file mode 100644 index 0000000000000000000000000000000000000000..06992487d99e8bfba8c508d54b9a796e3d62cf1d --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/90.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0452c3a8fc8ca0a9d23174ae564444c725e73c4e4a1047910b5fd832b6b3c0d +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/91.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/91.npy new file mode 100644 index 0000000000000000000000000000000000000000..56d3d5660d6bebb1a338b2bde3fb0ac0e9131749 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/91.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61d093b65d27e723b547313d7907433604660596cd41fb7956d7496565016411 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/92.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/92.npy new file mode 100644 index 0000000000000000000000000000000000000000..67ea351eec673e0bd40ed3a18400a9f4d58f0bc4 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/92.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3127875a54fb92498c1753e187f0c88ba1f0bc42c4e961be0d4751aac6b7ce40 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/93.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/93.npy new file mode 100644 index 0000000000000000000000000000000000000000..909b2e85402ad4b83062322e9da7973bd6effc04 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/93.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80ef48d02951c9ae93405ceacff101089247e84ea57ffec597249954182e4f10 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/94.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/94.npy new file mode 100644 index 0000000000000000000000000000000000000000..68d4a07057559ae87850a1f3521e2fafe0d63ab0 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/94.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bea689df80c179054708cbc7f63ddd4f06b2a57adb1c72a4a26fb4c49f953d5 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/95.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/95.npy new file mode 100644 index 0000000000000000000000000000000000000000..64b8435df0fd410cb4251324c9170da68ae165ae --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/95.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82cf6d9bf10710aea05ac45b5710774932947e8ffdccff03d7ecaf538acb02ac +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/96.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/96.npy new file mode 100644 index 0000000000000000000000000000000000000000..59d6291b6dc08f3755b9d3b934a2944990a25bb9 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/96.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fc56e0af812cac135be8bfc903740f8993c14fddca352a3d943f89ad75c1645 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/97.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/97.npy new file mode 100644 index 0000000000000000000000000000000000000000..9f066910543f5bec1e16f04864488aaf7fb6a95a --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/97.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d1986fb9df5e324639326dae2ad8c24f485cfc303f3144f1d43d4532f03774b +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/98.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/98.npy new file mode 100644 index 0000000000000000000000000000000000000000..96cfed56d2db0a79de95768ec9e33fc969e10f04 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/98.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:136ab51513026632b781523c4b7fc1600721ee4871a4ec25a7aa9d3c5930ccc4 +size 2320 diff --git a/demo_data/target_video/data_hongyu_2/motions/hongyu_2/99.npy b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/99.npy new file mode 100644 index 0000000000000000000000000000000000000000..6d187133e1e65086f98fe5fa4c4503ebaa6d3e43 --- /dev/null +++ b/demo_data/target_video/data_hongyu_2/motions/hongyu_2/99.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4dd08347e7589ecc788955a706ef29c5edf099c319aa7bf54db370b1ebae62db +size 2320 diff --git a/demo_data/target_video/hongyu_2.mp4 b/demo_data/target_video/hongyu_2.mp4 new file mode 100644 index 0000000000000000000000000000000000000000..3ab1cb13166a214054e2145d1ca5fc883dd42a01 --- /dev/null +++ b/demo_data/target_video/hongyu_2.mp4 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e09697e4ccd82f3167d47cb4a2217c694fa913ffe0f8cbded5d0e2f95ad17382 +size 725316 diff --git a/different_domain_imge_gen/README.md b/different_domain_imge_gen/README.md new file mode 100644 index 0000000000000000000000000000000000000000..e8ad9f1eec25e97cbbf3eb15ce158c121f575315 --- /dev/null +++ b/different_domain_imge_gen/README.md @@ -0,0 +1,70 @@ +This script can help you transfer the realistic domain's portrait to the other domain. + + +## ⚙️ Requirements and Installation + +We test with the diffusers==0.20.1 + + + +### Download Weight + +You should download the [mediapipe controlnet](CrucibleAI/ControlNetMediaPipeFace) and [SD21](stabilityai/stable-diffusion-2-1-base). + +You can also download some third-party models form huggingface, for example [3Danimation](https://huggingface.co/Yntec/3Danimation/tree/main) + +```bash +python3 input_image_gen.py --model_base_path 'the dir of your download models' --prompt "a 3D render of a face in Pixar style" +``` +## Domain Types and Corresponding Prompts + +As mentioned in our main paper, we used 28 domain images during training, including the original realistic domain. We categorize our domains into two types. + +### Type 1: Stable Diffusion 2.1 Generated Domains + +The first type uses the official Stable Diffusion 2.1 model as the generative model. For this type, the text prompts used are shown in the table below. We generate images in 20 different domain styles, with 6,000 images per domain. + +#### Table 1: Full-text prompts corresponding to each domain + +| **Concise Name of Domain** | **Full text prompt** | +|----------------------------|----------------------| +| Pixar | a 3D render of a face in Pixar style | +| Lego | a 3D render of a head of a Lego man 3D model | +| Greek statue | a FHD photo of a white Greek statue | +| Elf | a FHD photo of a face of a beautiful elf with silver hair in live action movie | +| Zombie | a FHD photo of a face of a zombie | +| Tekken | a 3D render of a Tekken game character | +| Devil | a FHD photo of a face of a devil in fantasy movie | +| Steampunk | Steampunk style portrait, mechanical, brass and copper tones | +| Mario | a 3D render of a face of Super Mario | +| Orc | a FHD photo of a face of an orc in fantasy movie | +| Masque | a FHD photo of a face of a person in masquerade | +| Skeleton | a FHD photo of a face of a skeleton in fantasy movie | +| Peking Opera | a FHD photo of a face of a character in Peking opera with heavy make-up | +| Yoda | a FHD photo of a face of Yoda in Star Wars | +| Hobbit | a FHD photo of a face of a Hobbit in Lord of the Rings | +| Stained glass | Stained glass style, portrait, beautiful, translucent | +| Graffiti | Graffiti style portrait, street art, vibrant, urban, detailed, tag | +| Pixel-art | Pixel art style portrait, low res, blocky, pixel art style | +| Retro | Retro game art style portrait, vibrant colors | +| Ink | A portrait in ink style, black and white image | + +### Type 2: Civitai Third-Party Models + +The second type utilizes third-party models from Civitai as the generative models, where each model corresponds to a specific style. For these models, the same text prompt is used across all models, and we set the prompt as: + +> **"masterpieces, portrait, high-quality"** + +#### Table 2: Models used for each domain + +| **Concise Name of Domain** | **Model Name** | +|----------------------------|---------------| +| 3D-Animation | 3D Animation Diffusion-V1.0 | +| Toon | ToonYou-Beta6 | +| AAM | AAM Anime Mix | +| Counterfeit | Counterfeit-V3.0 | +| Pencil | Pencil Sketch | +| Lyriel | Lyriel-V1.6 | +| XXM | XXMix9realistic | + +All models were sourced from **Civitai**, an AI-Generated Content (AIGC) social platform. \ No newline at end of file diff --git a/different_domain_imge_gen/__init__.py b/different_domain_imge_gen/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/different_domain_imge_gen/demo_input/seed000001.png b/different_domain_imge_gen/demo_input/seed000001.png new file mode 100644 index 0000000000000000000000000000000000000000..646f5b546e07b71db9733c1ef656b7fb3de10fd8 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000001.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08a916182372112386481c87cb56269b698cc0846a17a66ccc279c4ebe197468 +size 435982 diff --git a/different_domain_imge_gen/demo_input/seed000002.png b/different_domain_imge_gen/demo_input/seed000002.png new file mode 100644 index 0000000000000000000000000000000000000000..f07487310ea72a4909ced8959733c9d4ed35741d --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000002.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca40aac1ada2ef9eb3664eab3735b11e226d93ca0f839e69b71c4833a7a3ad9f +size 428889 diff --git a/different_domain_imge_gen/demo_input/seed000003.png b/different_domain_imge_gen/demo_input/seed000003.png new file mode 100644 index 0000000000000000000000000000000000000000..36a0bc8412f2c744effd7bb509960b3334c3e92e --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000003.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5fe6323579d8edc33f7e37c9308fff51247fc05440420c82c3a75cbac50bf3cf +size 443234 diff --git a/different_domain_imge_gen/demo_input/seed000004.png b/different_domain_imge_gen/demo_input/seed000004.png new file mode 100644 index 0000000000000000000000000000000000000000..350844bc661739919511b146d2baa99b1f47ae8e --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000004.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:186fdd2dae24392ca95b72228d035d5b6bb15a27e28658000a07c6d4b1a1267c +size 427081 diff --git a/different_domain_imge_gen/demo_input/seed000005.png b/different_domain_imge_gen/demo_input/seed000005.png new file mode 100644 index 0000000000000000000000000000000000000000..4a16df4a1625abd84c123f60153657d8021efab4 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000005.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:588722b4bdb3cdeec918ab0a8f3e99cee3c8e5f9114b331bdbfc38fc6b418c84 +size 436208 diff --git a/different_domain_imge_gen/demo_input/seed000006.png b/different_domain_imge_gen/demo_input/seed000006.png new file mode 100644 index 0000000000000000000000000000000000000000..26f8ec13a70b4d66faecd2118a7e5c56870063d0 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000006.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b7e8ab43b5490e58bbc5956da8f056ee5bb2341cfcfad2ec589cba4c24403ac +size 439489 diff --git a/different_domain_imge_gen/demo_input/seed000007.png b/different_domain_imge_gen/demo_input/seed000007.png new file mode 100644 index 0000000000000000000000000000000000000000..9ae14f5424872cdc0c59365eaa988e348c5d3865 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000007.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:488ed3276a74a9691b63f48b6397904ac07908fad084ed13d39f46b7f240e7d7 +size 448025 diff --git a/different_domain_imge_gen/demo_input/seed000008.png b/different_domain_imge_gen/demo_input/seed000008.png new file mode 100644 index 0000000000000000000000000000000000000000..8d0699fe7768a96383c847cc78044ce81aeed983 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000008.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34b50bf180357a85c0a2b0513f5fbeb4b5c673875241baed884cdd6c45c0ed44 +size 430699 diff --git a/different_domain_imge_gen/demo_input/seed000009.png b/different_domain_imge_gen/demo_input/seed000009.png new file mode 100644 index 0000000000000000000000000000000000000000..16ff449b751eec4902f2d71275610f29d4a463a8 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000009.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef9e9871b632a02d5022d442e0c4fef9be7972ac983250db6487e8fb410cb6ca +size 421760 diff --git a/different_domain_imge_gen/demo_input/seed000010.png b/different_domain_imge_gen/demo_input/seed000010.png new file mode 100644 index 0000000000000000000000000000000000000000..2a659542b08ee5eb74b295405750aa2493c05268 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000010.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d50c26f2f3811611069d7b6e1d48540d77d0bf4813a3af8c86efd816e795862 +size 438295 diff --git a/different_domain_imge_gen/demo_input/seed000011.png b/different_domain_imge_gen/demo_input/seed000011.png new file mode 100644 index 0000000000000000000000000000000000000000..4a8eacadb81ae91c0908b2ee660577b698a78f62 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000011.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4123550b6cceac877dcc11f2b795fe8a30cbb8e22cdecf29f3306a60eea865f4 +size 442152 diff --git a/different_domain_imge_gen/demo_input/seed000012.png b/different_domain_imge_gen/demo_input/seed000012.png new file mode 100644 index 0000000000000000000000000000000000000000..d9e6a4b7a7c424d0236217ef12974dcae2f3aa8c --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000012.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d09dfed4ca87604c96afacb6884e878981ff0bbae18a320d914fda83170e9d34 +size 446073 diff --git a/different_domain_imge_gen/demo_input/seed000013.png b/different_domain_imge_gen/demo_input/seed000013.png new file mode 100644 index 0000000000000000000000000000000000000000..376432303c89bd16f109881c887c94770da1ac7f --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000013.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9f2348b56865207d79b82f4df17b484495ebbce6fb884c93cfae75d22627cab +size 497820 diff --git a/different_domain_imge_gen/demo_input/seed000014.png b/different_domain_imge_gen/demo_input/seed000014.png new file mode 100644 index 0000000000000000000000000000000000000000..465df31bb2c3c8881d564a071cc26dd902b79953 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000014.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:674897d5086f7403b59d27e81c3c7aed11230b0435d8fb9f44b8863a308631d9 +size 433834 diff --git a/different_domain_imge_gen/demo_input/seed000015.png b/different_domain_imge_gen/demo_input/seed000015.png new file mode 100644 index 0000000000000000000000000000000000000000..b1f994018633318f7438ba2be2ca27cad4a33063 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000015.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89cf9a78a47e1c821e1045386ed02f85861275e8ae96c035fd9e67ceb16a808a +size 434664 diff --git a/different_domain_imge_gen/demo_input/seed000016.png b/different_domain_imge_gen/demo_input/seed000016.png new file mode 100644 index 0000000000000000000000000000000000000000..d3d0b03db77f7e4200dd834ab0fae007cd015ea7 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000016.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40272d9c9f7e737c5857812fee777ea50d28c7b0106744e354e51421e726cf1d +size 423808 diff --git a/different_domain_imge_gen/demo_input/seed000017.png b/different_domain_imge_gen/demo_input/seed000017.png new file mode 100644 index 0000000000000000000000000000000000000000..26ae16acbfca025c4b6daf6342240e8218dbdbac --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000017.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4423c85340948bbba6b8aec6ec070a464e3ffb03e3c895a3ac71704fbae273d4 +size 412513 diff --git a/different_domain_imge_gen/demo_input/seed000018.png b/different_domain_imge_gen/demo_input/seed000018.png new file mode 100644 index 0000000000000000000000000000000000000000..98f8e3ac4331b4667ca8703850a6f1feecb5f6c3 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000018.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e0fa3c77cd632d9fcde4fd8056565c409d0625e29481aa55ca212693c5b2575 +size 462500 diff --git a/different_domain_imge_gen/demo_input/seed000019.png b/different_domain_imge_gen/demo_input/seed000019.png new file mode 100644 index 0000000000000000000000000000000000000000..a992622d7c8b63807f35ed2daf317c19374b0335 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000019.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b42279930e11e0d1717591ec77d0e1b3a568fda3c0febd33b4c285afaa86b7e5 +size 459572 diff --git a/different_domain_imge_gen/demo_input/seed000020.png b/different_domain_imge_gen/demo_input/seed000020.png new file mode 100644 index 0000000000000000000000000000000000000000..215f24ee6c0300ed7ba6474feaae2d28aa35aaac --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000020.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dfd1be14ca65585e7f1f9634b43b252ea3ba3996775e04a7a264ea3cfbec1f7 +size 456300 diff --git a/different_domain_imge_gen/demo_input/seed000021.png b/different_domain_imge_gen/demo_input/seed000021.png new file mode 100644 index 0000000000000000000000000000000000000000..f4d98518b477a0d392a967e6716062ea1e6a3a57 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000021.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:710d9dcdb4bc4da40da1ecf416b6118da472a232b66cede732cc219bf217ff65 +size 408044 diff --git a/different_domain_imge_gen/demo_input/seed000022.png b/different_domain_imge_gen/demo_input/seed000022.png new file mode 100644 index 0000000000000000000000000000000000000000..a9425ba563cd3c97bec324a43b3b42ec5c1c4cfe --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000022.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86b4f868046e6cb824ccc90a7d301ddd7c5390f90550d35ca1010af6b196ec1b +size 396266 diff --git a/different_domain_imge_gen/demo_input/seed000023.png b/different_domain_imge_gen/demo_input/seed000023.png new file mode 100644 index 0000000000000000000000000000000000000000..71587930d84b6707e2cb1f7180706f942d4142e9 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000023.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d4ee7bbf3b2a288d8fc3f75d28adcedd4cd9125f62ac1c027bffc0efe6b203a +size 426627 diff --git a/different_domain_imge_gen/demo_input/seed000024.png b/different_domain_imge_gen/demo_input/seed000024.png new file mode 100644 index 0000000000000000000000000000000000000000..82d0149c4e810ab00e24e44d041c543f4219bcd2 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000024.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbbd59111cd677de4a4c32cee2663b4e8809f2a176ab3aeca33cf592d2b29feb +size 404728 diff --git a/different_domain_imge_gen/demo_input/seed000025.png b/different_domain_imge_gen/demo_input/seed000025.png new file mode 100644 index 0000000000000000000000000000000000000000..f3eb3e53dc78adffe1c7dc612bc86c9ab71fa1a3 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000025.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d718c71e389f30c9368f539c99453b3059198441598caa4de620fbcc97023420 +size 418386 diff --git a/different_domain_imge_gen/demo_input/seed000026.png b/different_domain_imge_gen/demo_input/seed000026.png new file mode 100644 index 0000000000000000000000000000000000000000..a724179164751784a4bec389c6100b753df466bb --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000026.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac913f9477facf9068dfea073fba1e9114869d09cdb240cb1cf317efd23b8bae +size 405194 diff --git a/different_domain_imge_gen/demo_input/seed000027.png b/different_domain_imge_gen/demo_input/seed000027.png new file mode 100644 index 0000000000000000000000000000000000000000..452751799a87cb7ad77f9689ee06a3b3ca2411f4 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000027.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:180d57e6c203732b01a82244a9f3bb74b20aa83ae08aaa8e6a3795a949005021 +size 444759 diff --git a/different_domain_imge_gen/demo_input/seed000028.png b/different_domain_imge_gen/demo_input/seed000028.png new file mode 100644 index 0000000000000000000000000000000000000000..73c190f1c1454e70f717b36bae7f0b0c9a42bb43 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000028.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40d618fc95865d00186f8207fb18b9816ab106cc9cb10e44925e86b5b05e40af +size 387454 diff --git a/different_domain_imge_gen/demo_input/seed000029.png b/different_domain_imge_gen/demo_input/seed000029.png new file mode 100644 index 0000000000000000000000000000000000000000..07e883d6bbf647cb992a68f271669fe6e6681901 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000029.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c248bf1c0397aa5c286f143aaad584755d359379887dcf05fdb05d24c2456cb0 +size 384414 diff --git a/different_domain_imge_gen/demo_input/seed000030.png b/different_domain_imge_gen/demo_input/seed000030.png new file mode 100644 index 0000000000000000000000000000000000000000..2c15bf8dffd98b49e64167247e38c84e43cda694 --- /dev/null +++ b/different_domain_imge_gen/demo_input/seed000030.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:689f5f8fca92844562f667bbb287987b35033cedc304674e59aa3369270b0ff8 +size 444620 diff --git a/different_domain_imge_gen/input_image_gen.py b/different_domain_imge_gen/input_image_gen.py new file mode 100644 index 0000000000000000000000000000000000000000..44b3bebc2a6f31fef4ed7a6c12d4839c8083ba1d --- /dev/null +++ b/different_domain_imge_gen/input_image_gen.py @@ -0,0 +1,245 @@ +import sys +import os +import json +import zipfile +import argparse + +sys.path.append(os.getcwd()) + +from os.path import join as opj + +import numpy as np +import torch +from PIL import Image, ImageFile +from torchvision.transforms import ToPILImage + +ImageFile.LOAD_TRUNCATED_IMAGES = True + +import transformers +from diffusers import ( + StableDiffusionControlNetImg2ImgPipeline, + ControlNetModel, + DPMSolverMultistepScheduler, + AutoencoderKL, +) + +from landmark_generation import generate_annotation +from natsort import ns, natsorted + + +class DomainImageGeneration: + def __init__( + self, src_path, args, model_name, + device="cuda:0", clip_skip=2, + use_anime_vae=False, save_path='', + only_lora=False, model_base_path='./diffusion_model' + ): + """Initialize DomainImageGeneration class""" + self.model_base_path = model_base_path + self.device = device + self.args = args + self.src_path = src_path + self.use_model = model_name + self.only_lora = only_lora + + self.out_path_base = os.path.join(save_path, model_name) + os.makedirs(self.out_path_base, exist_ok=True) + + self.diffusion_checkpoint_path = self._get_model_path(model_name) + self.pipe = self._load_pipeline(model_name, use_anime_vae, clip_skip) + print("All models loaded successfully") + + def _get_model_path(self, model_name): + """Retrieve the model checkpoint path based on the model name""" + base_path = self.model_base_path + if model_name == "stable-diffusion-2-1-base": + return os.path.join(base_path, "stable-diffusion-2-1-base") + elif self.only_lora: + return os.path.join(base_path, "stable-diffusion-v1-5") + else: + return os.path.join(base_path, model_name) + + def _load_controlnet(self, model_name): + """Load the ControlNet model""" + controlnet_path = os.path.join(self.model_base_path, 'ControlNetMediaPipeFace') + if model_name == "stable-diffusion-2-1-base": + controlnet_path += "old" + + return ControlNetModel.from_pretrained( + controlnet_path, torch_dtype=torch.float16 + ) + + def _load_pipeline(self, model_name, use_anime_vae, clip_skip): + """Load the Stable Diffusion ControlNet Img2Img Pipeline""" + controlnet = self._load_controlnet(model_name) + + if use_anime_vae: + print("Using Anime VAE") + anime_vae = AutoencoderKL.from_pretrained( + "/nas8/liuhongyu/model/kl-f8-anime2", torch_dtype=torch.float16 + ) + pipeline = StableDiffusionControlNetImg2ImgPipeline.from_pretrained( + self.diffusion_checkpoint_path, torch_dtype=torch.float16, safety_checker=None, + vae=anime_vae, controlnet=controlnet + ).to(self.device) + + self._load_lora(pipeline, "detail-tweaker-lora/add_detail.safetensors") + + elif model_name == "stable-diffusion-2-1-base": + pipeline = StableDiffusionControlNetImg2ImgPipeline.from_pretrained( + self.diffusion_checkpoint_path, torch_dtype=torch.float16, + use_safetensors=True, controlnet=controlnet, variant="fp16" + ).to(self.device) + + else: + text_encoder = transformers.CLIPTextModel.from_pretrained( + self.diffusion_checkpoint_path, + subfolder="text_encoder", + num_hidden_layers=12 - (clip_skip - 1), + torch_dtype=torch.float16 + ) + pipeline = StableDiffusionControlNetImg2ImgPipeline.from_pretrained( + self.diffusion_checkpoint_path, torch_dtype=torch.float16, + use_safetensors=True, text_encoder=text_encoder, + controlnet=controlnet, variant="fp16" + ).to(self.device) + + self._apply_negative_embedding(pipeline, model_name) + pipeline.scheduler = DPMSolverMultistepScheduler.from_config( + pipeline.scheduler.config, use_karras_sigmas=True + ) + + print("Target diffusion model loaded") + return pipeline + + def _load_lora(self, pipeline, lora_name): + """Load LoRA weights into the model""" + lora_path = f"/nas8/liuhongyu/model/{lora_name}" + state_dict, network_alphas = pipeline.lora_state_dict(lora_path) + pipeline.load_lora_into_unet(state_dict, network_alphas=network_alphas, unet=pipeline.unet) + + def _apply_negative_embedding(self, pipeline, model_name): + """Apply negative embedding (textual inversion)""" + if model_name not in ["stable-diffusion-xl-base-1.0", "stable-diffusion-2-1-base"]: + if self.only_lora: + self._load_lora(pipeline, model_name) + pipeline.safety_checker = lambda images, clip_input: (images, None) + else: + pipeline.load_textual_inversion( + "/nas8/liuhongyu/lora_model", + weight_name="EasyNegativeV2.safetensors", + token="EasyNegative" + ) + + def image_generation(self, prompt, strength=0.7, + guidance_scale=7.5, num_inference_steps=30): + """Generate images using the diffusion model""" + out_path = os.path.join(self.out_path_base, prompt.replace(" ", "_")) + os.makedirs(out_path, exist_ok=True) + src_img_list = natsorted( + [f for f in os.listdir(self.src_path) if f.lower().endswith(('.jpg', '.jpeg', '.png', '.bmp', '.gif'))], + alg=ns.PATH + ) + + all_gen_nums = 0 # Counter for generated images + + for img_name in src_img_list: + src_img_pil = Image.open(os.path.join(self.src_path, img_name)) + control_image = generate_annotation(src_img_pil, max_faces=1) + + if control_image is not None: + prompt_input = prompt + + # Apply different generation methods based on the model type + if self.use_model in ['stable-diffusion-xl-base-1.0', 'stable-diffusion-2-1-base']: + trg_img_pil = self.pipe( + prompt=prompt_input, + image=src_img_pil, + strength=strength, + control_image=Image.fromarray(control_image), + guidance_scale=guidance_scale, + negative_prompt='worst quality, normal quality, low quality, low res, blurry', + num_inference_steps=num_inference_steps, + controlnet_conditioning_scale=1.5 + )['images'][0] + else: + trg_img_pil = self.pipe( + prompt=prompt_input, + image=src_img_pil, + control_image=Image.fromarray(control_image), + strength=strength, + guidance_scale=guidance_scale, + num_inference_steps=num_inference_steps, + controlnet_conditioning_scale=1.5, + negative_prompt='EasyNegative, worst quality, normal quality, low quality, low res, blurry' + )['images'][0] + + # Save the generated image if valid + if np.array(trg_img_pil).max() > 0: + trg_img_pil.save(opj(out_path, img_name)) + all_gen_nums += 1 + + +def parse_args(): + """Parse command-line arguments.""" + parser = argparse.ArgumentParser(description="Domain Image Generation") + + parser.add_argument( + "--src_img_path", + type=str, + default="demo_input", + help="Path to the source image directory" + ) + parser.add_argument("--strength", type=float, default=0.6, help="Strength of the sdeedit") + parser.add_argument("--prompt", type=str, default=None, help="Text prompt for image generation") + parser.add_argument("--guidance_scale", type=float, default=7.5, help="Guidance scale for Stable Diffusion") + parser.add_argument("--sd_model_id", type=str, default="stable-diffusion-2-1-base", help="Stable Diffusion model ID") + parser.add_argument("--num_inference_steps", type=int, default=30, help="Number of inference steps") + parser.add_argument("--save_base", type=str, default="./output", help="Output directory for generated images") + parser.add_argument("--device", type=str, default="cuda:0", help="Device to run inference on (e.g., 'cuda:0')") + parser.add_argument("--seed", type=int, default=42, help="Random seed for reproducibility") + parser.add_argument("--use_anime_vae", action="store_true", help="Enable Anime VAE for image generation") + parser.add_argument("--model_base_path", type=str, default="./diffusion_model", help="Output directory for generated images") + + return parser.parse_args() + + +def set_random_seed(seed: int): + """Set random seed for reproducibility.""" + torch.manual_seed(seed) + np.random.seed(seed) + if torch.cuda.is_available(): + torch.cuda.manual_seed_all(seed) + + +def main(): + """Main function to execute the image generation process.""" + args = parse_args() + + # Set random seed to ensure reproducibility + set_random_seed(args.seed) + + # Check if the source image path exists + if not os.path.exists(args.src_img_path): + raise FileNotFoundError(f"❌ Source image path does not exist: {args.src_img_path}") + + # Ensure the output directory exists + os.makedirs(args.save_base, exist_ok=True) + + # Initialize the DomainImageGeneration class and generate images + data_generation = DomainImageGeneration( + src_path=args.src_img_path, + args=args, + model_name=args.sd_model_id, + save_path=args.save_base, + device=args.device, + use_anime_vae=args.use_anime_vae, + model_base_path = args.model_base_path + ) + + # Start image generation + data_generation.image_generation(prompt=args.prompt, strength=args.strength, guidance_scale=args.guidance_scale,num_inference_steps=args.num_inference_steps ) + + +if __name__ == "__main__": + main() \ No newline at end of file diff --git a/different_domain_imge_gen/landmark_generation.py b/different_domain_imge_gen/landmark_generation.py new file mode 100644 index 0000000000000000000000000000000000000000..5f74b01241bb135905b993502eb6deea60c0e41d --- /dev/null +++ b/different_domain_imge_gen/landmark_generation.py @@ -0,0 +1,181 @@ +from typing import Mapping + +import mediapipe as mp +import numpy +from PIL import Image + + +mp_drawing = mp.solutions.drawing_utils +mp_drawing_styles = mp.solutions.drawing_styles +mp_face_detection = mp.solutions.face_detection # Only for counting faces. +mp_face_mesh = mp.solutions.face_mesh +mp_face_connections = mp.solutions.face_mesh_connections.FACEMESH_TESSELATION +mp_hand_connections = mp.solutions.hands_connections.HAND_CONNECTIONS +mp_body_connections = mp.solutions.pose_connections.POSE_CONNECTIONS + +DrawingSpec = mp.solutions.drawing_styles.DrawingSpec +PoseLandmark = mp.solutions.drawing_styles.PoseLandmark + +f_thick = 2 +f_rad = 1 +right_iris_draw = DrawingSpec(color=(10, 200, 250), thickness=f_thick, circle_radius=f_rad) +right_eye_draw = DrawingSpec(color=(10, 200, 180), thickness=f_thick, circle_radius=f_rad) +right_eyebrow_draw = DrawingSpec(color=(10, 220, 180), thickness=f_thick, circle_radius=f_rad) +left_iris_draw = DrawingSpec(color=(250, 200, 10), thickness=f_thick, circle_radius=f_rad) +left_eye_draw = DrawingSpec(color=(180, 200, 10), thickness=f_thick, circle_radius=f_rad) +left_eyebrow_draw = DrawingSpec(color=(180, 220, 10), thickness=f_thick, circle_radius=f_rad) +mouth_draw = DrawingSpec(color=(10, 180, 10), thickness=f_thick, circle_radius=f_rad) +head_draw = DrawingSpec(color=(10, 200, 10), thickness=f_thick, circle_radius=f_rad) + +# mp_face_mesh.FACEMESH_CONTOURS has all the items we care about. +face_connection_spec = {} +for edge in mp_face_mesh.FACEMESH_FACE_OVAL: + face_connection_spec[edge] = head_draw +for edge in mp_face_mesh.FACEMESH_LEFT_EYE: + face_connection_spec[edge] = left_eye_draw +for edge in mp_face_mesh.FACEMESH_LEFT_EYEBROW: + face_connection_spec[edge] = left_eyebrow_draw +# for edge in mp_face_mesh.FACEMESH_LEFT_IRIS: +# face_connection_spec[edge] = left_iris_draw +for edge in mp_face_mesh.FACEMESH_RIGHT_EYE: + face_connection_spec[edge] = right_eye_draw +for edge in mp_face_mesh.FACEMESH_RIGHT_EYEBROW: + face_connection_spec[edge] = right_eyebrow_draw +# for edge in mp_face_mesh.FACEMESH_RIGHT_IRIS: +# face_connection_spec[edge] = right_iris_draw +for edge in mp_face_mesh.FACEMESH_LIPS: + face_connection_spec[edge] = mouth_draw +iris_landmark_spec = {468: right_iris_draw, 473: left_iris_draw} + + +def draw_pupils(image, landmark_list, drawing_spec, halfwidth: int = 2): + """We have a custom function to draw the pupils because the mp.draw_landmarks method requires a parameter for all + landmarks. Until our PR is merged into mediapipe, we need this separate method.""" + if len(image.shape) != 3: + raise ValueError("Input image must be H,W,C.") + image_rows, image_cols, image_channels = image.shape + if image_channels != 3: # BGR channels + raise ValueError('Input image must contain three channel bgr data.') + for idx, landmark in enumerate(landmark_list.landmark): + if ( + (landmark.HasField('visibility') and landmark.visibility < 0.9) or + (landmark.HasField('presence') and landmark.presence < 0.5) + ): + continue + if landmark.x >= 1.0 or landmark.x < 0 or landmark.y >= 1.0 or landmark.y < 0: + continue + image_x = int(image_cols*landmark.x) + image_y = int(image_rows*landmark.y) + draw_color = None + if isinstance(drawing_spec, Mapping): + if drawing_spec.get(idx) is None: + continue + else: + draw_color = drawing_spec[idx].color + elif isinstance(drawing_spec, DrawingSpec): + draw_color = drawing_spec.color + image[image_y-halfwidth:image_y+halfwidth, image_x-halfwidth:image_x+halfwidth, :] = draw_color + + +def reverse_channels(image): + """Given a numpy array in RGB form, convert to BGR. Will also convert from BGR to RGB.""" + # im[:,:,::-1] is a neat hack to convert BGR to RGB by reversing the indexing order. + # im[:,:,::[2,1,0]] would also work but makes a copy of the data. + return image[:, :, ::-1] + + +def generate_annotation( + input_image: Image.Image, + max_faces: int, + min_face_size_pixels: int = 0, + return_annotation_data: bool = False +): + """ + Find up to 'max_faces' inside the provided input image. + If min_face_size_pixels is provided and nonzero it will be used to filter faces that occupy less than this many + pixels in the image. + If return_annotation_data is TRUE (default: false) then in addition to returning the 'detected face' image, three + additional parameters will be returned: faces before filtering, faces after filtering, and an annotation image. + The faces_before_filtering return value is the number of faces detected in an image with no filtering. + faces_after_filtering is the number of faces remaining after filtering small faces. + :return: + If 'return_annotation_data==True', returns (numpy array, numpy array, int, int). + If 'return_annotation_data==False' (default), returns a numpy array. + """ + with mp_face_mesh.FaceMesh( + static_image_mode=True, + max_num_faces=max_faces, + refine_landmarks=True, + min_detection_confidence=0.5, + ) as facemesh: + img_rgb = numpy.asarray(input_image) + results = facemesh.process(img_rgb).multi_face_landmarks + if results == None: + return None + faces_found_before_filtering = len(results) + if faces_found_before_filtering == 0: + return None + # Filter faces that are too small + filtered_landmarks = [] + for lm in results: + landmarks = lm.landmark + face_rect = [ + landmarks[0].x, + landmarks[0].y, + landmarks[0].x, + landmarks[0].y, + ] # Left, up, right, down. + for i in range(len(landmarks)): + face_rect[0] = min(face_rect[0], landmarks[i].x) + face_rect[1] = min(face_rect[1], landmarks[i].y) + face_rect[2] = max(face_rect[2], landmarks[i].x) + face_rect[3] = max(face_rect[3], landmarks[i].y) + if min_face_size_pixels > 0: + face_width = abs(face_rect[2] - face_rect[0]) + face_height = abs(face_rect[3] - face_rect[1]) + face_width_pixels = face_width * input_image.size[0] + face_height_pixels = face_height * input_image.size[1] + face_size = min(face_width_pixels, face_height_pixels) + if face_size >= min_face_size_pixels: + filtered_landmarks.append(lm) + else: + filtered_landmarks.append(lm) + + faces_remaining_after_filtering = len(filtered_landmarks) + + # Annotations are drawn in BGR for some reason, but we don't need to flip a zero-filled image at the start. + empty = numpy.zeros_like(img_rgb) + + # Draw detected faces: + for face_landmarks in filtered_landmarks: + mp_drawing.draw_landmarks( + empty, + face_landmarks, + connections=face_connection_spec.keys(), + landmark_drawing_spec=None, + connection_drawing_spec=face_connection_spec + ) + draw_pupils(empty, face_landmarks, iris_landmark_spec, 2) + + # Flip BGR back to RGB. + empty = reverse_channels(empty) + + # We might have to generate a composite. + if return_annotation_data: + # Note that we're copying the input image AND flipping the channels so we can draw on top of it. + annotated = reverse_channels(numpy.asarray(input_image)).copy() + for face_landmarks in filtered_landmarks: + mp_drawing.draw_landmarks( + empty, + face_landmarks, + connections=face_connection_spec.keys(), + landmark_drawing_spec=None, + connection_drawing_spec=face_connection_spec + ) + draw_pupils(empty, face_landmarks, iris_landmark_spec, 2) + annotated = reverse_channels(annotated) + + if not return_annotation_data: + return empty + else: + return empty, annotated, faces_found_before_filtering, faces_remaining_after_filtering diff --git a/docs/.DS_Store b/docs/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..7ec32ae977a2efdfd576d11b52d490f0cc95a6b1 Binary files /dev/null and b/docs/.DS_Store differ diff --git a/docs/AvatarArtist.png b/docs/AvatarArtist.png new file mode 100644 index 0000000000000000000000000000000000000000..117d0bea68490b9e4cc76d1304cccaca176afe0c --- /dev/null +++ b/docs/AvatarArtist.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adaa9e5fca94a42e2db2b3144e89b728117b3898b4407b701ae3376ab8e9fe41 +size 91290 diff --git a/recon/.DS_Store b/recon/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..51f9cf40f23b45e5ef52e672f8e8804fd8f2131c Binary files /dev/null and b/recon/.DS_Store differ diff --git a/recon/__init__.py b/recon/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..dfebd04f47e6f6b1b44984c14c23b57d56f72240 --- /dev/null +++ b/recon/__init__.py @@ -0,0 +1,11 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +# empty diff --git a/recon/configs/__init__.py b/recon/configs/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..7c5a82a38b7e54caf263bd50f0a83028c0b60a76 --- /dev/null +++ b/recon/configs/__init__.py @@ -0,0 +1 @@ +from .config import cfg, args, make_cfg \ No newline at end of file diff --git a/recon/configs/config.py b/recon/configs/config.py new file mode 100644 index 0000000000000000000000000000000000000000..99f876b25d0b7d05a1b56070759d4985f3850a24 --- /dev/null +++ b/recon/configs/config.py @@ -0,0 +1,54 @@ +import os +import argparse +import torch + +from .yacs import CfgNode as CN + +# pylint: disable=redefined-outer-name + +_C = CN() + +def get_cfg_defaults(): + return _C.clone() + + +def parse_cfg(cfg): + cfg.logdir = os.path.join('out', cfg.experiment) + + +def determine_primary_secondary_gpus(cfg): + print("------------------ GPU Configurations ------------------") + cfg.n_gpus = torch.cuda.device_count() + if cfg.n_gpus > 0: + all_gpus = list(range(cfg.n_gpus)) + cfg.primary_gpus = [0] + if cfg.n_gpus > 1: + cfg.secondary_gpus = [g for g in all_gpus]# if g not in cfg.primary_gpus] + else: + cfg.secondary_gpus = cfg.primary_gpus + print(f"Primary GPUs: {cfg.primary_gpus}") + print(f"Secondary GPUs: {cfg.secondary_gpus}") + else: + print(f"CPU job") + print("--------------------------------------------------------") + + +def make_cfg(args): + cfg = get_cfg_defaults() + cfg.merge_from_file('recon/configs/default.yaml') + cfg.merge_from_file(args.cfg) + cfg.merge_from_list(args.opts) + cfg.file_path = args.cfg + parse_cfg(cfg) + + # determine_primary_secondary_gpus(cfg) + + return cfg + + +parser = argparse.ArgumentParser() +parser.add_argument("--cfg", default='recon/configs/head-gallery-training-all-train.yaml', type=str) +parser.add_argument("opts", default=None, nargs=argparse.REMAINDER) +args = parser.parse_args() + +cfg = make_cfg(args) \ No newline at end of file diff --git a/recon/configs/default.yaml b/recon/configs/default.yaml new file mode 100644 index 0000000000000000000000000000000000000000..e561a28d0b146216ba906943517fea326800f002 --- /dev/null +++ b/recon/configs/default.yaml @@ -0,0 +1,83 @@ +experiment: 'test' + +# Required. +outdir: './training-runs' # 'Where to save the results', metavar='DIR' +cfg: 'ffhq' # 'Base configuration' +data: None # 'Training data', metavar='[ZIP|DIR]' +gpus: 1 # 'Total batch size', metavar='INT', +gamma: 1.0 # 'R1 regularization weight', metavar='FLOAT', +gamma_uv: 0.0 # 'R1 regularization weight of corespondence map', metavar='FLOAT', +gamma_seg: 0.0 # 'R1 regularization weight of segmentation mask', metavar='FLOAT', +gamma_patch: 0.0 +batch: 2 # help='Total batch size', metavar='INT', type=click.IntRange(min=1), default=8) +g_module: None +d_module: None +d_patch_module: None +triplane_resolution: 256 +triplane_channels: 192 +freeze_sr: False +freeze_dec: False +freeze_backbone: False +# Optional features. +cond: True # help='Train conditional model', metavar='BOOL', type=bool, default=True, show_default=True) +mirror: False # help='Enable dataset x-flips', metavar='BOOL', type=bool, default=False, show_default=True) +aug: 'noaug' # help='Augmentation mode', type=click.Choice(['noaug', 'ada', 'fixed']), default='noaug', show_default=True) +resume: None # help='Resume from given network pickle', metavar='[PATH|URL]', type=str) +resume_kimg: 0 +freezed: 0 # help='Freeze first layers of D', metavar='INT', type=click.IntRange(min=0), default=0, show_default=True) + +# Misc hyperparameters. +p: 0.2 # help='Probability for --aug=fixed', metavar='FLOAT', type=click.FloatRange(min=0, max=1), default=0.2, show_default=True) +target: 0.6 # help='Target value for --aug=ada', metavar='FLOAT', type=click.FloatRange(min=0, max=1), default=0.6, show_default=True) +batch_gpu: None # help='Limit batch size per GPU', metavar='INT', type=click.IntRange(min=1)) +cbase: 32768 # help='Capacity multiplier', metavar='INT', type=click.IntRange(min=1), default=32768, show_default=True) +cmax: 512 # help='Max. feature maps', metavar='INT', type=click.IntRange(min=1), default=512, show_default=True) +glr: None # help='G learning rate [default: varies]', metavar='FLOAT', type=click.FloatRange(min=0)) +dlr: 0.002 # help='D learning rate', metavar='FLOAT', type=click.FloatRange(min=0), default=0.002, show_default=True) +map_depth: 2 # help='Mapping network depth [default: varies]', metavar='INT', type=click.IntRange(min=1), default=2, show_default=True) +mbstd_group: 2 # help='Minibatch std group size', metavar='INT', type=click.IntRange(min=1), default=4, show_default=True) + +# Misc settings. +desc: None # help='String to include in result dir name', metavar='STR', type=str) +metrics: [] # help='Quality metrics', metavar='[NAME|A,B,C|none]', type=parse_comma_separated_list, default='fid50k_full', show_default=True) +kimg: 25000 # help='Total training duration', metavar='KIMG', type=click.IntRange(min=1), default=25000, show_default=True) +tick: 4 # help='How often to print progress', metavar='KIMG', type=click.IntRange(min=1), default=4, show_default=True) +snap: 50 # help='How often to save snapshots', metavar='TICKS', type=click.IntRange(min=1), default=50, show_default=True) +seed: 0 # help='Random seed', metavar='INT', type=click.IntRange(min=0), default=0, show_default=True) +fp32: False # help='Disable mixed-precision', metavar='BOOL', type=bool, default=False, show_default=True) +nobench: False # help='Disable cuDNN benchmarking', metavar='BOOL', type=bool, default=False, show_default=True) +workers: 4 # help='DataLoader worker processes', metavar='INT', type=click.IntRange(min=1), default=3, show_default=True) +dry_run: False # help='Print training options and exit', is_flag=True) + +neural_rendering_resolution_initial: 64 # help='Resolution to render at', metavar='INT', type=click.IntRange(min=1), default=64, required=False) +neural_rendering_resolution_final: None # help='Final resolution to render at, if blending', metavar='INT', type=click.IntRange(min=1), required=False, default=None) +neural_rendering_resolution_fade_kimg: 1000 # help='Kimg to blend resolution over', metavar='INT', type=click.IntRange(min=0), required=False, default=1000, show_default=True) + +blur_fade_kimg: 200 # help='Blur over how many', metavar='INT', type=click.IntRange(min=1), required=False, default=200) +gen_pose_cond: True # help='If true, enable generator pose conditioning.', metavar='BOOL', type=bool, required=False, default=True) +c_scale: 1 # help='Scale factor for generator pose conditioning.', metavar='FLOAT', type=click.FloatRange(min=0), required=False, default=1) +c_noise: 0 # help='Add noise for generator pose conditioning.', metavar='FLOAT', type=click.FloatRange(min=0), required=False, default=0) +gpc_reg_prob: 0.5 # help='Strength of swapping regularization. None means no generator pose conditioning, i.e. condition with zeros.', metavar='FLOAT', type=click.FloatRange(min=0), required=False, default=0.5) +gpc_reg_fade_kimg: 1000 # help='Length of swapping prob fade', metavar='INT', type=click.IntRange(min=0), required=False, default=1000) +disc_c_noise: 0 # help='Strength of discriminator pose conditioning regularization, in standard deviations.', metavar='FLOAT', type=click.FloatRange(min=0), required=False, default=0) +sr_noise_mode: 'none' # help='Type of noise for superresolution', metavar='STR', type=click.Choice(['random', 'none']), required=False, default='none') +resume_blur: False # help='Enable to blur even on resume', metavar='BOOL', type=bool, required=False, default=False) +sr_num_fp16_res: 4 # help='Number of fp16 layers in superresolution', metavar='INT', type=click.IntRange(min=0), default=4, required=False, show_default=True) +g_num_fp16_res: 0 # help='Number of fp16 layers in generator', metavar='INT', type=click.IntRange(min=0), default=0, required=False, show_default=True) +d_num_fp16_res: 4 # help='Number of fp16 layers in discriminator', metavar='INT', type=click.IntRange(min=0), default=4, required=False, show_default=True) +sr_first_cutoff: 2 # help='First cutoff for AF superresolution', metavar='INT', type=click.IntRange(min=2), default=2, required=False, show_default=True) +sr_first_stopband: 4.2870938501451725 # help='First cutoff for AF superresolution', metavar='FLOAT', type=click.FloatRange(min=2), default=2**2.1, required=False, show_default=True) +style_mixing_prob: 0.0 # help='Style-mixing regularization probability for training.', metavar='FLOAT', type=click.FloatRange(min=0, max=1), default=0, required=False, show_default=True) +sr_module: None # help='Superresolution module override', metavar='STR', type=str, required=False, default=None) +density_reg: 0.25 # help='Density regularization strength.', metavar='FLOAT', type=click.FloatRange(min=0), default=0.25, required=False, show_default=True) +density_reg_every: 4 # help='lazy density reg', metavar='int', type=click.FloatRange(min=1), default=4, required=False, show_default=True) +density_reg_p_dist: 0.004 # help='density regularization strength.', metavar='FLOAT', type=click.FloatRange(min=0), default=0.004, required=False, show_default=True) +reg_type: 'l1' # help='Type of regularization', metavar='STR', type=click.Choice(['l1', 'l1-alt', 'monotonic-detach', 'monotonic-fixed', 'total-variation']), required=False, default='l1') +decoder_lr_mul: 1.0 # help='decoder learning rate multiplier.', metavar='FLOAT', type=click.FloatRange(min=0), default=1, required=False, show_default=True) +patch_scale: 1.0 +blur_patch_seg: 0 +masked_sampling: 0. +patch_gan: 0 +gen_exp_cond: False +gen_lms_cond: False +gen_mask_cond: False \ No newline at end of file diff --git a/recon/configs/head-gallery-training-all-train.yaml b/recon/configs/head-gallery-training-all-train.yaml new file mode 100644 index 0000000000000000000000000000000000000000..26ff828a2746cc3b4af5fabcc31c35cec04f6a28 --- /dev/null +++ b/recon/configs/head-gallery-training-all-train.yaml @@ -0,0 +1,53 @@ +experiment: 'head-gallery512' +cfg: '' +outdir: '/input/liuhongyu/training-runs-portrait4d-all-train' +gpus: 8 +batch: 32 +kimg: 15000 +g_module: 'recon.training.reconstructor.triplane_reconstruct_gallery.TriPlaneReconstructorNeutralize' +d_module: 'recon.training.discriminator.dual_discriminator_next3D.DualDiscriminator' +glr: 1e-4 +dlr: 1e-4 +g_has_superresolution: True +g_has_background: False +g_flame_full: False +g_num_blocks_neutral: 4 +g_num_blocks_motion: 4 +g_motion_map_layers: 2 +d_has_superresolution: False +d_has_uv: False +d_has_seg: False +patch_scale: 1.0 +use_ws_ones: False # If true, ws==one for superresolution +use_flame_mot: False # If true, use flame parameters as motion embedding +truncation_psi: 0.7 # Truncation rate for GenHead synthesized data +cross_lr_scale: 1.0 # Learning rate scaling factor for motion-related layers +static: False # If true, disable all motion-control and learn static 3d reconstruction model instead +snap: 10 +density_reg_every: 4 +neural_rendering_resolution_initial: 128 +#neural_rendering_resolution_final: 128 + +data: '/input/datasets/triplane_4d/refine/multi_style_zip.zip' + +gan_model_base_dir: '/input/datasets/triplane_4d/refine/gan_models' +resume_syn: './configs/gan_model_video.yaml' # Checkpoint of pre-trained GenHead for training data synthesis +vae_pretrained: "/input/datasets/triplane_4d/refine/models/VAE" +render_pretrain: "/input/datasets/triplane_4d/refine/models/ani3dgan512.pkl" +data_label_path: '/input/datasets/triplane_4d/refine/final_multy_style.json' + +label_file_vfhq: '/input/datasets/triplane_4d/refine/vfhq/dataset_realcam.json' +label_file_ffhq: '/input/datasets/triplane_4d/refine/ffhq/dataset_realcam.json' + +mesh_path_ffhq: "/input/datasets/triplane_4d/refine/orthRender256x256_face_eye_ffhq.zip" +mesh_path_ffhq_label : '/input/datasets/triplane_4d/refine/ffhq/ffhq_verts.json' +motion_path_ffhq: "/input/datasets/triplane_4d/refine/ffhq/all_ffhq_motions.npy" + +mesh_path_vfhq: "/input/datasets/triplane_4d/refine/orthRender256x256_face_eye_vfhq.zip" +mesh_path_vfhq_label : '/input/datasets/triplane_4d/refine/vfhq/vfhq_verts.json' +motion_path_vfhq: "/input/datasets/triplane_4d/refine/vfhq/all_vfhq_motions.npy" + +vae_triplane_config: './configs/DIT/vae_model_training.yaml' + +encoder_weights: '/input/datasets/triplane_4d/refine/models/resnet34-333f7ec4.pth' + diff --git a/recon/configs/yacs/__init__.py b/recon/configs/yacs/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..20a1ce1c6773cb4658a519b2e9040260c39b8cad --- /dev/null +++ b/recon/configs/yacs/__init__.py @@ -0,0 +1 @@ +from .yacs import CfgNode \ No newline at end of file diff --git a/recon/configs/yacs/yacs.py b/recon/configs/yacs/yacs.py new file mode 100644 index 0000000000000000000000000000000000000000..b26bd7f41aaf5a0b1efeb3adaa31d95e42577aa1 --- /dev/null +++ b/recon/configs/yacs/yacs.py @@ -0,0 +1,498 @@ +# Copyright (c) 2018-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + +"""YACS -- Yet Another Configuration System is designed to be a simple +configuration management system for academic and industrial research +projects. + +See README.md for usage and examples. +""" + +import copy +import io +import logging +import os +from ast import literal_eval + +import yaml + + +# Flag for py2 and py3 compatibility to use when separate code paths are necessary +# When _PY2 is False, we assume Python 3 is in use +_PY2 = False + +# Filename extensions for loading configs from files +_YAML_EXTS = {"", ".yaml", ".yml"} +_PY_EXTS = {".py"} + +# py2 and py3 compatibility for checking file object type +# We simply use this to infer py2 vs py3 +try: + _FILE_TYPES = (file, io.IOBase) + _PY2 = True +except NameError: + _FILE_TYPES = (io.IOBase,) + +# CfgNodes can only contain a limited set of valid types +_VALID_TYPES = {tuple, list, str, int, float, bool} +# py2 allow for str and unicode +if _PY2: + _VALID_TYPES = _VALID_TYPES.union({unicode}) # noqa: F821 + +# Utilities for importing modules from file paths +if _PY2: + # imp is available in both py2 and py3 for now, but is deprecated in py3 + import imp +else: + import importlib.util + +logger = logging.getLogger(__name__) + + +class CfgNode(dict): + """ + CfgNode represents an internal node in the configuration tree. It's a simple + dict-like container that allows for attribute-based access to keys. + """ + + IMMUTABLE = "__immutable__" + DEPRECATED_KEYS = "__deprecated_keys__" + RENAMED_KEYS = "__renamed_keys__" + + def __init__(self, init_dict=None, key_list=None): + # Recursively convert nested dictionaries in init_dict into CfgNodes + init_dict = {} if init_dict is None else init_dict + key_list = [] if key_list is None else key_list + for k, v in init_dict.items(): + if type(v) is dict: + # Convert dict to CfgNode + init_dict[k] = CfgNode(v, key_list=key_list + [k]) + else: + # Check for valid leaf type or nested CfgNode + _assert_with_logging( + _valid_type(v, allow_cfg_node=True), + "Key {} with value {} is not a valid type; valid types: {}".format( + ".".join(key_list + [k]), type(v), _VALID_TYPES + ), + ) + super(CfgNode, self).__init__(init_dict) + # Manage if the CfgNode is frozen or not + self.__dict__[CfgNode.IMMUTABLE] = False + # Deprecated options + # If an option is removed from the code and you don't want to break existing + # yaml configs, you can add the full config key as a string to the set below. + self.__dict__[CfgNode.DEPRECATED_KEYS] = set() + # Renamed options + # If you rename a config option, record the mapping from the old name to the new + # name in the dictionary below. Optionally, if the type also changed, you can + # make the value a tuple that specifies first the renamed key and then + # instructions for how to edit the config file. + self.__dict__[CfgNode.RENAMED_KEYS] = { + # 'EXAMPLE.OLD.KEY': 'EXAMPLE.NEW.KEY', # Dummy example to follow + # 'EXAMPLE.OLD.KEY': ( # A more complex example to follow + # 'EXAMPLE.NEW.KEY', + # "Also convert to a tuple, e.g., 'foo' -> ('foo',) or " + # + "'foo:bar' -> ('foo', 'bar')" + # ), + } + + def __getattr__(self, name): + if name in self: + return self[name] + else: + raise AttributeError(name) + + def __setattr__(self, name, value): + if self.is_frozen(): + raise AttributeError( + "Attempted to set {} to {}, but CfgNode is immutable".format( + name, value + ) + ) + + _assert_with_logging( + name not in self.__dict__, + "Invalid attempt to modify internal CfgNode state: {}".format(name), + ) + _assert_with_logging( + _valid_type(value, allow_cfg_node=True), + "Invalid type {} for key {}; valid types = {}".format( + type(value), name, _VALID_TYPES + ), + ) + + self[name] = value + + def __str__(self): + def _indent(s_, num_spaces): + s = s_.split("\n") + if len(s) == 1: + return s_ + first = s.pop(0) + s = [(num_spaces * " ") + line for line in s] + s = "\n".join(s) + s = first + "\n" + s + return s + + r = "" + s = [] + for k, v in sorted(self.items()): + seperator = "\n" if isinstance(v, CfgNode) else " " + attr_str = "{}:{}{}".format(str(k), seperator, str(v)) + attr_str = _indent(attr_str, 2) + s.append(attr_str) + r += "\n".join(s) + return r + + def __repr__(self): + return "{}({})".format(self.__class__.__name__, super(CfgNode, self).__repr__()) + + def dump(self): + """Dump to a string.""" + self_as_dict = _to_dict(self) + return yaml.safe_dump(self_as_dict) + + def merge_from_file(self, cfg_filename): + """Load a yaml config file and merge it this CfgNode.""" + with open(cfg_filename, "r") as f: + cfg = load_cfg(f) + self.merge_from_other_cfg(cfg) + + def merge_from_other_cfg(self, cfg_other): + """Merge `cfg_other` into this CfgNode.""" + _merge_a_into_b(cfg_other, self, self, []) + + def merge_from_list(self, cfg_list): + """Merge config (keys, values) in a list (e.g., from command line) into + this CfgNode. For example, `cfg_list = ['FOO.BAR', 0.5]`. + """ + _assert_with_logging( + len(cfg_list) % 2 == 0, + "Override list has odd length: {}; it must be a list of pairs".format( + cfg_list + ), + ) + root = self + for full_key, v in zip(cfg_list[0::2], cfg_list[1::2]): + if root.key_is_deprecated(full_key): + continue + if root.key_is_renamed(full_key): + root.raise_key_rename_error(full_key) + key_list = full_key.split(".") + d = self + for subkey in key_list[:-1]: + _assert_with_logging( + subkey in d, "Non-existent key: {}".format(full_key) + ) + d = d[subkey] + subkey = key_list[-1] + _assert_with_logging(subkey in d, "Non-existent key: {}".format(full_key)) + value = _decode_cfg_value(v) + value = _check_and_coerce_cfg_value_type(value, d[subkey], subkey, full_key) + d[subkey] = value + + def freeze(self): + """Make this CfgNode and all of its children immutable.""" + self._immutable(True) + + def defrost(self): + """Make this CfgNode and all of its children mutable.""" + self._immutable(False) + + def is_frozen(self): + """Return mutability.""" + return self.__dict__[CfgNode.IMMUTABLE] + + def _immutable(self, is_immutable): + """Set immutability to is_immutable and recursively apply the setting + to all nested CfgNodes. + """ + self.__dict__[CfgNode.IMMUTABLE] = is_immutable + # Recursively set immutable state + for v in self.__dict__.values(): + if isinstance(v, CfgNode): + v._immutable(is_immutable) + for v in self.values(): + if isinstance(v, CfgNode): + v._immutable(is_immutable) + + def clone(self): + """Recursively copy this CfgNode.""" + return copy.deepcopy(self) + + def register_deprecated_key(self, key): + """Register key (e.g. `FOO.BAR`) a deprecated option. When merging deprecated + keys a warning is generated and the key is ignored. + """ + _assert_with_logging( + key not in self.__dict__[CfgNode.DEPRECATED_KEYS], + "key {} is already registered as a deprecated key".format(key), + ) + self.__dict__[CfgNode.DEPRECATED_KEYS].add(key) + + def register_renamed_key(self, old_name, new_name, message=None): + """Register a key as having been renamed from `old_name` to `new_name`. + When merging a renamed key, an exception is thrown alerting to user to + the fact that the key has been renamed. + """ + _assert_with_logging( + old_name not in self.__dict__[CfgNode.RENAMED_KEYS], + "key {} is already registered as a renamed cfg key".format(old_name), + ) + value = new_name + if message: + value = (new_name, message) + self.__dict__[CfgNode.RENAMED_KEYS][old_name] = value + + def key_is_deprecated(self, full_key): + """Test if a key is deprecated.""" + if full_key in self.__dict__[CfgNode.DEPRECATED_KEYS]: + logger.warning("Deprecated config key (ignoring): {}".format(full_key)) + return True + return False + + def key_is_renamed(self, full_key): + """Test if a key is renamed.""" + return full_key in self.__dict__[CfgNode.RENAMED_KEYS] + + def raise_key_rename_error(self, full_key): + new_key = self.__dict__[CfgNode.RENAMED_KEYS][full_key] + if isinstance(new_key, tuple): + msg = " Note: " + new_key[1] + new_key = new_key[0] + else: + msg = "" + raise KeyError( + "Key {} was renamed to {}; please update your config.{}".format( + full_key, new_key, msg + ) + ) + + +def load_cfg(cfg_file_obj_or_str): + """Load a cfg. Supports loading from: + - A file object backed by a YAML file + - A file object backed by a Python source file that exports an attribute + "cfg" that is either a dict or a CfgNode + - A string that can be parsed as valid YAML + """ + _assert_with_logging( + isinstance(cfg_file_obj_or_str, _FILE_TYPES + (str,)), + "Expected first argument to be of type {} or {}, but it was {}".format( + _FILE_TYPES, str, type(cfg_file_obj_or_str) + ), + ) + if isinstance(cfg_file_obj_or_str, str): + return _load_cfg_from_yaml_str(cfg_file_obj_or_str) + elif isinstance(cfg_file_obj_or_str, _FILE_TYPES): + return _load_cfg_from_file(cfg_file_obj_or_str) + else: + raise NotImplementedError("Impossible to reach here (unless there's a bug)") + + +def _load_cfg_from_file(file_obj): + """Load a config from a YAML file or a Python source file.""" + _, file_extension = os.path.splitext(file_obj.name) + if file_extension in _YAML_EXTS: + return _load_cfg_from_yaml_str(file_obj.read()) + elif file_extension in _PY_EXTS: + return _load_cfg_py_source(file_obj.name) + else: + raise Exception( + "Attempt to load from an unsupported file type {}; " + "only {} are supported".format(file_obj, _YAML_EXTS.union(_PY_EXTS)) + ) + + +def _load_cfg_from_yaml_str(str_obj): + """Load a config from a YAML string encoding.""" + cfg_as_dict = yaml.safe_load(str_obj) + return CfgNode(cfg_as_dict) + + +def _load_cfg_py_source(filename): + """Load a config from a Python source file.""" + module = _load_module_from_file("yacs.config.override", filename) + _assert_with_logging( + hasattr(module, "cfg"), + "Python module from file {} must have 'cfg' attr".format(filename), + ) + VALID_ATTR_TYPES = {dict, CfgNode} + _assert_with_logging( + type(module.cfg) in VALID_ATTR_TYPES, + "Imported module 'cfg' attr must be in {} but is {} instead".format( + VALID_ATTR_TYPES, type(module.cfg) + ), + ) + if type(module.cfg) is dict: + return CfgNode(module.cfg) + else: + return module.cfg + + +def _to_dict(cfg_node): + """Recursively convert all CfgNode objects to dict objects.""" + + def convert_to_dict(cfg_node, key_list): + if not isinstance(cfg_node, CfgNode): + _assert_with_logging( + _valid_type(cfg_node), + "Key {} with value {} is not a valid type; valid types: {}".format( + ".".join(key_list), type(cfg_node), _VALID_TYPES + ), + ) + return cfg_node + else: + cfg_dict = dict(cfg_node) + for k, v in cfg_dict.items(): + cfg_dict[k] = convert_to_dict(v, key_list + [k]) + return cfg_dict + + return convert_to_dict(cfg_node, []) + + +def _valid_type(value, allow_cfg_node=False): + return (type(value) in _VALID_TYPES) or (allow_cfg_node and type(value) == CfgNode) + + +def _merge_a_into_b(a, b, root, key_list): + """Merge config dictionary a into config dictionary b, clobbering the + options in b whenever they are also specified in a. + """ + _assert_with_logging( + isinstance(a, CfgNode), + "`a` (cur type {}) must be an instance of {}".format(type(a), CfgNode), + ) + _assert_with_logging( + isinstance(b, CfgNode), + "`b` (cur type {}) must be an instance of {}".format(type(b), CfgNode), + ) + + for k, v_ in a.items(): + full_key = ".".join(key_list + [k]) + # a must specify keys that are in b + if k not in b: + if root.key_is_deprecated(full_key): + continue + elif root.key_is_renamed(full_key): + root.raise_key_rename_error(full_key) + else: + v = copy.deepcopy(v_) + v = _decode_cfg_value(v) + b.update({k: v}) + else: + v = copy.deepcopy(v_) + v = _decode_cfg_value(v) + # v = _check_and_coerce_cfg_value_type(v, b[k], k, full_key) + + # Recursively merge dicts + if isinstance(v, CfgNode): + try: + _merge_a_into_b(v, b[k], root, key_list + [k]) + except BaseException: + raise + else: + b[k] = v + + +def _decode_cfg_value(v): + """Decodes a raw config value (e.g., from a yaml config files or command + line argument) into a Python object. + """ + # Configs parsed from raw yaml will contain dictionary keys that need to be + # converted to CfgNode objects + if isinstance(v, dict): + return CfgNode(v) + # All remaining processing is only applied to strings + if not isinstance(v, str): + return v + # Try to interpret `v` as a: + # string, number, tuple, list, dict, boolean, or None + try: + v = literal_eval(v) + # The following two excepts allow v to pass through when it represents a + # string. + # + # Longer explanation: + # The type of v is always a string (before calling literal_eval), but + # sometimes it *represents* a string and other times a data structure, like + # a list. In the case that v represents a string, what we got back from the + # yaml parser is 'foo' *without quotes* (so, not '"foo"'). literal_eval is + # ok with '"foo"', but will raise a ValueError if given 'foo'. In other + # cases, like paths (v = 'foo/bar' and not v = '"foo/bar"'), literal_eval + # will raise a SyntaxError. + except ValueError: + pass + except SyntaxError: + pass + return v + + +def _check_and_coerce_cfg_value_type(replacement, original, key, full_key): + """Checks that `replacement`, which is intended to replace `original` is of + the right type. The type is correct if it matches exactly or is one of a few + cases in which the type can be easily coerced. + """ + original_type = type(original) + replacement_type = type(replacement) + + # The types must match (with some exceptions) + if replacement_type == original_type: + return replacement + + # Cast replacement from from_type to to_type if the replacement and original + # types match from_type and to_type + def conditional_cast(from_type, to_type): + if replacement_type == from_type and original_type == to_type: + return True, to_type(replacement) + else: + return False, None + + # Conditionally casts + # list <-> tuple + casts = [(tuple, list), (list, tuple)] + # For py2: allow converting from str (bytes) to a unicode string + try: + casts.append((str, unicode)) # noqa: F821 + except Exception: + pass + + for (from_type, to_type) in casts: + converted, converted_value = conditional_cast(from_type, to_type) + if converted: + return converted_value + + raise ValueError( + "Type mismatch ({} vs. {}) with values ({} vs. {}) for config " + "key: {}".format( + original_type, replacement_type, original, replacement, full_key + ) + ) + + +def _assert_with_logging(cond, msg): + if not cond: + logger.debug(msg) + assert cond, msg + + +def _load_module_from_file(name, filename): + if _PY2: + module = imp.load_source(name, filename) + else: + spec = importlib.util.spec_from_file_location(name, filename) + module = importlib.util.module_from_spec(spec) + spec.loader.exec_module(module) + return module \ No newline at end of file diff --git a/recon/crosssection_utils.py b/recon/crosssection_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..72d49f29534ae98b6c4cbd807677dcc55fd5e5ce --- /dev/null +++ b/recon/crosssection_utils.py @@ -0,0 +1,26 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +import torch + +def sample_cross_section(G, ws, resolution=256, w=1.2): + axis=0 + A, B = torch.meshgrid(torch.linspace(w/2, -w/2, resolution, device=ws.device), torch.linspace(-w/2, w/2, resolution, device=ws.device), indexing='ij') + A, B = A.reshape(-1, 1), B.reshape(-1, 1) + C = torch.zeros_like(A) + coordinates = [A, B] + coordinates.insert(axis, C) + coordinates = torch.cat(coordinates, dim=-1).expand(ws.shape[0], -1, -1) + + sigma = G.sample_mixed(coordinates, torch.randn_like(coordinates), ws)['sigma'] + return sigma.reshape(-1, 1, resolution, resolution) + +# if __name__ == '__main__': +# sample_crossection(None) \ No newline at end of file diff --git a/recon/dataloader/augment.py b/recon/dataloader/augment.py new file mode 100644 index 0000000000000000000000000000000000000000..7b00a4ade50459c16e34fa4c132b2cb947cfff28 --- /dev/null +++ b/recon/dataloader/augment.py @@ -0,0 +1,441 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Augmentation pipeline from the paper +"Training Generative Adversarial Networks with Limited Data". +Matches the original implementation by Karras et al. at +https://github.com/NVlabs/stylegan2-ada/blob/main/training/augment.py""" + +import numpy as np +import scipy.signal +import torch +from torch_utils import persistence +from torch_utils import misc +from torch_utils.ops import upfirdn2d +from torch_utils.ops import grid_sample_gradfix +from torch_utils.ops import conv2d_gradfix + +#---------------------------------------------------------------------------- +# Coefficients of various wavelet decomposition low-pass filters. + +wavelets = { + 'haar': [0.7071067811865476, 0.7071067811865476], + 'db1': [0.7071067811865476, 0.7071067811865476], + 'db2': [-0.12940952255092145, 0.22414386804185735, 0.836516303737469, 0.48296291314469025], + 'db3': [0.035226291882100656, -0.08544127388224149, -0.13501102001039084, 0.4598775021193313, 0.8068915093133388, 0.3326705529509569], + 'db4': [-0.010597401784997278, 0.032883011666982945, 0.030841381835986965, -0.18703481171888114, -0.02798376941698385, 0.6308807679295904, 0.7148465705525415, 0.23037781330885523], + 'db5': [0.003335725285001549, -0.012580751999015526, -0.006241490213011705, 0.07757149384006515, -0.03224486958502952, -0.24229488706619015, 0.13842814590110342, 0.7243085284385744, 0.6038292697974729, 0.160102397974125], + 'db6': [-0.00107730108499558, 0.004777257511010651, 0.0005538422009938016, -0.031582039318031156, 0.02752286553001629, 0.09750160558707936, -0.12976686756709563, -0.22626469396516913, 0.3152503517092432, 0.7511339080215775, 0.4946238903983854, 0.11154074335008017], + 'db7': [0.0003537138000010399, -0.0018016407039998328, 0.00042957797300470274, 0.012550998556013784, -0.01657454163101562, -0.03802993693503463, 0.0806126091510659, 0.07130921926705004, -0.22403618499416572, -0.14390600392910627, 0.4697822874053586, 0.7291320908465551, 0.39653931948230575, 0.07785205408506236], + 'db8': [-0.00011747678400228192, 0.0006754494059985568, -0.0003917403729959771, -0.00487035299301066, 0.008746094047015655, 0.013981027917015516, -0.04408825393106472, -0.01736930100202211, 0.128747426620186, 0.00047248457399797254, -0.2840155429624281, -0.015829105256023893, 0.5853546836548691, 0.6756307362980128, 0.3128715909144659, 0.05441584224308161], + 'sym2': [-0.12940952255092145, 0.22414386804185735, 0.836516303737469, 0.48296291314469025], + 'sym3': [0.035226291882100656, -0.08544127388224149, -0.13501102001039084, 0.4598775021193313, 0.8068915093133388, 0.3326705529509569], + 'sym4': [-0.07576571478927333, -0.02963552764599851, 0.49761866763201545, 0.8037387518059161, 0.29785779560527736, -0.09921954357684722, -0.012603967262037833, 0.0322231006040427], + 'sym5': [0.027333068345077982, 0.029519490925774643, -0.039134249302383094, 0.1993975339773936, 0.7234076904024206, 0.6339789634582119, 0.01660210576452232, -0.17532808990845047, -0.021101834024758855, 0.019538882735286728], + 'sym6': [0.015404109327027373, 0.0034907120842174702, -0.11799011114819057, -0.048311742585633, 0.4910559419267466, 0.787641141030194, 0.3379294217276218, -0.07263752278646252, -0.021060292512300564, 0.04472490177066578, 0.0017677118642428036, -0.007800708325034148], + 'sym7': [0.002681814568257878, -0.0010473848886829163, -0.01263630340325193, 0.03051551316596357, 0.0678926935013727, -0.049552834937127255, 0.017441255086855827, 0.5361019170917628, 0.767764317003164, 0.2886296317515146, -0.14004724044296152, -0.10780823770381774, 0.004010244871533663, 0.010268176708511255], + 'sym8': [-0.0033824159510061256, -0.0005421323317911481, 0.03169508781149298, 0.007607487324917605, -0.1432942383508097, -0.061273359067658524, 0.4813596512583722, 0.7771857517005235, 0.3644418948353314, -0.05194583810770904, -0.027219029917056003, 0.049137179673607506, 0.003808752013890615, -0.01495225833704823, -0.0003029205147213668, 0.0018899503327594609], +} + +#---------------------------------------------------------------------------- +# Helpers for constructing transformation matrices. + +def matrix(*rows, device=None): + assert all(len(row) == len(rows[0]) for row in rows) + elems = [x for row in rows for x in row] + ref = [x for x in elems if isinstance(x, torch.Tensor)] + if len(ref) == 0: + return misc.constant(np.asarray(rows), device=device) + assert device is None or device == ref[0].device + elems = [x if isinstance(x, torch.Tensor) else misc.constant(x, shape=ref[0].shape, device=ref[0].device) for x in elems] + return torch.stack(elems, dim=-1).reshape(ref[0].shape + (len(rows), -1)) + +def translate2d(tx, ty, **kwargs): + return matrix( + [1, 0, tx], + [0, 1, ty], + [0, 0, 1], + **kwargs) + +def translate3d(tx, ty, tz, **kwargs): + return matrix( + [1, 0, 0, tx], + [0, 1, 0, ty], + [0, 0, 1, tz], + [0, 0, 0, 1], + **kwargs) + +def scale2d(sx, sy, **kwargs): + return matrix( + [sx, 0, 0], + [0, sy, 0], + [0, 0, 1], + **kwargs) + +def scale3d(sx, sy, sz, **kwargs): + return matrix( + [sx, 0, 0, 0], + [0, sy, 0, 0], + [0, 0, sz, 0], + [0, 0, 0, 1], + **kwargs) + +def rotate2d(theta, **kwargs): + return matrix( + [torch.cos(theta), torch.sin(-theta), 0], + [torch.sin(theta), torch.cos(theta), 0], + [0, 0, 1], + **kwargs) + +def rotate3d(v, theta, **kwargs): + vx = v[..., 0]; vy = v[..., 1]; vz = v[..., 2] + s = torch.sin(theta); c = torch.cos(theta); cc = 1 - c + return matrix( + [vx*vx*cc+c, vx*vy*cc-vz*s, vx*vz*cc+vy*s, 0], + [vy*vx*cc+vz*s, vy*vy*cc+c, vy*vz*cc-vx*s, 0], + [vz*vx*cc-vy*s, vz*vy*cc+vx*s, vz*vz*cc+c, 0], + [0, 0, 0, 1], + **kwargs) + +def translate2d_inv(tx, ty, **kwargs): + return translate2d(-tx, -ty, **kwargs) + +def scale2d_inv(sx, sy, **kwargs): + return scale2d(1 / sx, 1 / sy, **kwargs) + +def rotate2d_inv(theta, **kwargs): + return rotate2d(-theta, **kwargs) + +#---------------------------------------------------------------------------- +# Versatile image augmentation pipeline from the paper +# "Training Generative Adversarial Networks with Limited Data". +# +# All augmentations are disabled by default; individual augmentations can +# be enabled by setting their probability multipliers to 1. + +@persistence.persistent_class +class AugmentPipe(torch.nn.Module): + def __init__(self, + xflip=0, rotate90=0, xint=0, xint_max=0.125, + scale=0, rotate=0, aniso=0, xfrac=0, scale_std=0.2, rotate_max=1, aniso_std=0.2, xfrac_std=0.125, + brightness=0, contrast=0, lumaflip=0, hue=0, saturation=0, brightness_std=0.2, contrast_std=0.5, hue_max=1, saturation_std=1, + imgfilter=0, imgfilter_bands=[1,1,1,1], imgfilter_std=1, + noise=0, cutout=0, noise_std=0.1, cutout_size=0.5, + ): + super().__init__() + self.register_buffer('p', torch.ones([])) # Overall multiplier for augmentation probability. + + # Pixel blitting. + self.xflip = float(xflip) # Probability multiplier for x-flip. + self.rotate90 = float(rotate90) # Probability multiplier for 90 degree rotations. + self.xint = float(xint) # Probability multiplier for integer translation. + self.xint_max = float(xint_max) # Range of integer translation, relative to image dimensions. + + # General geometric transformations. + self.scale = float(scale) # Probability multiplier for isotropic scaling. + self.rotate = float(rotate) # Probability multiplier for arbitrary rotation. + self.aniso = float(aniso) # Probability multiplier for anisotropic scaling. + self.xfrac = float(xfrac) # Probability multiplier for fractional translation. + self.scale_std = float(scale_std) # Log2 standard deviation of isotropic scaling. + self.rotate_max = float(rotate_max) # Range of arbitrary rotation, 1 = full circle. + self.aniso_std = float(aniso_std) # Log2 standard deviation of anisotropic scaling. + self.xfrac_std = float(xfrac_std) # Standard deviation of frational translation, relative to image dimensions. + + # Color transformations. + self.brightness = float(brightness) # Probability multiplier for brightness. + self.contrast = float(contrast) # Probability multiplier for contrast. + self.lumaflip = float(lumaflip) # Probability multiplier for luma flip. + self.hue = float(hue) # Probability multiplier for hue rotation. + self.saturation = float(saturation) # Probability multiplier for saturation. + self.brightness_std = float(brightness_std) # Standard deviation of brightness. + self.contrast_std = float(contrast_std) # Log2 standard deviation of contrast. + self.hue_max = float(hue_max) # Range of hue rotation, 1 = full circle. + self.saturation_std = float(saturation_std) # Log2 standard deviation of saturation. + + # Image-space filtering. + self.imgfilter = float(imgfilter) # Probability multiplier for image-space filtering. + self.imgfilter_bands = list(imgfilter_bands) # Probability multipliers for individual frequency bands. + self.imgfilter_std = float(imgfilter_std) # Log2 standard deviation of image-space filter amplification. + + # Image-space corruptions. + self.noise = float(noise) # Probability multiplier for additive RGB noise. + self.cutout = float(cutout) # Probability multiplier for cutout. + self.noise_std = float(noise_std) # Standard deviation of additive RGB noise. + self.cutout_size = float(cutout_size) # Size of the cutout rectangle, relative to image dimensions. + + # Setup orthogonal lowpass filter for geometric augmentations. + self.register_buffer('Hz_geom', upfirdn2d.setup_filter(wavelets['sym6'])) + + # Construct filter bank for image-space filtering. + Hz_lo = np.asarray(wavelets['sym2']) # H(z) + Hz_hi = Hz_lo * ((-1) ** np.arange(Hz_lo.size)) # H(-z) + Hz_lo2 = np.convolve(Hz_lo, Hz_lo[::-1]) / 2 # H(z) * H(z^-1) / 2 + Hz_hi2 = np.convolve(Hz_hi, Hz_hi[::-1]) / 2 # H(-z) * H(-z^-1) / 2 + Hz_fbank = np.eye(4, 1) # Bandpass(H(z), b_i) + for i in range(1, Hz_fbank.shape[0]): + Hz_fbank = np.dstack([Hz_fbank, np.zeros_like(Hz_fbank)]).reshape(Hz_fbank.shape[0], -1)[:, :-1] + Hz_fbank = scipy.signal.convolve(Hz_fbank, [Hz_lo2]) + Hz_fbank[i, (Hz_fbank.shape[1] - Hz_hi2.size) // 2 : (Hz_fbank.shape[1] + Hz_hi2.size) // 2] += Hz_hi2 + self.register_buffer('Hz_fbank', torch.as_tensor(Hz_fbank, dtype=torch.float32)) + + def forward(self, images, debug_percentile=None): + assert isinstance(images, torch.Tensor) and images.ndim == 4 + batch_size, num_channels, height, width = images.shape + device = images.device + if debug_percentile is not None: + debug_percentile = torch.as_tensor(debug_percentile, dtype=torch.float32, device=device) + + # ------------------------------------- + # Select parameters for pixel blitting. + # ------------------------------------- + + # Initialize inverse homogeneous 2D transform: G_inv @ pixel_out ==> pixel_in + I_3 = torch.eye(3, device=device) + G_inv = I_3 + + # Apply x-flip with probability (xflip * strength). + if self.xflip > 0: + i = torch.floor(torch.rand([batch_size], device=device) * 2) + i = torch.where(torch.rand([batch_size], device=device) < self.xflip * self.p, i, torch.zeros_like(i)) + if debug_percentile is not None: + i = torch.full_like(i, torch.floor(debug_percentile * 2)) + G_inv = G_inv @ scale2d_inv(1 - 2 * i, 1) + + # Apply 90 degree rotations with probability (rotate90 * strength). + if self.rotate90 > 0: + i = torch.floor(torch.rand([batch_size], device=device) * 4) + i = torch.where(torch.rand([batch_size], device=device) < self.rotate90 * self.p, i, torch.zeros_like(i)) + if debug_percentile is not None: + i = torch.full_like(i, torch.floor(debug_percentile * 4)) + G_inv = G_inv @ rotate2d_inv(-np.pi / 2 * i) + + # Apply integer translation with probability (xint * strength). + if self.xint > 0: + t = (torch.rand([batch_size, 2], device=device) * 2 - 1) * self.xint_max + t = torch.where(torch.rand([batch_size, 1], device=device) < self.xint * self.p, t, torch.zeros_like(t)) + if debug_percentile is not None: + t = torch.full_like(t, (debug_percentile * 2 - 1) * self.xint_max) + G_inv = G_inv @ translate2d_inv(torch.round(t[:,0] * width), torch.round(t[:,1] * height)) + + # -------------------------------------------------------- + # Select parameters for general geometric transformations. + # -------------------------------------------------------- + + # Apply isotropic scaling with probability (scale * strength). + if self.scale > 0: + s = torch.exp2(torch.randn([batch_size], device=device) * self.scale_std) + s = torch.where(torch.rand([batch_size], device=device) < self.scale * self.p, s, torch.ones_like(s)) + if debug_percentile is not None: + s = torch.full_like(s, torch.exp2(torch.erfinv(debug_percentile * 2 - 1) * self.scale_std)) + G_inv = G_inv @ scale2d_inv(s, s) + + # Apply pre-rotation with probability p_rot. + p_rot = 1 - torch.sqrt((1 - self.rotate * self.p).clamp(0, 1)) # P(pre OR post) = p + if self.rotate > 0: + theta = (torch.rand([batch_size], device=device) * 2 - 1) * np.pi * self.rotate_max + theta = torch.where(torch.rand([batch_size], device=device) < p_rot, theta, torch.zeros_like(theta)) + if debug_percentile is not None: + theta = torch.full_like(theta, (debug_percentile * 2 - 1) * np.pi * self.rotate_max) + G_inv = G_inv @ rotate2d_inv(-theta) # Before anisotropic scaling. + + # Apply anisotropic scaling with probability (aniso * strength). + if self.aniso > 0: + s = torch.exp2(torch.randn([batch_size], device=device) * self.aniso_std) + s = torch.where(torch.rand([batch_size], device=device) < self.aniso * self.p, s, torch.ones_like(s)) + if debug_percentile is not None: + s = torch.full_like(s, torch.exp2(torch.erfinv(debug_percentile * 2 - 1) * self.aniso_std)) + G_inv = G_inv @ scale2d_inv(s, 1 / s) + + # Apply post-rotation with probability p_rot. + if self.rotate > 0: + theta = (torch.rand([batch_size], device=device) * 2 - 1) * np.pi * self.rotate_max + theta = torch.where(torch.rand([batch_size], device=device) < p_rot, theta, torch.zeros_like(theta)) + if debug_percentile is not None: + theta = torch.zeros_like(theta) + G_inv = G_inv @ rotate2d_inv(-theta) # After anisotropic scaling. + + # Apply fractional translation with probability (xfrac * strength). + if self.xfrac > 0: + t = torch.randn([batch_size, 2], device=device) * self.xfrac_std + t = torch.where(torch.rand([batch_size, 1], device=device) < self.xfrac * self.p, t, torch.zeros_like(t)) + if debug_percentile is not None: + t = torch.full_like(t, torch.erfinv(debug_percentile * 2 - 1) * self.xfrac_std) + G_inv = G_inv @ translate2d_inv(t[:,0] * width, t[:,1] * height) + + # ---------------------------------- + # Execute geometric transformations. + # ---------------------------------- + + # Execute if the transform is not identity. + if G_inv is not I_3: + + # Calculate padding. + cx = (width - 1) / 2 + cy = (height - 1) / 2 + cp = matrix([-cx, -cy, 1], [cx, -cy, 1], [cx, cy, 1], [-cx, cy, 1], device=device) # [idx, xyz] + cp = G_inv @ cp.t() # [batch, xyz, idx] + Hz_pad = self.Hz_geom.shape[0] // 4 + margin = cp[:, :2, :].permute(1, 0, 2).flatten(1) # [xy, batch * idx] + margin = torch.cat([-margin, margin]).max(dim=1).values # [x0, y0, x1, y1] + margin = margin + misc.constant([Hz_pad * 2 - cx, Hz_pad * 2 - cy] * 2, device=device) + margin = margin.max(misc.constant([0, 0] * 2, device=device)) + margin = margin.min(misc.constant([width-1, height-1] * 2, device=device)) + mx0, my0, mx1, my1 = margin.ceil().to(torch.int32) + + # Pad image and adjust origin. + images = torch.nn.functional.pad(input=images, pad=[mx0,mx1,my0,my1], mode='reflect') + G_inv = translate2d((mx0 - mx1) / 2, (my0 - my1) / 2) @ G_inv + + # Upsample. + images = upfirdn2d.upsample2d(x=images, f=self.Hz_geom, up=2) + G_inv = scale2d(2, 2, device=device) @ G_inv @ scale2d_inv(2, 2, device=device) + G_inv = translate2d(-0.5, -0.5, device=device) @ G_inv @ translate2d_inv(-0.5, -0.5, device=device) + + # Execute transformation. + shape = [batch_size, num_channels, (height + Hz_pad * 2) * 2, (width + Hz_pad * 2) * 2] + G_inv = scale2d(2 / images.shape[3], 2 / images.shape[2], device=device) @ G_inv @ scale2d_inv(2 / shape[3], 2 / shape[2], device=device) + grid = torch.nn.functional.affine_grid(theta=G_inv[:,:2,:], size=shape, align_corners=False) + images = grid_sample_gradfix.grid_sample(images, grid) + + # Downsample and crop. + images = upfirdn2d.downsample2d(x=images, f=self.Hz_geom, down=2, padding=-Hz_pad*2, flip_filter=True) + + # -------------------------------------------- + # Select parameters for color transformations. + # -------------------------------------------- + + # Initialize homogeneous 3D transformation matrix: C @ color_in ==> color_out + I_4 = torch.eye(4, device=device) + C = I_4 + + # Apply brightness with probability (brightness * strength). + if self.brightness > 0: + b = torch.randn([batch_size], device=device) * self.brightness_std + b = torch.where(torch.rand([batch_size], device=device) < self.brightness * self.p, b, torch.zeros_like(b)) + if debug_percentile is not None: + b = torch.full_like(b, torch.erfinv(debug_percentile * 2 - 1) * self.brightness_std) + C = translate3d(b, b, b) @ C + + # Apply contrast with probability (contrast * strength). + if self.contrast > 0: + c = torch.exp2(torch.randn([batch_size], device=device) * self.contrast_std) + c = torch.where(torch.rand([batch_size], device=device) < self.contrast * self.p, c, torch.ones_like(c)) + if debug_percentile is not None: + c = torch.full_like(c, torch.exp2(torch.erfinv(debug_percentile * 2 - 1) * self.contrast_std)) + C = scale3d(c, c, c) @ C + + # Apply luma flip with probability (lumaflip * strength). + v = misc.constant(np.asarray([1, 1, 1, 0]) / np.sqrt(3), device=device) # Luma axis. + if self.lumaflip > 0: + i = torch.floor(torch.rand([batch_size, 1, 1], device=device) * 2) + i = torch.where(torch.rand([batch_size, 1, 1], device=device) < self.lumaflip * self.p, i, torch.zeros_like(i)) + if debug_percentile is not None: + i = torch.full_like(i, torch.floor(debug_percentile * 2)) + C = (I_4 - 2 * v.ger(v) * i) @ C # Householder reflection. + + # Apply hue rotation with probability (hue * strength). + if self.hue > 0 and num_channels > 1: + theta = (torch.rand([batch_size], device=device) * 2 - 1) * np.pi * self.hue_max + theta = torch.where(torch.rand([batch_size], device=device) < self.hue * self.p, theta, torch.zeros_like(theta)) + if debug_percentile is not None: + theta = torch.full_like(theta, (debug_percentile * 2 - 1) * np.pi * self.hue_max) + C = rotate3d(v, theta) @ C # Rotate around v. + + # Apply saturation with probability (saturation * strength). + if self.saturation > 0 and num_channels > 1: + s = torch.exp2(torch.randn([batch_size, 1, 1], device=device) * self.saturation_std) + s = torch.where(torch.rand([batch_size, 1, 1], device=device) < self.saturation * self.p, s, torch.ones_like(s)) + if debug_percentile is not None: + s = torch.full_like(s, torch.exp2(torch.erfinv(debug_percentile * 2 - 1) * self.saturation_std)) + C = (v.ger(v) + (I_4 - v.ger(v)) * s) @ C + + # ------------------------------ + # Execute color transformations. + # ------------------------------ + + # Execute if the transform is not identity. + if C is not I_4: + images = images.reshape([batch_size, num_channels, height * width]) + if num_channels == 3: + images = C[:, :3, :3] @ images + C[:, :3, 3:] + elif num_channels == 1: + C = C[:, :3, :].mean(dim=1, keepdims=True) + images = images * C[:, :, :3].sum(dim=2, keepdims=True) + C[:, :, 3:] + elif num_channels == 6: + images[:, :3] = C[:, :3, :3] @ images[:, :3] + C[:, :3, 3:] + images[:, 3:] = C[:, :3, :3] @ images[:, 3:] + C[:, :3, 3:] + else: + raise ValueError('Image must be RGB (3 channels) or L (1 channel)') + images = images.reshape([batch_size, num_channels, height, width]) + + # ---------------------- + # Image-space filtering. + # ---------------------- + + if self.imgfilter > 0: + num_bands = self.Hz_fbank.shape[0] + assert len(self.imgfilter_bands) == num_bands + expected_power = misc.constant(np.array([10, 1, 1, 1]) / 13, device=device) # Expected power spectrum (1/f). + + # Apply amplification for each band with probability (imgfilter * strength * band_strength). + g = torch.ones([batch_size, num_bands], device=device) # Global gain vector (identity). + for i, band_strength in enumerate(self.imgfilter_bands): + t_i = torch.exp2(torch.randn([batch_size], device=device) * self.imgfilter_std) + t_i = torch.where(torch.rand([batch_size], device=device) < self.imgfilter * self.p * band_strength, t_i, torch.ones_like(t_i)) + if debug_percentile is not None: + t_i = torch.full_like(t_i, torch.exp2(torch.erfinv(debug_percentile * 2 - 1) * self.imgfilter_std)) if band_strength > 0 else torch.ones_like(t_i) + t = torch.ones([batch_size, num_bands], device=device) # Temporary gain vector. + t[:, i] = t_i # Replace i'th element. + t = t / (expected_power * t.square()).sum(dim=-1, keepdims=True).sqrt() # Normalize power. + g = g * t # Accumulate into global gain. + + # Construct combined amplification filter. + Hz_prime = g @ self.Hz_fbank # [batch, tap] + Hz_prime = Hz_prime.unsqueeze(1).repeat([1, num_channels, 1]) # [batch, channels, tap] + Hz_prime = Hz_prime.reshape([batch_size * num_channels, 1, -1]) # [batch * channels, 1, tap] + + # Apply filter. + p = self.Hz_fbank.shape[1] // 2 + images = images.reshape([1, batch_size * num_channels, height, width]) + images = torch.nn.functional.pad(input=images, pad=[p,p,p,p], mode='reflect') + images = conv2d_gradfix.conv2d(input=images, weight=Hz_prime.unsqueeze(2), groups=batch_size*num_channels) + images = conv2d_gradfix.conv2d(input=images, weight=Hz_prime.unsqueeze(3), groups=batch_size*num_channels) + images = images.reshape([batch_size, num_channels, height, width]) + + # ------------------------ + # Image-space corruptions. + # ------------------------ + + # Apply additive RGB noise with probability (noise * strength). + if self.noise > 0: + sigma = torch.randn([batch_size, 1, 1, 1], device=device).abs() * self.noise_std + sigma = torch.where(torch.rand([batch_size, 1, 1, 1], device=device) < self.noise * self.p, sigma, torch.zeros_like(sigma)) + if debug_percentile is not None: + sigma = torch.full_like(sigma, torch.erfinv(debug_percentile) * self.noise_std) + images = images + torch.randn([batch_size, num_channels, height, width], device=device) * sigma + + # Apply cutout with probability (cutout * strength). + if self.cutout > 0: + size = torch.full([batch_size, 2, 1, 1, 1], self.cutout_size, device=device) + size = torch.where(torch.rand([batch_size, 1, 1, 1, 1], device=device) < self.cutout * self.p, size, torch.zeros_like(size)) + center = torch.rand([batch_size, 2, 1, 1, 1], device=device) + if debug_percentile is not None: + size = torch.full_like(size, self.cutout_size) + center = torch.full_like(center, debug_percentile) + coord_x = torch.arange(width, device=device).reshape([1, 1, 1, -1]) + coord_y = torch.arange(height, device=device).reshape([1, 1, -1, 1]) + mask_x = (((coord_x + 0.5) / width - center[:, 0]).abs() >= size[:, 0] / 2) + mask_y = (((coord_y + 0.5) / height - center[:, 1]).abs() >= size[:, 1] / 2) + mask = torch.logical_or(mask_x, mask_y).to(torch.float32) + images = images * mask + + return images + +#---------------------------------------------------------------------------- diff --git a/recon/dataloader/dataset.py b/recon/dataloader/dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..d622bad8894e688ac22d59e1d25c6133283cb80d --- /dev/null +++ b/recon/dataloader/dataset.py @@ -0,0 +1,338 @@ +# Dataloader for training GenHead, modified from EG3D: https://github.com/NVlabs/eg3d + +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Streaming images and labels from datasets created with dataset_tool.py.""" + +import os +import sys +import numpy as np +import zipfile +import PIL.Image +import json +import torch +import dnnlib +from training.dataloader.protocols import datum_genhead_pb2 as datum_pb2 +import lmdb +import cv2 +# try: +# import pyspng +# except ImportError: +pyspng = None + +#---------------------------------------------------------------------------- + +class Dataset(torch.utils.data.Dataset): + def __init__(self, + name, # Name of the dataset. + raw_shape, # Shape of the raw image data (NCHW). + max_size = None, # Artificially limit the size of the dataset. None = no limit. Applied before xflip. + use_labels = False, # Enable conditioning labels? False = label dimension is zero. + xflip = False, # Artificially double the size of the dataset via x-flips. Applied after max_size. + random_seed = 0, # Random seed to use when applying max_size. + ): + self._name = name + self._raw_shape = list(raw_shape) + self._use_labels = use_labels + self._raw_labels = None + self._label_shape = None + + # Apply max_size. + self._raw_idx = np.arange(self._raw_shape[0], dtype=np.int64) + if (max_size is not None) and (self._raw_idx.size > max_size): + np.random.RandomState(random_seed).shuffle(self._raw_idx) + self._raw_idx = np.sort(self._raw_idx[:max_size]) + + # Apply xflip. + self._xflip = np.zeros(self._raw_idx.size, dtype=np.uint8) + if xflip: + self._raw_idx = np.tile(self._raw_idx, 2) + self._xflip = np.concatenate([self._xflip, np.ones_like(self._xflip)]) + + def _get_raw_labels(self): + if self._raw_labels is None: + self._raw_labels = self._load_raw_labels() if self._use_labels else None + if self._raw_labels is None: + self._raw_labels = np.zeros([self._raw_shape[0], 0], dtype=np.float32) + assert isinstance(self._raw_labels, np.ndarray) + assert self._raw_labels.shape[0] == self._raw_shape[0] + assert self._raw_labels.dtype in [np.float32, np.int64] + if self._raw_labels.dtype == np.int64: + assert self._raw_labels.ndim == 1 + assert np.all(self._raw_labels >= 0) + self._raw_labels_std = self._raw_labels.std(0) + return self._raw_labels + + def close(self): # to be overridden by subclass + pass + + def _load_raw_image(self, raw_idx): # to be overridden by subclass + raise NotImplementedError + + def _load_raw_labels(self): # to be overridden by subclass + raise NotImplementedError + + def __getstate__(self): + return dict(self.__dict__, _raw_labels=None) + + def __del__(self): + try: + self.close() + except: + pass + + def __len__(self): + return self._raw_idx.size + + def __getitem__(self, idx): + image = self._load_raw_image(self._raw_idx[idx]) + assert isinstance(image, np.ndarray) + assert list(image.shape) == self.image_shape + assert image.dtype == np.uint8 + if self._xflip[idx]: + assert image.ndim == 3 # CHW + image = image[:, :, ::-1] + return image.copy(), self.get_label(idx) + + def get_label(self, idx): + label = self._get_raw_labels()[self._raw_idx[idx]] + if label.dtype == np.int64: + onehot = np.zeros(self.label_shape, dtype=np.float32) + onehot[label] = 1 + label = onehot + return label.copy() + + def get_details(self, idx): + d = dnnlib.EasyDict() + d.raw_idx = int(self._raw_idx[idx]) + d.xflip = (int(self._xflip[idx]) != 0) + d.raw_label = self._get_raw_labels()[d.raw_idx].copy() + return d + + def get_label_std(self): + return self._raw_labels_std + + @property + def name(self): + return self._name + + @property + def image_shape(self): + return list(self._raw_shape[1:]) + + @property + def num_channels(self): + assert len(self.image_shape) == 3 # CHW + return self.image_shape[0] + + @property + def resolution(self): + assert len(self.image_shape) == 3 # CHW + assert self.image_shape[1] == self.image_shape[2] + return self.image_shape[1] + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels = self._get_raw_labels() + if raw_labels.dtype == np.int64: + self._label_shape = [int(np.max(raw_labels)) + 1] + else: + self._label_shape = raw_labels.shape[1:] + return list(self._label_shape) + + @property + def label_dim(self): + assert len(self.label_shape) == 1 + return self.label_shape[0] + + @property + def has_labels(self): + return any(x != 0 for x in self.label_shape) + + @property + def has_onehot_labels(self): + return self._get_raw_labels().dtype == np.int64 + + +class PortraitSynthesisSegLmdbFolderDatasetV2(Dataset): + def __init__(self, + path, # Path to datalist. + resolution = None, # Ensure specific resolution, None = highest available. + data_type = "vox2",# Set dataset type, deprecated + rescale_camera = False, # Rescale camera extrinsics and intrinscs to align with an older version of camera labels + **super_kwargs, # Additional arguments for the Dataset base class. + ): + self._path = path + print(self._path) + self._resolution = resolution + self._zipfile = None + self._data_type = data_type + self.rescale_camera = rescale_camera + + # initialize lmdb + if os.path.isdir(self._path): + self.db = None + self.txn = None + self.num = None + self.datum = None + else: + raise IOError('Path must point to a directory or zip') + # print('./data/FFHQ_512_50/'.split("/")[-2]) + # print(self._path) + # print((self._path.split("/")[-2].split("_")[-2])) + img_size = int(self._path.split("/")[-2].split("_")[-2]) + num = int(self._path.split("/")[-2].split("_")[-1]) + img_shape = [3, img_size, img_size] + raw_shape = [num] + img_shape + if resolution is None: + self._resolution = raw_shape[2] + name = os.path.splitext(os.path.basename(self._path))[0] + super().__init__(name=name, raw_shape=raw_shape, **super_kwargs) + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2.Datum_genhead() + + def get_details(self, idx): + d = dnnlib.EasyDict() + d.raw_idx = int(self._raw_idx[idx]) + d.xflip = (int(self._xflip[idx]) != 0) + d.raw_label = self._load_raw_labels(d.raw_idx).copy() + return d + + def get_label_std(self): + return 0 + + @property + def resolution(self): + return self._resolution + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels = self._load_raw_labels(0) + self._label_shape = raw_labels.shape + return list(self._label_shape) + + @property + def label_dim(self): + assert len(self.label_shape) == 1 + return self.label_shape[0] + + @property + def has_labels(self): + return any(x != 0 for x in self.label_shape) + + @property + def has_onehot_labels(self): + return self._load_raw_labels(0).dtype == np.int64 + + def __getstate__(self): + return dict(super().__getstate__(), _zipfile=None) + + def _load_raw_image(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + image = np.fromstring(self.datum.image, dtype=np.uint8) + image = cv2.imdecode(image, cv2.IMREAD_COLOR) + image = image[:, :, [2, 1, 0]] # bgr -> rgb + if image.ndim == 2: + image = image[:, :, np.newaxis] # HW => HWC + image = image.transpose(2, 0, 1) # HWC => CHW + return image + + def _load_raw_seg(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.seg, dtype=np.uint8) + seg = cv2.imdecode(seg, cv2.IMREAD_COLOR) + if seg.ndim == 2: + seg = seg[:, :, np.newaxis] # HW => HWC + seg = seg.transpose(2, 0, 1) # HWC => CHW + if seg.shape[0] == 1: + seg = np.tile(seg, (3, 1, 1)) + return seg + + def _load_raw_labels(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + labels = np.fromstring(self.datum.labels, dtype=np.float32) + intrinsics = labels[16:25].reshape(3,3) + + if self.rescale_camera: + # normalize intrinsics + if self._resolution != intrinsics[0,2]*2: + intrinsics[:2,:] *= (0.5*self._resolution/intrinsics[0,2]) + + intrinsics[0, 0] /= self._resolution + intrinsics[1, 1] /= self._resolution + intrinsics[0, 2] /= self._resolution + intrinsics[1, 2] /= self._resolution + + # rescale extrinsics + extrinsics = labels[:16].reshape(4,4) # Our face scale is around 0.1~0.2. Multiply by 3 to match the scale of EG3D + extrinsics[:3,3] *= 3 + + return labels + + def get_label(self, idx): + label = self._load_raw_labels(self._raw_idx[idx])[:25] + return label.copy() + + def get_shape_param(self, idx): + label = self._load_raw_labels(self._raw_idx[idx])[25:325] + return label.copy() + + def get_exp_param(self, idx): + label = self._load_raw_labels(self._raw_idx[idx])[325:425] + return label.copy() + + def get_exp_param_w_jaw_pose(self, idx): + label = self._load_raw_labels(self._raw_idx[idx]) + label = np.concatenate([label[325:425],label[428:431]],axis=0) + return label.copy() + + def get_pose_param(self, idx): + label = self._load_raw_labels(self._raw_idx[idx])[425:431] + return label.copy() + + def get_eye_pose_param(self, idx): + label = self._load_raw_labels(self._raw_idx[idx])[431:437] + return label.copy() + + def get_label_all(self,idx): + c = self.get_label(idx) + shape_param = self.get_shape_param(idx) + exp_param = self.get_exp_param(idx) + pose_param = self.get_pose_param(idx) + eye_pose_param = self.get_eye_pose_param(idx) + return c, shape_param, exp_param, pose_param, eye_pose_param + + def __getitem__(self, idx): + image = self._load_raw_image(self._raw_idx[idx]) + seg = self._load_raw_seg(self._raw_idx[idx]) + + assert isinstance(image, np.ndarray) + assert isinstance(seg, np.ndarray) + assert list(image.shape) == self.image_shape + assert seg.shape[1] == self.image_shape[1] and seg.shape[2] == self.image_shape[2] + assert image.dtype == np.uint8 + + return image.copy(), seg.copy(), self.get_label(idx), self.get_shape_param(idx), self.get_exp_param(idx), self.get_pose_param(idx), self.get_eye_pose_param(idx) \ No newline at end of file diff --git a/recon/dataloader/dataset_gallery.py b/recon/dataloader/dataset_gallery.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/recon/dataloader/dataset_recon.py b/recon/dataloader/dataset_recon.py new file mode 100644 index 0000000000000000000000000000000000000000..759083f87c9bc08147c4b9cca1f32f3409e688ac --- /dev/null +++ b/recon/dataloader/dataset_recon.py @@ -0,0 +1,1112 @@ +# Dataloader for training Portrait4D, modified from EG3D: https://github.com/NVlabs/eg3d + +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Streaming images and labels from datasets created with dataset_tool.py.""" + +import os +import sys +import numpy as np +import zipfile +import PIL.Image +import json +import torch +import dnnlib +from training.dataloader.protocols import datum_portrait_genhead_pb2 as datum_pb2_genhead +from training.dataloader.protocols import datum_portrait_genhead_static_pb2 as datum_pb2_genhead_static +from training.dataloader.protocols import datum_portrait_genhead_new_pb2 as datum_pb2_genhead_new +from training.dataloader.protocols import datum_portrait_genhead_static_new_pb2 as datum_pb2_genhead_static_new +from training.dataloader.protocols import datum_portrait_vfhq_pb2 as datum_pb2_vfhq +from training.dataloader.protocols import datum_portrait_ffhq_pb2 as datum_pb2_ffhq +import lmdb +import cv2 +from scipy.spatial.transform import Rotation as R +# try: +# import pyspng +# except ImportError: +pyspng = None + +#---------------------------------------------------------------------------- + +class Dataset(torch.utils.data.Dataset): + def __init__(self, + name, # Name of the dataset. + raw_shape, # Shape of the raw image data (NCHW). + max_size = None, # Artificially limit the size of the dataset. None = no limit. Applied before xflip. + use_labels = False, # Enable conditioning labels? False = label dimension is zero. + xflip = False, # Artificially double the size of the dataset via x-flips. Applied after max_size. + random_seed = 0, # Random seed to use when applying max_size. + ): + self._name = name + self._raw_shape = list(raw_shape) + self._use_labels = use_labels + self._raw_labels = None + self._label_shape = None + + # Apply max_size. + self._raw_idx = np.arange(self._raw_shape[0], dtype=np.int64) + if (max_size is not None) and (self._raw_idx.size > max_size): + np.random.RandomState(random_seed).shuffle(self._raw_idx) + self._raw_idx = np.sort(self._raw_idx[:max_size]) + + # Apply xflip. + self._xflip = np.zeros(self._raw_idx.size, dtype=np.uint8) + if xflip: + self._raw_idx = np.tile(self._raw_idx, 2) + self._xflip = np.concatenate([self._xflip, np.ones_like(self._xflip)]) + + def _get_raw_labels(self): + if self._raw_labels is None: + self._raw_labels = self._load_raw_labels() if self._use_labels else None + if self._raw_labels is None: + self._raw_labels = np.zeros([self._raw_shape[0], 0], dtype=np.float32) + assert isinstance(self._raw_labels, np.ndarray) + assert self._raw_labels.shape[0] == self._raw_shape[0] + assert self._raw_labels.dtype in [np.float32, np.int64] + if self._raw_labels.dtype == np.int64: + assert self._raw_labels.ndim == 1 + assert np.all(self._raw_labels >= 0) + self._raw_labels_std = self._raw_labels.std(0) + return self._raw_labels + + def close(self): # to be overridden by subclass + pass + + def _load_raw_image(self, raw_idx): # to be overridden by subclass + raise NotImplementedError + + def _load_raw_labels(self): # to be overridden by subclass + raise NotImplementedError + + def __getstate__(self): + return dict(self.__dict__, _raw_labels=None) + + def __del__(self): + try: + self.close() + except: + pass + + def __len__(self): + return self._raw_idx.size + + def __getitem__(self, idx): + image = self._load_raw_image(self._raw_idx[idx]) + assert isinstance(image, np.ndarray) + assert list(image.shape) == self.image_shape + assert image.dtype == np.uint8 + if self._xflip[idx]: + assert image.ndim == 3 # CHW + image = image[:, :, ::-1] + return image.copy(), self.get_label(idx) + + def get_label(self, idx): + label = self._get_raw_labels()[self._raw_idx[idx]] + if label.dtype == np.int64: + onehot = np.zeros(self.label_shape, dtype=np.float32) + onehot[label] = 1 + label = onehot + return label.copy() + + def get_details(self, idx): + d = dnnlib.EasyDict() + d.raw_idx = int(self._raw_idx[idx]) + d.xflip = (int(self._xflip[idx]) != 0) + d.raw_label = self._get_raw_labels()[d.raw_idx].copy() + return d + + def get_label_std(self): + return self._raw_labels_std + + @property + def name(self): + return self._name + + @property + def image_shape(self): + return list(self._raw_shape[1:]) + + @property + def num_channels(self): + assert len(self.image_shape) == 3 # CHW + return self.image_shape[0] + + @property + def resolution(self): + assert len(self.image_shape) == 3 # CHW + assert self.image_shape[1] == self.image_shape[2] + return self.image_shape[1] + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels = self._get_raw_labels() + if raw_labels.dtype == np.int64: + self._label_shape = [int(np.max(raw_labels)) + 1] + else: + self._label_shape = raw_labels.shape[1:] + return list(self._label_shape) + + @property + def label_dim(self): + assert len(self.label_shape) == 1 + return self.label_shape[0] + + @property + def has_labels(self): + return any(x != 0 for x in self.label_shape) + + @property + def has_onehot_labels(self): + return self._get_raw_labels().dtype == np.int64 + +#---------------------------------------------------------------------------- +# Dataloader for real video set +class OneShotReconSegLmdbFolderDataset(Dataset): + def __init__(self, + path, # Path to datalist. + resolution = None, # Ensure specific resolution, None = highest available. + data_type = "vfhq",# Deprecated + static = False, # if True, only select multiview static frames instead of frames with different motions + use_flame_mot = False, # whether or not to use FLAME parameters as motion embedding + max_num = None, + rescale_camera = False, # Rescale camera extrinsics and intrinscs to align with an older version of camera labels + **super_kwargs, # Additional arguments for the Dataset base class. + ): + self._path = path + print(self._path) + self._resolution = resolution + self._zipfile = None + self._data_type = data_type + self.static = static + self.use_flame_mot = use_flame_mot + self.rescale_camera = rescale_camera + + # initialize lmdb + if os.path.isdir(self._path): + self.db = None + self.txn = None + self.num = None + self.datum = None + else: + raise IOError('Path must point to a directory or zip') + + img_size = int(self._path.split("/")[-2].split("_")[-2]) + num = int(self._path.split("/")[-2].split("_")[-1]) + img_shape = [3, img_size, img_size] + raw_shape = [num] + img_shape + if max_num is not None: + raw_shape = [max_num] + img_shape + if resolution is None: + self._resolution = raw_shape[2] + name = os.path.splitext(os.path.basename(self._path))[0] + super().__init__(name=name, raw_shape=raw_shape, **super_kwargs) + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_vfhq.Datum_vfhq() + + def get_details(self, idx): + return None + + def get_label_std(self): + return 0 + + @property + def resolution(self): + return self._resolution + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels, _ = self._load_raw_labels(0,[0,0]) + self._label_shape = raw_labels.shape + return list(self._label_shape) + + @property + def label_dim(self): + assert len(self.label_shape) == 1 + return self.label_shape[0] + + @property + def has_labels(self): + return any(x != 0 for x in self.label_shape) + + @property + def has_onehot_labels(self): + return None + + def __getstate__(self): + return dict(super().__getstate__(), _zipfile=None) + + def _load_raw_image(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + images = np.fromstring(self.datum.images, dtype=np.uint8).reshape(self.datum.num,-1) + frame_idx = np.random.randint(self.datum.num,size=2) + + source_image = images[frame_idx[0]] + driving_image = images[frame_idx[1]] + source_image = source_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + driving_image = driving_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + + if source_image.ndim == 2: + source_image = source_image[:, :, np.newaxis] # HW => HWC + if driving_image.ndim == 2: + driving_image = driving_image[:, :, np.newaxis] # HW => HWC + + source_image = source_image.transpose(2, 0, 1) # HWC => CHW + driving_image = driving_image.transpose(2, 0, 1) # HWC => CHW + + return source_image, driving_image, frame_idx + + def _load_raw_seg(self, raw_idx, frame_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs, dtype=np.uint8).reshape(self.datum.num,-1) + + source_seg = seg[frame_idx[0]] + driving_seg = seg[frame_idx[1]] + source_seg = source_seg.reshape(self.datum.height,self.datum.width,-1) + driving_seg = driving_seg.reshape(self.datum.height,self.datum.width,-1) + + if source_seg.ndim == 2: + source_seg = source_seg[:, :, np.newaxis] # HW => HWC + if driving_seg.ndim == 2: + driving_seg = driving_seg[:, :, np.newaxis] # HW => HWC + source_seg = source_seg.transpose(2, 0, 1) # HWC => CHW + driving_seg = driving_seg.transpose(2, 0, 1) # HWC => CHW + + if source_seg.shape[0] == 1: + source_seg = np.tile(source_seg, (3, 1, 1)) + + if driving_seg.shape[0] == 1: + driving_seg = np.tile(driving_seg, (3, 1, 1)) + return source_seg, driving_seg + + def _load_raw_labels(self, raw_idx, frame_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + labels = np.fromstring(self.datum.labels, dtype=np.float32).reshape(self.datum.num,-1) + + # Use average yaw and roll angles across all frames in a video clip as the camera pose to rectify extracted head pose + head_poses = labels[:,425:428] + compose_rot = R.from_rotvec(head_poses) + compose_euler = compose_rot.as_euler('xyz') + compose_euler_mean = np.mean(compose_euler,axis=0,keepdims=True) + cam_euler = np.stack([np.zeros_like(compose_euler_mean[...,0]), compose_euler_mean[...,1], compose_euler_mean[...,2]], axis=-1) + cam_rot = R.from_euler('xyz', cam_euler).as_matrix() + cam_rot_inverse = np.transpose(cam_rot,[0,2,1]) + head_rot_rectified = np.matmul(cam_rot_inverse,compose_rot.as_matrix()) + head_poses = R.from_matrix(head_rot_rectified).as_rotvec() + labels[:,425:428] = head_poses + + source_labels = labels[frame_idx[0]] + driving_labels = labels[frame_idx[1]] + + if self.rescale_camera: + if frame_idx[0] == frame_idx[1]: + intrinsics = source_labels[16:25].reshape(3,3) + + # normalize intrinsics + if self._resolution != intrinsics[0,2]*2: + intrinsics[:2,:] *= (0.5*self._resolution/intrinsics[0,2]) + + intrinsics[0, 0] /= self._resolution + intrinsics[1, 1] /= self._resolution + intrinsics[0, 2] /= self._resolution + intrinsics[1, 2] /= self._resolution + + # rescale extrinsics + extrinsics = source_labels[:16].reshape(4,4) # Our face scale is around 0.1~0.2. Multiply by 3 to match the scale of EG3D + extrinsics[:3,3] *= 3 + else: + for labels in [source_labels, driving_labels]: + intrinsics = labels[16:25].reshape(3,3) + if self._resolution != intrinsics[0,2]*2: + intrinsics[:2,:] *= (0.5*self._resolution/intrinsics[0,2]) + + intrinsics[0, 0] /= self._resolution + intrinsics[1, 1] /= self._resolution + intrinsics[0, 2] /= self._resolution + intrinsics[1, 2] /= self._resolution + + extrinsics = labels[:16].reshape(4,4) + extrinsics[:3,3] *= 3 + + return source_labels, driving_labels + + def _load_raw_motions(self, raw_idx, frame_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + motions = np.fromstring(self.datum.mots, dtype=np.float32).reshape(self.datum.num,-1) + motions = motions[:,:548] + source_motions = motions[frame_idx[0]] + driving_motions = motions[frame_idx[1]] + + return source_motions, driving_motions + + def get_label(self, raw_labels): + label = raw_labels[:25] + return label.copy() + + def get_shape_param(self, raw_labels): + label = raw_labels[25:325] + return label.copy() + + def get_exp_param(self, raw_labels): + label = raw_labels[325:425] + return label.copy() + + def get_exp_param_w_jaw_pose(self, raw_labels): + label = np.concatenate([raw_labels[325:425],raw_labels[428:431]],axis=0) + return label.copy() + + def get_pose_param(self, raw_labels): + label = raw_labels[425:431] + return label.copy() + + def get_eye_pose_param(self, raw_labels): + label = raw_labels[431:437] + return label.copy() + + def get_label_all(self,raw_labels): + c = self.get_label(raw_labels) + shape_param = self.get_shape_param(raw_labels) + exp_param = self.get_exp_param(raw_labels) + pose_param = self.get_pose_param(raw_labels) + eye_pose_param = self.get_eye_pose_param(raw_labels) + return c, shape_param, exp_param, pose_param, eye_pose_param + + def __getitem__(self, idx): + source_image, driving_image, frame_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg = self._load_raw_seg(self._raw_idx[idx], frame_idx) + source_labels, driving_labels = self._load_raw_labels(self._raw_idx[idx], frame_idx) + source_motions, driving_motions = self._load_raw_motions(self._raw_idx[idx], frame_idx) + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + # use flame parameters as motion embedding if use_flame_mot is true + if self.use_flame_mot: + source_motions = np.concatenate([self.get_exp_param_w_jaw_pose(source_labels),self.get_eye_pose_param(source_labels)],axis=0) + driving_motions = np.concatenate([self.get_exp_param_w_jaw_pose(driving_labels),self.get_eye_pose_param(driving_labels)],axis=0) + + return source_image.copy(), driving_image.copy(), driving_image.copy(), driving_seg.copy(), np.zeros([]), np.zeros([]), np.zeros([]), np.zeros([]), np.zeros([]), self.get_label(driving_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), source_motions.copy(), driving_motions.copy() + +#---------------------------------------------------------------------------- +# Dataloader for real image set +class OneShotReconSegLmdbFolderDataset_Static(OneShotReconSegLmdbFolderDataset): + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels = self._load_raw_labels(0) + self._label_shape = raw_labels.shape + return list(self._label_shape) + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_ffhq.Datum_ffhq() + + def _load_raw_image(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + image = np.fromstring(self.datum.images, dtype=np.uint8) + image = cv2.imdecode(image, cv2.IMREAD_COLOR) + image = image[:, :, [2, 1, 0]] # bgr -> rgb + + image = image.reshape(self.datum.height,self.datum.width,self.datum.channels) + if image.ndim == 2: + image = image[:, :, np.newaxis] # HW => HWC + image = image.transpose(2, 0, 1) # HWC => CHW + return image + + def _load_raw_seg(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs, dtype=np.uint8) + seg = cv2.imdecode(seg, cv2.IMREAD_COLOR) + + if seg.ndim == 2: + seg = seg[:, :, np.newaxis] # HW => HWC + seg = seg.transpose(2, 0, 1) # HWC => CHW + + if seg.shape[0] == 1: + seg = np.tile(seg, (3, 1, 1)) + + return seg + + def _load_raw_labels(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + labels = np.fromstring(self.datum.labels, dtype=np.float32).reshape(-1) + labels[425:428] = 0 # set head pose to zero and use camera pose instead + + if self.rescale_camera: + intrinsics = labels[16:25].reshape(3,3) + + # normalize intrinsics + if self._resolution != intrinsics[0,2]*2: + intrinsics[:2,:] *= (0.5*self._resolution/intrinsics[0,2]) + + intrinsics[0, 0] /= self._resolution + intrinsics[1, 1] /= self._resolution + intrinsics[0, 2] /= self._resolution + intrinsics[1, 2] /= self._resolution + + # rescale extrinsics + extrinsics = labels[:16].reshape(4,4) # Our face scale is around 0.1~0.2. Multiply by 3 to match the scale of EG3D + extrinsics[:3,3] *= 3 + + return labels + + def _load_raw_motions(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + motions = np.fromstring(self.datum.mots, dtype=np.float32).reshape(-1) + motions = motions[:548] + + return motions + + def __getitem__(self, idx): + image = self._load_raw_image(self._raw_idx[idx]) + seg = self._load_raw_seg(self._raw_idx[idx]) + labels = self._load_raw_labels(self._raw_idx[idx]) + motions = self._load_raw_motions(self._raw_idx[idx]) + assert isinstance(image, np.ndarray) + assert isinstance(seg, np.ndarray) + assert list(image.shape) == self.image_shape + assert seg.shape[1] == self.image_shape[1] and seg.shape[2] == self.image_shape[2] + assert image.dtype == np.uint8 + + return image.copy(), image.copy(), image.copy(), seg.copy(), np.zeros([]), np.zeros([]), np.zeros([]), np.zeros([]), np.zeros([]), self.get_label(labels), self.get_shape_param(labels), self.get_exp_param(labels), self.get_pose_param(labels), self.get_eye_pose_param(labels), motions.copy(), motions.copy() + +#----------------------------------------------------------------------------- +# Dataloader for GenHead generated 4D data (base version) +class GenHeadReconSegLmdbFolderDataset(OneShotReconSegLmdbFolderDataset): + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels, _, _ = self._load_raw_labels(0,[0,0],[0,0,0]) + self._label_shape = raw_labels.shape + return list(self._label_shape) + + def _load_raw_image(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + images = np.fromstring(self.datum.images, dtype=np.uint8).reshape(self.datum.num//5,5,-1) + frame_idx = np.random.randint(self.datum.num//5,size=2) + + # use same motion for source and driving if static is true + if self.static: + frame_idx[1] = frame_idx[0] + + view_idx = np.random.randint(5,size=3) + source_image = images[frame_idx[0],view_idx[0]] + driving_image = images[frame_idx[1],view_idx[1]] + recon_image = images[frame_idx[1],view_idx[2]] + + source_image = source_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + driving_image = driving_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + recon_image = recon_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + if source_image.ndim == 2: + source_image = source_image[:, :, np.newaxis] # HW => HWC + if driving_image.ndim == 2: + driving_image = driving_image[:, :, np.newaxis] # HW => HWC + if recon_image.ndim == 2: + recon_image = recon_image[:, :, np.newaxis] # HW => HWC + + source_image = source_image.transpose(2, 0, 1) # HWC => CHW + driving_image = driving_image.transpose(2, 0, 1) # HWC => CHW + recon_image = recon_image.transpose(2, 0, 1) # HWC => CHW + + return source_image, driving_image, recon_image, frame_idx, view_idx + + def _load_raw_seg(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs, dtype=np.uint8).reshape(self.datum.num//5,5,-1) + + source_seg = seg[frame_idx[0],view_idx[0]] + driving_seg = seg[frame_idx[1],view_idx[1]] + recon_seg = seg[frame_idx[1],view_idx[2]] + source_seg = source_seg.reshape(self.datum.height,self.datum.width,-1) + driving_seg = driving_seg.reshape(self.datum.height,self.datum.width,-1) + recon_seg = recon_seg.reshape(self.datum.height,self.datum.width,-1) + if source_seg.ndim == 2: + source_seg = source_seg[:, :, np.newaxis] # HW => HWC + if driving_seg.ndim == 2: + driving_seg = driving_seg[:, :, np.newaxis] # HW => HWC + if recon_seg.ndim == 2: + recon_seg = recon_seg[:, :, np.newaxis] # HW => HWC + source_seg = source_seg.transpose(2, 0, 1) # HWC => CHW + driving_seg = driving_seg.transpose(2, 0, 1) # HWC => CHW + recon_seg = recon_seg.transpose(2, 0, 1) # HWC => CHW + + if source_seg.shape[0] == 1: + source_seg = np.tile(source_seg, (3, 1, 1)) + + if driving_seg.shape[0] == 1: + driving_seg = np.tile(driving_seg, (3, 1, 1)) + + if recon_seg.shape[0] == 1: + recon_seg = np.tile(recon_seg, (3, 1, 1)) + + return source_seg, driving_seg, recon_seg + + def _load_raw_labels(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + labels = np.fromstring(self.datum.labels, dtype=np.float32).reshape(self.datum.num//5,5,-1) + + source_labels = labels[frame_idx[0], view_idx[0]] + driving_labels = labels[frame_idx[1], view_idx[1]] + recon_labels = labels[frame_idx[1], view_idx[2]] + + return source_labels, driving_labels, recon_labels + + def _load_raw_motions(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + motions = np.fromstring(self.datum.mots, dtype=np.float32).reshape(self.datum.num//5,5,-1) + motions = motions[...,:548] + source_motions = motions[frame_idx[0], view_idx[0]] + driving_motions = motions[frame_idx[1], view_idx[1]] + recon_motios = motions[frame_idx[1], view_idx[2]] + + return source_motions, driving_motions, recon_motios + + def __getitem__(self, idx): + source_image, driving_image, recon_image, frame_idx, view_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg, recon_seg = self._load_raw_seg(self._raw_idx[idx], frame_idx, view_idx) + source_labels, driving_labels, recon_labels = self._load_raw_labels(self._raw_idx[idx], frame_idx, view_idx) + source_motions, driving_motions, recon_motions = self._load_raw_motions(self._raw_idx[idx], frame_idx, view_idx) + + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(recon_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert isinstance(recon_seg, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + return source_image.copy(), driving_image.copy(), recon_image.copy(), recon_seg.copy(), self.get_label(recon_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), driving_motions.copy() + +#----------------------------------------------------------------------------- +# Dataloader for GenHead generated 4D data (include depth, feature maps, and triplane features) +class GenHeadReconSegLmdbFolderDatasetV2(GenHeadReconSegLmdbFolderDataset): + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_genhead.Datum() + + def _load_raw_depth(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + depth = np.fromstring(self.datum.depths, dtype=np.float16).reshape(self.datum.num//5,5,-1) + + source_depth = depth[frame_idx[0],view_idx[0]] + driving_depth = depth[frame_idx[1],view_idx[1]] + recon_depth = depth[frame_idx[1],view_idx[2]] + source_depth = source_depth.reshape(64,64,-1) + driving_depth = driving_depth.reshape(64,64,-1) + recon_depth = recon_depth.reshape(64,64,-1) + + source_depth = source_depth.transpose(2, 0, 1) # HWC => CHW + driving_depth = driving_depth.transpose(2, 0, 1) # HWC => CHW + recon_depth = recon_depth.transpose(2, 0, 1) # HWC => CHW + + + return source_depth, driving_depth, recon_depth + + def _load_raw_feature(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + feature = np.fromstring(self.datum.features, dtype=np.float16).reshape(self.datum.num//5,5,-1) + + source_feature = feature[frame_idx[0],view_idx[0]] + driving_feature = feature[frame_idx[1],view_idx[1]] + recon_feature = feature[frame_idx[1],view_idx[2]] + + source_feature = source_feature.reshape(64,64,-1) + driving_feature = driving_feature.reshape(64,64,-1) + recon_feature = recon_feature.reshape(64,64,-1) + + source_feature = source_feature.transpose(2, 0, 1) # HWC => CHW + driving_feature = driving_feature.transpose(2, 0, 1) # HWC => CHW + recon_feature = recon_feature.transpose(2, 0, 1) # HWC => CHW + + + return source_feature, driving_feature, recon_feature + + def _load_raw_triplane(self, raw_idx, frame_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + triplane = np.fromstring(self.datum.triplanes, dtype=np.float16).reshape(self.datum.num//5,-1) + + source_triplane = triplane[frame_idx[0]] + driving_triplane = triplane[frame_idx[1]] + recon_triplane = triplane[frame_idx[1]] + + source_triplane = source_triplane.reshape(-1,35) # [N,3+32] + driving_triplane = driving_triplane.reshape(-1,35) + recon_triplane = recon_triplane.reshape(-1,35) + + return source_triplane, driving_triplane, recon_triplane + + def __getitem__(self, idx): + source_image, driving_image, recon_image, frame_idx, view_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg, recon_seg = self._load_raw_seg(self._raw_idx[idx], frame_idx, view_idx) + source_depth, driving_depth, recon_depth = self._load_raw_depth(self._raw_idx[idx], frame_idx, view_idx) + source_feature, driving_feature, recon_feature = self._load_raw_feature(self._raw_idx[idx], frame_idx, view_idx) + source_labels, driving_labels, recon_labels = self._load_raw_labels(self._raw_idx[idx], frame_idx, view_idx) + source_motions, driving_motions, recon_motions = self._load_raw_motions(self._raw_idx[idx], frame_idx, view_idx) + source_triplane, driving_triplane, recon_triplane = self._load_raw_triplane(self._raw_idx[idx], frame_idx) + + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(recon_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert isinstance(recon_seg, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + return source_image.copy(), driving_image.copy(), recon_image.copy(), recon_seg.copy(), recon_depth.copy(), recon_feature.copy(), recon_triplane.copy(), self.get_label(recon_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), source_motions.copy(), driving_motions.copy() + +#---------------------------------------------------------------------------- +# Dataloader for GenHead generated static multiview data (include depth, feature maps, and triplane features) +class GenHeadReconSegLmdbFolderDatasetV2_Static(OneShotReconSegLmdbFolderDataset): + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels, _, _ = self._load_raw_labels(0,[0,0,0]) + self._label_shape = raw_labels.shape + return list(self._label_shape) + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_genhead_static.Datum_static() + + def _load_raw_image(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + images = np.fromstring(self.datum.images, dtype=np.uint8).reshape(self.datum.num,-1) + + view_idx = np.random.randint(self.datum.num,size=3) + + source_image = images[view_idx[0]] + driving_image = images[view_idx[1]] + recon_image = images[view_idx[2]] + + source_image = source_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + driving_image = driving_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + recon_image = recon_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + if source_image.ndim == 2: + source_image = source_image[:, :, np.newaxis] # HW => HWC + if driving_image.ndim == 2: + driving_image = driving_image[:, :, np.newaxis] # HW => HWC + if recon_image.ndim == 2: + recon_image = recon_image[:, :, np.newaxis] # HW => HWC + + source_image = source_image.transpose(2, 0, 1) # HWC => CHW + driving_image = driving_image.transpose(2, 0, 1) # HWC => CHW + recon_image = recon_image.transpose(2, 0, 1) # HWC => CHW + return source_image, driving_image, recon_image, view_idx + + def _load_raw_seg(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs, dtype=np.uint8).reshape(self.datum.num,-1) + + source_seg = seg[view_idx[0]] + driving_seg = seg[view_idx[1]] + recon_seg = seg[view_idx[2]] + + source_seg = source_seg.reshape(self.datum.height,self.datum.width,-1) + driving_seg = driving_seg.reshape(self.datum.height,self.datum.width,-1) + recon_seg = recon_seg.reshape(self.datum.height,self.datum.width,-1) + if source_seg.ndim == 2: + source_seg = source_seg[:, :, np.newaxis] # HW => HWC + if driving_seg.ndim == 2: + driving_seg = driving_seg[:, :, np.newaxis] # HW => HWC + if recon_seg.ndim == 2: + recon_seg = recon_seg[:, :, np.newaxis] # HW => HWC + source_seg = source_seg.transpose(2, 0, 1) # HWC => CHW + driving_seg = driving_seg.transpose(2, 0, 1) # HWC => CHW + recon_seg = recon_seg.transpose(2, 0, 1) # HWC => CHW + + if source_seg.shape[0] == 1: + source_seg = np.tile(source_seg, (3, 1, 1)) + + if driving_seg.shape[0] == 1: + driving_seg = np.tile(driving_seg, (3, 1, 1)) + + if recon_seg.shape[0] == 1: + recon_seg = np.tile(recon_seg, (3, 1, 1)) + + return source_seg, driving_seg, recon_seg + + def _load_raw_labels(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + labels = np.fromstring(self.datum.labels, dtype=np.float32).reshape(self.datum.num,-1) + + source_labels = labels[view_idx[0]] + driving_labels = labels[view_idx[1]] + recon_labels = labels[view_idx[2]] + + return source_labels, driving_labels, recon_labels + + def _load_raw_motions(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + motions = np.fromstring(self.datum.mots, dtype=np.float32).reshape(self.datum.num,-1) + motions = motions[...,:548] + source_motions = motions[view_idx[0]] + driving_motions = motions[view_idx[1]] + recon_motios = motions[view_idx[2]] + + return source_motions, driving_motions, recon_motios + + def _load_raw_depth(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + depth = np.fromstring(self.datum.depths, dtype=np.float16).reshape(self.datum.num,-1) + + source_depth = depth[view_idx[0]] + driving_depth = depth[view_idx[1]] + recon_depth = depth[view_idx[2]] + + source_depth = source_depth.reshape(64,64,-1) + driving_depth = driving_depth.reshape(64,64,-1) + recon_depth = recon_depth.reshape(64,64,-1) + + source_depth = source_depth.transpose(2, 0, 1) # HWC => CHW + driving_depth = driving_depth.transpose(2, 0, 1) # HWC => CHW + recon_depth = recon_depth.transpose(2, 0, 1) # HWC => CHW + + return source_depth, driving_depth, recon_depth + + def _load_raw_feature(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + feature = np.fromstring(self.datum.features, dtype=np.float16).reshape(self.datum.num,-1) + + source_feature = feature[view_idx[0]] + driving_feature = feature[view_idx[1]] + recon_feature = feature[view_idx[2]] + + source_feature = source_feature.reshape(64,64,-1) + driving_feature = driving_feature.reshape(64,64,-1) + recon_feature = recon_feature.reshape(64,64,-1) + + source_feature = source_feature.transpose(2, 0, 1) # HWC => CHW + driving_feature = driving_feature.transpose(2, 0, 1) # HWC => CHW + recon_feature = recon_feature.transpose(2, 0, 1) # HWC => CHW + + return source_feature, driving_feature, recon_feature + + def _load_raw_triplane(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + triplane = np.fromstring(self.datum.triplanes, dtype=np.float16).reshape(-1) + + source_triplane = triplane + driving_triplane = triplane + recon_triplane = triplane + + source_triplane = source_triplane.reshape(-1,35) # [N,3+32] + driving_triplane = driving_triplane.reshape(-1,35) + recon_triplane = recon_triplane.reshape(-1,35) + + return source_triplane, driving_triplane, recon_triplane + + def __getitem__(self, idx): + source_image, driving_image, recon_image, view_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg, recon_seg = self._load_raw_seg(self._raw_idx[idx], view_idx) + source_depth, driving_depth, recon_depth = self._load_raw_depth(self._raw_idx[idx], view_idx) + source_feature, driving_feature, recon_feature = self._load_raw_feature(self._raw_idx[idx], view_idx) + source_labels, driving_labels, recon_labels = self._load_raw_labels(self._raw_idx[idx], view_idx) + source_motions, driving_motions, recon_motions = self._load_raw_motions(self._raw_idx[idx], view_idx) + source_triplane, driving_triplane, recon_triplane = self._load_raw_triplane(self._raw_idx[idx]) + + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(recon_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert isinstance(recon_seg, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + return source_image.copy(), driving_image.copy(), recon_image.copy(), recon_seg.copy(), recon_depth.copy(), recon_feature.copy(), recon_triplane.copy(), self.get_label(recon_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), source_motions.copy(), driving_motions.copy() + +#-------------------------------------------------------------------------------------------------------- +# Dataloader for GenHead generated 4D data (include depth, feature maps, triplane features, background, and rendered segmentation) +class GenHeadReconSegLmdbFolderDatasetV2New(GenHeadReconSegLmdbFolderDatasetV2): + + def __init__(self, + path, # Path to datalist. + resolution = None, # Ensure specific resolution, None = highest available. + data_type = "vfhq",# Deprecated + static = False, # if True, only select multiview static frames instead of frames with different motions + use_flame_mot = False, # whether or not to use FLAME parameters as motion embedding + **super_kwargs, # Additional arguments for the Dataset base class. + ): + super().__init__(path=path, resolution=resolution, data_type=data_type, static=static, **super_kwargs) + self.use_flame_mot = use_flame_mot + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_genhead_new.Datum_new() + + def _load_raw_bg_feature(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + feature = np.fromstring(self.datum.bgs, dtype=np.float16) + + recon_feature = feature + recon_feature = recon_feature.reshape(64,64,-1) + recon_feature = recon_feature.transpose(2, 0, 1) # HWC => CHW + + return recon_feature + + def _load_raw_seg_render(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs_render, dtype=np.uint8).reshape(self.datum.num//5,5,-1) + + source_seg = seg[frame_idx[0],view_idx[0]] + driving_seg = seg[frame_idx[1],view_idx[1]] + recon_seg = seg[frame_idx[1],view_idx[2]] + source_seg = source_seg.reshape(64,64,-1) + driving_seg = driving_seg.reshape(64,64,-1) + recon_seg = recon_seg.reshape(64,64,-1) + if source_seg.ndim == 2: + source_seg = source_seg[:, :, np.newaxis] # HW => HWC + if driving_seg.ndim == 2: + driving_seg = driving_seg[:, :, np.newaxis] # HW => HWC + if recon_seg.ndim == 2: + recon_seg = recon_seg[:, :, np.newaxis] # HW => HWC + source_seg = source_seg.transpose(2, 0, 1) # HWC => CHW + driving_seg = driving_seg.transpose(2, 0, 1) # HWC => CHW + recon_seg = recon_seg.transpose(2, 0, 1) # HWC => CHW + + if source_seg.shape[0] == 1: + source_seg = np.tile(source_seg, (3, 1, 1)) + + if driving_seg.shape[0] == 1: + driving_seg = np.tile(driving_seg, (3, 1, 1)) + + if recon_seg.shape[0] == 1: + recon_seg = np.tile(recon_seg, (3, 1, 1)) + + return source_seg, driving_seg, recon_seg + + def __getitem__(self, idx): + source_image, driving_image, recon_image, frame_idx, view_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg, recon_seg = self._load_raw_seg(self._raw_idx[idx], frame_idx, view_idx) + source_seg_render, driving_seg_render, recon_seg_render = self._load_raw_seg_render(self._raw_idx[idx], frame_idx, view_idx) + source_depth, driving_depth, recon_depth = self._load_raw_depth(self._raw_idx[idx], frame_idx, view_idx) + source_feature, driving_feature, recon_feature = self._load_raw_feature(self._raw_idx[idx], frame_idx, view_idx) + recon_feature_bg = self._load_raw_bg_feature(self._raw_idx[idx]) + source_labels, driving_labels, recon_labels = self._load_raw_labels(self._raw_idx[idx], frame_idx, view_idx) + source_motions, driving_motions, recon_motions = self._load_raw_motions(self._raw_idx[idx], frame_idx, view_idx) + source_triplane, driving_triplane, recon_triplane = self._load_raw_triplane(self._raw_idx[idx], frame_idx) + + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(recon_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert isinstance(recon_seg, np.ndarray) + assert isinstance(source_seg_render, np.ndarray) + assert isinstance(driving_seg_render, np.ndarray) + assert isinstance(source_seg_render, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + # use flame parameters as motion embedding if use_flame_mot is true + if self.use_flame_mot: + source_motions = np.concatenate([self.get_exp_param_w_jaw_pose(source_labels),self.get_eye_pose_param(source_labels)],axis=0) + driving_motions = np.concatenate([self.get_exp_param_w_jaw_pose(driving_labels),self.get_eye_pose_param(driving_labels)],axis=0) + + return source_image.copy(), driving_image.copy(), recon_image.copy(), recon_seg.copy(), recon_seg_render.copy(), recon_depth.copy(), recon_feature.copy(), recon_feature_bg.copy(), recon_triplane.copy(), self.get_label(recon_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), source_motions.copy(), driving_motions.copy() + +#-------------------------------------------------------------------------------------------------------- +# Dataloader for GenHead generated static multiview data (include depth, feature maps, triplane features, background, and rendered segmentation) +class GenHeadReconSegLmdbFolderDatasetV2_StaticNew(GenHeadReconSegLmdbFolderDatasetV2_Static): + + def __init__(self, + path, # Path to datalist. + resolution = None, # Ensure specific resolution, None = highest available. + data_type = "vfhq",# Deprecated + static = False, # if True, only select multiview static frames instead of frames with different motions + use_flame_mot = False, # whether or not to use FLAME parameters as motion embedding + **super_kwargs, # Additional arguments for the Dataset base class. + ): + super().__init__(path=path, resolution=resolution, data_type=data_type, static=static, **super_kwargs) + self.use_flame_mot = use_flame_mot + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_genhead_static_new.Datum_static_new() + + def _load_raw_bg_feature(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + feature = np.fromstring(self.datum.bgs, dtype=np.float16) + + recon_feature = feature + recon_feature = recon_feature.reshape(64,64,-1) + recon_feature = recon_feature.transpose(2, 0, 1) # HWC => CHW + + return recon_feature + + def _load_raw_seg_render(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs_render, dtype=np.uint8).reshape(self.datum.num,-1) + + source_seg = seg[view_idx[0]] + driving_seg = seg[view_idx[1]] + recon_seg = seg[view_idx[2]] + source_seg = source_seg.reshape(64,64,-1) + driving_seg = driving_seg.reshape(64,64,-1) + recon_seg = recon_seg.reshape(64,64,-1) + if source_seg.ndim == 2: + source_seg = source_seg[:, :, np.newaxis] # HW => HWC + if driving_seg.ndim == 2: + driving_seg = driving_seg[:, :, np.newaxis] # HW => HWC + if recon_seg.ndim == 2: + recon_seg = recon_seg[:, :, np.newaxis] # HW => HWC + source_seg = source_seg.transpose(2, 0, 1) # HWC => CHW + driving_seg = driving_seg.transpose(2, 0, 1) # HWC => CHW + recon_seg = recon_seg.transpose(2, 0, 1) # HWC => CHW + + if source_seg.shape[0] == 1: + source_seg = np.tile(source_seg, (3, 1, 1)) + + if driving_seg.shape[0] == 1: + driving_seg = np.tile(driving_seg, (3, 1, 1)) + + if recon_seg.shape[0] == 1: + recon_seg = np.tile(recon_seg, (3, 1, 1)) + + return source_seg, driving_seg, recon_seg + + def __getitem__(self, idx): + source_image, driving_image, recon_image, view_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg, recon_seg = self._load_raw_seg(self._raw_idx[idx], view_idx) + source_seg_render, driving_seg_render, recon_seg_render = self._load_raw_seg_render(self._raw_idx[idx], view_idx) + source_depth, driving_depth, recon_depth = self._load_raw_depth(self._raw_idx[idx], view_idx) + source_feature, driving_feature, recon_feature = self._load_raw_feature(self._raw_idx[idx], view_idx) + recon_feature_bg = self._load_raw_bg_feature(self._raw_idx[idx]) + source_labels, driving_labels, recon_labels = self._load_raw_labels(self._raw_idx[idx], view_idx) + source_motions, driving_motions, recon_motions = self._load_raw_motions(self._raw_idx[idx], view_idx) + source_triplane, driving_triplane, recon_triplane = self._load_raw_triplane(self._raw_idx[idx]) + + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(recon_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert isinstance(recon_seg, np.ndarray) + assert isinstance(source_seg_render, np.ndarray) + assert isinstance(driving_seg_render, np.ndarray) + assert isinstance(source_seg_render, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + # use flame parameters as motion embedding if use_flame_mot is true + if self.use_flame_mot: + source_motions = np.concatenate([self.get_exp_param_w_jaw_pose(source_labels),self.get_eye_pose_param(source_labels)],axis=0) + driving_motions = np.concatenate([self.get_exp_param_w_jaw_pose(driving_labels),self.get_eye_pose_param(driving_labels)],axis=0) + + return source_image.copy(), driving_image.copy(), recon_image.copy(), recon_seg.copy(), recon_seg_render.copy(), recon_depth.copy(), recon_feature.copy(), recon_feature_bg.copy(), recon_triplane.copy(), self.get_label(recon_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), source_motions.copy(), driving_motions.copy() \ No newline at end of file diff --git a/recon/dnnlib/__init__.py b/recon/dnnlib/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..dd91ed142e955581e83948455fb71cd837215f61 --- /dev/null +++ b/recon/dnnlib/__init__.py @@ -0,0 +1,11 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +from .util import EasyDict, make_cache_dir_path diff --git a/recon/dnnlib/util.py b/recon/dnnlib/util.py new file mode 100644 index 0000000000000000000000000000000000000000..80b67c4e312cd1b847ca21fd3b929802a57e6f6d --- /dev/null +++ b/recon/dnnlib/util.py @@ -0,0 +1,493 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Miscellaneous utility classes and functions.""" + +import ctypes +import fnmatch +import importlib +import inspect +import numpy as np +import os +import shutil +import sys +import types +import io +import pickle +import re +import requests +import html +import hashlib +import glob +import tempfile +import urllib +import urllib.request +import uuid + +from distutils.util import strtobool +from typing import Any, List, Tuple, Union + + +# Util classes +# ------------------------------------------------------------------------------------------ + + +class EasyDict(dict): + """Convenience class that behaves like a dict but allows access with the attribute syntax.""" + + def __getattr__(self, name: str) -> Any: + try: + return self[name] + except KeyError: + raise AttributeError(name) + + def __setattr__(self, name: str, value: Any) -> None: + self[name] = value + + def __delattr__(self, name: str) -> None: + del self[name] + + +class Logger(object): + """Redirect stderr to stdout, optionally print stdout to a file, and optionally force flushing on both stdout and the file.""" + + def __init__(self, file_name: str = None, file_mode: str = "w", should_flush: bool = True): + self.file = None + + if file_name is not None: + self.file = open(file_name, file_mode) + + self.should_flush = should_flush + self.stdout = sys.stdout + self.stderr = sys.stderr + + sys.stdout = self + sys.stderr = self + + def __enter__(self) -> "Logger": + return self + + def __exit__(self, exc_type: Any, exc_value: Any, traceback: Any) -> None: + self.close() + + def write(self, text: Union[str, bytes]) -> None: + """Write text to stdout (and a file) and optionally flush.""" + if isinstance(text, bytes): + text = text.decode() + if len(text) == 0: # workaround for a bug in VSCode debugger: sys.stdout.write(''); sys.stdout.flush() => crash + return + + if self.file is not None: + self.file.write(text) + + self.stdout.write(text) + + if self.should_flush: + self.flush() + + def flush(self) -> None: + """Flush written text to both stdout and a file, if open.""" + if self.file is not None: + self.file.flush() + + self.stdout.flush() + + def close(self) -> None: + """Flush, close possible files, and remove stdout/stderr mirroring.""" + self.flush() + + # if using multiple loggers, prevent closing in wrong order + if sys.stdout is self: + sys.stdout = self.stdout + if sys.stderr is self: + sys.stderr = self.stderr + + if self.file is not None: + self.file.close() + self.file = None + + +# Cache directories +# ------------------------------------------------------------------------------------------ + +_dnnlib_cache_dir = None + +def set_cache_dir(path: str) -> None: + global _dnnlib_cache_dir + _dnnlib_cache_dir = path + +def make_cache_dir_path(*paths: str) -> str: + if _dnnlib_cache_dir is not None: + return os.path.join(_dnnlib_cache_dir, *paths) + if 'DNNLIB_CACHE_DIR' in os.environ: + return os.path.join(os.environ['DNNLIB_CACHE_DIR'], *paths) + if 'HOME' in os.environ: + return os.path.join(os.environ['HOME'], '.cache', 'dnnlib', *paths) + if 'USERPROFILE' in os.environ: + return os.path.join(os.environ['USERPROFILE'], '.cache', 'dnnlib', *paths) + return os.path.join(tempfile.gettempdir(), '.cache', 'dnnlib', *paths) + +# Small util functions +# ------------------------------------------------------------------------------------------ + + +def format_time(seconds: Union[int, float]) -> str: + """Convert the seconds to human readable string with days, hours, minutes and seconds.""" + s = int(np.rint(seconds)) + + if s < 60: + return "{0}s".format(s) + elif s < 60 * 60: + return "{0}m {1:02}s".format(s // 60, s % 60) + elif s < 24 * 60 * 60: + return "{0}h {1:02}m {2:02}s".format(s // (60 * 60), (s // 60) % 60, s % 60) + else: + return "{0}d {1:02}h {2:02}m".format(s // (24 * 60 * 60), (s // (60 * 60)) % 24, (s // 60) % 60) + + +def format_time_brief(seconds: Union[int, float]) -> str: + """Convert the seconds to human readable string with days, hours, minutes and seconds.""" + s = int(np.rint(seconds)) + + if s < 60: + return "{0}s".format(s) + elif s < 60 * 60: + return "{0}m {1:02}s".format(s // 60, s % 60) + elif s < 24 * 60 * 60: + return "{0}h {1:02}m".format(s // (60 * 60), (s // 60) % 60) + else: + return "{0}d {1:02}h".format(s // (24 * 60 * 60), (s // (60 * 60)) % 24) + + +def ask_yes_no(question: str) -> bool: + """Ask the user the question until the user inputs a valid answer.""" + while True: + try: + print("{0} [y/n]".format(question)) + return strtobool(input().lower()) + except ValueError: + pass + + +def tuple_product(t: Tuple) -> Any: + """Calculate the product of the tuple elements.""" + result = 1 + + for v in t: + result *= v + + return result + + +_str_to_ctype = { + "uint8": ctypes.c_ubyte, + "uint16": ctypes.c_uint16, + "uint32": ctypes.c_uint32, + "uint64": ctypes.c_uint64, + "int8": ctypes.c_byte, + "int16": ctypes.c_int16, + "int32": ctypes.c_int32, + "int64": ctypes.c_int64, + "float32": ctypes.c_float, + "float64": ctypes.c_double +} + + +def get_dtype_and_ctype(type_obj: Any) -> Tuple[np.dtype, Any]: + """Given a type name string (or an object having a __name__ attribute), return matching Numpy and ctypes types that have the same size in bytes.""" + type_str = None + + if isinstance(type_obj, str): + type_str = type_obj + elif hasattr(type_obj, "__name__"): + type_str = type_obj.__name__ + elif hasattr(type_obj, "name"): + type_str = type_obj.name + else: + raise RuntimeError("Cannot infer type name from input") + + assert type_str in _str_to_ctype.keys() + + my_dtype = np.dtype(type_str) + my_ctype = _str_to_ctype[type_str] + + assert my_dtype.itemsize == ctypes.sizeof(my_ctype) + + return my_dtype, my_ctype + + +def is_pickleable(obj: Any) -> bool: + try: + with io.BytesIO() as stream: + pickle.dump(obj, stream) + return True + except: + return False + + +# Functionality to import modules/objects by name, and call functions by name +# ------------------------------------------------------------------------------------------ + +def get_module_from_obj_name(obj_name: str) -> Tuple[types.ModuleType, str]: + """Searches for the underlying module behind the name to some python object. + Returns the module and the object name (original name with module part removed).""" + + # allow convenience shorthands, substitute them by full names + obj_name = re.sub("^np.", "numpy.", obj_name) + obj_name = re.sub("^tf.", "tensorflow.", obj_name) + + # list alternatives for (module_name, local_obj_name) + parts = obj_name.split(".") + name_pairs = [(".".join(parts[:i]), ".".join(parts[i:])) for i in range(len(parts), 0, -1)] + + # try each alternative in turn + for module_name, local_obj_name in name_pairs: + try: + module = importlib.import_module(module_name) # may raise ImportError + get_obj_from_module(module, local_obj_name) # may raise AttributeError + return module, local_obj_name + except: + pass + + # maybe some of the modules themselves contain errors? + for module_name, _local_obj_name in name_pairs: + try: + importlib.import_module(module_name) # may raise ImportError + except ImportError: + if not str(sys.exc_info()[1]).startswith("No module named '" + module_name + "'"): + raise + + # maybe the requested attribute is missing? + for module_name, local_obj_name in name_pairs: + try: + module = importlib.import_module(module_name) # may raise ImportError + get_obj_from_module(module, local_obj_name) # may raise AttributeError + except ImportError: + pass + + # we are out of luck, but we have no idea why + raise ImportError(obj_name) + + +def get_obj_from_module(module: types.ModuleType, obj_name: str) -> Any: + """Traverses the object name and returns the last (rightmost) python object.""" + if obj_name == '': + return module + obj = module + for part in obj_name.split("."): + obj = getattr(obj, part) + return obj + + +def get_obj_by_name(name: str) -> Any: + """Finds the python object with the given name.""" + module, obj_name = get_module_from_obj_name(name) + return get_obj_from_module(module, obj_name) + + +def call_func_by_name(*args, func_name: str = None, **kwargs) -> Any: + """Finds the python object with the given name and calls it as a function.""" + assert func_name is not None + func_obj = get_obj_by_name(func_name) + assert callable(func_obj) + return func_obj(*args, **kwargs) + + +def construct_class_by_name(*args, class_name: str = None, **kwargs) -> Any: + """Finds the python class with the given name and constructs it with the given arguments.""" + return call_func_by_name(*args, func_name=class_name, **kwargs) + + +def get_module_dir_by_obj_name(obj_name: str) -> str: + """Get the directory path of the module containing the given object name.""" + module, _ = get_module_from_obj_name(obj_name) + return os.path.dirname(inspect.getfile(module)) + + +def is_top_level_function(obj: Any) -> bool: + """Determine whether the given object is a top-level function, i.e., defined at module scope using 'def'.""" + return callable(obj) and obj.__name__ in sys.modules[obj.__module__].__dict__ + + +def get_top_level_function_name(obj: Any) -> str: + """Return the fully-qualified name of a top-level function.""" + assert is_top_level_function(obj) + module = obj.__module__ + if module == '__main__': + module = os.path.splitext(os.path.basename(sys.modules[module].__file__))[0] + return module + "." + obj.__name__ + + +# File system helpers +# ------------------------------------------------------------------------------------------ + +def list_dir_recursively_with_ignore(dir_path: str, ignores: List[str] = None, add_base_to_relative: bool = False) -> List[Tuple[str, str]]: + """List all files recursively in a given directory while ignoring given file and directory names. + Returns list of tuples containing both absolute and relative paths.""" + assert os.path.isdir(dir_path) + base_name = os.path.basename(os.path.normpath(dir_path)) + + if ignores is None: + ignores = [] + + result = [] + + for root, dirs, files in os.walk(dir_path, topdown=True): + for ignore_ in ignores: + dirs_to_remove = [d for d in dirs if fnmatch.fnmatch(d, ignore_)] + + # dirs need to be edited in-place + for d in dirs_to_remove: + dirs.remove(d) + + files = [f for f in files if not fnmatch.fnmatch(f, ignore_)] + + absolute_paths = [os.path.join(root, f) for f in files] + relative_paths = [os.path.relpath(p, dir_path) for p in absolute_paths] + + if add_base_to_relative: + relative_paths = [os.path.join(base_name, p) for p in relative_paths] + + assert len(absolute_paths) == len(relative_paths) + result += zip(absolute_paths, relative_paths) + + return result + + +def copy_files_and_create_dirs(files: List[Tuple[str, str]]) -> None: + """Takes in a list of tuples of (src, dst) paths and copies files. + Will create all necessary directories.""" + for file in files: + target_dir_name = os.path.dirname(file[1]) + + # will create all intermediate-level directories + if not os.path.exists(target_dir_name): + os.makedirs(target_dir_name) + + shutil.copyfile(file[0], file[1]) + + +# URL helpers +# ------------------------------------------------------------------------------------------ + +def is_url(obj: Any, allow_file_urls: bool = False) -> bool: + """Determine whether the given object is a valid URL string.""" + if not isinstance(obj, str) or not "://" in obj: + return False + if allow_file_urls and obj.startswith('file://'): + return True + try: + res = requests.compat.urlparse(obj) + if not res.scheme or not res.netloc or not "." in res.netloc: + return False + res = requests.compat.urlparse(requests.compat.urljoin(obj, "/")) + if not res.scheme or not res.netloc or not "." in res.netloc: + return False + except: + return False + return True + + +def open_url(url: str, cache_dir: str = None, num_attempts: int = 10, verbose: bool = True, return_filename: bool = False, cache: bool = True) -> Any: + """Download the given URL and return a binary-mode file object to access the data.""" + assert num_attempts >= 1 + assert not (return_filename and (not cache)) + + # Doesn't look like an URL scheme so interpret it as a local filename. + if not re.match('^[a-z]+://', url): + return url if return_filename else open(url, "rb") + + # Handle file URLs. This code handles unusual file:// patterns that + # arise on Windows: + # + # file:///c:/foo.txt + # + # which would translate to a local '/c:/foo.txt' filename that's + # invalid. Drop the forward slash for such pathnames. + # + # If you touch this code path, you should test it on both Linux and + # Windows. + # + # Some internet resources suggest using urllib.request.url2pathname() but + # but that converts forward slashes to backslashes and this causes + # its own set of problems. + if url.startswith('file://'): + filename = urllib.parse.urlparse(url).path + if re.match(r'^/[a-zA-Z]:', filename): + filename = filename[1:] + return filename if return_filename else open(filename, "rb") + + assert is_url(url) + + # Lookup from cache. + if cache_dir is None: + cache_dir = make_cache_dir_path('downloads') + + url_md5 = hashlib.md5(url.encode("utf-8")).hexdigest() + if cache: + cache_files = glob.glob(os.path.join(cache_dir, url_md5 + "_*")) + if len(cache_files) == 1: + filename = cache_files[0] + return filename if return_filename else open(filename, "rb") + + # Download. + url_name = None + url_data = None + with requests.Session() as session: + if verbose: + print("Downloading %s ..." % url, end="", flush=True) + for attempts_left in reversed(range(num_attempts)): + try: + with session.get(url) as res: + res.raise_for_status() + if len(res.content) == 0: + raise IOError("No data received") + + if len(res.content) < 8192: + content_str = res.content.decode("utf-8") + if "download_warning" in res.headers.get("Set-Cookie", ""): + links = [html.unescape(link) for link in content_str.split('"') if "export=download" in link] + if len(links) == 1: + url = requests.compat.urljoin(url, links[0]) + raise IOError("Google Drive virus checker nag") + if "Google Drive - Quota exceeded" in content_str: + raise IOError("Google Drive download quota exceeded -- please try again later") + + match = re.search(r'filename="([^"]*)"', res.headers.get("Content-Disposition", "")) + url_name = match[1] if match else url + url_data = res.content + if verbose: + print(" done") + break + except KeyboardInterrupt: + raise + except: + if not attempts_left: + if verbose: + print(" failed") + raise + if verbose: + print(".", end="", flush=True) + + # Save to cache. + if cache: + safe_name = re.sub(r"[^0-9a-zA-Z-._]", "_", url_name) + cache_file = os.path.join(cache_dir, url_md5 + "_" + safe_name) + temp_file = os.path.join(cache_dir, "tmp_" + uuid.uuid4().hex + "_" + url_md5 + "_" + safe_name) + os.makedirs(cache_dir, exist_ok=True) + with open(temp_file, "wb") as f: + f.write(url_data) + os.replace(temp_file, cache_file) # atomic + if return_filename: + return cache_file + + # Return data as file object. + assert not return_filename + return io.BytesIO(url_data) diff --git a/recon/legacy.py b/recon/legacy.py new file mode 100644 index 0000000000000000000000000000000000000000..2e7f6b768a848b3f83aed4d03bea8401d77f2e79 --- /dev/null +++ b/recon/legacy.py @@ -0,0 +1,324 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Converting legacy network pickle into the new format.""" + +import click +import pickle +import re +import copy +import numpy as np +import torch +import recon.dnnlib as dnnlib +from .torch_utils import misc + +#---------------------------------------------------------------------------- + +def load_network_pkl(f, force_fp16=False): + data = _LegacyUnpickler(f).load() + + # Legacy TensorFlow pickle => convert. + if isinstance(data, tuple) and len(data) == 3 and all(isinstance(net, _TFNetworkStub) for net in data): + tf_G, tf_D, tf_Gs = data + G = convert_tf_generator(tf_G) + D = convert_tf_discriminator(tf_D) + G_ema = convert_tf_generator(tf_Gs) + data = dict(G=G, D=D, G_ema=G_ema) + # Add missing fields. + if 'training_set_kwargs' not in data: + data['training_set_kwargs'] = None + if 'augment_pipe' not in data: + data['augment_pipe'] = None + + # Validate contents. + assert isinstance(data['G'], torch.nn.Module) + assert isinstance(data['D'], torch.nn.Module) + assert isinstance(data['G_ema'], torch.nn.Module) + assert isinstance(data['training_set_kwargs'], (dict, type(None))) + assert isinstance(data['augment_pipe'], (torch.nn.Module, type(None))) + + # Force FP16. + if force_fp16: + for key in ['G', 'D', 'G_ema']: + old = data[key] + kwargs = copy.deepcopy(old.init_kwargs) + fp16_kwargs = kwargs.get('synthesis_kwargs', kwargs) + fp16_kwargs.num_fp16_res = 4 + fp16_kwargs.conv_clamp = 256 + if kwargs != old.init_kwargs: + new = type(old)(**kwargs).eval().requires_grad_(False) + misc.copy_params_and_buffers(old, new, require_all=True) + data[key] = new + return data + +#---------------------------------------------------------------------------- + +class _TFNetworkStub(dnnlib.EasyDict): + pass + +class _LegacyUnpickler(pickle.Unpickler): + def find_class(self, module, name): + if module == 'dnnlib.tflib.network' and name == 'Network': + return _TFNetworkStub + return super().find_class(module, name) + +#---------------------------------------------------------------------------- + +def _collect_tf_params(tf_net): + # pylint: disable=protected-access + tf_params = dict() + def recurse(prefix, tf_net): + for name, value in tf_net.variables: + tf_params[prefix + name] = value + for name, comp in tf_net.components.items(): + recurse(prefix + name + '/', comp) + recurse('', tf_net) + return tf_params + +#---------------------------------------------------------------------------- + +def _populate_module_params(module, *patterns): + for name, tensor in misc.named_params_and_buffers(module): + found = False + value = None + for pattern, value_fn in zip(patterns[0::2], patterns[1::2]): + match = re.fullmatch(pattern, name) + if match: + found = True + if value_fn is not None: + value = value_fn(*match.groups()) + break + try: + assert found + if value is not None: + tensor.copy_(torch.from_numpy(np.array(value))) + except: + print(name, list(tensor.shape)) + raise + +#---------------------------------------------------------------------------- + +def convert_tf_generator(tf_G): + if tf_G.version < 4: + raise ValueError('TensorFlow pickle version too low') + + # Collect kwargs. + tf_kwargs = tf_G.static_kwargs + known_kwargs = set() + def kwarg(tf_name, default=None, none=None): + known_kwargs.add(tf_name) + val = tf_kwargs.get(tf_name, default) + return val if val is not None else none + + # Convert kwargs. + from training import networks_stylegan2 + network_class = networks_stylegan2.Generator + kwargs = dnnlib.EasyDict( + z_dim = kwarg('latent_size', 512), + c_dim = kwarg('label_size', 0), + w_dim = kwarg('dlatent_size', 512), + img_resolution = kwarg('resolution', 1024), + img_channels = kwarg('num_channels', 3), + channel_base = kwarg('fmap_base', 16384) * 2, + channel_max = kwarg('fmap_max', 512), + num_fp16_res = kwarg('num_fp16_res', 0), + conv_clamp = kwarg('conv_clamp', None), + architecture = kwarg('architecture', 'skip'), + resample_filter = kwarg('resample_kernel', [1,3,3,1]), + use_noise = kwarg('use_noise', True), + activation = kwarg('nonlinearity', 'lrelu'), + mapping_kwargs = dnnlib.EasyDict( + num_layers = kwarg('mapping_layers', 8), + embed_features = kwarg('label_fmaps', None), + layer_features = kwarg('mapping_fmaps', None), + activation = kwarg('mapping_nonlinearity', 'lrelu'), + lr_multiplier = kwarg('mapping_lrmul', 0.01), + w_avg_beta = kwarg('w_avg_beta', 0.995, none=1), + ), + ) + + # Check for unknown kwargs. + kwarg('truncation_psi') + kwarg('truncation_cutoff') + kwarg('style_mixing_prob') + kwarg('structure') + kwarg('conditioning') + kwarg('fused_modconv') + unknown_kwargs = list(set(tf_kwargs.keys()) - known_kwargs) + if len(unknown_kwargs) > 0: + raise ValueError('Unknown TensorFlow kwarg', unknown_kwargs[0]) + + # Collect params. + tf_params = _collect_tf_params(tf_G) + for name, value in list(tf_params.items()): + match = re.fullmatch(r'ToRGB_lod(\d+)/(.*)', name) + if match: + r = kwargs.img_resolution // (2 ** int(match.group(1))) + tf_params[f'{r}x{r}/ToRGB/{match.group(2)}'] = value + kwargs.synthesis.kwargs.architecture = 'orig' + #for name, value in tf_params.items(): print(f'{name:<50s}{list(value.shape)}') + + # Convert params. + G = network_class(**kwargs).eval().requires_grad_(False) + # pylint: disable=unnecessary-lambda + # pylint: disable=f-string-without-interpolation + _populate_module_params(G, + r'mapping\.w_avg', lambda: tf_params[f'dlatent_avg'], + r'mapping\.embed\.weight', lambda: tf_params[f'mapping/LabelEmbed/weight'].transpose(), + r'mapping\.embed\.bias', lambda: tf_params[f'mapping/LabelEmbed/bias'], + r'mapping\.fc(\d+)\.weight', lambda i: tf_params[f'mapping/Dense{i}/weight'].transpose(), + r'mapping\.fc(\d+)\.bias', lambda i: tf_params[f'mapping/Dense{i}/bias'], + r'synthesis\.b4\.const', lambda: tf_params[f'synthesis/4x4/Const/const'][0], + r'synthesis\.b4\.conv1\.weight', lambda: tf_params[f'synthesis/4x4/Conv/weight'].transpose(3, 2, 0, 1), + r'synthesis\.b4\.conv1\.bias', lambda: tf_params[f'synthesis/4x4/Conv/bias'], + r'synthesis\.b4\.conv1\.noise_const', lambda: tf_params[f'synthesis/noise0'][0, 0], + r'synthesis\.b4\.conv1\.noise_strength', lambda: tf_params[f'synthesis/4x4/Conv/noise_strength'], + r'synthesis\.b4\.conv1\.affine\.weight', lambda: tf_params[f'synthesis/4x4/Conv/mod_weight'].transpose(), + r'synthesis\.b4\.conv1\.affine\.bias', lambda: tf_params[f'synthesis/4x4/Conv/mod_bias'] + 1, + r'synthesis\.b(\d+)\.conv0\.weight', lambda r: tf_params[f'synthesis/{r}x{r}/Conv0_up/weight'][::-1, ::-1].transpose(3, 2, 0, 1), + r'synthesis\.b(\d+)\.conv0\.bias', lambda r: tf_params[f'synthesis/{r}x{r}/Conv0_up/bias'], + r'synthesis\.b(\d+)\.conv0\.noise_const', lambda r: tf_params[f'synthesis/noise{int(np.log2(int(r)))*2-5}'][0, 0], + r'synthesis\.b(\d+)\.conv0\.noise_strength', lambda r: tf_params[f'synthesis/{r}x{r}/Conv0_up/noise_strength'], + r'synthesis\.b(\d+)\.conv0\.affine\.weight', lambda r: tf_params[f'synthesis/{r}x{r}/Conv0_up/mod_weight'].transpose(), + r'synthesis\.b(\d+)\.conv0\.affine\.bias', lambda r: tf_params[f'synthesis/{r}x{r}/Conv0_up/mod_bias'] + 1, + r'synthesis\.b(\d+)\.conv1\.weight', lambda r: tf_params[f'synthesis/{r}x{r}/Conv1/weight'].transpose(3, 2, 0, 1), + r'synthesis\.b(\d+)\.conv1\.bias', lambda r: tf_params[f'synthesis/{r}x{r}/Conv1/bias'], + r'synthesis\.b(\d+)\.conv1\.noise_const', lambda r: tf_params[f'synthesis/noise{int(np.log2(int(r)))*2-4}'][0, 0], + r'synthesis\.b(\d+)\.conv1\.noise_strength', lambda r: tf_params[f'synthesis/{r}x{r}/Conv1/noise_strength'], + r'synthesis\.b(\d+)\.conv1\.affine\.weight', lambda r: tf_params[f'synthesis/{r}x{r}/Conv1/mod_weight'].transpose(), + r'synthesis\.b(\d+)\.conv1\.affine\.bias', lambda r: tf_params[f'synthesis/{r}x{r}/Conv1/mod_bias'] + 1, + r'synthesis\.b(\d+)\.torgb\.weight', lambda r: tf_params[f'synthesis/{r}x{r}/ToRGB/weight'].transpose(3, 2, 0, 1), + r'synthesis\.b(\d+)\.torgb\.bias', lambda r: tf_params[f'synthesis/{r}x{r}/ToRGB/bias'], + r'synthesis\.b(\d+)\.torgb\.affine\.weight', lambda r: tf_params[f'synthesis/{r}x{r}/ToRGB/mod_weight'].transpose(), + r'synthesis\.b(\d+)\.torgb\.affine\.bias', lambda r: tf_params[f'synthesis/{r}x{r}/ToRGB/mod_bias'] + 1, + r'synthesis\.b(\d+)\.skip\.weight', lambda r: tf_params[f'synthesis/{r}x{r}/Skip/weight'][::-1, ::-1].transpose(3, 2, 0, 1), + r'.*\.resample_filter', None, + r'.*\.act_filter', None, + ) + return G + +#---------------------------------------------------------------------------- + +def convert_tf_discriminator(tf_D): + if tf_D.version < 4: + raise ValueError('TensorFlow pickle version too low') + + # Collect kwargs. + tf_kwargs = tf_D.static_kwargs + known_kwargs = set() + def kwarg(tf_name, default=None): + known_kwargs.add(tf_name) + return tf_kwargs.get(tf_name, default) + + # Convert kwargs. + kwargs = dnnlib.EasyDict( + c_dim = kwarg('label_size', 0), + img_resolution = kwarg('resolution', 1024), + img_channels = kwarg('num_channels', 3), + architecture = kwarg('architecture', 'resnet'), + channel_base = kwarg('fmap_base', 16384) * 2, + channel_max = kwarg('fmap_max', 512), + num_fp16_res = kwarg('num_fp16_res', 0), + conv_clamp = kwarg('conv_clamp', None), + cmap_dim = kwarg('mapping_fmaps', None), + block_kwargs = dnnlib.EasyDict( + activation = kwarg('nonlinearity', 'lrelu'), + resample_filter = kwarg('resample_kernel', [1,3,3,1]), + freeze_layers = kwarg('freeze_layers', 0), + ), + mapping_kwargs = dnnlib.EasyDict( + num_layers = kwarg('mapping_layers', 0), + embed_features = kwarg('mapping_fmaps', None), + layer_features = kwarg('mapping_fmaps', None), + activation = kwarg('nonlinearity', 'lrelu'), + lr_multiplier = kwarg('mapping_lrmul', 0.1), + ), + epilogue_kwargs = dnnlib.EasyDict( + mbstd_group_size = kwarg('mbstd_group_size', None), + mbstd_num_channels = kwarg('mbstd_num_features', 1), + activation = kwarg('nonlinearity', 'lrelu'), + ), + ) + + # Check for unknown kwargs. + kwarg('structure') + kwarg('conditioning') + unknown_kwargs = list(set(tf_kwargs.keys()) - known_kwargs) + if len(unknown_kwargs) > 0: + raise ValueError('Unknown TensorFlow kwarg', unknown_kwargs[0]) + + # Collect params. + tf_params = _collect_tf_params(tf_D) + for name, value in list(tf_params.items()): + match = re.fullmatch(r'FromRGB_lod(\d+)/(.*)', name) + if match: + r = kwargs.img_resolution // (2 ** int(match.group(1))) + tf_params[f'{r}x{r}/FromRGB/{match.group(2)}'] = value + kwargs.architecture = 'orig' + #for name, value in tf_params.items(): print(f'{name:<50s}{list(value.shape)}') + + # Convert params. + from training import networks_stylegan2 + D = networks_stylegan2.Discriminator(**kwargs).eval().requires_grad_(False) + # pylint: disable=unnecessary-lambda + # pylint: disable=f-string-without-interpolation + _populate_module_params(D, + r'b(\d+)\.fromrgb\.weight', lambda r: tf_params[f'{r}x{r}/FromRGB/weight'].transpose(3, 2, 0, 1), + r'b(\d+)\.fromrgb\.bias', lambda r: tf_params[f'{r}x{r}/FromRGB/bias'], + r'b(\d+)\.conv(\d+)\.weight', lambda r, i: tf_params[f'{r}x{r}/Conv{i}{["","_down"][int(i)]}/weight'].transpose(3, 2, 0, 1), + r'b(\d+)\.conv(\d+)\.bias', lambda r, i: tf_params[f'{r}x{r}/Conv{i}{["","_down"][int(i)]}/bias'], + r'b(\d+)\.skip\.weight', lambda r: tf_params[f'{r}x{r}/Skip/weight'].transpose(3, 2, 0, 1), + r'mapping\.embed\.weight', lambda: tf_params[f'LabelEmbed/weight'].transpose(), + r'mapping\.embed\.bias', lambda: tf_params[f'LabelEmbed/bias'], + r'mapping\.fc(\d+)\.weight', lambda i: tf_params[f'Mapping{i}/weight'].transpose(), + r'mapping\.fc(\d+)\.bias', lambda i: tf_params[f'Mapping{i}/bias'], + r'b4\.conv\.weight', lambda: tf_params[f'4x4/Conv/weight'].transpose(3, 2, 0, 1), + r'b4\.conv\.bias', lambda: tf_params[f'4x4/Conv/bias'], + r'b4\.fc\.weight', lambda: tf_params[f'4x4/Dense0/weight'].transpose(), + r'b4\.fc\.bias', lambda: tf_params[f'4x4/Dense0/bias'], + r'b4\.out\.weight', lambda: tf_params[f'Output/weight'].transpose(), + r'b4\.out\.bias', lambda: tf_params[f'Output/bias'], + r'.*\.resample_filter', None, + ) + return D + +#---------------------------------------------------------------------------- + +@click.command() +@click.option('--source', help='Input pickle', required=True, metavar='PATH') +@click.option('--dest', help='Output pickle', required=True, metavar='PATH') +@click.option('--force-fp16', help='Force the networks to use FP16', type=bool, default=False, metavar='BOOL', show_default=True) +def convert_network_pickle(source, dest, force_fp16): + """Convert legacy network pickle into the native PyTorch format. + + The tool is able to load the main network configurations exported using the TensorFlow version of StyleGAN2 or StyleGAN2-ADA. + It does not support e.g. StyleGAN2-ADA comparison methods, StyleGAN2 configs A-D, or StyleGAN1 networks. + + Example: + + \b + python legacy.py \\ + --source=https://nvlabs-fi-cdn.nvidia.com/stylegan2/networks/stylegan2-cat-config-f.pkl \\ + --dest=stylegan2-cat-config-f.pkl + """ + print(f'Loading "{source}"...') + with dnnlib.util.open_url(source) as f: + data = load_network_pkl(f, force_fp16=force_fp16) + print(f'Saving "{dest}"...') + with open(dest, 'wb') as f: + pickle.dump(data, f) + print('Done.') + +#---------------------------------------------------------------------------- + +if __name__ == "__main__": + convert_network_pickle() # pylint: disable=no-value-for-parameter + +#---------------------------------------------------------------------------- diff --git a/recon/models/FLAME/DecaFLAME.py b/recon/models/FLAME/DecaFLAME.py new file mode 100644 index 0000000000000000000000000000000000000000..1e0cbe083578a3cf5e5551c8457f2b41edb96eb8 --- /dev/null +++ b/recon/models/FLAME/DecaFLAME.py @@ -0,0 +1,420 @@ +# FLAME face model, modified from https://github.com/radekd91/emoca +import torch +import torch.nn as nn +import numpy as np +import pickle +import torch.nn.functional as F + +from .lbs import lbs, batch_rodrigues, vertices2landmarks + + +def to_tensor(array, dtype=torch.float32): + if 'torch.tensor' not in str(type(array)): + return torch.tensor(array, dtype=dtype) + + +def to_np(array, dtype=np.float32): + if 'scipy.sparse' in str(type(array)): + array = array.todense() + return np.array(array, dtype=dtype) + + +class Struct(object): + def __init__(self, **kwargs): + for key, val in kwargs.items(): + setattr(self, key, val) + + +def rot_mat_to_euler(rot_mats): + # Calculates rotation matrix to euler angles + # Careful for extreme cases of eular angles like [0.0, pi, 0.0] + + sy = torch.sqrt(rot_mats[:, 0, 0] * rot_mats[:, 0, 0] + + rot_mats[:, 1, 0] * rot_mats[:, 1, 0]) + return torch.atan2(-rot_mats[:, 2, 0], sy) + + +class FLAME(nn.Module): + """ + Given flame parameters this class generates a differentiable FLAME function + which outputs the a mesh and 2D/3D facial landmarks + """ + + def __init__(self, config, flame_full=False): + super(FLAME, self).__init__() + print("creating the FLAME Decoder") + with open(config.flame_model_path, 'rb') as f: + # flame_model = Struct(**pickle.load(f, encoding='latin1')) + ss = pickle.load(f, encoding='latin1') + flame_model = Struct(**ss) + + self.dtype = torch.float32 + self.register_buffer('faces_tensor', to_tensor(to_np(flame_model.f, dtype=np.int64), dtype=torch.long)) + # The vertices of the template model + self.register_buffer('v_template', to_tensor(to_np(flame_model.v_template), dtype=self.dtype)) + # The shape components and expression + shapedirs = to_tensor(to_np(flame_model.shapedirs), dtype=self.dtype) + if not flame_full: + shapedirs = torch.cat([shapedirs[:, :, :config.n_shape], shapedirs[:, :, 300:300 + config.n_exp]], 2) + else: + shapedirs = torch.cat([shapedirs[:, :, :300], shapedirs[:, :, 300:400]], 2) + self.register_buffer('shapedirs', shapedirs) + # The pose components + num_pose_basis = flame_model.posedirs.shape[-1] + posedirs = np.reshape(flame_model.posedirs, [-1, num_pose_basis]).T + self.register_buffer('posedirs', to_tensor(to_np(posedirs), dtype=self.dtype)) + # + self.register_buffer('J_regressor', to_tensor(to_np(flame_model.J_regressor), dtype=self.dtype)) + parents = to_tensor(to_np(flame_model.kintree_table[0])).long() + parents[0] = -1 + self.register_buffer('parents', parents) + self.register_buffer('lbs_weights', to_tensor(to_np(flame_model.weights), dtype=self.dtype)) + + # Fixing Eyeball and neck rotation + default_eyball_pose = torch.zeros([1, 6], dtype=self.dtype, requires_grad=False) + self.register_parameter('eye_pose', nn.Parameter(default_eyball_pose, + requires_grad=False)) + default_neck_pose = torch.zeros([1, 3], dtype=self.dtype, requires_grad=False) + self.register_parameter('neck_pose', nn.Parameter(default_neck_pose, + requires_grad=False)) + + # Static and Dynamic Landmark embeddings for FLAME + lmk_embeddings = np.load(config.flame_lmk_embedding_path, allow_pickle=True, encoding='latin1') + lmk_embeddings = lmk_embeddings[()] + self.register_buffer('lmk_faces_idx', torch.tensor(lmk_embeddings['static_lmk_faces_idx'], dtype=torch.long)) + self.register_buffer('lmk_bary_coords', + torch.tensor(lmk_embeddings['static_lmk_bary_coords'], dtype=self.dtype)) + self.register_buffer('dynamic_lmk_faces_idx', + torch.tensor(lmk_embeddings['dynamic_lmk_faces_idx'], dtype=torch.long)) + self.register_buffer('dynamic_lmk_bary_coords', + torch.tensor(lmk_embeddings['dynamic_lmk_bary_coords'], dtype=self.dtype)) + self.register_buffer('full_lmk_faces_idx', torch.tensor(lmk_embeddings['full_lmk_faces_idx'], dtype=torch.long)) + self.register_buffer('full_lmk_bary_coords', + torch.tensor(lmk_embeddings['full_lmk_bary_coords'], dtype=self.dtype)) + + neck_kin_chain = [] + NECK_IDX = 1 + curr_idx = torch.tensor(NECK_IDX, dtype=torch.long) + while curr_idx != -1: + neck_kin_chain.append(curr_idx) + curr_idx = self.parents[curr_idx] + self.register_buffer('neck_kin_chain', torch.stack(neck_kin_chain)) + + #---------------------------------- + # clip rotation angles within a narrow range if needed + eye_limits=((-50, 50), (-50, 50), (-0.1, 0.1)) + neck_limits=((-90, 90), (-60, 60), (-80, 80)) + jaw_limits=((-5, 60), (-0.1, 0.1), (-0.1, 0.1)) + global_limits=((-20, 20), (-90, 90), (-20, 20)) + + global_limits = torch.tensor(global_limits).float() / 180 * np.pi + self.register_buffer('global_limits', global_limits) + neck_limits = torch.tensor(neck_limits).float() / 180 * np.pi + self.register_buffer('neck_limits', neck_limits) + jaw_limits = torch.tensor(jaw_limits).float() / 180 * np.pi + self.register_buffer('jaw_limits', jaw_limits) + eye_limits = torch.tensor(eye_limits).float() / 180 * np.pi + self.register_buffer('eye_limits', eye_limits) + + + def _find_dynamic_lmk_idx_and_bcoords(self, pose, dynamic_lmk_faces_idx, + dynamic_lmk_b_coords, + neck_kin_chain, dtype=torch.float32): + """ + Selects the face contour depending on the reletive position of the head + Input: + vertices: N X num_of_vertices X 3 + pose: N X full pose + dynamic_lmk_faces_idx: The list of contour face indexes + dynamic_lmk_b_coords: The list of contour barycentric weights + neck_kin_chain: The tree to consider for the relative rotation + dtype: Data type + return: + The contour face indexes and the corresponding barycentric weights + """ + + batch_size = pose.shape[0] + + aa_pose = torch.index_select(pose.view(batch_size, -1, 3), 1, + neck_kin_chain) + rot_mats = batch_rodrigues( + aa_pose.view(-1, 3), dtype=dtype).view(batch_size, -1, 3, 3) + + rel_rot_mat = torch.eye(3, device=pose.device, + dtype=dtype).unsqueeze_(dim=0).expand(batch_size, -1, -1) + for idx in range(len(neck_kin_chain)): + rel_rot_mat = torch.bmm(rot_mats[:, idx], rel_rot_mat) + + y_rot_angle = torch.round( + torch.clamp(rot_mat_to_euler(rel_rot_mat) * 180.0 / np.pi, + max=39)).to(dtype=torch.long) + + neg_mask = y_rot_angle.lt(0).to(dtype=torch.long) + mask = y_rot_angle.lt(-39).to(dtype=torch.long) + neg_vals = mask * 78 + (1 - mask) * (39 - y_rot_angle) + y_rot_angle = (neg_mask * neg_vals + + (1 - neg_mask) * y_rot_angle) + + dyn_lmk_faces_idx = torch.index_select(dynamic_lmk_faces_idx, + 0, y_rot_angle) + dyn_lmk_b_coords = torch.index_select(dynamic_lmk_b_coords, + 0, y_rot_angle) + return dyn_lmk_faces_idx, dyn_lmk_b_coords + + def _apply_rotation_limit(self, rotation, limit): + r_min, r_max = limit[:, 0].view(1, 3), limit[:, 1].view(1, 3) + diff = r_max - r_min + return r_min + (torch.tanh(rotation) + 1) / 2 * diff + + def apply_rotation_limits(self, neck=None, jaw=None): + """ + method to call for applying rotation limits. Don't use _apply_rotation_limit() in other methods as this + might cause some bugs if we change which poses are affected by rotation limits. For this reason, in this method, + all affected poses are limited within one function so that if we add more restricted poses, they can just be + updated here + :param neck: + :param jaw: + :return: + """ + neck = self._apply_rotation_limit(neck, self.neck_limits) if neck is not None else None + jaw = self._apply_rotation_limit(jaw, self.jaw_limits) if jaw is not None else None + + ret = [i for i in [neck, jaw] if i is not None] + + return ret[0] if len(ret) == 1 else ret + + def _revert_rotation_limit(self, rotation, limit): + """ + inverse function of _apply_rotation_limit() + from rotation angle vector (rodriguez) -> scalars from -inf ... inf + :param rotation: tensor of shape N x 3 + :param limit: tensor of shape 3 x 2 (min, max) + :return: + """ + r_min, r_max = limit[:, 0].view(1, 3), limit[:, 1].view(1, 3) + diff = r_max - r_min + rotation = rotation.clone() + for i in range(3): + rotation[:, i] = torch.clip(rotation[:, i], + min=r_min[0, i] + diff[0, i] * .01, + max=r_max[0, i] - diff[0, i] * .01) + return torch.atanh((rotation - r_min) / diff * 2 - 1) + + def revert_rotation_limits(self, neck, jaw): + """ + inverse function of apply_rotation_limits() + from rotation angle vector (rodriguez) -> scalars from -inf ... inf + :param rotation: + :param limit: + :return: + """ + neck = self._revert_rotation_limit(neck, self.neck_limits) + jaw = self._revert_rotation_limit(jaw, self.jaw_limits) + return neck, jaw + + def get_neutral_joint_rotations(self): + res = {} + for name, limit in zip(['neck', 'jaw', 'global', 'eyes'], + [self.neck_limits, self.jaw_limits, + self.global_limits, self.eye_limits]): + r_min, r_max = limit[:, 0], limit[:, 1] + diff = r_max - r_min + res[name] = torch.atanh(-2 * r_min / diff - 1) + # assert (r_min + (torch.tanh(res[name]) + 1) / 2 * diff) < 1e-7 + return res + + def _pose2rot(self, pose): + rot_mats = batch_rodrigues( + pose.view(-1, 3), dtype=pose.dtype).view([pose.shape[0], 3, 3]) + + return rot_mats + + def _vertices2landmarks(self, vertices, faces, lmk_faces_idx, lmk_bary_coords): + """ + Calculates landmarks by barycentric interpolation + Input: + vertices: torch.tensor NxVx3, dtype = torch.float32 + The tensor of input vertices + faces: torch.tensor (N*F)x3, dtype = torch.long + The faces of the mesh + lmk_faces_idx: torch.tensor N X L, dtype = torch.long + The tensor with the indices of the faces used to calculate the + landmarks. + lmk_bary_coords: torch.tensor N X L X 3, dtype = torch.float32 + The tensor of barycentric coordinates that are used to interpolate + the landmarks + + Returns: + landmarks: torch.tensor NxLx3, dtype = torch.float32 + The coordinates of the landmarks for each mesh in the batch + """ + # Extract the indices of the vertices for each face + # NxLx3 + batch_size, num_verts = vertices.shape[:2] + lmk_faces = torch.index_select(faces, 0, lmk_faces_idx.view(-1)).view( + 1, -1, 3).view(batch_size, lmk_faces_idx.shape[1], -1) + + lmk_faces += torch.arange(batch_size, dtype=torch.long).view(-1, 1, 1).to( + device=vertices.device) * num_verts + + lmk_vertices = vertices.view(-1, 3)[lmk_faces] + landmarks = torch.einsum('blfi,blf->bli', [lmk_vertices, lmk_bary_coords]) + return landmarks + + def seletec_3d68(self, vertices): + landmarks3d = vertices2landmarks(vertices, self.faces_tensor, + self.full_lmk_faces_idx.repeat(vertices.shape[0], 1), + self.full_lmk_bary_coords.repeat(vertices.shape[0], 1, 1)) + return landmarks3d + + def forward(self, shape_params=None, expression_params=None, pose_params=None, eye_pose_params=None, use_rotation_limits=False): + """ + Input: + shape_params: N X number of shape parameters + expression_params: N X number of expression parameters + pose_params: N X number of pose parameters (6) + return:d + vertices: N X V X 3 + landmarks: N X number of landmarks X 3 + """ + batch_size = shape_params.shape[0] + if pose_params is None: + pose_params = self.eye_pose.expand(batch_size, -1) + if eye_pose_params is None: + eye_pose_params = self.eye_pose.expand(batch_size, -1) + betas = torch.cat([shape_params, expression_params], dim=1) + + if use_rotation_limits: + neck_pose, jaw_pose = self.apply_rotation_limits(neck=pose_params[:, :3], jaw=pose_params[:, 3:]) + pose_params = torch.cat([neck_pose,jaw_pose],dim=-1) + + eye_pose_params = torch.cat([self._apply_rotation_limit(eye_pose_params[:, :3], self.eye_limits), + self._apply_rotation_limit(eye_pose_params[:, 3:], self.eye_limits)], dim=1) + + # set global rotation to zero + full_pose = torch.cat( + [torch.zeros_like(pose_params[:, :3]), pose_params[:, :3], pose_params[:, 3:], eye_pose_params], dim=1) + # full_pose = torch.cat( + # [pose_params[:, :3], torch.zeros_like(pose_params[:, :3]), pose_params[:, 3:], eye_pose_params], dim=1) + template_vertices = self.v_template.unsqueeze(0).expand(batch_size, -1, -1) + + vertices, J_transformed = lbs(betas, full_pose, template_vertices, + self.shapedirs, self.posedirs, + self.J_regressor, self.parents, + self.lbs_weights, dtype=self.dtype) + + lmk_faces_idx = self.lmk_faces_idx.unsqueeze(dim=0).expand(batch_size, -1) + lmk_bary_coords = self.lmk_bary_coords.unsqueeze(dim=0).expand(batch_size, -1, -1) + + dyn_lmk_faces_idx, dyn_lmk_bary_coords = self._find_dynamic_lmk_idx_and_bcoords( + full_pose, self.dynamic_lmk_faces_idx, + self.dynamic_lmk_bary_coords, + self.neck_kin_chain, dtype=self.dtype) + lmk_faces_idx = torch.cat([dyn_lmk_faces_idx, lmk_faces_idx], 1) + lmk_bary_coords = torch.cat([dyn_lmk_bary_coords, lmk_bary_coords], 1) + + landmarks2d = vertices2landmarks(vertices, self.faces_tensor, + lmk_faces_idx, + lmk_bary_coords) + bz = vertices.shape[0] + landmarks3d = vertices2landmarks(vertices, self.faces_tensor, + self.full_lmk_faces_idx.repeat(bz, 1), + self.full_lmk_bary_coords.repeat(bz, 1, 1)) + + return vertices, landmarks2d, landmarks3d, J_transformed + + + +class FLAMETex(nn.Module): + """ + current FLAME texture: + https://github.com/TimoBolkart/TF_FLAME/blob/ade0ab152300ec5f0e8555d6765411555c5ed43d/sample_texture.py#L64 + tex_path: '/ps/scratch/yfeng/Data/FLAME/texture/albedoModel2020_FLAME_albedoPart.npz' + ## adapted from BFM + tex_path: '/ps/scratch/yfeng/Data/FLAME/texture/FLAME_albedo_from_BFM.npz' + """ + + def __init__(self, config): + super(FLAMETex, self).__init__() + if config.tex_type == 'BFM': + mu_key = 'MU' + pc_key = 'PC' + n_pc = 199 + tex_path = config.tex_path + tex_space = np.load(tex_path) + texture_mean = tex_space[mu_key].reshape(1, -1) + texture_basis = tex_space[pc_key].reshape(-1, n_pc) + + elif config.tex_type == 'FLAME': + mu_key = 'mean' + pc_key = 'tex_dir' + n_pc = 200 + tex_path = config.flame_tex_path + tex_space = np.load(tex_path) + texture_mean = tex_space[mu_key].reshape(1, -1) / 255. + texture_basis = tex_space[pc_key].reshape(-1, n_pc) / 255. + + else: + print('texture type ', config.tex_type, 'not exist!') + exit() + + n_tex = config.n_tex + num_components = texture_basis.shape[1] + texture_mean = torch.from_numpy(texture_mean).float()[None, ...] + texture_basis = torch.from_numpy(texture_basis[:, :n_tex]).float()[None, ...] + self.register_buffer('texture_mean', texture_mean) + self.register_buffer('texture_basis', texture_basis) + + def forward(self, texcode): + texture = self.texture_mean + (self.texture_basis * texcode[:, None, :]).sum(-1) + texture = texture.reshape(texcode.shape[0], 512, 512, 3).permute(0, 3, 1, 2) + texture = F.interpolate(texture, [256, 256]) + texture = texture[:, [2, 1, 0], :, :] + return texture + +class FLAMETex_trainable(nn.Module): + """ + current FLAME texture: + https://github.com/TimoBolkart/TF_FLAME/blob/ade0ab152300ec5f0e8555d6765411555c5ed43d/sample_texture.py#L64 + tex_path: '/ps/scratch/yfeng/Data/FLAME/texture/albedoModel2020_FLAME_albedoPart.npz' + ## adapted from BFM + tex_path: '/ps/scratch/yfeng/Data/FLAME/texture/FLAME_albedo_from_BFM.npz' + """ + + def __init__(self, config): + super(FLAMETex_trainable, self).__init__() + tex_params = config.tex_params + texture_model = np.load(config.tex_path) + + num_tex_pc = texture_model['PC'].shape[-1] + tex_shape = texture_model['MU'].shape + + MU = torch.from_numpy(np.reshape(texture_model['MU'], (1, -1))).float()[None, ...] + PC = torch.from_numpy(np.reshape(texture_model['PC'], (-1, num_tex_pc))[:, :tex_params]).float()[None, ...] + self.register_buffer('MU', MU) + self.register_buffer('PC', PC) + + if 'specMU' in texture_model.files: + specMU = torch.from_numpy(np.reshape(texture_model['specMU'], (1, -1))).float()[None, ...] + specPC = torch.from_numpy(np.reshape(texture_model['specPC'], (-1, num_tex_pc)))[:, :tex_params].float()[ + None, ...] + self.register_buffer('specMU', specMU) + self.register_buffer('specPC', specPC) + self.isspec = True + else: + self.isspec = False + + self.register_parameter('PC_correction', nn.Parameter(torch.zeros_like(PC))) + + def forward(self, texcode): + diff_albedo = self.MU + (self.PC * texcode[:, None, :]).sum(-1) + ( + self.PC_correction * texcode[:, None, :]).sum(-1) + if self.isspec: + spec_albedo = self.specMU + (self.specPC * texcode[:, None, :]).sum(-1) + texture = (diff_albedo + spec_albedo) # torch.pow(0.6*(diff_albedo + spec_albedo), 1.0/2.2) + else: + texture = diff_albedo + texture = texture.reshape(texcode.shape[0], 512, 512, 3).permute(0, 3, 1, 2) + texture = F.interpolate(texture, [256, 256]) + texture = texture[:, [2, 1, 0], :, :] + return texture diff --git a/recon/models/FLAME/__init__.py b/recon/models/FLAME/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..4287ca8617970fa8fc025b75cb319c7032706910 --- /dev/null +++ b/recon/models/FLAME/__init__.py @@ -0,0 +1 @@ +# \ No newline at end of file diff --git a/recon/models/FLAME/ca_exp.txt b/recon/models/FLAME/ca_exp.txt new file mode 100644 index 0000000000000000000000000000000000000000..74aa54eedf9468780daa2830a507ee44e7a685a7 --- /dev/null +++ b/recon/models/FLAME/ca_exp.txt @@ -0,0 +1 @@ +0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 diff --git a/recon/models/FLAME/ca_pose.txt b/recon/models/FLAME/ca_pose.txt new file mode 100644 index 0000000000000000000000000000000000000000..efa0769966ea85e5e229d6ff7075a00ec48770cc --- /dev/null +++ b/recon/models/FLAME/ca_pose.txt @@ -0,0 +1 @@ +0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 3.000000000000000000e-01 0.000000000000000000e+00 0.000000000000000000e+00 diff --git a/recon/models/FLAME/ca_shape.txt b/recon/models/FLAME/ca_shape.txt new file mode 100644 index 0000000000000000000000000000000000000000..bb6952d776c9480cb80669985d77808700a4cb40 --- /dev/null +++ b/recon/models/FLAME/ca_shape.txt @@ -0,0 +1 @@ +0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 0.000000000000000000e+00 diff --git a/recon/models/FLAME/cfg.yaml b/recon/models/FLAME/cfg.yaml new file mode 100644 index 0000000000000000000000000000000000000000..95b86a0494da7db36f7b6283512465a8644d657a --- /dev/null +++ b/recon/models/FLAME/cfg.yaml @@ -0,0 +1,14 @@ +coarse: + model: + flame_model_path: models/FLAME/geometry/generic_model.pkl + flame_lmk_embedding_path: models/FLAME/geometry/landmark_embedding_with_eyes.npy + flame_mask_pkl: models/FLAME/mask/FLAME_masks.pkl + ca_shape_param: models/FLAME/ca_shape.txt + ca_exp_param: models/FLAME/ca_exp.txt + ca_pose_param: models/FLAME/ca_pose.txt + simplify_baricentric: models/FLAME/simplify_baricentric2.npy + addition_info: models/FLAME/flame_addition_info_new_smallface.npy + n_shape: 100 + n_tex: 50 + n_exp: 50 + n_pose: 6 \ No newline at end of file diff --git a/recon/models/FLAME/flame_addition_info.npy b/recon/models/FLAME/flame_addition_info.npy new file mode 100644 index 0000000000000000000000000000000000000000..90e0a3b96423243941096cca9de41ac3f21f531f --- /dev/null +++ b/recon/models/FLAME/flame_addition_info.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ce42a1f25fee32723fe357ff89a4156ce4f167f44ad7d61fb388ac38b1584e2 +size 462721 diff --git a/recon/models/FLAME/flame_addition_info_new_nosmallface.npy b/recon/models/FLAME/flame_addition_info_new_nosmallface.npy new file mode 100644 index 0000000000000000000000000000000000000000..6382959e0a54aae6d19139613ca741a68b713c81 --- /dev/null +++ b/recon/models/FLAME/flame_addition_info_new_nosmallface.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44c42b9a867f458b8edb9eea34f6285cc71b631806aa50abbb1525277817f419 +size 467004 diff --git a/recon/models/FLAME/flame_addition_info_new_smallface.npy b/recon/models/FLAME/flame_addition_info_new_smallface.npy new file mode 100644 index 0000000000000000000000000000000000000000..81f46bfc8f9b7fd3e17bb177742f561fd1b25772 --- /dev/null +++ b/recon/models/FLAME/flame_addition_info_new_smallface.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc5e39b2ebf3be03fafd36c5c609c2c44d5c0af4b28107661a9681ad7eb1dc6d +size 497332 diff --git a/recon/models/FLAME/geometry/landmark_embedding.npy b/recon/models/FLAME/geometry/landmark_embedding.npy new file mode 100644 index 0000000000000000000000000000000000000000..046c64f7e638b9a4b9a86ffaa0960ac79cad4d0d --- /dev/null +++ b/recon/models/FLAME/geometry/landmark_embedding.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8095348eeafce5a02f6bd8765146307f9567a3f03b316d788a2e47336d667954 +size 31292 diff --git a/recon/models/FLAME/geometry/landmark_embedding_with_eyes.npy b/recon/models/FLAME/geometry/landmark_embedding_with_eyes.npy new file mode 100644 index 0000000000000000000000000000000000000000..2e6661b2113960783dee4c1f0bd58f22635f94b8 --- /dev/null +++ b/recon/models/FLAME/geometry/landmark_embedding_with_eyes.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9050103cc98d5505beadca2f9b101acce9a78ebdd5d10cb001fa164ab7d309b +size 32187 diff --git a/recon/models/FLAME/lbs.py b/recon/models/FLAME/lbs.py new file mode 100644 index 0000000000000000000000000000000000000000..354014ce973bcfd0257075d65caa77e89bc90a42 --- /dev/null +++ b/recon/models/FLAME/lbs.py @@ -0,0 +1,383 @@ +# THIS FILE HAS BEEN COPIED FROM THE EMOCA TRAINING REPOSITORY + +# -*- coding: utf-8 -*- + +# Max-Planck-Gesellschaft zur Förderung der Wissenschaften e.V. (MPG) is +# holder of all proprietary rights on this computer program. +# You can only use this computer program if you have closed +# a license agreement with MPG or you get the right to use the computer +# program from someone who is authorized to grant you that right. +# Any use of the computer program without a valid license is prohibited and +# liable to prosecution. +# +# Copyright©2022 Max-Planck-Gesellschaft zur Förderung +# der Wissenschaften e.V. (MPG). acting on behalf of its Max Planck Institute +# for Intelligent Systems. All rights reserved. +# +# Contact: ps-license@tuebingen.mpg.de + +from __future__ import absolute_import +from __future__ import print_function +from __future__ import division + +import numpy as np + +import torch +import torch.nn.functional as F + +def rot_mat_to_euler(rot_mats): + # Calculates rotation matrix to euler angles + # Careful for extreme cases of eular angles like [0.0, pi, 0.0] + + sy = torch.sqrt(rot_mats[:, 0, 0] * rot_mats[:, 0, 0] + + rot_mats[:, 1, 0] * rot_mats[:, 1, 0]) + return torch.atan2(-rot_mats[:, 2, 0], sy) + +def find_dynamic_lmk_idx_and_bcoords(vertices, pose, dynamic_lmk_faces_idx, + dynamic_lmk_b_coords, + neck_kin_chain, dtype=torch.float32): + ''' Compute the faces, barycentric coordinates for the dynamic landmarks + + + To do so, we first compute the rotation of the neck around the y-axis + and then use a pre-computed look-up table to find the faces and the + barycentric coordinates that will be used. + + Special thanks to Soubhik Sanyal (soubhik.sanyal@tuebingen.mpg.de) + for providing the original TensorFlow implementation and for the LUT. + + Parameters + ---------- + vertices: torch.tensor BxVx3, dtype = torch.float32 + The tensor of input vertices + pose: torch.tensor Bx(Jx3), dtype = torch.float32 + The current pose of the body model + dynamic_lmk_faces_idx: torch.tensor L, dtype = torch.long + The look-up table from neck rotation to faces + dynamic_lmk_b_coords: torch.tensor Lx3, dtype = torch.float32 + The look-up table from neck rotation to barycentric coordinates + neck_kin_chain: list + A python list that contains the indices of the joints that form the + kinematic chain of the neck. + dtype: torch.dtype, optional + + Returns + ------- + dyn_lmk_faces_idx: torch.tensor, dtype = torch.long + A tensor of size BxL that contains the indices of the faces that + will be used to compute the current dynamic landmarks. + dyn_lmk_b_coords: torch.tensor, dtype = torch.float32 + A tensor of size BxL that contains the indices of the faces that + will be used to compute the current dynamic landmarks. + ''' + + batch_size = vertices.shape[0] + + aa_pose = torch.index_select(pose.view(batch_size, -1, 3), 1, + neck_kin_chain) + rot_mats = batch_rodrigues( + aa_pose.view(-1, 3), dtype=dtype).view(batch_size, -1, 3, 3) + + rel_rot_mat = torch.eye(3, device=vertices.device, + dtype=dtype).unsqueeze_(dim=0) + for idx in range(len(neck_kin_chain)): + rel_rot_mat = torch.bmm(rot_mats[:, idx], rel_rot_mat) + + y_rot_angle = torch.round( + torch.clamp(-rot_mat_to_euler(rel_rot_mat) * 180.0 / np.pi, + max=39)).to(dtype=torch.long) + neg_mask = y_rot_angle.lt(0).to(dtype=torch.long) + mask = y_rot_angle.lt(-39).to(dtype=torch.long) + neg_vals = mask * 78 + (1 - mask) * (39 - y_rot_angle) + y_rot_angle = (neg_mask * neg_vals + + (1 - neg_mask) * y_rot_angle) + + dyn_lmk_faces_idx = torch.index_select(dynamic_lmk_faces_idx, + 0, y_rot_angle) + dyn_lmk_b_coords = torch.index_select(dynamic_lmk_b_coords, + 0, y_rot_angle) + + return dyn_lmk_faces_idx, dyn_lmk_b_coords + + +def vertices2landmarks(vertices, faces, lmk_faces_idx, lmk_bary_coords): + ''' Calculates landmarks by barycentric interpolation + + Parameters + ---------- + vertices: torch.tensor BxVx3, dtype = torch.float32 + The tensor of input vertices + faces: torch.tensor Fx3, dtype = torch.long + The faces of the mesh + lmk_faces_idx: torch.tensor L, dtype = torch.long + The tensor with the indices of the faces used to calculate the + landmarks. + lmk_bary_coords: torch.tensor Lx3, dtype = torch.float32 + The tensor of barycentric coordinates that are used to interpolate + the landmarks + + Returns + ------- + landmarks: torch.tensor BxLx3, dtype = torch.float32 + The coordinates of the landmarks for each mesh in the batch + ''' + # Extract the indices of the vertices for each face + # BxLx3 + batch_size, num_verts = vertices.shape[:2] + device = vertices.device + + lmk_faces = torch.index_select(faces, 0, lmk_faces_idx.view(-1)).view( + batch_size, -1, 3) + + lmk_faces += torch.arange( + batch_size, dtype=torch.long, device=device).view(-1, 1, 1) * num_verts + + lmk_vertices = vertices.view(-1, 3)[lmk_faces].view( + batch_size, -1, 3, 3) + + landmarks = torch.einsum('blfi,blf->bli', [lmk_vertices, lmk_bary_coords]) + return landmarks + + +def lbs(betas, pose, v_template, shapedirs, posedirs, J_regressor, parents, + lbs_weights, pose2rot=True, dtype=torch.float32, detach_pose_correctives=True): + ''' Performs Linear Blend Skinning with the given shape and pose parameters + + Parameters + ---------- + betas : torch.tensor BxNB + The tensor of shape parameters + pose : torch.tensor Bx(J + 1) * 3 + The pose parameters in axis-angle format + v_template torch.tensor BxVx3 + The template mesh that will be deformed + shapedirs : torch.tensor 1xNB + The tensor of PCA shape displacements + posedirs : torch.tensor Px(V * 3) + The pose PCA coefficients + J_regressor : torch.tensor JxV + The regressor array that is used to calculate the joints from + the position of the vertices + parents: torch.tensor J + The array that describes the kinematic tree for the model + lbs_weights: torch.tensor N x V x (J + 1) + The linear blend skinning weights that represent how much the + rotation matrix of each part affects each vertex + pose2rot: bool, optional + Flag on whether to convert the input pose tensor to rotation + matrices. The default value is True. If False, then the pose tensor + should already contain rotation matrices and have a size of + Bx(J + 1)x9 + dtype: torch.dtype, optional + + Returns + ------- + verts: torch.tensor BxVx3 + The vertices of the mesh after applying the shape and pose + displacements. + joints: torch.tensor BxJx3 + The joints of the model + ''' + + batch_size = max(betas.shape[0], pose.shape[0]) + device = betas.device + + # Add shape contribution + v_shaped = v_template + blend_shapes(betas, shapedirs) + + # Get the joints + # NxJx3 array + J = vertices2joints(J_regressor, v_shaped) + + # 3. Add pose blend shapes + # N x J x 3 x 3 + ident = torch.eye(3, dtype=dtype, device=device) + if pose2rot: + rot_mats = batch_rodrigues( + pose.view(-1, 3), dtype=dtype).view([batch_size, -1, 3, 3]) + + pose_feature = (rot_mats[:, 1:, :, :] - ident).view([batch_size, -1]) + # (N x P) x (P, V * 3) -> N x V x 3 + pose_offsets = torch.matmul(pose_feature, posedirs) \ + .view(batch_size, -1, 3) + else: + pose_feature = pose[:, 1:].view(batch_size, -1, 3, 3) - ident + rot_mats = pose.view(batch_size, -1, 3, 3) + + pose_offsets = torch.matmul(pose_feature.view(batch_size, -1), + posedirs).view(batch_size, -1, 3) + + if detach_pose_correctives: + pose_offsets = pose_offsets.detach() + + v_posed = pose_offsets + v_shaped + # 4. Get the global joint location + J_transformed, A = batch_rigid_transform(rot_mats, J, parents, dtype=dtype) + + # 5. Do skinning: + # W is N x V x (J + 1) + W = lbs_weights.unsqueeze(dim=0).expand([batch_size, -1, -1]) + # (N x V x (J + 1)) x (N x (J + 1) x 16) + num_joints = J_regressor.shape[0] + T = torch.matmul(W, A.view(batch_size, num_joints, 16)) \ + .view(batch_size, -1, 4, 4) + + homogen_coord = torch.ones([batch_size, v_posed.shape[1], 1], + dtype=dtype, device=device) + v_posed_homo = torch.cat([v_posed, homogen_coord], dim=2) + v_homo = torch.matmul(T, torch.unsqueeze(v_posed_homo, dim=-1)) + + verts = v_homo[:, :, :3, 0] + + return verts, J_transformed + + +def vertices2joints(J_regressor, vertices): + ''' Calculates the 3D joint locations from the vertices + + Parameters + ---------- + J_regressor : torch.tensor JxV + The regressor array that is used to calculate the joints from the + position of the vertices + vertices : torch.tensor BxVx3 + The tensor of mesh vertices + + Returns + ------- + torch.tensor BxJx3 + The location of the joints + ''' + + return torch.einsum('bik,ji->bjk', [vertices, J_regressor]) + + +def blend_shapes(betas, shape_disps): + ''' Calculates the per vertex displacement due to the blend shapes + + + Parameters + ---------- + betas : torch.tensor Bx(num_betas) + Blend shape coefficients + shape_disps: torch.tensor Vx3x(num_betas) + Blend shapes + + Returns + ------- + torch.tensor BxVx3 + The per-vertex displacement due to shape deformation + ''' + + # Displacement[b, m, k] = sum_{l} betas[b, l] * shape_disps[m, k, l] + # i.e. Multiply each shape displacement by its corresponding beta and + # then sum them. + blend_shape = torch.einsum('bl,mkl->bmk', [betas, shape_disps]) + return blend_shape + + +def batch_rodrigues(rot_vecs, epsilon=1e-8, dtype=torch.float32): + ''' Calculates the rotation matrices for a batch of rotation vectors + Parameters + ---------- + rot_vecs: torch.tensor Nx3 + array of N axis-angle vectors + Returns + ------- + R: torch.tensor Nx3x3 + The rotation matrices for the given axis-angle parameters + ''' + + batch_size = rot_vecs.shape[0] + device = rot_vecs.device + + angle = torch.norm(rot_vecs + 1e-8, dim=1, keepdim=True) + rot_dir = rot_vecs / angle + + cos = torch.unsqueeze(torch.cos(angle), dim=1) + sin = torch.unsqueeze(torch.sin(angle), dim=1) + + # Bx1 arrays + rx, ry, rz = torch.split(rot_dir, 1, dim=1) + K = torch.zeros((batch_size, 3, 3), dtype=dtype, device=device) + + zeros = torch.zeros((batch_size, 1), dtype=dtype, device=device) + K = torch.cat([zeros, -rz, ry, rz, zeros, -rx, -ry, rx, zeros], dim=1) \ + .view((batch_size, 3, 3)) + + ident = torch.eye(3, dtype=dtype, device=device).unsqueeze(dim=0) + rot_mat = ident + sin * K + (1 - cos) * torch.bmm(K, K) + return rot_mat + + +def transform_mat(R, t): + ''' Creates a batch of transformation matrices + Args: + - R: Bx3x3 array of a batch of rotation matrices + - t: Bx3x1 array of a batch of translation vectors + Returns: + - T: Bx4x4 Transformation matrix + ''' + # No padding left or right, only add an extra row + return torch.cat([F.pad(R, [0, 0, 0, 1]), + F.pad(t, [0, 0, 0, 1], value=1)], dim=2) + + +def batch_rigid_transform(rot_mats, joints, parents, dtype=torch.float32): + """ + Applies a batch of rigid transformations to the joints + + Parameters + ---------- + rot_mats : torch.tensor BxNx3x3 + Tensor of rotation matrices + joints : torch.tensor BxNx3 + Locations of joints + parents : torch.tensor BxN + The kinematic tree of each object + dtype : torch.dtype, optional: + The data type of the created tensors, the default is torch.float32 + + Returns + ------- + posed_joints : torch.tensor BxNx3 + The locations of the joints after applying the pose rotations + rel_transforms : torch.tensor BxNx4x4 + The relative (with respect to the root joint) rigid transformations + for all the joints + """ + + joints = torch.unsqueeze(joints, dim=-1) + + rel_joints = joints.clone() + rel_joints[:, 1:] -= joints[:, parents[1:]] + + # transforms_mat = transform_mat( + # rot_mats.view(-1, 3, 3), + # rel_joints.view(-1, 3, 1)).view(-1, joints.shape[1], 4, 4) + transforms_mat = transform_mat( + rot_mats.view(-1, 3, 3), + rel_joints.reshape(-1, 3, 1)).reshape(-1, joints.shape[1], 4, 4) + + transform_chain = [transforms_mat[:, 0]] + for i in range(1, parents.shape[0]): + # Subtract the joint location at the rest pose + # No need for rotation, since it's identity when at rest + curr_res = torch.matmul(transform_chain[parents[i]], + transforms_mat[:, i]) + transform_chain.append(curr_res) + + transforms = torch.stack(transform_chain, dim=1) + + # The last column of the transformations contains the posed joints + posed_joints = transforms[:, :, :3, 3] + + # The last column of the transformations contains the posed joints + posed_joints = transforms[:, :, :3, 3] + + joints_homogen = F.pad(joints, [0, 0, 0, 1]) + + rel_transforms = transforms - F.pad( + torch.matmul(transforms, joints_homogen), [3, 0, 0, 0, 0, 0, 0, 0]) + + return posed_joints, rel_transforms diff --git a/recon/models/FLAME/simplify_baricentric.npy b/recon/models/FLAME/simplify_baricentric.npy new file mode 100644 index 0000000000000000000000000000000000000000..d071ebd6ec08747c1d7f4560f813c89ff7196e2f --- /dev/null +++ b/recon/models/FLAME/simplify_baricentric.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73fc385580175329194a06cb446e547bc97edf8069ecf34b6bc84f6ca29d922c +size 116151 diff --git a/recon/models/FLAME/simplify_baricentric2.npy b/recon/models/FLAME/simplify_baricentric2.npy new file mode 100644 index 0000000000000000000000000000000000000000..d17c63d9b009027ceac08c3efef87fe7d64a3df8 --- /dev/null +++ b/recon/models/FLAME/simplify_baricentric2.npy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a51165cac9a371fcf1165b3c03b50b90a19fd2b56e2ffedee4c1a0125c5dcfa2 +size 617939 diff --git a/recon/models/__init__.py b/recon/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/recon/models/arcface/iresnet.py b/recon/models/arcface/iresnet.py new file mode 100644 index 0000000000000000000000000000000000000000..c8d00c0baec75b25b386eef0875e8180cb6dc9bf --- /dev/null +++ b/recon/models/arcface/iresnet.py @@ -0,0 +1,195 @@ +# backbone of arcface from https://github.com/deepinsight/insightface/tree/master/recognition/arcface_torch +import torch +from torch import nn +from torch.utils.checkpoint import checkpoint + +__all__ = ['iresnet18', 'iresnet34', 'iresnet50', 'iresnet100', 'iresnet200'] +using_ckpt = False + +def conv3x3(in_planes, out_planes, stride=1, groups=1, dilation=1): + """3x3 convolution with padding""" + return nn.Conv2d(in_planes, + out_planes, + kernel_size=3, + stride=stride, + padding=dilation, + groups=groups, + bias=False, + dilation=dilation) + + +def conv1x1(in_planes, out_planes, stride=1): + """1x1 convolution""" + return nn.Conv2d(in_planes, + out_planes, + kernel_size=1, + stride=stride, + bias=False) + + +class IBasicBlock(nn.Module): + expansion = 1 + def __init__(self, inplanes, planes, stride=1, downsample=None, + groups=1, base_width=64, dilation=1): + super(IBasicBlock, self).__init__() + if groups != 1 or base_width != 64: + raise ValueError('BasicBlock only supports groups=1 and base_width=64') + if dilation > 1: + raise NotImplementedError("Dilation > 1 not supported in BasicBlock") + self.bn1 = nn.BatchNorm2d(inplanes, eps=1e-05,) + self.conv1 = conv3x3(inplanes, planes) + self.bn2 = nn.BatchNorm2d(planes, eps=1e-05,) + self.prelu = nn.PReLU(planes) + self.conv2 = conv3x3(planes, planes, stride) + self.bn3 = nn.BatchNorm2d(planes, eps=1e-05,) + self.downsample = downsample + self.stride = stride + + def forward_impl(self, x): + identity = x + out = self.bn1(x) + out = self.conv1(out) + out = self.bn2(out) + out = self.prelu(out) + out = self.conv2(out) + out = self.bn3(out) + if self.downsample is not None: + identity = self.downsample(x) + out += identity + return out + + def forward(self, x): + if self.training and using_ckpt: + return checkpoint(self.forward_impl, x) + else: + return self.forward_impl(x) + + +class IResNet(nn.Module): + fc_scale = 7 * 7 + def __init__(self, + block, layers, dropout=0, num_features=512, zero_init_residual=False, + groups=1, width_per_group=64, replace_stride_with_dilation=None, fp16=False): + super(IResNet, self).__init__() + self.extra_gflops = 0.0 + self.fp16 = fp16 + self.inplanes = 64 + self.dilation = 1 + if replace_stride_with_dilation is None: + replace_stride_with_dilation = [False, False, False] + if len(replace_stride_with_dilation) != 3: + raise ValueError("replace_stride_with_dilation should be None " + "or a 3-element tuple, got {}".format(replace_stride_with_dilation)) + self.groups = groups + self.base_width = width_per_group + self.conv1 = nn.Conv2d(3, self.inplanes, kernel_size=3, stride=1, padding=1, bias=False) + self.bn1 = nn.BatchNorm2d(self.inplanes, eps=1e-05) + self.prelu = nn.PReLU(self.inplanes) + self.layer1 = self._make_layer(block, 64, layers[0], stride=2) + self.layer2 = self._make_layer(block, + 128, + layers[1], + stride=2, + dilate=replace_stride_with_dilation[0]) + self.layer3 = self._make_layer(block, + 256, + layers[2], + stride=2, + dilate=replace_stride_with_dilation[1]) + self.layer4 = self._make_layer(block, + 512, + layers[3], + stride=2, + dilate=replace_stride_with_dilation[2]) + self.bn2 = nn.BatchNorm2d(512 * block.expansion, eps=1e-05,) + self.dropout = nn.Dropout(p=dropout, inplace=True) + self.fc = nn.Linear(512 * block.expansion * self.fc_scale, num_features) + self.features = nn.BatchNorm1d(num_features, eps=1e-05) + nn.init.constant_(self.features.weight, 1.0) + self.features.weight.requires_grad = False + + for m in self.modules(): + if isinstance(m, nn.Conv2d): + nn.init.normal_(m.weight, 0, 0.1) + elif isinstance(m, (nn.BatchNorm2d, nn.GroupNorm)): + nn.init.constant_(m.weight, 1) + nn.init.constant_(m.bias, 0) + + if zero_init_residual: + for m in self.modules(): + if isinstance(m, IBasicBlock): + nn.init.constant_(m.bn2.weight, 0) + + def _make_layer(self, block, planes, blocks, stride=1, dilate=False): + downsample = None + previous_dilation = self.dilation + if dilate: + self.dilation *= stride + stride = 1 + if stride != 1 or self.inplanes != planes * block.expansion: + downsample = nn.Sequential( + conv1x1(self.inplanes, planes * block.expansion, stride), + nn.BatchNorm2d(planes * block.expansion, eps=1e-05, ), + ) + layers = [] + layers.append( + block(self.inplanes, planes, stride, downsample, self.groups, + self.base_width, previous_dilation)) + self.inplanes = planes * block.expansion + for _ in range(1, blocks): + layers.append( + block(self.inplanes, + planes, + groups=self.groups, + base_width=self.base_width, + dilation=self.dilation)) + + return nn.Sequential(*layers) + + def forward(self, x): + with torch.cuda.amp.autocast(self.fp16): + x = self.conv1(x) + x = self.bn1(x) + x = self.prelu(x) + x = self.layer1(x) + x = self.layer2(x) + x = self.layer3(x) + x = self.layer4(x) + x = self.bn2(x) + x = torch.flatten(x, 1) + x = self.dropout(x) + x = self.fc(x.float() if self.fp16 else x) + x = self.features(x) + return x + + +def _iresnet(arch, block, layers, pretrained, progress, **kwargs): + model = IResNet(block, layers, **kwargs) + if pretrained: + raise ValueError() + return model + + +def iresnet18(pretrained=False, progress=True, **kwargs): + return _iresnet('iresnet18', IBasicBlock, [2, 2, 2, 2], pretrained, + progress, **kwargs) + + +def iresnet34(pretrained=False, progress=True, **kwargs): + return _iresnet('iresnet34', IBasicBlock, [3, 4, 6, 3], pretrained, + progress, **kwargs) + + +def iresnet50(pretrained=False, progress=True, **kwargs): + return _iresnet('iresnet50', IBasicBlock, [3, 4, 14, 3], pretrained, + progress, **kwargs) + + +def iresnet100(pretrained=False, progress=True, **kwargs): + return _iresnet('iresnet100', IBasicBlock, [3, 13, 30, 3], pretrained, + progress, **kwargs) + + +def iresnet200(pretrained=False, progress=True, **kwargs): + return _iresnet('iresnet200', IBasicBlock, [6, 26, 60, 6], pretrained, + progress, **kwargs) diff --git a/recon/models/deeplabv3/__init__.py b/recon/models/deeplabv3/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..bc63beba4a21ad527d0821d228c5192f73fe1183 --- /dev/null +++ b/recon/models/deeplabv3/__init__.py @@ -0,0 +1 @@ +# empty \ No newline at end of file diff --git a/recon/models/deeplabv3/decoder.py b/recon/models/deeplabv3/decoder.py new file mode 100644 index 0000000000000000000000000000000000000000..1a9b130e1a1cfc941740554a037c8c9f8d5aa186 --- /dev/null +++ b/recon/models/deeplabv3/decoder.py @@ -0,0 +1,166 @@ +""" +BSD 3-Clause License + +Copyright (c) Soumith Chintala 2016, +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. + +* Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +* Neither the name of the copyright holder nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. +""" + +import torch +from torch import nn +from torch.nn import functional as F + +__all__ = ["DeepLabV3Decoder"] + + +class DeepLabV3Decoder(nn.Sequential): + def __init__(self, in_channels, out_channels=256, atrous_rates=(12, 24, 36)): + super().__init__( + ASPP(in_channels, out_channels, atrous_rates), + nn.Conv2d(out_channels, out_channels, 3, padding=1, bias=False), + # nn.BatchNorm2d(out_channels), #remove bn following https://arxiv.org/abs/2305.02310 + nn.ReLU(), + ) + self.out_channels = out_channels + + def forward(self, *features): + return super().forward(features[-1]) + + +class ASPPConv(nn.Sequential): + def __init__(self, in_channels, out_channels, dilation): + super().__init__( + nn.Conv2d( + in_channels, + out_channels, + kernel_size=3, + padding=dilation, + dilation=dilation, + bias=False, + ), + # nn.BatchNorm2d(out_channels), #remove bn following https://arxiv.org/abs/2305.02310 + nn.ReLU(), + ) + + +class ASPPSeparableConv(nn.Sequential): + def __init__(self, in_channels, out_channels, dilation): + super().__init__( + SeparableConv2d( + in_channels, + out_channels, + kernel_size=3, + padding=dilation, + dilation=dilation, + bias=False, + ), + # nn.BatchNorm2d(out_channels), #remove bn following https://arxiv.org/abs/2305.02310 + nn.ReLU(), + ) + + +class ASPPPooling(nn.Sequential): + def __init__(self, in_channels, out_channels): + super().__init__( + nn.AdaptiveAvgPool2d(1), + nn.Conv2d(in_channels, out_channels, kernel_size=1, bias=False), + # nn.BatchNorm2d(out_channels), #remove bn following https://arxiv.org/abs/2305.02310 + nn.ReLU(), + ) + + def forward(self, x): + size = x.shape[-2:] + for mod in self: + x = mod(x) + return F.interpolate(x, size=size, mode="bilinear", align_corners=False) + + +class ASPP(nn.Module): + def __init__(self, in_channels, out_channels, atrous_rates, separable=False): + super(ASPP, self).__init__() + modules = [] + modules.append( + nn.Sequential( + nn.Conv2d(in_channels, out_channels, 1, bias=False), + # nn.BatchNorm2d(out_channels), #remove bn following https://arxiv.org/abs/2305.02310 + nn.ReLU(), + ) + ) + + rate1, rate2, rate3 = tuple(atrous_rates) + ASPPConvModule = ASPPConv if not separable else ASPPSeparableConv + + modules.append(ASPPConvModule(in_channels, out_channels, rate1)) + modules.append(ASPPConvModule(in_channels, out_channels, rate2)) + modules.append(ASPPConvModule(in_channels, out_channels, rate3)) + modules.append(ASPPPooling(in_channels, out_channels)) + + self.convs = nn.ModuleList(modules) + + self.project = nn.Sequential( + nn.Conv2d(5 * out_channels, out_channels, kernel_size=1, bias=False), + # nn.BatchNorm2d(out_channels), #remove bn following https://arxiv.org/abs/2305.02310 + nn.ReLU(), + # nn.Dropout(0.5), #remove dropout + ) + + def forward(self, x): + res = [] + for conv in self.convs: + res.append(conv(x)) + res = torch.cat(res, dim=1) + return self.project(res) + + +class SeparableConv2d(nn.Sequential): + def __init__( + self, + in_channels, + out_channels, + kernel_size, + stride=1, + padding=0, + dilation=1, + bias=True, + ): + dephtwise_conv = nn.Conv2d( + in_channels, + in_channels, + kernel_size, + stride=stride, + padding=padding, + dilation=dilation, + groups=in_channels, + bias=False, + ) + pointwise_conv = nn.Conv2d( + in_channels, + out_channels, + kernel_size=1, + bias=bias, + ) + super().__init__(dephtwise_conv, pointwise_conv) \ No newline at end of file diff --git a/recon/models/id/__init__.py b/recon/models/id/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5d302bfb1fea77e5a9bc127ef78ed6f30fd2f779 --- /dev/null +++ b/recon/models/id/__init__.py @@ -0,0 +1,3 @@ +from recon.models.id.id_loss import * +from recon.models.id.encoder_id import * +from recon.models.id.helpers import * diff --git a/recon/models/id/encoder_id.py b/recon/models/id/encoder_id.py new file mode 100644 index 0000000000000000000000000000000000000000..76371897730d4e2dccfbbb99b6027029f8956f07 --- /dev/null +++ b/recon/models/id/encoder_id.py @@ -0,0 +1,86 @@ +from __future__ import absolute_import + +from torch.nn import Linear, Conv2d, BatchNorm1d, BatchNorm2d, PReLU, Dropout, Sequential, Module +from .helpers import get_blocks, Flatten, bottleneck_IR, bottleneck_IR_SE, l2_norm + +""" +Modified Backbone implementation from [TreB1eN](https://github.com/TreB1eN/InsightFace_Pytorch) +""" + + +class Backbone(Module): + def __init__(self, input_size, num_layers, mode='ir', drop_ratio=0.4, affine=True): + super(Backbone, self).__init__() + assert input_size in [112, 224], "input_size should be 112 or 224" + assert num_layers in [50, 100, 152], "num_layers should be 50, 100 or 152" + assert mode in ['ir', 'ir_se'], "mode should be ir or ir_se" + blocks = get_blocks(num_layers) + if mode == 'ir': + unit_module = bottleneck_IR + elif mode == 'ir_se': + unit_module = bottleneck_IR_SE + self.input_layer = Sequential(Conv2d(3, 64, (3, 3), 1, 1, bias=False), + BatchNorm2d(64), + PReLU(64)) + if input_size == 112: + self.output_layer = Sequential(BatchNorm2d(512), + Dropout(drop_ratio), + Flatten(), + Linear(512 * 7 * 7, 512), + BatchNorm1d(512, affine=affine)) + else: + self.output_layer = Sequential(BatchNorm2d(512), + Dropout(drop_ratio), + Flatten(), + Linear(512 * 14 * 14, 512), + BatchNorm1d(512, affine=affine)) + + modules = [] + for block in blocks: + for bottleneck in block: + modules.append(unit_module(bottleneck.in_channel, + bottleneck.depth, + bottleneck.stride)) + self.body = Sequential(*modules) + + def forward(self, x): + x = self.input_layer(x) + x = self.body(x) + x = self.output_layer(x) + return l2_norm(x) + + +def IR_50(input_size): + """Constructs a ir-50 model.""" + model = Backbone(input_size, num_layers=50, mode='ir', drop_ratio=0.4, affine=False) + return model + + +def IR_101(input_size): + """Constructs a ir-101 model.""" + model = Backbone(input_size, num_layers=100, mode='ir', drop_ratio=0.4, affine=False) + return model + + +def IR_152(input_size): + """Constructs a ir-152 model.""" + model = Backbone(input_size, num_layers=152, mode='ir', drop_ratio=0.4, affine=False) + return model + + +def IR_SE_50(input_size): + """Constructs a ir_se-50 model.""" + model = Backbone(input_size, num_layers=50, mode='ir_se', drop_ratio=0.4, affine=False) + return model + + +def IR_SE_101(input_size): + """Constructs a ir_se-101 model.""" + model = Backbone(input_size, num_layers=100, mode='ir_se', drop_ratio=0.4, affine=False) + return model + + +def IR_SE_152(input_size): + """Constructs a ir_se-152 model.""" + model = Backbone(input_size, num_layers=152, mode='ir_se', drop_ratio=0.4, affine=False) + return model \ No newline at end of file diff --git a/recon/models/id/helpers.py b/recon/models/id/helpers.py new file mode 100644 index 0000000000000000000000000000000000000000..bba77573767a9e89742d12dfc564b4a3c30a6312 --- /dev/null +++ b/recon/models/id/helpers.py @@ -0,0 +1,120 @@ + +from collections import namedtuple +import torch +from torch.nn import Conv2d, BatchNorm2d, PReLU, ReLU, Sigmoid, MaxPool2d, AdaptiveAvgPool2d, Sequential, Module + +""" +ArcFace implementation from [TreB1eN](https://github.com/TreB1eN/InsightFace_Pytorch) +""" + + +class Flatten(Module): + def forward(self, input): + return input.view(input.size(0), -1) + + +def l2_norm(input, axis=1): + norm = torch.norm(input, 2, axis, True) + output = torch.div(input, norm) + return output + + +class Bottleneck(namedtuple('Block', ['in_channel', 'depth', 'stride'])): + """ A named tuple describing a ResNet block. """ + + +def get_block(in_channel, depth, num_units, stride=2): + return [Bottleneck(in_channel, depth, stride)] + [Bottleneck(depth, depth, 1) for i in range(num_units - 1)] + + +def get_blocks(num_layers): + if num_layers == 50: + blocks = [ + get_block(in_channel=64, depth=64, num_units=3), + get_block(in_channel=64, depth=128, num_units=4), + get_block(in_channel=128, depth=256, num_units=14), + get_block(in_channel=256, depth=512, num_units=3) + ] + elif num_layers == 100: + blocks = [ + get_block(in_channel=64, depth=64, num_units=3), + get_block(in_channel=64, depth=128, num_units=13), + get_block(in_channel=128, depth=256, num_units=30), + get_block(in_channel=256, depth=512, num_units=3) + ] + elif num_layers == 152: + blocks = [ + get_block(in_channel=64, depth=64, num_units=3), + get_block(in_channel=64, depth=128, num_units=8), + get_block(in_channel=128, depth=256, num_units=36), + get_block(in_channel=256, depth=512, num_units=3) + ] + else: + raise ValueError("Invalid number of layers: {}. Must be one of [50, 100, 152]".format(num_layers)) + return blocks + + +class SEModule(Module): + def __init__(self, channels, reduction): + super(SEModule, self).__init__() + self.avg_pool = AdaptiveAvgPool2d(1) + self.fc1 = Conv2d(channels, channels // reduction, kernel_size=1, padding=0, bias=False) + self.relu = ReLU(inplace=True) + self.fc2 = Conv2d(channels // reduction, channels, kernel_size=1, padding=0, bias=False) + self.sigmoid = Sigmoid() + + def forward(self, x): + module_input = x + x = self.avg_pool(x) + x = self.fc1(x) + x = self.relu(x) + x = self.fc2(x) + x = self.sigmoid(x) + return module_input * x + + +class bottleneck_IR(Module): + def __init__(self, in_channel, depth, stride): + super(bottleneck_IR, self).__init__() + if in_channel == depth: + self.shortcut_layer = MaxPool2d(1, stride) + else: + self.shortcut_layer = Sequential( + Conv2d(in_channel, depth, (1, 1), stride, bias=False), + BatchNorm2d(depth) + ) + self.res_layer = Sequential( + BatchNorm2d(in_channel), + Conv2d(in_channel, depth, (3, 3), (1, 1), 1, bias=False), PReLU(depth), + Conv2d(depth, depth, (3, 3), stride, 1, bias=False), BatchNorm2d(depth) + ) + + def forward(self, x): + shortcut = self.shortcut_layer(x) + res = self.res_layer(x) + return res + shortcut + + +class bottleneck_IR_SE(Module): + def __init__(self, in_channel, depth, stride): + super(bottleneck_IR_SE, self).__init__() + if in_channel == depth: + self.shortcut_layer = MaxPool2d(1, stride) + else: + self.shortcut_layer = Sequential( + Conv2d(in_channel, depth, (1, 1), stride, bias=False), + BatchNorm2d(depth) + ) + self.res_layer = Sequential( + BatchNorm2d(in_channel), + Conv2d(in_channel, depth, (3, 3), (1, 1), 1, bias=False), + PReLU(depth), + Conv2d(depth, depth, (3, 3), stride, 1, bias=False), + BatchNorm2d(depth), + SEModule(depth, 16) + ) + + def forward(self, x): + shortcut = self.shortcut_layer(x) + res = self.res_layer(x) + return res + shortcut diff --git a/recon/models/id/id_loss.py b/recon/models/id/id_loss.py new file mode 100644 index 0000000000000000000000000000000000000000..39b3bbc544096931a4fd07abea6a8cec2daeb366 --- /dev/null +++ b/recon/models/id/id_loss.py @@ -0,0 +1,67 @@ +from __future__ import absolute_import +import torch +from torch import nn +from .encoder_id import Backbone +import torch.nn.functional as F + + +class IDLoss(nn.Module): + def __init__(self, model_path, num_scales=1): + super(IDLoss, self).__init__() + print('Loading ResNet ArcFace') + self.facenet = Backbone(input_size=112, num_layers=50, drop_ratio=0.6, mode='ir_se') + self.facenet.load_state_dict(torch.load(model_path, map_location=torch.device('cpu'))) + self.face_pool = torch.nn.AdaptiveAvgPool2d((112, 112)) + self.facenet.eval() + self.num_scales = num_scales + + + for module in [self.facenet, self.face_pool]: + for param in module.parameters(): + param.requires_grad = False + + def extract_feats(self, x): + x = x[:, :, 35:223, 32:220] # Crop interesting region + x = self.face_pool(x) + x_feats = self.facenet(x) + return x_feats + + def forward(self, x, y): + n_samples = x.shape[0] + loss = 0.0 + for _scale in range(self.num_scales): + x_feats = self.extract_feats(x) + y_feats = self.extract_feats(y) + for i in range(n_samples): + diff_target = y_feats[i].dot(x_feats[i]) + loss += 1 - diff_target + + if _scale != self.num_scales - 1: + x = F.interpolate(x, mode='bilinear', scale_factor=0.5, align_corners=False, + recompute_scale_factor=True) + y = F.interpolate(y, mode='bilinear', scale_factor=0.5, align_corners=False, + recompute_scale_factor=True) + return loss / n_samples + def psp_forward(self, y_hat, y, x): + n_samples = x.shape[0] + x_feats = self.extract_feats(x) + y_feats = self.extract_feats(y) # Otherwise use the feature from there + y_hat_feats = self.extract_feats(y_hat) + y_feats = y_feats.detach() + loss = 0 + sim_improvement = 0 + id_logs = [] + count = 0 + for i in range(n_samples): + diff_target = y_hat_feats[i].dot(y_feats[i]) + diff_input = y_hat_feats[i].dot(x_feats[i]) + diff_views = y_feats[i].dot(x_feats[i]) + id_logs.append({'diff_target': float(diff_target), + 'diff_input': float(diff_input), + 'diff_views': float(diff_views)}) + loss += 1 - diff_target + id_diff = float(diff_target) - float(diff_views) + sim_improvement += id_diff + count += 1 + + return loss / count, sim_improvement / count, id_logs \ No newline at end of file diff --git a/recon/models/lpips/LICENSE b/recon/models/lpips/LICENSE new file mode 100644 index 0000000000000000000000000000000000000000..842c363a7fc13ab58cf894dd86d2b75d1c09054f --- /dev/null +++ b/recon/models/lpips/LICENSE @@ -0,0 +1,23 @@ +Copyright (c) 2018, Richard Zhang, Phillip Isola, Alexei A. Efros, Eli Shechtman, Oliver Wang +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. + +* Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/recon/models/lpips/__init__.py b/recon/models/lpips/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..fd2af607a07b2f10f70d4de4af1e57ffa263d109 --- /dev/null +++ b/recon/models/lpips/__init__.py @@ -0,0 +1,176 @@ + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +import numpy as np +import torch + +from recon.models.lpips.lpips import * + +# class PerceptualLoss(torch.nn.Module): +# def __init__(self, model='lpips', net='alex', spatial=False, use_gpu=False, gpu_ids=[0], version='0.1'): # VGG using our perceptually-learned weights (LPIPS metric) +# # def __init__(self, model='net', net='vgg', use_gpu=True): # "default" way of using VGG as a perceptual loss +# super(PerceptualLoss, self).__init__() +# print('Setting up Perceptual loss...') +# self.use_gpu = use_gpu +# self.spatial = spatial +# self.gpu_ids = gpu_ids +# self.model = dist_model.DistModel() +# self.model.initialize(model=model, net=net, use_gpu=use_gpu, spatial=self.spatial, gpu_ids=gpu_ids, version=version) +# print('...[%s] initialized'%self.model.name()) +# print('...Done') + +# def forward(self, pred, target, normalize=False): +# """ +# Pred and target are Variables. +# If normalize is True, assumes the images are between [0,1] and then scales them between [-1,+1] +# If normalize is False, assumes the images are already between [-1,+1] + +# Inputs pred and target are Nx3xHxW +# Output pytorch Variable N long +# """ + +# if normalize: +# target = 2 * target - 1 +# pred = 2 * pred - 1 + +# return self.model.forward(target, pred) + +def normalize_tensor(in_feat,eps=1e-10): + norm_factor = torch.sqrt(torch.sum(in_feat**2,dim=1,keepdim=True)+eps) + return in_feat/(norm_factor+eps) + +def l2(p0, p1, range=255.): + return .5*np.mean((p0 / range - p1 / range)**2) + +def psnr(p0, p1, peak=255.): + return 10*np.log10(peak**2/np.mean((1.*p0-1.*p1)**2)) + +def dssim(p0, p1, range=255.): + from skimage.measure import compare_ssim + return (1 - compare_ssim(p0, p1, data_range=range, multichannel=True)) / 2. + +def rgb2lab(in_img,mean_cent=False): + from skimage import color + img_lab = color.rgb2lab(in_img) + if(mean_cent): + img_lab[:,:,0] = img_lab[:,:,0]-50 + return img_lab + +def tensor2np(tensor_obj): + # change dimension of a tensor object into a numpy array + return tensor_obj[0].cpu().float().numpy().transpose((1,2,0)) + +def np2tensor(np_obj): + # change dimenion of np array into tensor array + return torch.Tensor(np_obj[:, :, :, np.newaxis].transpose((3, 2, 0, 1))) + +def tensor2tensorlab(image_tensor,to_norm=True,mc_only=False): + # image tensor to lab tensor + from skimage import color + + img = tensor2im(image_tensor) + img_lab = color.rgb2lab(img) + if(mc_only): + img_lab[:,:,0] = img_lab[:,:,0]-50 + if(to_norm and not mc_only): + img_lab[:,:,0] = img_lab[:,:,0]-50 + img_lab = img_lab/100. + + return np2tensor(img_lab) + +def tensorlab2tensor(lab_tensor,return_inbnd=False): + from skimage import color + import warnings + warnings.filterwarnings("ignore") + + lab = tensor2np(lab_tensor)*100. + lab[:,:,0] = lab[:,:,0]+50 + + rgb_back = 255.*np.clip(color.lab2rgb(lab.astype('float')),0,1) + if(return_inbnd): + # convert back to lab, see if we match + lab_back = color.rgb2lab(rgb_back.astype('uint8')) + mask = 1.*np.isclose(lab_back,lab,atol=2.) + mask = np2tensor(np.prod(mask,axis=2)[:,:,np.newaxis]) + return (im2tensor(rgb_back),mask) + else: + return im2tensor(rgb_back) + +def load_image(path): + if(path[-3:] == 'dng'): + import rawpy + with rawpy.imread(path) as raw: + img = raw.postprocess() + elif(path[-3:]=='bmp' or path[-3:]=='jpg' or path[-3:]=='png' or path[-4:]=='jpeg'): + import cv2 + return cv2.imread(path)[:,:,::-1] + else: + img = (255*plt.imread(path)[:,:,:3]).astype('uint8') + + return img + +def rgb2lab(input): + from skimage import color + return color.rgb2lab(input / 255.) + +def tensor2im(image_tensor, imtype=np.uint8, cent=1., factor=255./2.): + image_numpy = image_tensor[0].cpu().float().numpy() + image_numpy = (np.transpose(image_numpy, (1, 2, 0)) + cent) * factor + return image_numpy.astype(imtype) + +def im2tensor(image, imtype=np.uint8, cent=1., factor=255./2.): + return torch.Tensor((image / factor - cent) + [:, :, :, np.newaxis].transpose((3, 2, 0, 1))) + +def tensor2vec(vector_tensor): + return vector_tensor.data.cpu().numpy()[:, :, 0, 0] + + +def tensor2im(image_tensor, imtype=np.uint8, cent=1., factor=255./2.): +# def tensor2im(image_tensor, imtype=np.uint8, cent=1., factor=1.): + image_numpy = image_tensor[0].cpu().float().numpy() + image_numpy = (np.transpose(image_numpy, (1, 2, 0)) + cent) * factor + return image_numpy.astype(imtype) + +def im2tensor(image, imtype=np.uint8, cent=1., factor=255./2.): +# def im2tensor(image, imtype=np.uint8, cent=1., factor=1.): + return torch.Tensor((image / factor - cent) + [:, :, :, np.newaxis].transpose((3, 2, 0, 1))) + + + +def voc_ap(rec, prec, use_07_metric=False): + """ ap = voc_ap(rec, prec, [use_07_metric]) + Compute VOC AP given precision and recall. + If use_07_metric is true, uses the + VOC 07 11 point method (default:False). + """ + if use_07_metric: + # 11 point metric + ap = 0. + for t in np.arange(0., 1.1, 0.1): + if np.sum(rec >= t) == 0: + p = 0 + else: + p = np.max(prec[rec >= t]) + ap = ap + p / 11. + else: + # correct AP calculation + # first append sentinel values at the end + mrec = np.concatenate(([0.], rec, [1.])) + mpre = np.concatenate(([0.], prec, [0.])) + + # compute the precision envelope + for i in range(mpre.size - 1, 0, -1): + mpre[i - 1] = np.maximum(mpre[i - 1], mpre[i]) + + # to calculate area under PR curve, look for points + # where X axis (recall) changes value + i = np.where(mrec[1:] != mrec[:-1])[0] + + # and sum (\Delta recall) * prec + ap = np.sum((mrec[i + 1] - mrec[i]) * mpre[i + 1]) + return ap + diff --git a/recon/models/lpips/lpips.py b/recon/models/lpips/lpips.py new file mode 100644 index 0000000000000000000000000000000000000000..27e32a7d70216bdab61852084e8e066dc27e1bac --- /dev/null +++ b/recon/models/lpips/lpips.py @@ -0,0 +1,220 @@ +# LPIPS reconstruction loss +from __future__ import absolute_import + +import torch +import torch.nn as nn +import torch.nn.init as init +from torch.autograd import Variable +import numpy as np +from . import pretrained_networks as pn +import torch.nn + +from models import lpips + + +def spatial_average(in_tens, keepdim=True): + return in_tens.mean([2,3],keepdim=keepdim) + +def upsample(in_tens, out_HW=(64,64)): # assumes scale factor is same for H and W + in_H, in_W = in_tens.shape[2], in_tens.shape[3] + return nn.Upsample(size=out_HW, mode='bilinear', align_corners=False)(in_tens) + +# Learned perceptual metric +class LPIPS(nn.Module): + def __init__(self, vgg_path, pretrained=True, net='alex', version='0.1', lpips=True, spatial=False, + pnet_rand=False, pnet_tune=False, use_dropout=True, model_path=None, eval_mode=True, verbose=True): + # lpips - [True] means with linear calibration on top of base network + # pretrained - [True] means load linear weights + + super(LPIPS, self).__init__() + if(verbose): + print('Setting up [%s] perceptual loss: trunk [%s], v[%s], spatial [%s]'% + ('LPIPS' if lpips else 'baseline', net, version, 'on' if spatial else 'off')) + + self.pnet_type = net + self.pnet_tune = pnet_tune + self.pnet_rand = pnet_rand + self.spatial = spatial + self.lpips = lpips # false means baseline of just averaging all layers + self.version = version + self.scaling_layer = ScalingLayer() + + if(self.pnet_type in ['vgg','vgg16']): + net_type = pn.vgg16 + self.chns = [64,128,256,512,512] + elif(self.pnet_type=='alex'): + net_type = pn.alexnet + self.chns = [64,192,384,256,256] + elif(self.pnet_type=='squeeze'): + net_type = pn.squeezenet + self.chns = [64,128,256,384,384,512,512] + self.L = len(self.chns) + + self.net = net_type(path=vgg_path, pretrained=not self.pnet_rand, requires_grad=self.pnet_tune) + + if(lpips): + self.lin0 = NetLinLayer(self.chns[0], use_dropout=use_dropout) + self.lin1 = NetLinLayer(self.chns[1], use_dropout=use_dropout) + self.lin2 = NetLinLayer(self.chns[2], use_dropout=use_dropout) + self.lin3 = NetLinLayer(self.chns[3], use_dropout=use_dropout) + self.lin4 = NetLinLayer(self.chns[4], use_dropout=use_dropout) + self.lins = [self.lin0,self.lin1,self.lin2,self.lin3,self.lin4] + if(self.pnet_type=='squeeze'): # 7 layers for squeezenet + self.lin5 = NetLinLayer(self.chns[5], use_dropout=use_dropout) + self.lin6 = NetLinLayer(self.chns[6], use_dropout=use_dropout) + self.lins+=[self.lin5,self.lin6] + self.lins = nn.ModuleList(self.lins) + + if(pretrained): + if(model_path is None): + import inspect + import os + model_path = os.path.abspath(os.path.join(inspect.getfile(self.__init__), '..', 'weights/v%s/%s.pth'%(version,net))) + + if(verbose): + print('Loading model from: %s'%model_path) + self.load_state_dict(torch.load(model_path, map_location='cpu'), strict=False) + + if(eval_mode): + self.eval() + + def forward(self, in0, in1, retPerLayer=False, normalize=False): + if normalize: # turn on this flag if input is [0,1] so it can be adjusted to [-1, +1] + in0 = 2 * in0 - 1 + in1 = 2 * in1 - 1 + + # v0.0 - original release had a bug, where input was not scaled + in0_input, in1_input = (self.scaling_layer(in0), self.scaling_layer(in1)) if self.version=='0.1' else (in0, in1) + outs0, outs1 = self.net.forward(in0_input), self.net.forward(in1_input) + feats0, feats1, diffs = {}, {}, {} + + for kk in range(self.L): + feats0[kk], feats1[kk] = lpips.normalize_tensor(outs0[kk]), lpips.normalize_tensor(outs1[kk]) + diffs[kk] = (feats0[kk]-feats1[kk])**2 + + if(self.lpips): + if(self.spatial): + res = [upsample(self.lins[kk](diffs[kk]), out_HW=in0.shape[2:]) for kk in range(self.L)] + else: + res = [spatial_average(self.lins[kk](diffs[kk]), keepdim=True) for kk in range(self.L)] + else: + if(self.spatial): + res = [upsample(diffs[kk].sum(dim=1,keepdim=True), out_HW=in0.shape[2:]) for kk in range(self.L)] + else: + res = [spatial_average(diffs[kk].sum(dim=1,keepdim=True), keepdim=True) for kk in range(self.L)] + + val = res[0] + for l in range(1,self.L): + val += res[l] + + # a = spatial_average(self.lins[kk](diffs[kk]), keepdim=True) + # b = torch.max(self.lins[kk](feats0[kk]**2)) + # for kk in range(self.L): + # a += spatial_average(self.lins[kk](diffs[kk]), keepdim=True) + # b = torch.max(b,torch.max(self.lins[kk](feats0[kk]**2))) + # a = a/self.L + # from IPython import embed + # embed() + # return 10*torch.log10(b/a) + + if(retPerLayer): + return (val, res) + else: + return val + + +class ScalingLayer(nn.Module): + def __init__(self): + super(ScalingLayer, self).__init__() + self.register_buffer('shift', torch.Tensor([-.030,-.088,-.188])[None,:,None,None]) + self.register_buffer('scale', torch.Tensor([.458,.448,.450])[None,:,None,None]) + + def forward(self, inp): + return (inp - self.shift) / self.scale + + +class NetLinLayer(nn.Module): + ''' A single linear layer which does a 1x1 conv ''' + def __init__(self, chn_in, chn_out=1, use_dropout=False): + super(NetLinLayer, self).__init__() + + layers = [nn.Dropout(),] if(use_dropout) else [] + layers += [nn.Conv2d(chn_in, chn_out, 1, stride=1, padding=0, bias=False),] + self.model = nn.Sequential(*layers) + + def forward(self, x): + return self.model(x) + +class Dist2LogitLayer(nn.Module): + ''' takes 2 distances, puts through fc layers, spits out value between [0,1] (if use_sigmoid is True) ''' + def __init__(self, chn_mid=32, use_sigmoid=True): + super(Dist2LogitLayer, self).__init__() + + layers = [nn.Conv2d(5, chn_mid, 1, stride=1, padding=0, bias=True),] + layers += [nn.LeakyReLU(0.2,True),] + layers += [nn.Conv2d(chn_mid, chn_mid, 1, stride=1, padding=0, bias=True),] + layers += [nn.LeakyReLU(0.2,True),] + layers += [nn.Conv2d(chn_mid, 1, 1, stride=1, padding=0, bias=True),] + if(use_sigmoid): + layers += [nn.Sigmoid(),] + self.model = nn.Sequential(*layers) + + def forward(self,d0,d1,eps=0.1): + return self.model.forward(torch.cat((d0,d1,d0-d1,d0/(d1+eps),d1/(d0+eps)),dim=1)) + +class BCERankingLoss(nn.Module): + def __init__(self, chn_mid=32): + super(BCERankingLoss, self).__init__() + self.net = Dist2LogitLayer(chn_mid=chn_mid) + # self.parameters = list(self.net.parameters()) + self.loss = torch.nn.BCELoss() + + def forward(self, d0, d1, judge): + per = (judge+1.)/2. + self.logit = self.net.forward(d0,d1) + return self.loss(self.logit, per) + +# L2, DSSIM metrics +class FakeNet(nn.Module): + def __init__(self, use_gpu=True, colorspace='Lab'): + super(FakeNet, self).__init__() + self.use_gpu = use_gpu + self.colorspace = colorspace + +class L2(FakeNet): + def forward(self, in0, in1, retPerLayer=None): + assert(in0.size()[0]==1) # currently only supports batchSize 1 + + if(self.colorspace=='RGB'): + (N,C,X,Y) = in0.size() + value = torch.mean(torch.mean(torch.mean((in0-in1)**2,dim=1).view(N,1,X,Y),dim=2).view(N,1,1,Y),dim=3).view(N) + return value + elif(self.colorspace=='Lab'): + value = lpips.l2(lpips.tensor2np(lpips.tensor2tensorlab(in0.data,to_norm=False)), + lpips.tensor2np(lpips.tensor2tensorlab(in1.data,to_norm=False)), range=100.).astype('float') + ret_var = Variable( torch.Tensor((value,) ) ) + if(self.use_gpu): + ret_var = ret_var.cuda() + return ret_var + +class DSSIM(FakeNet): + + def forward(self, in0, in1, retPerLayer=None): + assert(in0.size()[0]==1) # currently only supports batchSize 1 + + if(self.colorspace=='RGB'): + value = lpips.dssim(1.*lpips.tensor2im(in0.data), 1.*lpips.tensor2im(in1.data), range=255.).astype('float') + elif(self.colorspace=='Lab'): + value = lpips.dssim(lpips.tensor2np(lpips.tensor2tensorlab(in0.data,to_norm=False)), + lpips.tensor2np(lpips.tensor2tensorlab(in1.data,to_norm=False)), range=100.).astype('float') + ret_var = Variable( torch.Tensor((value,) ) ) + if(self.use_gpu): + ret_var = ret_var.cuda() + return ret_var + +def print_network(net): + num_params = 0 + for param in net.parameters(): + num_params += param.numel() + print('Network',net) + print('Total number of parameters: %d' % num_params) diff --git a/recon/models/lpips/pretrained_networks.py b/recon/models/lpips/pretrained_networks.py new file mode 100644 index 0000000000000000000000000000000000000000..35ecfe48da360239d3b74768482420cf9b912dd4 --- /dev/null +++ b/recon/models/lpips/pretrained_networks.py @@ -0,0 +1,185 @@ +# LPIPS reconstruction loss +from collections import namedtuple +import torch +from torchvision import models as tv + +class squeezenet(torch.nn.Module): + def __init__(self, requires_grad=False, pretrained=True): + super(squeezenet, self).__init__() + pretrained_features = tv.squeezenet1_1(pretrained=pretrained).features + self.slice1 = torch.nn.Sequential() + self.slice2 = torch.nn.Sequential() + self.slice3 = torch.nn.Sequential() + self.slice4 = torch.nn.Sequential() + self.slice5 = torch.nn.Sequential() + self.slice6 = torch.nn.Sequential() + self.slice7 = torch.nn.Sequential() + self.N_slices = 7 + for x in range(2): + self.slice1.add_module(str(x), pretrained_features[x]) + for x in range(2,5): + self.slice2.add_module(str(x), pretrained_features[x]) + for x in range(5, 8): + self.slice3.add_module(str(x), pretrained_features[x]) + for x in range(8, 10): + self.slice4.add_module(str(x), pretrained_features[x]) + for x in range(10, 11): + self.slice5.add_module(str(x), pretrained_features[x]) + for x in range(11, 12): + self.slice6.add_module(str(x), pretrained_features[x]) + for x in range(12, 13): + self.slice7.add_module(str(x), pretrained_features[x]) + if not requires_grad: + for param in self.parameters(): + param.requires_grad = False + + def forward(self, X): + h = self.slice1(X) + h_relu1 = h + h = self.slice2(h) + h_relu2 = h + h = self.slice3(h) + h_relu3 = h + h = self.slice4(h) + h_relu4 = h + h = self.slice5(h) + h_relu5 = h + h = self.slice6(h) + h_relu6 = h + h = self.slice7(h) + h_relu7 = h + vgg_outputs = namedtuple("SqueezeOutputs", ['relu1','relu2','relu3','relu4','relu5','relu6','relu7']) + out = vgg_outputs(h_relu1,h_relu2,h_relu3,h_relu4,h_relu5,h_relu6,h_relu7) + + return out + + +class alexnet(torch.nn.Module): + def __init__(self, requires_grad=False, pretrained=True): + super(alexnet, self).__init__() + alexnet_pretrained_features = tv.alexnet(pretrained=pretrained).features + self.slice1 = torch.nn.Sequential() + self.slice2 = torch.nn.Sequential() + self.slice3 = torch.nn.Sequential() + self.slice4 = torch.nn.Sequential() + self.slice5 = torch.nn.Sequential() + self.N_slices = 5 + for x in range(2): + self.slice1.add_module(str(x), alexnet_pretrained_features[x]) + for x in range(2, 5): + self.slice2.add_module(str(x), alexnet_pretrained_features[x]) + for x in range(5, 8): + self.slice3.add_module(str(x), alexnet_pretrained_features[x]) + for x in range(8, 10): + self.slice4.add_module(str(x), alexnet_pretrained_features[x]) + for x in range(10, 12): + self.slice5.add_module(str(x), alexnet_pretrained_features[x]) + if not requires_grad: + for param in self.parameters(): + param.requires_grad = False + + def forward(self, X): + h = self.slice1(X) + h_relu1 = h + h = self.slice2(h) + h_relu2 = h + h = self.slice3(h) + h_relu3 = h + h = self.slice4(h) + h_relu4 = h + h = self.slice5(h) + h_relu5 = h + alexnet_outputs = namedtuple("AlexnetOutputs", ['relu1', 'relu2', 'relu3', 'relu4', 'relu5']) + out = alexnet_outputs(h_relu1, h_relu2, h_relu3, h_relu4, h_relu5) + + return out + +class vgg16(torch.nn.Module): + def __init__(self,path, requires_grad=False, pretrained=True): + super(vgg16, self).__init__() + + VGG_MODEL = tv.vgg16(pretrained=False) + print('vgg_path', path) + VGG_MODEL.load_state_dict(torch.load(path)) + vgg_pretrained_features = VGG_MODEL.features + self.slice1 = torch.nn.Sequential() + self.slice2 = torch.nn.Sequential() + self.slice3 = torch.nn.Sequential() + self.slice4 = torch.nn.Sequential() + self.slice5 = torch.nn.Sequential() + self.N_slices = 5 + for x in range(4): + self.slice1.add_module(str(x), vgg_pretrained_features[x]) + for x in range(4, 9): + self.slice2.add_module(str(x), vgg_pretrained_features[x]) + for x in range(9, 16): + self.slice3.add_module(str(x), vgg_pretrained_features[x]) + for x in range(16, 23): + self.slice4.add_module(str(x), vgg_pretrained_features[x]) + for x in range(23, 30): + self.slice5.add_module(str(x), vgg_pretrained_features[x]) + if not requires_grad: + for param in self.parameters(): + param.requires_grad = False + + def forward(self, X): + h = self.slice1(X) + h_relu1_2 = h + h = self.slice2(h) + h_relu2_2 = h + h = self.slice3(h) + h_relu3_3 = h + h = self.slice4(h) + h_relu4_3 = h + h = self.slice5(h) + h_relu5_3 = h + vgg_outputs = namedtuple("VggOutputs", ['relu1_2', 'relu2_2', 'relu3_3', 'relu4_3', 'relu5_3']) + out = vgg_outputs(h_relu1_2, h_relu2_2, h_relu3_3, h_relu4_3, h_relu5_3) + + return out + + + +class resnet(torch.nn.Module): + def __init__(self, requires_grad=False, pretrained=True, num=18): + super(resnet, self).__init__() + if(num==18): + self.net = tv.resnet18(pretrained=pretrained) + elif(num==34): + self.net = tv.resnet34(pretrained=pretrained) + elif(num==50): + self.net = tv.resnet50(pretrained=pretrained) + elif(num==101): + self.net = tv.resnet101(pretrained=pretrained) + elif(num==152): + self.net = tv.resnet152(pretrained=pretrained) + self.N_slices = 5 + + self.conv1 = self.net.conv1 + self.bn1 = self.net.bn1 + self.relu = self.net.relu + self.maxpool = self.net.maxpool + self.layer1 = self.net.layer1 + self.layer2 = self.net.layer2 + self.layer3 = self.net.layer3 + self.layer4 = self.net.layer4 + + def forward(self, X): + h = self.conv1(X) + h = self.bn1(h) + h = self.relu(h) + h_relu1 = h + h = self.maxpool(h) + h = self.layer1(h) + h_conv2 = h + h = self.layer2(h) + h_conv3 = h + h = self.layer3(h) + h_conv4 = h + h = self.layer4(h) + h_conv5 = h + + outputs = namedtuple("Outputs", ['relu1','conv2','conv3','conv4','conv5']) + out = outputs(h_relu1, h_conv2, h_conv3, h_conv4, h_conv5) + + return out diff --git a/recon/models/mix_transformer/__init__.py b/recon/models/mix_transformer/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..bc63beba4a21ad527d0821d228c5192f73fe1183 --- /dev/null +++ b/recon/models/mix_transformer/__init__.py @@ -0,0 +1 @@ +# empty \ No newline at end of file diff --git a/recon/models/mix_transformer/mix_transformer.py b/recon/models/mix_transformer/mix_transformer.py new file mode 100644 index 0000000000000000000000000000000000000000..39156c61af5bd7969ab5253e9e76895d58f7b5fa --- /dev/null +++ b/recon/models/mix_transformer/mix_transformer.py @@ -0,0 +1,543 @@ +# backbone for portrait4D reconstructor, modified from https://github.com/NVlabs/SegFormer/tree/master/mmseg/models/backbones +import torch +import torch.nn as nn +import torch.nn.functional as F +from functools import partial + +from timm.models.layers import DropPath, to_2tuple, trunc_normal_ +import math + +__all__ = ["Attention", "CrossAttention", "BLOCK", "OverlapPatchEmbed"] + +class Mlp(nn.Module): + def __init__(self, in_features, hidden_features=None, out_features=None, act_layer=nn.GELU, drop=0.): + super().__init__() + out_features = out_features or in_features + hidden_features = hidden_features or in_features + self.fc1 = nn.Linear(in_features, hidden_features) + self.dwconv = DWConv(hidden_features) + self.act = act_layer() + self.fc2 = nn.Linear(hidden_features, out_features) + self.drop = nn.Dropout(drop) + + self.apply(self._init_weights) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, nn.Conv2d): + fan_out = m.kernel_size[0] * m.kernel_size[1] * m.out_channels + fan_out //= m.groups + m.weight.data.normal_(0, math.sqrt(2.0 / fan_out)) + if m.bias is not None: + m.bias.data.zero_() + + def forward(self, x, H, W): + x = self.fc1(x) + x = self.dwconv(x, H, W) + x = self.act(x) + x = self.drop(x) + x = self.fc2(x) + x = self.drop(x) + return x + + +class Attention(nn.Module): + def __init__(self, dim, num_heads=8, qkv_bias=False, qk_scale=None, attn_drop=0., proj_drop=0., sr_ratio=1): + super().__init__() + assert dim % num_heads == 0, f"dim {dim} should be divided by num_heads {num_heads}." + + self.dim = dim + self.num_heads = num_heads + head_dim = dim // num_heads + self.scale = qk_scale or head_dim ** -0.5 + + self.q = nn.Linear(dim, dim, bias=qkv_bias) + self.kv = nn.Linear(dim, dim * 2, bias=qkv_bias) + self.attn_drop = nn.Dropout(attn_drop) + self.proj = nn.Linear(dim, dim) + self.proj_drop = nn.Dropout(proj_drop) + + self.sr_ratio = sr_ratio + if sr_ratio > 1: + self.sr = nn.Conv2d(dim, dim, kernel_size=sr_ratio, stride=sr_ratio) + self.norm = nn.LayerNorm(dim) + + self.apply(self._init_weights) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, nn.Conv2d): + fan_out = m.kernel_size[0] * m.kernel_size[1] * m.out_channels + fan_out //= m.groups + m.weight.data.normal_(0, math.sqrt(2.0 / fan_out)) + if m.bias is not None: + m.bias.data.zero_() + + def forward(self, x, H, W): + B, N, C = x.shape + q = self.q(x).reshape(B, N, self.num_heads, C // self.num_heads).permute(0, 2, 1, 3) + + if self.sr_ratio > 1: + x_ = x.permute(0, 2, 1).reshape(B, C, H, W) + x_ = self.sr(x_).reshape(B, C, -1).permute(0, 2, 1) + x_ = self.norm(x_) + kv = self.kv(x_).reshape(B, -1, 2, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4) + else: + kv = self.kv(x).reshape(B, -1, 2, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4) + k, v = kv[0], kv[1] + + attn = (q @ k.transpose(-2, -1)) * self.scale + attn = attn.softmax(dim=-1) + attn = self.attn_drop(attn) + + out = (attn @ v).transpose(1, 2).reshape(B, N, C) + out = self.proj(out) + out = self.proj_drop(out) + + return out + + +class CrossAttention(nn.Module): + def __init__(self, dim, dim_y, H_y, W_y, dim_y_hidden=None, num_heads=8, qkv_bias=False, qk_scale=None, attn_drop=0., proj_drop=0., sr_ratio=1, normalize_y=False): + super().__init__() + assert dim % num_heads == 0, f"dim {dim} should be divided by num_heads {num_heads}." + + self.dim = dim + if dim_y_hidden is None: + dim_y_hidden = dim + self.dim_y_hidden = dim_y_hidden + self.H_y = H_y + self.W_y = W_y + self.num_heads = num_heads + head_dim = dim // num_heads + self.scale = qk_scale or head_dim ** -0.5 + self.normalize_y = normalize_y + + if self.normalize_y: + self.norm_y = nn.LayerNorm(dim_y_hidden) + self.q = nn.Linear(dim, dim, bias=qkv_bias) + self.kv = nn.Linear(dim_y_hidden, dim * 2, bias=qkv_bias) + self.attn_drop = nn.Dropout(attn_drop) + self.proj = nn.Linear(dim, dim) + self.proj_drop = nn.Dropout(proj_drop) + + self.sr_ratio = sr_ratio + if sr_ratio > 1: + self.sr = nn.Conv2d(dim, dim, kernel_size=sr_ratio, stride=sr_ratio) + self.norm = nn.LayerNorm(dim) + + self.apply(self._init_weights) + self.proj.apply(self._zero_weights) ### set 0 for 245 + + def _zero_weights(self,m): + if isinstance(m, nn.Linear): + nn.init.constant_(m.weight,0) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias,0) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, nn.Conv2d): + fan_out = m.kernel_size[0] * m.kernel_size[1] * m.out_channels + fan_out //= m.groups + m.weight.data.normal_(0, math.sqrt(2.0 / fan_out)) + if m.bias is not None: + m.bias.data.zero_() + + def forward(self, x, y, H, W): + B, N, C = x.shape + + if self.normalize_y: + y = self.norm_y(y) + + q = self.q(x).reshape(B, N, self.num_heads, C // self.num_heads).permute(0, 2, 1, 3) + + if self.sr_ratio > 1: + y_ = y.permute(0, 2, 1).reshape(B, C, self.H_y, self.W_y) + y_ = self.sr(y_).reshape(B, C, -1).permute(0, 2, 1) + y_ = self.norm(y_) + kv = self.kv(y_).reshape(B, -1, 2, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4) + else: + kv = self.kv(y).reshape(B, -1, 2, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4) + k, v = kv[0], kv[1] + + attn = (q @ k.transpose(-2, -1)) * self.scale + attn = attn.softmax(dim=-1) + attn = self.attn_drop(attn) + + out = (attn @ v).transpose(1, 2).reshape(B, N, C) + out = self.proj(out) + out = self.proj_drop(out) + + return out + + +class Block(nn.Module): + + def __init__(self, dim, num_heads, mlp_ratio=4., qkv_bias=False, qk_scale=None, drop=0., attn_drop=0., + drop_path=0., act_layer=nn.GELU, norm_layer=nn.LayerNorm, sr_ratio=1): + super().__init__() + self.norm1 = norm_layer(dim) + self.attn = Attention( + dim, + num_heads=num_heads, qkv_bias=qkv_bias, qk_scale=qk_scale, + attn_drop=attn_drop, proj_drop=drop, sr_ratio=sr_ratio) + # NOTE: drop path for stochastic depth, we shall see if this is better than dropout here + self.drop_path = DropPath(drop_path) if drop_path > 0. else nn.Identity() + self.norm2 = norm_layer(dim) + mlp_hidden_dim = int(dim * mlp_ratio) + self.mlp = Mlp(in_features=dim, hidden_features=mlp_hidden_dim, act_layer=act_layer, drop=drop) + + self.apply(self._init_weights) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, nn.Conv2d): + fan_out = m.kernel_size[0] * m.kernel_size[1] * m.out_channels + fan_out //= m.groups + m.weight.data.normal_(0, math.sqrt(2.0 / fan_out)) + if m.bias is not None: + m.bias.data.zero_() + + def forward(self, x, H, W, scale=1): + x = x + self.drop_path(self.attn(self.norm1(x), H, W))*scale + x = x + self.drop_path(self.mlp(self.norm2(x), H, W)) + + return x + +class BlockCross(nn.Module): + + def __init__(self, dim, dim_y, H_y, W_y, num_heads, mlp_ratio=4., qkv_bias=False, qk_scale=None, drop=0., attn_drop=0., + drop_path=0., act_layer=nn.GELU, norm_layer=nn.LayerNorm, sr_ratio=1,reverse_att=True): + super().__init__() + self.reverse_att = reverse_att + self.norm1 = norm_layer(dim) + self.attn1 = Attention( + dim, + num_heads=num_heads, qkv_bias=qkv_bias, qk_scale=qk_scale, + attn_drop=attn_drop, proj_drop=drop, sr_ratio=sr_ratio) + self.norm2 = norm_layer(dim) + self.attn2 = CrossAttention( + dim, dim_y, H_y, W_y, + num_heads=num_heads, qkv_bias=qkv_bias, qk_scale=qk_scale, + attn_drop=attn_drop, proj_drop=drop, sr_ratio=sr_ratio, normalize_y=False) + # NOTE: drop path for stochastic depth, we shall see if this is better than dropout here + self.drop_path = DropPath(drop_path) if drop_path > 0. else nn.Identity() + self.norm3 = norm_layer(dim) + mlp_hidden_dim = int(dim * mlp_ratio) + self.mlp = Mlp(in_features=dim, hidden_features=mlp_hidden_dim, act_layer=act_layer, drop=drop) + + self.apply(self._init_weights) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, nn.Conv2d): + fan_out = m.kernel_size[0] * m.kernel_size[1] * m.out_channels + fan_out //= m.groups + m.weight.data.normal_(0, math.sqrt(2.0 / fan_out)) + if m.bias is not None: + m.bias.data.zero_() + + def forward(self, x, y, H, W, scale=1.): + x = x + self.drop_path(self.attn2(self.norm2(x), y, H, W))*scale # cross-attention with motion feature, set scale to 0 to deactivate motion layers + x = x + self.drop_path(self.attn1(self.norm1(x), H, W)) # self-attention + x = x + self.drop_path(self.mlp(self.norm3(x), H, W)) + + return x + + +class OverlapPatchEmbed(nn.Module): + """ Image to Patch Embedding + """ + + def __init__(self, img_size=224, patch_size=7, stride=4, in_chans=3, embed_dim=768): + super().__init__() + img_size = to_2tuple(img_size) + patch_size = to_2tuple(patch_size) + + self.img_size = img_size + self.patch_size = patch_size + self.H, self.W = img_size[0] // patch_size[0], img_size[1] // patch_size[1] + self.num_patches = self.H * self.W + self.proj = nn.Conv2d(in_chans, embed_dim, kernel_size=patch_size, stride=stride, + padding=(patch_size[0] // 2, patch_size[1] // 2)) + self.norm = nn.LayerNorm(embed_dim) + + self.apply(self._init_weights) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, nn.Conv2d): + fan_out = m.kernel_size[0] * m.kernel_size[1] * m.out_channels + fan_out //= m.groups + m.weight.data.normal_(0, math.sqrt(2.0 / fan_out)) + if m.bias is not None: + m.bias.data.zero_() + + def forward(self, x): + x = self.proj(x) + _, _, H, W = x.shape + x = x.flatten(2).transpose(1, 2) + x = self.norm(x) + + return x, H, W + + +class MixVisionTransformer(nn.Module): + def __init__(self, img_size=224, patch_size=16, in_chans=3, num_classes=1000, embed_dims=[64, 128, 256, 512], + num_heads=[1, 2, 4, 8], mlp_ratios=[4, 4, 4, 4], qkv_bias=False, qk_scale=None, drop_rate=0., + attn_drop_rate=0., drop_path_rate=0., norm_layer=nn.LayerNorm, + depths=[3, 4, 6, 3], sr_ratios=[8, 4, 2, 1]): + super().__init__() + self.num_classes = num_classes + self.depths = depths + + # patch_embed + self.patch_embed1 = OverlapPatchEmbed(img_size=img_size, patch_size=7, stride=4, in_chans=in_chans, + embed_dim=embed_dims[0]) + self.patch_embed2 = OverlapPatchEmbed(img_size=img_size // 4, patch_size=3, stride=2, in_chans=embed_dims[0], + embed_dim=embed_dims[1]) + self.patch_embed3 = OverlapPatchEmbed(img_size=img_size // 8, patch_size=3, stride=2, in_chans=embed_dims[1], + embed_dim=embed_dims[2]) + self.patch_embed4 = OverlapPatchEmbed(img_size=img_size // 16, patch_size=3, stride=2, in_chans=embed_dims[2], + embed_dim=embed_dims[3]) + + # transformer encoder + dpr = [x.item() for x in torch.linspace(0, drop_path_rate, sum(depths))] # stochastic depth decay rule + cur = 0 + self.block1 = nn.ModuleList([Block( + dim=embed_dims[0], num_heads=num_heads[0], mlp_ratio=mlp_ratios[0], qkv_bias=qkv_bias, qk_scale=qk_scale, + drop=drop_rate, attn_drop=attn_drop_rate, drop_path=dpr[cur + i], norm_layer=norm_layer, + sr_ratio=sr_ratios[0]) + for i in range(depths[0])]) + self.norm1 = norm_layer(embed_dims[0]) + + cur += depths[0] + self.block2 = nn.ModuleList([Block( + dim=embed_dims[1], num_heads=num_heads[1], mlp_ratio=mlp_ratios[1], qkv_bias=qkv_bias, qk_scale=qk_scale, + drop=drop_rate, attn_drop=attn_drop_rate, drop_path=dpr[cur + i], norm_layer=norm_layer, + sr_ratio=sr_ratios[1]) + for i in range(depths[1])]) + self.norm2 = norm_layer(embed_dims[1]) + + cur += depths[1] + self.block3 = nn.ModuleList([Block( + dim=embed_dims[2], num_heads=num_heads[2], mlp_ratio=mlp_ratios[2], qkv_bias=qkv_bias, qk_scale=qk_scale, + drop=drop_rate, attn_drop=attn_drop_rate, drop_path=dpr[cur + i], norm_layer=norm_layer, + sr_ratio=sr_ratios[2]) + for i in range(depths[2])]) + self.norm3 = norm_layer(embed_dims[2]) + + cur += depths[2] + self.block4 = nn.ModuleList([Block( + dim=embed_dims[3], num_heads=num_heads[3], mlp_ratio=mlp_ratios[3], qkv_bias=qkv_bias, qk_scale=qk_scale, + drop=drop_rate, attn_drop=attn_drop_rate, drop_path=dpr[cur + i], norm_layer=norm_layer, + sr_ratio=sr_ratios[3]) + for i in range(depths[3])]) + self.norm4 = norm_layer(embed_dims[3]) + + # classification head + # self.head = nn.Linear(embed_dims[3], num_classes) if num_classes > 0 else nn.Identity() + + self.apply(self._init_weights) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, nn.Conv2d): + fan_out = m.kernel_size[0] * m.kernel_size[1] * m.out_channels + fan_out //= m.groups + m.weight.data.normal_(0, math.sqrt(2.0 / fan_out)) + if m.bias is not None: + m.bias.data.zero_() + + # def init_weights(self, pretrained=None): + # if isinstance(pretrained, str): + # logger = get_root_logger() + # load_checkpoint(self, pretrained, map_location='cpu', strict=False, logger=logger) + + def reset_drop_path(self, drop_path_rate): + dpr = [x.item() for x in torch.linspace(0, drop_path_rate, sum(self.depths))] + cur = 0 + for i in range(self.depths[0]): + self.block1[i].drop_path.drop_prob = dpr[cur + i] + + cur += self.depths[0] + for i in range(self.depths[1]): + self.block2[i].drop_path.drop_prob = dpr[cur + i] + + cur += self.depths[1] + for i in range(self.depths[2]): + self.block3[i].drop_path.drop_prob = dpr[cur + i] + + cur += self.depths[2] + for i in range(self.depths[3]): + self.block4[i].drop_path.drop_prob = dpr[cur + i] + + def freeze_patch_emb(self): + self.patch_embed1.requires_grad = False + + @torch.jit.ignore + def no_weight_decay(self): + return {'pos_embed1', 'pos_embed2', 'pos_embed3', 'pos_embed4', 'cls_token'} # has pos_embed may be better + + def get_classifier(self): + return self.head + + def reset_classifier(self, num_classes, global_pool=''): + self.num_classes = num_classes + self.head = nn.Linear(self.embed_dim, num_classes) if num_classes > 0 else nn.Identity() + + def forward_features(self, x): + B = x.shape[0] + outs = [] + + # stage 1 + x, H, W = self.patch_embed1(x) + for i, blk in enumerate(self.block1): + x = blk(x, H, W) + x = self.norm1(x) + x = x.reshape(B, H, W, -1).permute(0, 3, 1, 2).contiguous() + outs.append(x) + + # stage 2 + x, H, W = self.patch_embed2(x) + for i, blk in enumerate(self.block2): + x = blk(x, H, W) + x = self.norm2(x) + x = x.reshape(B, H, W, -1).permute(0, 3, 1, 2).contiguous() + outs.append(x) + + # stage 3 + x, H, W = self.patch_embed3(x) + for i, blk in enumerate(self.block3): + x = blk(x, H, W) + x = self.norm3(x) + x = x.reshape(B, H, W, -1).permute(0, 3, 1, 2).contiguous() + outs.append(x) + + # stage 4 + x, H, W = self.patch_embed4(x) + for i, blk in enumerate(self.block4): + x = blk(x, H, W) + x = self.norm4(x) + x = x.reshape(B, H, W, -1).permute(0, 3, 1, 2).contiguous() + outs.append(x) + + return outs + + def forward(self, x): + x = self.forward_features(x) + # x = self.head(x) + + return x + + +class DWConv(nn.Module): + def __init__(self, dim=768): + super(DWConv, self).__init__() + self.dwconv = nn.Conv2d(dim, dim, 3, 1, 1, bias=True, groups=dim) + + def forward(self, x, H, W): + B, N, C = x.shape + x = x.transpose(1, 2).view(B, C, H, W) + x = self.dwconv(x) + x = x.flatten(2).transpose(1, 2) + + return x + + + +# @BACKBONES.register_module() +class mit_b0(MixVisionTransformer): + def __init__(self, **kwargs): + super(mit_b0, self).__init__( + patch_size=4, embed_dims=[32, 64, 160, 256], num_heads=[1, 2, 5, 8], mlp_ratios=[4, 4, 4, 4], + qkv_bias=True, norm_layer=partial(nn.LayerNorm, eps=1e-6), depths=[2, 2, 2, 2], sr_ratios=[8, 4, 2, 1], + drop_rate=0.0, drop_path_rate=0.1) + + +# @BACKBONES.register_module() +class mit_b1(MixVisionTransformer): + def __init__(self, **kwargs): + super(mit_b1, self).__init__( + patch_size=4, embed_dims=[64, 128, 320, 512], num_heads=[1, 2, 5, 8], mlp_ratios=[4, 4, 4, 4], + qkv_bias=True, norm_layer=partial(nn.LayerNorm, eps=1e-6), depths=[2, 2, 2, 2], sr_ratios=[8, 4, 2, 1], + drop_rate=0.0, drop_path_rate=0.1) + + +# @BACKBONES.register_module() +class mit_b2(MixVisionTransformer): + def __init__(self, **kwargs): + super(mit_b2, self).__init__( + patch_size=4, embed_dims=[64, 128, 320, 512], num_heads=[1, 2, 5, 8], mlp_ratios=[4, 4, 4, 4], + qkv_bias=True, norm_layer=partial(nn.LayerNorm, eps=1e-6), depths=[3, 4, 6, 3], sr_ratios=[8, 4, 2, 1], + drop_rate=0.0, drop_path_rate=0.1) + + +# @BACKBONES.register_module() +class mit_b3(MixVisionTransformer): + def __init__(self, **kwargs): + super(mit_b3, self).__init__( + patch_size=4, embed_dims=[64, 128, 320, 512], num_heads=[1, 2, 5, 8], mlp_ratios=[4, 4, 4, 4], + qkv_bias=True, norm_layer=partial(nn.LayerNorm, eps=1e-6), depths=[3, 4, 18, 3], sr_ratios=[8, 4, 2, 1], + drop_rate=0.0, drop_path_rate=0.1) + + +# @BACKBONES.register_module() +class mit_b4(MixVisionTransformer): + def __init__(self, **kwargs): + super(mit_b4, self).__init__( + patch_size=4, embed_dims=[64, 128, 320, 512], num_heads=[1, 2, 5, 8], mlp_ratios=[4, 4, 4, 4], + qkv_bias=True, norm_layer=partial(nn.LayerNorm, eps=1e-6), depths=[3, 8, 27, 3], sr_ratios=[8, 4, 2, 1], + drop_rate=0.0, drop_path_rate=0.1) + + +# @BACKBONES.register_module() +class mit_b5(MixVisionTransformer): + def __init__(self, **kwargs): + super(mit_b5, self).__init__( + patch_size=4, embed_dims=[64, 128, 320, 512], num_heads=[1, 2, 5, 8], mlp_ratios=[4, 4, 4, 4], + qkv_bias=True, norm_layer=partial(nn.LayerNorm, eps=1e-6), depths=[3, 6, 40, 3], sr_ratios=[8, 4, 2, 1], + drop_rate=0.0, drop_path_rate=0.1) \ No newline at end of file diff --git a/recon/models/pdfgc/FAN_feature_extractor.py b/recon/models/pdfgc/FAN_feature_extractor.py new file mode 100644 index 0000000000000000000000000000000000000000..acab522ea359aa2b13c1ed2a421bcb435873cf16 --- /dev/null +++ b/recon/models/pdfgc/FAN_feature_extractor.py @@ -0,0 +1,163 @@ +# PD-FGC motion encoder, modified from https://github.com/Dorniwang/PD-FGC-inference +import torch +import torch.nn as nn +import torch.nn.functional as F + + +def conv3x3(in_planes, out_planes, strd=1, padding=1, bias=False): + "3x3 convolution with padding" + return nn.Conv2d(in_planes, out_planes, kernel_size=3, + stride=strd, padding=padding, bias=bias) + + +class ConvBlock(nn.Module): + def __init__(self, in_planes, out_planes): + super(ConvBlock, self).__init__() + self.bn1 = nn.BatchNorm2d(in_planes) + self.conv1 = conv3x3(in_planes, int(out_planes / 2)) + self.bn2 = nn.BatchNorm2d(int(out_planes / 2)) + self.conv2 = conv3x3(int(out_planes / 2), int(out_planes / 4)) + self.bn3 = nn.BatchNorm2d(int(out_planes / 4)) + self.conv3 = conv3x3(int(out_planes / 4), int(out_planes / 4)) + + if in_planes != out_planes: + self.downsample = nn.Sequential( + nn.BatchNorm2d(in_planes), + nn.ReLU(True), + nn.Conv2d(in_planes, out_planes, + kernel_size=1, stride=1, bias=False), + ) + else: + self.downsample = None + + def forward(self, x): + residual = x + + out1 = self.bn1(x) + out1 = F.relu(out1, True) + out1 = self.conv1(out1) + + out2 = self.bn2(out1) + out2 = F.relu(out2, True) + out2 = self.conv2(out2) + + out3 = self.bn3(out2) + out3 = F.relu(out3, True) + out3 = self.conv3(out3) + + out3 = torch.cat((out1, out2, out3), 1) + + if self.downsample is not None: + residual = self.downsample(residual) + + out3 += residual + + return out3 + + +class HourGlass(nn.Module): + def __init__(self, num_modules, depth, num_features): + super(HourGlass, self).__init__() + self.num_modules = num_modules + self.depth = depth + self.features = num_features + self.dropout = nn.Dropout(0.5) + + self._generate_network(self.depth) + + def _generate_network(self, level): + self.add_module('b1_' + str(level), ConvBlock(256, 256)) + + self.add_module('b2_' + str(level), ConvBlock(256, 256)) + + if level > 1: + self._generate_network(level - 1) + else: + self.add_module('b2_plus_' + str(level), ConvBlock(256, 256)) + + self.add_module('b3_' + str(level), ConvBlock(256, 256)) + + def _forward(self, level, inp): + # Upper branch + up1 = inp + up1 = self._modules['b1_' + str(level)](up1) + up1 = self.dropout(up1) + # Lower branch + low1 = F.max_pool2d(inp, 2, stride=2) + low1 = self._modules['b2_' + str(level)](low1) + + if level > 1: + low2 = self._forward(level - 1, low1) + else: + low2 = low1 + low2 = self._modules['b2_plus_' + str(level)](low2) + + low3 = low2 + low3 = self._modules['b3_' + str(level)](low3) + up1size = up1.size() + rescale_size = (up1size[2], up1size[3]) + up2 = F.upsample(low3, size=rescale_size, mode='bilinear') + + return up1 + up2 + + def forward(self, x): + return self._forward(self.depth, x) + + +class FAN_use(nn.Module): + def __init__(self): + super(FAN_use, self).__init__() + self.num_modules = 1 + + # Base part + self.conv1 = nn.Conv2d(3, 64, kernel_size=7, stride=2, padding=3) + self.bn1 = nn.BatchNorm2d(64) + self.conv2 = ConvBlock(64, 128) + self.conv3 = ConvBlock(128, 128) + self.conv4 = ConvBlock(128, 256) + + # Stacking part + hg_module = 0 + self.add_module('m' + str(hg_module), HourGlass(1, 4, 256)) + self.add_module('top_m_' + str(hg_module), ConvBlock(256, 256)) + self.add_module('conv_last' + str(hg_module), + nn.Conv2d(256, 256, kernel_size=1, stride=1, padding=0)) + self.add_module('l' + str(hg_module), nn.Conv2d(256, + 68, kernel_size=1, stride=1, padding=0)) + self.add_module('bn_end' + str(hg_module), nn.BatchNorm2d(256)) + + if hg_module < self.num_modules - 1: + self.add_module( + 'bl' + str(hg_module), nn.Conv2d(256, 256, kernel_size=1, stride=1, padding=0)) + self.add_module('al' + str(hg_module), nn.Conv2d(68, + 256, kernel_size=1, stride=1, padding=0)) + + self.avgpool = nn.MaxPool2d((2, 2), 2) + self.conv6 = nn.Conv2d(68, 1, 3, 2, 1) + self.fc = nn.Linear(28 * 28, 512) + self.bn5 = nn.BatchNorm2d(68) + self.relu = nn.ReLU(True) + + def forward(self, x): + x = F.relu(self.bn1(self.conv1(x)), True) + x = F.max_pool2d(self.conv2(x), 2) + x = self.conv3(x) + x = self.conv4(x) + + previous = x + + i = 0 + hg = self._modules['m' + str(i)](previous) + + ll = hg + ll = self._modules['top_m_' + str(i)](ll) + + ll = self._modules['bn_end' + str(i)](self._modules['conv_last' + str(i)](ll)) + tmp_out = self._modules['l' + str(i)](F.relu(ll)) + + net = self.relu(self.bn5(tmp_out)) + net = self.conv6(net) + net = net.view(-1, net.shape[-2] * net.shape[-1]) + net = self.relu(net) + net = self.fc(net) + return net diff --git a/recon/models/pdfgc/__init__.py b/recon/models/pdfgc/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..bc63beba4a21ad527d0821d228c5192f73fe1183 --- /dev/null +++ b/recon/models/pdfgc/__init__.py @@ -0,0 +1 @@ +# empty \ No newline at end of file diff --git a/recon/models/pdfgc/encoder.py b/recon/models/pdfgc/encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..8170aed0b0abdcc9a9df260202bb798c5793be9b --- /dev/null +++ b/recon/models/pdfgc/encoder.py @@ -0,0 +1,43 @@ +# PD-FGC motion encoder, modified from https://github.com/Dorniwang/PD-FGC-inference +import torch +import torch.nn as nn +import numpy as np +import torch.nn.functional as F +from .FAN_feature_extractor import FAN_use + +class FanEncoder(nn.Module): + def __init__(self): + super(FanEncoder, self).__init__() + # pose_dim = self.opt.model.net_motion.pose_dim + # eye_dim = self.opt.model.net_motion.eye_dim + pose_dim = 6 + eye_dim = 6 + self.model = FAN_use() + + self.to_mouth = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + self.mouth_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, 512-pose_dim-eye_dim)) + + self.to_headpose = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + self.headpose_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, pose_dim)) + + self.to_eye = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + self.eye_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, eye_dim)) + + self.to_emo = nn.Sequential(nn.Linear(512, 512), nn.ReLU(), nn.BatchNorm1d(512), nn.Linear(512, 512)) + self.emo_embed = nn.Sequential(nn.ReLU(), nn.Linear(512, 30)) + + def forward_feature(self, x): + net = self.model(x) + return net + + def forward(self, x): + x = self.model(x) + mouth_feat = self.to_mouth(x) + headpose_feat = self.to_headpose(x) + headpose_emb = self.headpose_embed(headpose_feat) + eye_feat = self.to_eye(x) + eye_embed = self.eye_embed(eye_feat) + emo_feat = self.to_emo(x) + emo_embed = self.emo_embed(emo_feat) + return headpose_emb, eye_embed, emo_embed, mouth_feat + \ No newline at end of file diff --git a/recon/models/stylegan/networks_stylegan2.py b/recon/models/stylegan/networks_stylegan2.py new file mode 100644 index 0000000000000000000000000000000000000000..5bf995b8a24511d5905fe67d201552f778e97694 --- /dev/null +++ b/recon/models/stylegan/networks_stylegan2.py @@ -0,0 +1,851 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Network architectures from the paper +"Analyzing and Improving the Image Quality of StyleGAN". +Matches the original implementation of configs E-F by Karras et al. at +https://github.com/NVlabs/stylegan2/blob/master/training/networks_stylegan2.py""" + +import numpy as np +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_resample +from torch_utils.ops import upfirdn2d +from torch_utils.ops import bias_act +from torch_utils.ops import fma + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def normalize_2nd_moment(x, dim=1, eps=1e-8): + return x * (x.square().mean(dim=dim, keepdim=True) + eps).rsqrt() + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def modulated_conv2d( + x, # Input tensor of shape [batch_size, in_channels, in_height, in_width]. + weight, # Weight tensor of shape [out_channels, in_channels, kernel_height, kernel_width]. + styles, # Modulation coefficients of shape [batch_size, in_channels]. + noise = None, # Optional noise tensor to add to the output activations. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + padding = 0, # Padding with respect to the upsampled image. + resample_filter = None, # Low-pass filter to apply when resampling activations. Must be prepared beforehand by calling upfirdn2d.setup_filter(). + demodulate = True, # Apply weight demodulation? + flip_weight = True, # False = convolution, True = correlation (matches torch.nn.functional.conv2d). + fused_modconv = True, # Perform modulation, convolution, and demodulation as a single fused operation? +): + batch_size = x.shape[0] + out_channels, in_channels, kh, kw = weight.shape + misc.assert_shape(weight, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(styles, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs to avoid FP16 overflow. + if x.dtype == torch.float16 and demodulate: + weight = weight * (1 / np.sqrt(in_channels * kh * kw) / weight.norm(float('inf'), dim=[1,2,3], keepdim=True)) # max_Ikk + styles = styles / styles.norm(float('inf'), dim=1, keepdim=True) # max_I + + # Calculate per-sample weights and demodulation coefficients. + w = None + dcoefs = None + if demodulate or fused_modconv: + w = weight.unsqueeze(0) # [NOIkk] + w = w * styles.reshape(batch_size, 1, -1, 1, 1) # [NOIkk] + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + if demodulate and fused_modconv: + w = w * dcoefs.reshape(batch_size, -1, 1, 1, 1) # [NOIkk] + + # Execute by scaling the activations before and after the convolution. + if not fused_modconv: + x = x * styles.to(x.dtype).reshape(batch_size, -1, 1, 1) + x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight) + if demodulate and noise is not None: + x = fma.fma(x, dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1), noise.to(x.dtype)) + elif demodulate: + x = x * dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1) + elif noise is not None: + x = x.add_(noise.to(x.dtype)) + return x + + # Execute as one fused op using grouped convolution. + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(batch_size) + misc.assert_shape(x, [batch_size, in_channels, None, None]) + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, groups=batch_size, flip_weight=flip_weight) + x = x.reshape(batch_size, -1, *x.shape[2:]) + if noise is not None: + x = x.add_(noise) + return x + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 1, # Learning rate multiplier. + bias_init = 0, # Initial value for the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) / lr_multiplier) + self.bias = torch.nn.Parameter(torch.full([out_features], np.float32(bias_init))) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Conv2dLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + kernel_size, # Width and height of the convolution kernel. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output to +-X, None = disable clamping. + channels_last = False, # Expect the input to have memory_format=channels_last? + trainable = True, # Update the weights of this layer during training? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.activation = activation + self.up = up + self.down = down + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + self.act_gain = bias_act.activation_funcs[activation].def_gain + + memory_format = torch.channels_last if channels_last else torch.contiguous_format + weight = torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format) + bias = torch.zeros([out_channels]) if bias else None + if trainable: + self.weight = torch.nn.Parameter(weight) + self.bias = torch.nn.Parameter(bias) if bias is not None else None + else: + self.register_buffer('weight', weight) + if bias is not None: + self.register_buffer('bias', bias) + else: + self.bias = None + + def forward(self, x, gain=1): + w = self.weight * self.weight_gain + b = self.bias.to(x.dtype) if self.bias is not None else None + flip_weight = (self.up == 1) # slightly faster + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=self.resample_filter, up=self.up, down=self.down, padding=self.padding, flip_weight=flip_weight) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, b, act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, activation={self.activation:s},', + f'up={self.up}, down={self.down}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality, 0 = no latent. + c_dim, # Conditioning label (C) dimensionality, 0 = no label. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output, None = do not broadcast. + num_layers = 8, # Number of mapping layers. + embed_features = None, # Label embedding dimensionality, None = same as w_dim. + layer_features = None, # Number of intermediate features in the mapping layers, None = same as w_dim. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training, None = do not track. + normalize = True, # add by DY + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + self.normalize = normalize + + if embed_features is None: + embed_features = w_dim + if c_dim == 0: + embed_features = 0 + if layer_features is None: + layer_features = w_dim + features_list = [z_dim + embed_features] + [layer_features] * (num_layers - 1) + [w_dim] + + if c_dim > 0: + self.embed = FullyConnectedLayer(c_dim, embed_features) + for idx in range(num_layers): + in_features = features_list[idx] + out_features = features_list[idx + 1] + layer = FullyConnectedLayer(in_features, out_features, activation=activation, lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + + if num_ws is not None and w_avg_beta is not None: + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + # Embed, normalize, and concat inputs. + x = None + with torch.autograd.profiler.record_function('input'): + if self.z_dim > 0: + misc.assert_shape(z, [None, self.z_dim]) +# if self.normalize: + x = normalize_2nd_moment(z.to(torch.float32)) +# else: +# x = z.to(torch.float32) + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + if self.normalize: + y = normalize_2nd_moment(self.embed(c.to(torch.float32))) + else: + y = self.embed(c.to(torch.float32)) + x = torch.cat([x, y], dim=1) if x is not None else y + + # Main layers. + for idx in range(self.num_layers): + layer = getattr(self, f'fc{idx}') + x = layer(x) + + # Update moving average of W. + if update_emas and self.w_avg_beta is not None: + with torch.autograd.profiler.record_function('update_w_avg'): + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast. + if self.num_ws is not None: + with torch.autograd.profiler.record_function('broadcast'): + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + + # Apply truncation. + if truncation_psi != 1: + with torch.autograd.profiler.record_function('truncate'): + assert self.w_avg_beta is not None + if self.num_ws is None or truncation_cutoff is None: + x = self.w_avg.lerp(x, truncation_psi) + else: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this layer. + kernel_size = 3, # Convolution kernel size. + up = 1, # Integer upsampling factor. + use_noise = True, # Enable noise input? + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + channels_last = False, # Use channels_last format for the weights? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.resolution = resolution + self.up = up + self.use_noise = use_noise + self.activation = activation + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.act_gain = bias_act.activation_funcs[activation].def_gain + + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + if use_noise: + self.register_buffer('noise_const', torch.randn([resolution, resolution])) + self.noise_strength = torch.nn.Parameter(torch.zeros([])) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + + def forward(self, x, w, noise_mode='random', fused_modconv=True, gain=1): + assert noise_mode in ['random', 'const', 'none'] + in_resolution = self.resolution // self.up + # misc.assert_shape(x, [None, self.in_channels, in_resolution, in_resolution]) + styles = self.affine(w) + + noise = None + if self.use_noise and noise_mode == 'random': + noise = torch.randn([x.shape[0], 1, self.resolution, self.resolution], device=x.device) * self.noise_strength + if self.use_noise and noise_mode == 'const': + noise = self.noise_const * self.noise_strength + + flip_weight = (self.up == 1) # slightly faster + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, noise=noise, up=self.up, + padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, self.bias.to(x.dtype), act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d},', + f'resolution={self.resolution:d}, up={self.up}, activation={self.activation:s}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class ToRGBLayer(torch.nn.Module): + def __init__(self, in_channels, out_channels, w_dim, kernel_size=1, conv_clamp=None, channels_last=False, zero_weight=False): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.conv_clamp = conv_clamp + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + if zero_weight: + self.weight = torch.nn.Parameter(torch.zeros([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + else: + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + + def forward(self, x, w, fused_modconv=True): + styles = self.affine(w) * self.weight_gain + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, demodulate=False, fused_modconv=fused_modconv) + x = bias_act.bias_act(x, self.bias.to(x.dtype), clamp=self.conv_clamp) + return x + + def extra_repr(self): + return f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + up = 2, + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + zero_torgb = False, + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + self.up = up + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=self.up, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last, zero_weight=zero_torgb) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // self.up, self.resolution // self.up]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + if img is not None and self.up>1: + misc.assert_shape(img, [None, self.img_channels, self.resolution // self.up, self.resolution // self.up]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + add_block = False, + zero_torgb = False, + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.add_block = add_block + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + self.num_ws = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res // 2] if res > 4 else 0 + out_channels = channels_dict[res] + use_fp16 = (res >= fp16_resolution) + is_last = (res == self.img_resolution) + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, zero_torgb=zero_torgb, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res}', block) + if add_block: + in_channels = out_channels + is_last = True + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, up=1, zero_torgb=zero_torgb, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res+1}', block) + self.block_resolutions.append(self.block_resolutions[-1]+1) + + def forward(self, ws, **block_kwargs): + block_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + block_ws.append(ws.narrow(1, w_idx, block.num_conv + block.num_torgb)) + w_idx += block.num_conv + + x = img = None + img_list = [] + x_list = [] + for res, cur_ws in zip(self.block_resolutions, block_ws): + block = getattr(self, f'b{res}') + x, img = block(x, img, cur_ws, **block_kwargs) + img_list.append(img) + x_list.append(x) + # return img + if self.add_block: + return [img_list[-3], img_list[-1]], [x_list[-3], x_list[-1]] + else: + return img, x # add by Dengyu for network structure modification + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) + +class SR3DBlock(torch.nn.Module): + def __init__(self, img_channels, img_resolution, w_dim): + super().__init__() + block_kwargs = {'roll_out': 's'} + self.block2 = SynthesisBlock(32, 32, w_dim=w_dim, resolution=img_resolution*2, up=2, + img_channels=32, is_last=True, use_fp16=False, **block_kwargs) + self.block3 = SynthesisBlock(32, 32, w_dim=w_dim, resolution=img_resolution*2, up=1, + img_channels=32, is_last=True, use_fp16=False, **block_kwargs) + + def forward(self, img, ws): + ws = ws[:, -1:, :].repeat(1, 3, 1) + B = img.shape[0] + img = img.view(img.shape[0], -1, 32, img.shape[-2], img.shape[-1]).view(-1, 32, img.shape[-2], img.shape[-1]) + x, img2 = self.block2(img, None, ws) + x, img3 = self.block3(img2, None, ws) + # img2 = img2.view(-1, 3, img2.shape[-3], img2.shape[-2], img2.shape[-1]).view(-1, 3*img2.shape[-3], img2.shape[-2], img2.shape[-1]) + img3 = img3.view(B, -1, img3.shape[-3], img3.shape[-2], img.shape[-1]).view(B, -1, img3.shape[-2], img3.shape[-1]) + + return img3 +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=self.num_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + # img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + img, x = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) # add by Dengyu for network structure modification + return img + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + tmp_channels, # Number of intermediate channels. + out_channels, # Number of output channels. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + first_layer_idx, # Index of the first layer. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + freeze_layers = 0, # Freeze-D: Number of layers to freeze. + ): + assert in_channels in [0, tmp_channels] + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.resolution = resolution + self.img_channels = img_channels + self.first_layer_idx = first_layer_idx + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + + self.num_layers = 0 + def trainable_gen(): + while True: + layer_idx = self.first_layer_idx + self.num_layers + trainable = (layer_idx >= freeze_layers) + self.num_layers += 1 + yield trainable + trainable_iter = trainable_gen() + + if in_channels == 0 or architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, tmp_channels, kernel_size=1, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv0 = Conv2dLayer(tmp_channels, tmp_channels, kernel_size=3, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv1 = Conv2dLayer(tmp_channels, out_channels, kernel_size=3, activation=activation, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last) + + if architecture == 'resnet': + self.skip = Conv2dLayer(tmp_channels, out_channels, kernel_size=1, bias=False, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, force_fp32=False): + if (x if x is not None else img).device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + + # Input. + if x is not None: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # FromRGB. + if self.in_channels == 0 or self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + y = self.fromrgb(img) + x = x + y if x is not None else y + img = upfirdn2d.downsample2d(img, self.resample_filter) if self.architecture == 'skip' else None + + # Main layers. + if self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x) + x = self.conv1(x, gain=np.sqrt(0.5)) + x = y.add_(x) + else: + x = self.conv0(x) + x = self.conv1(x) + + assert x.dtype == dtype + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MinibatchStdLayer(torch.nn.Module): + def __init__(self, group_size, num_channels=1): + super().__init__() + self.group_size = group_size + self.num_channels = num_channels + + def forward(self, x): + N, C, H, W = x.shape + with misc.suppress_tracer_warnings(): # as_tensor results are registered as constants + G = torch.min(torch.as_tensor(self.group_size), torch.as_tensor(N)) if self.group_size is not None else N + F = self.num_channels + c = C // F + + y = x.reshape(G, -1, F, c, H, W) # [GnFcHW] Split minibatch N into n groups of size G, and channels C into F groups of size c. + y = y - y.mean(dim=0) # [GnFcHW] Subtract mean over group. + y = y.square().mean(dim=0) # [nFcHW] Calc variance over group. + y = (y + 1e-8).sqrt() # [nFcHW] Calc stddev over group. + y = y.mean(dim=[2,3,4]) # [nF] Take average over channels and pixels. + y = y.reshape(-1, F, 1, 1) # [nF11] Add missing dimensions. + y = y.repeat(G, 1, H, W) # [NFHW] Replicate over group and pixels. + x = torch.cat([x, y], dim=1) # [NCHW] Append to input as new channels. + return x + + def extra_repr(self): + return f'group_size={self.group_size}, num_channels={self.num_channels:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorEpilogue(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + cmap_dim, # Dimensionality of mapped conditioning label, 0 = no label. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + mbstd_group_size = 4, # Group size for the minibatch standard deviation layer, None = entire minibatch. + mbstd_num_channels = 1, # Number of features for the minibatch standard deviation layer, 0 = disable. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.cmap_dim = cmap_dim + self.resolution = resolution + self.img_channels = img_channels + self.architecture = architecture + + if architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, in_channels, kernel_size=1, activation=activation) + self.mbstd = MinibatchStdLayer(group_size=mbstd_group_size, num_channels=mbstd_num_channels) if mbstd_num_channels > 0 else None + self.conv = Conv2dLayer(in_channels + mbstd_num_channels, in_channels, kernel_size=3, activation=activation, conv_clamp=conv_clamp) + self.fc = FullyConnectedLayer(in_channels * (resolution ** 2), in_channels, activation=activation) + self.out = FullyConnectedLayer(in_channels, 1 if cmap_dim == 0 else cmap_dim) + + def forward(self, x, img, cmap, force_fp32=False): + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) # [NCHW] + _ = force_fp32 # unused + dtype = torch.float32 + memory_format = torch.contiguous_format + + # FromRGB. + x = x.to(dtype=dtype, memory_format=memory_format) + if self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + x = x + self.fromrgb(img) + + # Main layers. + if self.mbstd is not None: + x = self.mbstd(x) + x = self.conv(x) + x = self.fc(x.flatten(1)) + x = self.out(x) + + # Conditioning. + if self.cmap_dim > 0: + misc.assert_shape(cmap, [None, self.cmap_dim]) + x = (x * cmap).sum(dim=1, keepdim=True) * (1 / np.sqrt(self.cmap_dim)) + + assert x.dtype == dtype + return x + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Discriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- \ No newline at end of file diff --git a/recon/models/stylegan/networks_stylegan3.py b/recon/models/stylegan/networks_stylegan3.py new file mode 100644 index 0000000000000000000000000000000000000000..40e5508803feb7d4ebdd49ce140051f6a549cf9c --- /dev/null +++ b/recon/models/stylegan/networks_stylegan3.py @@ -0,0 +1,517 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Generator architecture from the paper +"Alias-Free Generative Adversarial Networks".""" + +import numpy as np +import scipy.signal +import scipy.optimize +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_gradfix +from torch_utils.ops import filtered_lrelu +from torch_utils.ops import bias_act + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def modulated_conv2d( + x, # Input tensor: [batch_size, in_channels, in_height, in_width] + w, # Weight tensor: [out_channels, in_channels, kernel_height, kernel_width] + s, # Style tensor: [batch_size, in_channels] + demodulate = True, # Apply weight demodulation? + padding = 0, # Padding: int or [padH, padW] + input_gain = None, # Optional scale factors for the input channels: [], [in_channels], or [batch_size, in_channels] +): + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(x.shape[0]) + out_channels, in_channels, kh, kw = w.shape + misc.assert_shape(w, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(s, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs. + if demodulate: + w = w * w.square().mean([1,2,3], keepdim=True).rsqrt() + s = s * s.square().mean().rsqrt() + + # Modulate weights. + w = w.unsqueeze(0) # [NOIkk] + w = w * s.unsqueeze(1).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Demodulate weights. + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + w = w * dcoefs.unsqueeze(2).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Apply input scaling. + if input_gain is not None: + input_gain = input_gain.expand(batch_size, in_channels) # [NI] + w = w * input_gain.unsqueeze(1).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Execute as one fused op using grouped convolution. + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_gradfix.conv2d(input=x, weight=w.to(x.dtype), padding=padding, groups=batch_size) + x = x.reshape(batch_size, -1, *x.shape[2:]) + return x + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + bias = True, # Apply additive bias before the activation function? + lr_multiplier = 1, # Learning rate multiplier. + weight_init = 1, # Initial standard deviation of the weight tensor. + bias_init = 0, # Initial value of the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) * (weight_init / lr_multiplier)) + bias_init = np.broadcast_to(np.asarray(bias_init, dtype=np.float32), [out_features]) + self.bias = torch.nn.Parameter(torch.from_numpy(bias_init / lr_multiplier)) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality, 0 = no labels. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output. + num_layers = 2, # Number of mapping layers. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + # Construct layers. + self.embed = FullyConnectedLayer(self.c_dim, self.w_dim) if self.c_dim > 0 else None + features = [self.z_dim + (self.w_dim if self.c_dim > 0 else 0)] + [self.w_dim] * self.num_layers + for idx, in_features, out_features in zip(range(num_layers), features[:-1], features[1:]): + layer = FullyConnectedLayer(in_features, out_features, activation='lrelu', lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + misc.assert_shape(z, [None, self.z_dim]) + if truncation_cutoff is None: + truncation_cutoff = self.num_ws + + # Embed, normalize, and concatenate inputs. + x = z.to(torch.float32) + x = x * (x.square().mean(1, keepdim=True) + 1e-8).rsqrt() + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = self.embed(c.to(torch.float32)) + y = y * (y.square().mean(1, keepdim=True) + 1e-8).rsqrt() + x = torch.cat([x, y], dim=1) if x is not None else y + + # Execute layers. + for idx in range(self.num_layers): + x = getattr(self, f'fc{idx}')(x) + + # Update moving average of W. + if update_emas: + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast and apply truncation. + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + if truncation_psi != 1: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisInput(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + channels, # Number of output channels. + size, # Output spatial size: int or [width, height]. + sampling_rate, # Output sampling rate. + bandwidth, # Output bandwidth. + ): + super().__init__() + self.w_dim = w_dim + self.channels = channels + self.size = np.broadcast_to(np.asarray(size), [2]) + self.sampling_rate = sampling_rate + self.bandwidth = bandwidth + + # Draw random frequencies from uniform 2D disc. + freqs = torch.randn([self.channels, 2]) + radii = freqs.square().sum(dim=1, keepdim=True).sqrt() + freqs /= radii * radii.square().exp().pow(0.25) + freqs *= bandwidth + phases = torch.rand([self.channels]) - 0.5 + + # Setup parameters and buffers. + self.weight = torch.nn.Parameter(torch.randn([self.channels, self.channels])) + self.affine = FullyConnectedLayer(w_dim, 4, weight_init=0, bias_init=[1,0,0,0]) + self.register_buffer('transform', torch.eye(3, 3)) # User-specified inverse transform wrt. resulting image. + self.register_buffer('freqs', freqs) + self.register_buffer('phases', phases) + + def forward(self, w): + # Introduce batch dimension. + transforms = self.transform.unsqueeze(0) # [batch, row, col] + freqs = self.freqs.unsqueeze(0) # [batch, channel, xy] + phases = self.phases.unsqueeze(0) # [batch, channel] + + # Apply learned transformation. + t = self.affine(w) # t = (r_c, r_s, t_x, t_y) + t = t / t[:, :2].norm(dim=1, keepdim=True) # t' = (r'_c, r'_s, t'_x, t'_y) + m_r = torch.eye(3, device=w.device).unsqueeze(0).repeat([w.shape[0], 1, 1]) # Inverse rotation wrt. resulting image. + m_r[:, 0, 0] = t[:, 0] # r'_c + m_r[:, 0, 1] = -t[:, 1] # r'_s + m_r[:, 1, 0] = t[:, 1] # r'_s + m_r[:, 1, 1] = t[:, 0] # r'_c + m_t = torch.eye(3, device=w.device).unsqueeze(0).repeat([w.shape[0], 1, 1]) # Inverse translation wrt. resulting image. + m_t[:, 0, 2] = -t[:, 2] # t'_x + m_t[:, 1, 2] = -t[:, 3] # t'_y + transforms = m_r @ m_t @ transforms # First rotate resulting image, then translate, and finally apply user-specified transform. + + # Transform frequencies. + phases = phases + (freqs @ transforms[:, :2, 2:]).squeeze(2) + freqs = freqs @ transforms[:, :2, :2] + + # Dampen out-of-band frequencies that may occur due to the user-specified transform. + amplitudes = (1 - (freqs.norm(dim=2) - self.bandwidth) / (self.sampling_rate / 2 - self.bandwidth)).clamp(0, 1) + + # Construct sampling grid. + theta = torch.eye(2, 3, device=w.device) + theta[0, 0] = 0.5 * self.size[0] / self.sampling_rate + theta[1, 1] = 0.5 * self.size[1] / self.sampling_rate + grids = torch.nn.functional.affine_grid(theta.unsqueeze(0), [1, 1, self.size[1], self.size[0]], align_corners=False) + + # Compute Fourier features. + x = (grids.unsqueeze(3) @ freqs.permute(0, 2, 1).unsqueeze(1).unsqueeze(2)).squeeze(3) # [batch, height, width, channel] + x = x + phases.unsqueeze(1).unsqueeze(2) + x = torch.sin(x * (np.pi * 2)) + x = x * amplitudes.unsqueeze(1).unsqueeze(2) + + # Apply trainable mapping. + weight = self.weight / np.sqrt(self.channels) + x = x @ weight.t() + + # Ensure correct shape. + x = x.permute(0, 3, 1, 2) # [batch, channel, height, width] + misc.assert_shape(x, [w.shape[0], self.channels, int(self.size[1]), int(self.size[0])]) + return x + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, channels={self.channels:d}, size={list(self.size)},', + f'sampling_rate={self.sampling_rate:g}, bandwidth={self.bandwidth:g}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisLayer(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + is_torgb, # Is this the final ToRGB layer? + is_critically_sampled, # Does this layer use critical sampling? + use_fp16, # Does this layer use FP16? + + # Input & output specifications. + in_channels, # Number of input channels. + out_channels, # Number of output channels. + in_size, # Input spatial size: int or [width, height]. + out_size, # Output spatial size: int or [width, height]. + in_sampling_rate, # Input sampling rate (s). + out_sampling_rate, # Output sampling rate (s). + in_cutoff, # Input cutoff frequency (f_c). + out_cutoff, # Output cutoff frequency (f_c). + in_half_width, # Input transition band half-width (f_h). + out_half_width, # Output Transition band half-width (f_h). + + # Hyperparameters. + conv_kernel = 3, # Convolution kernel size. Ignored for final the ToRGB layer. + filter_size = 6, # Low-pass filter size relative to the lower resolution when up/downsampling. + lrelu_upsampling = 2, # Relative sampling rate for leaky ReLU. Ignored for final the ToRGB layer. + use_radial_filters = False, # Use radially symmetric downsampling filter? Ignored for critically sampled layers. + conv_clamp = 256, # Clamp the output to [-X, +X], None = disable clamping. + magnitude_ema_beta = 0.999, # Decay rate for the moving average of input magnitudes. + ): + super().__init__() + self.w_dim = w_dim + self.is_torgb = is_torgb + self.is_critically_sampled = is_critically_sampled + self.use_fp16 = use_fp16 + self.in_channels = in_channels + self.out_channels = out_channels + self.in_size = np.broadcast_to(np.asarray(in_size), [2]) + self.out_size = np.broadcast_to(np.asarray(out_size), [2]) + self.in_sampling_rate = in_sampling_rate + self.out_sampling_rate = out_sampling_rate + self.tmp_sampling_rate = max(in_sampling_rate, out_sampling_rate) * (1 if is_torgb else lrelu_upsampling) + self.in_cutoff = in_cutoff + self.out_cutoff = out_cutoff + self.in_half_width = in_half_width + self.out_half_width = out_half_width + self.conv_kernel = 1 if is_torgb else conv_kernel + self.conv_clamp = conv_clamp + self.magnitude_ema_beta = magnitude_ema_beta + + # Setup parameters and buffers. + self.affine = FullyConnectedLayer(self.w_dim, self.in_channels, bias_init=1) + self.weight = torch.nn.Parameter(torch.randn([self.out_channels, self.in_channels, self.conv_kernel, self.conv_kernel])) + self.bias = torch.nn.Parameter(torch.zeros([self.out_channels])) + self.register_buffer('magnitude_ema', torch.ones([])) + + # Design upsampling filter. + self.up_factor = int(np.rint(self.tmp_sampling_rate / self.in_sampling_rate)) + assert self.in_sampling_rate * self.up_factor == self.tmp_sampling_rate + self.up_taps = filter_size * self.up_factor if self.up_factor > 1 and not self.is_torgb else 1 + self.register_buffer('up_filter', self.design_lowpass_filter( + numtaps=self.up_taps, cutoff=self.in_cutoff, width=self.in_half_width*2, fs=self.tmp_sampling_rate)) + + # Design downsampling filter. + self.down_factor = int(np.rint(self.tmp_sampling_rate / self.out_sampling_rate)) + assert self.out_sampling_rate * self.down_factor == self.tmp_sampling_rate + self.down_taps = filter_size * self.down_factor if self.down_factor > 1 and not self.is_torgb else 1 + self.down_radial = use_radial_filters and not self.is_critically_sampled + self.register_buffer('down_filter', self.design_lowpass_filter( + numtaps=self.down_taps, cutoff=self.out_cutoff, width=self.out_half_width*2, fs=self.tmp_sampling_rate, radial=self.down_radial)) + + # Compute padding. + pad_total = (self.out_size - 1) * self.down_factor + 1 # Desired output size before downsampling. + pad_total -= (self.in_size + self.conv_kernel - 1) * self.up_factor # Input size after upsampling. + pad_total += self.up_taps + self.down_taps - 2 # Size reduction caused by the filters. + pad_lo = (pad_total + self.up_factor) // 2 # Shift sample locations according to the symmetric interpretation (Appendix C.3). + pad_hi = pad_total - pad_lo + self.padding = [int(pad_lo[0]), int(pad_hi[0]), int(pad_lo[1]), int(pad_hi[1])] + + def forward(self, x, w, noise_mode='random', force_fp32=False, update_emas=False): + assert noise_mode in ['random', 'const', 'none'] # unused + misc.assert_shape(x, [None, self.in_channels, int(self.in_size[1]), int(self.in_size[0])]) + misc.assert_shape(w, [x.shape[0], self.w_dim]) + + # Track input magnitude. + if update_emas: + with torch.autograd.profiler.record_function('update_magnitude_ema'): + magnitude_cur = x.detach().to(torch.float32).square().mean() + self.magnitude_ema.copy_(magnitude_cur.lerp(self.magnitude_ema, self.magnitude_ema_beta)) + input_gain = self.magnitude_ema.rsqrt() + + # Execute affine layer. + styles = self.affine(w) + if self.is_torgb: + weight_gain = 1 / np.sqrt(self.in_channels * (self.conv_kernel ** 2)) + styles = styles * weight_gain + + # Execute modulated conv2d. + dtype = torch.float16 if (self.use_fp16 and not force_fp32 and x.device.type == 'cuda') else torch.float32 + x = modulated_conv2d(x=x.to(dtype), w=self.weight, s=styles, + padding=self.conv_kernel-1, demodulate=(not self.is_torgb), input_gain=input_gain) + + # Execute bias, filtered leaky ReLU, and clamping. + gain = 1 if self.is_torgb else np.sqrt(2) + slope = 1 if self.is_torgb else 0.2 + x = filtered_lrelu.filtered_lrelu(x=x, fu=self.up_filter, fd=self.down_filter, b=self.bias.to(x.dtype), + up=self.up_factor, down=self.down_factor, padding=self.padding, gain=gain, slope=slope, clamp=self.conv_clamp) + + # Ensure correct shape and dtype. + misc.assert_shape(x, [None, self.out_channels, int(self.out_size[1]), int(self.out_size[0])]) + assert x.dtype == dtype + return x + + @staticmethod + def design_lowpass_filter(numtaps, cutoff, width, fs, radial=False): + assert numtaps >= 1 + + # Identity filter. + if numtaps == 1: + return None + + # Separable Kaiser low-pass filter. + if not radial: + f = scipy.signal.firwin(numtaps=numtaps, cutoff=cutoff, width=width, fs=fs) + return torch.as_tensor(f, dtype=torch.float32) + + # Radially symmetric jinc-based filter. + x = (np.arange(numtaps) - (numtaps - 1) / 2) / fs + r = np.hypot(*np.meshgrid(x, x)) + f = scipy.special.j1(2 * cutoff * (np.pi * r)) / (np.pi * r) + beta = scipy.signal.kaiser_beta(scipy.signal.kaiser_atten(numtaps, width / (fs / 2))) + w = np.kaiser(numtaps, beta) + f *= np.outer(w, w) + f /= np.sum(f) + return torch.as_tensor(f, dtype=torch.float32) + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, is_torgb={self.is_torgb},', + f'is_critically_sampled={self.is_critically_sampled}, use_fp16={self.use_fp16},', + f'in_sampling_rate={self.in_sampling_rate:g}, out_sampling_rate={self.out_sampling_rate:g},', + f'in_cutoff={self.in_cutoff:g}, out_cutoff={self.out_cutoff:g},', + f'in_half_width={self.in_half_width:g}, out_half_width={self.out_half_width:g},', + f'in_size={list(self.in_size)}, out_size={list(self.out_size)},', + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_layers = 14, # Total number of layers, excluding Fourier features and ToRGB. + num_critical = 2, # Number of critically sampled layers at the end. + first_cutoff = 2, # Cutoff frequency of the first layer (f_{c,0}). + first_stopband = 2**2.1, # Minimum stopband of the first layer (f_{t,0}). + last_stopband_rel = 2**0.3, # Minimum stopband of the last layer, expressed relative to the cutoff. + margin_size = 10, # Number of additional pixels outside the image. + output_scale = 0.25, # Scale factor for the output image. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + super().__init__() + self.w_dim = w_dim + self.num_ws = num_layers + 2 + self.img_resolution = img_resolution + self.img_channels = img_channels + self.num_layers = num_layers + self.num_critical = num_critical + self.margin_size = margin_size + self.output_scale = output_scale + self.num_fp16_res = num_fp16_res + + # Geometric progression of layer cutoffs and min. stopbands. + last_cutoff = self.img_resolution / 2 # f_{c,N} + last_stopband = last_cutoff * last_stopband_rel # f_{t,N} + exponents = np.minimum(np.arange(self.num_layers + 1) / (self.num_layers - self.num_critical), 1) + cutoffs = first_cutoff * (last_cutoff / first_cutoff) ** exponents # f_c[i] + stopbands = first_stopband * (last_stopband / first_stopband) ** exponents # f_t[i] + + # Compute remaining layer parameters. + sampling_rates = np.exp2(np.ceil(np.log2(np.minimum(stopbands * 2, self.img_resolution)))) # s[i] + half_widths = np.maximum(stopbands, sampling_rates / 2) - cutoffs # f_h[i] + sizes = sampling_rates + self.margin_size * 2 + sizes[-2:] = self.img_resolution + channels = np.rint(np.minimum((channel_base / 2) / cutoffs, channel_max)) + channels[-1] = self.img_channels + + # Construct layers. + self.input = SynthesisInput( + w_dim=self.w_dim, channels=int(channels[0]), size=int(sizes[0]), + sampling_rate=sampling_rates[0], bandwidth=cutoffs[0]) + self.layer_names = [] + for idx in range(self.num_layers + 1): + prev = max(idx - 1, 0) + is_torgb = (idx == self.num_layers) + is_critically_sampled = (idx >= self.num_layers - self.num_critical) + use_fp16 = (sampling_rates[idx] * (2 ** self.num_fp16_res) > self.img_resolution) + layer = SynthesisLayer( + w_dim=self.w_dim, is_torgb=is_torgb, is_critically_sampled=is_critically_sampled, use_fp16=use_fp16, + in_channels=int(channels[prev]), out_channels= int(channels[idx]), + in_size=int(sizes[prev]), out_size=int(sizes[idx]), + in_sampling_rate=int(sampling_rates[prev]), out_sampling_rate=int(sampling_rates[idx]), + in_cutoff=cutoffs[prev], out_cutoff=cutoffs[idx], + in_half_width=half_widths[prev], out_half_width=half_widths[idx], + **layer_kwargs) + name = f'L{idx}_{layer.out_size[0]}_{layer.out_channels}' + setattr(self, name, layer) + self.layer_names.append(name) + + def forward(self, ws, **layer_kwargs): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32).unbind(dim=1) + + # Execute layers. + x = self.input(ws[0]) + for name, w in zip(self.layer_names, ws[1:]): + x = getattr(self, name)(x, w, **layer_kwargs) + if self.output_scale != 1: + x = x * self.output_scale + + # Ensure correct shape and dtype. + misc.assert_shape(x, [None, self.img_channels, self.img_resolution, self.img_resolution]) + x = x.to(torch.float32) + return x + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_layers={self.num_layers:d}, num_critical={self.num_critical:d},', + f'margin_size={self.margin_size:d}, num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=self.num_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#---------------------------------------------------------------------------- diff --git a/recon/models/stylegan/superresolution.py b/recon/models/stylegan/superresolution.py new file mode 100644 index 0000000000000000000000000000000000000000..67dc7b80df99969657b2b79ffd4e0fc90a86a5d8 --- /dev/null +++ b/recon/models/stylegan/superresolution.py @@ -0,0 +1,334 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Superresolution network architectures from the paper +"Efficient Geometry-aware 3D Generative Adversarial Networks".""" + +import torch +from recon.models.stylegan.networks_stylegan2 import Conv2dLayer, SynthesisLayer, ToRGBLayer +from torch_utils.ops import upfirdn2d +from torch_utils import persistence +from torch_utils import misc + +from recon.models.stylegan.networks_stylegan2 import SynthesisBlock +import numpy as np +from .networks_stylegan3 import SynthesisLayer as AFSynthesisLayer + + +#---------------------------------------------------------------------------- + +# for 512x512 generation +@persistence.persistent_class +class SuperresolutionHybrid8X(torch.nn.Module): + def __init__(self, channels, img_resolution, sr_num_fp16_res, sr_antialias, + num_fp16_res=4, conv_clamp=None, channel_base=None, channel_max=None,# IGNORE + **block_kwargs): + super().__init__() + assert img_resolution == 512 + + use_fp16 = sr_num_fp16_res > 0 + self.input_resolution = 128 + self.sr_antialias = sr_antialias + self.block0 = SynthesisBlock(channels, 128, w_dim=512, resolution=256, + img_channels=3, is_last=False, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.block1 = SynthesisBlock(128, 64, w_dim=512, resolution=512, + img_channels=3, is_last=True, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + + def forward(self, rgb, x, ws, ws_super=None, **block_kwargs): + if ws_super is None: + ws = ws[:, -1:, :].repeat(1, 3, 1) + else: + ws = ws_super[:, -1:, :].repeat(1, 3, 1) + + if x.shape[-1] != self.input_resolution: + x = torch.nn.functional.interpolate(x, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + rgb = torch.nn.functional.interpolate(rgb, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + + x, rgb = self.block0(x, rgb, ws, **block_kwargs) + x, rgb = self.block1(x, rgb, ws, **block_kwargs) + return rgb + +#---------------------------------------------------------------------------- + +# for 256x256 generation +@persistence.persistent_class +class SuperresolutionHybrid4X(torch.nn.Module): + def __init__(self, channels, img_resolution, sr_num_fp16_res, sr_antialias, + num_fp16_res=4, conv_clamp=None, channel_base=None, channel_max=None,# IGNORE + **block_kwargs): + super().__init__() + assert img_resolution == 256 + use_fp16 = sr_num_fp16_res > 0 + self.sr_antialias = sr_antialias + self.input_resolution = 128 + self.block0 = SynthesisBlockNoUp(channels, 128, w_dim=512, resolution=128, + img_channels=3, is_last=False, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.block1 = SynthesisBlock(128, 64, w_dim=512, resolution=256, + img_channels=3, is_last=True, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + + def forward(self, rgb, x, ws, **block_kwargs): + ws = ws[:, -1:, :].repeat(1, 3, 1) + + if x.shape[-1] != self.input_resolution: + x = torch.nn.functional.interpolate(x, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + rgb = torch.nn.functional.interpolate(rgb, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + + x, rgb = self.block0(x, rgb, ws, **block_kwargs) + x, rgb = self.block1(x, rgb, ws, **block_kwargs) + return rgb + +#---------------------------------------------------------------------------- + +# for 128 x 128 generation +@persistence.persistent_class +class SuperresolutionHybrid2X(torch.nn.Module): + def __init__(self, channels, img_resolution, sr_num_fp16_res, sr_antialias, + num_fp16_res=4, conv_clamp=None, channel_base=None, channel_max=None,# IGNORE + **block_kwargs): + super().__init__() + assert img_resolution == 128 + + use_fp16 = sr_num_fp16_res > 0 + self.input_resolution = 64 + self.sr_antialias = sr_antialias + self.block0 = SynthesisBlockNoUp(channels, 128, w_dim=512, resolution=64, + img_channels=3, is_last=False, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.block1 = SynthesisBlock(128, 64, w_dim=512, resolution=128, + img_channels=3, is_last=True, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + + def forward(self, rgb, x, ws, **block_kwargs): + ws = ws[:, -1:, :].repeat(1, 3, 1) + + if x.shape[-1] != self.input_resolution: + x = torch.nn.functional.interpolate(x, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + rgb = torch.nn.functional.interpolate(rgb, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + + x, rgb = self.block0(x, rgb, ws, **block_kwargs) + x, rgb = self.block1(x, rgb, ws, **block_kwargs) + return rgb + +#---------------------------------------------------------------------------- + +# for 512x512 patch generation, MLP-based, added by Yu Deng +@persistence.persistent_class +class SuperresolutionPatchMLP(torch.nn.Module): + def __init__(self, channels, img_resolution, sr_num_fp16_res, sr_antialias, + num_fp16_res=4, conv_clamp=None, channel_base=None, channel_max=None,# IGNORE + **block_kwargs): + super().__init__() + # assert img_resolution == 256 + use_fp16 = sr_num_fp16_res > 0 + self.sr_antialias = sr_antialias + self.input_resolution = None + self.block0 = SynthesisBlockNoUp(channels, 128, w_dim=512, kernel_size=1, resolution=256, use_noise=False, + img_channels=3, is_last=False, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.block1 = SynthesisBlock(128, 64, w_dim=512, kernel_size=1, resolution=512, use_noise=False, + img_channels=3, is_last=True, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + + def forward(self, rgb, x, ws, **block_kwargs): + ws = ws[:, -1:, :].repeat(1, 3, 1) + + # if x.shape[-1] != self.input_resolution: + # x = torch.nn.functional.interpolate(x, size=(self.input_resolution, self.input_resolution), + # mode='bilinear', align_corners=False, antialias=self.sr_antialias) + # rgb = torch.nn.functional.interpolate(rgb, size=(self.input_resolution, self.input_resolution), + # mode='bilinear', align_corners=False, antialias=self.sr_antialias) + + x, rgb = self.block0(x, rgb, ws, **block_kwargs) + x, rgb = self.block1(x, rgb, ws, **block_kwargs) + return rgb + +#---------------------------------------------------------------------------- + +# TODO: Delete (here for backwards compatibility with old 256x256 models) +@persistence.persistent_class +class SuperresolutionHybridDeepfp32(torch.nn.Module): + def __init__(self, channels, img_resolution, sr_num_fp16_res, + num_fp16_res=4, conv_clamp=None, channel_base=None, channel_max=None,# IGNORE + **block_kwargs): + super().__init__() + assert img_resolution == 256 + use_fp16 = sr_num_fp16_res > 0 + + self.input_resolution = 128 + self.block0 = SynthesisBlockNoUp(channels, 128, w_dim=512, resolution=128, + img_channels=3, is_last=False, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.block1 = SynthesisBlock(128, 64, w_dim=512, resolution=256, + img_channels=3, is_last=True, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + + def forward(self, rgb, x, ws, **block_kwargs): + ws = ws[:, -1:, :].repeat(1, 3, 1) + + if x.shape[-1] < self.input_resolution: + x = torch.nn.functional.interpolate(x, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False) + rgb = torch.nn.functional.interpolate(rgb, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False) + + x, rgb = self.block0(x, rgb, ws, **block_kwargs) + x, rgb = self.block1(x, rgb, ws, **block_kwargs) + return rgb + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisBlockNoUp(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + # if img is not None: + # misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + # img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + + +#---------------------------------------------------------------------------- + +# for 512x512 generation +@persistence.persistent_class +class SuperresolutionHybrid8XDC(torch.nn.Module): + def __init__(self, channels, img_resolution, sr_num_fp16_res, sr_antialias, + num_fp16_res=4, conv_clamp=None, channel_base=None, channel_max=None, use_ws_ones=False,# IGNORE + **block_kwargs): + super().__init__() + assert img_resolution == 512 + + use_fp16 = sr_num_fp16_res > 0 + self.use_ws_ones = use_ws_ones + self.input_resolution = 128 + self.sr_antialias = sr_antialias + self.block0 = SynthesisBlock(channels, 256, w_dim=512, resolution=256, + img_channels=3, is_last=False, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.block1 = SynthesisBlock(256, 128, w_dim=512, resolution=512, + img_channels=3, is_last=True, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + + def forward(self, rgb, x, ws, ws_super=None, **block_kwargs): + if ws_super is None: + ws = ws[:, -1:, :].repeat(1, 3, 1) + else: + ws = ws_super[:, -1:, :].repeat(1, 3, 1) + + if self.use_ws_ones: + ws = torch.ones_like(ws) + + if x.shape[-1] != self.input_resolution: + x = torch.nn.functional.interpolate(x, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + rgb = torch.nn.functional.interpolate(rgb, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + + x, rgb = self.block0(x, rgb, ws, **block_kwargs) + x, rgb = self.block1(x, rgb, ws, **block_kwargs) + return rgb + +#---------------------------------------------------------------------------- \ No newline at end of file diff --git a/recon/models/stylegannext3D/networks_stylegan2.py b/recon/models/stylegannext3D/networks_stylegan2.py new file mode 100644 index 0000000000000000000000000000000000000000..6ae58b7367b88269ca39d2bb9fc4316445f83d3f --- /dev/null +++ b/recon/models/stylegannext3D/networks_stylegan2.py @@ -0,0 +1,800 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Network architectures from the paper +"Analyzing and Improving the Image Quality of StyleGAN". +Matches the original implementation of configs E-F by Karras et al. at +https://github.com/NVlabs/stylegan2/blob/master/training/networks_stylegan2.py""" + +import numpy as np +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_resample +from torch_utils.ops import upfirdn2d +from torch_utils.ops import bias_act +from torch_utils.ops import fma + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def normalize_2nd_moment(x, dim=1, eps=1e-8): + return x * (x.square().mean(dim=dim, keepdim=True) + eps).rsqrt() + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def modulated_conv2d( + x, # Input tensor of shape [batch_size, in_channels, in_height, in_width]. + weight, # Weight tensor of shape [out_channels, in_channels, kernel_height, kernel_width]. + styles, # Modulation coefficients of shape [batch_size, in_channels]. + noise = None, # Optional noise tensor to add to the output activations. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + padding = 0, # Padding with respect to the upsampled image. + resample_filter = None, # Low-pass filter to apply when resampling activations. Must be prepared beforehand by calling upfirdn2d.setup_filter(). + demodulate = True, # Apply weight demodulation? + flip_weight = True, # False = convolution, True = correlation (matches torch.nn.functional.conv2d). + fused_modconv = True, # Perform modulation, convolution, and demodulation as a single fused operation? +): + batch_size = x.shape[0] + out_channels, in_channels, kh, kw = weight.shape + misc.assert_shape(weight, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(styles, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs to avoid FP16 overflow. + if x.dtype == torch.float16 and demodulate: + weight = weight * (1 / np.sqrt(in_channels * kh * kw) / weight.norm(float('inf'), dim=[1,2,3], keepdim=True)) # max_Ikk + styles = styles / styles.norm(float('inf'), dim=1, keepdim=True) # max_I + + # Calculate per-sample weights and demodulation coefficients. + w = None + dcoefs = None + if demodulate or fused_modconv: + w = weight.unsqueeze(0) # [NOIkk] + w = w * styles.reshape(batch_size, 1, -1, 1, 1) # [NOIkk] + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + if demodulate and fused_modconv: + w = w * dcoefs.reshape(batch_size, -1, 1, 1, 1) # [NOIkk] + + # Execute by scaling the activations before and after the convolution. + if not fused_modconv: + x = x * styles.to(x.dtype).reshape(batch_size, -1, 1, 1) + x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight) + if demodulate and noise is not None: + x = fma.fma(x, dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1), noise.to(x.dtype)) + elif demodulate: + x = x * dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1) + elif noise is not None: + x = x.add_(noise.to(x.dtype)) + return x + + # Execute as one fused op using grouped convolution. + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(batch_size) + misc.assert_shape(x, [batch_size, in_channels, None, None]) + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, groups=batch_size, flip_weight=flip_weight) + x = x.reshape(batch_size, -1, *x.shape[2:]) + if noise is not None: + x = x.add_(noise) + return x + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 1, # Learning rate multiplier. + bias_init = 0, # Initial value for the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) / lr_multiplier) + self.bias = torch.nn.Parameter(torch.full([out_features], np.float32(bias_init))) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Conv2dLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + kernel_size, # Width and height of the convolution kernel. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output to +-X, None = disable clamping. + channels_last = False, # Expect the input to have memory_format=channels_last? + trainable = True, # Update the weights of this layer during training? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.activation = activation + self.up = up + self.down = down + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + self.act_gain = bias_act.activation_funcs[activation].def_gain + + memory_format = torch.channels_last if channels_last else torch.contiguous_format + weight = torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format) + bias = torch.zeros([out_channels]) if bias else None + if trainable: + self.weight = torch.nn.Parameter(weight) + self.bias = torch.nn.Parameter(bias) if bias is not None else None + else: + self.register_buffer('weight', weight) + if bias is not None: + self.register_buffer('bias', bias) + else: + self.bias = None + + def forward(self, x, gain=1): + w = self.weight * self.weight_gain + b = self.bias.to(x.dtype) if self.bias is not None else None + flip_weight = (self.up == 1) # slightly faster + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=self.resample_filter, up=self.up, down=self.down, padding=self.padding, flip_weight=flip_weight) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, b, act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, activation={self.activation:s},', + f'up={self.up}, down={self.down}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality, 0 = no latent. + c_dim, # Conditioning label (C) dimensionality, 0 = no label. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output, None = do not broadcast. + num_layers = 8, # Number of mapping layers. + embed_features = None, # Label embedding dimensionality, None = same as w_dim. + layer_features = None, # Number of intermediate features in the mapping layers, None = same as w_dim. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training, None = do not track. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + if embed_features is None: + embed_features = w_dim + if c_dim == 0: + embed_features = 0 + if layer_features is None: + layer_features = w_dim + features_list = [z_dim + embed_features] + [layer_features] * (num_layers - 1) + [w_dim] + + if c_dim > 0: + self.embed = FullyConnectedLayer(c_dim, embed_features) + for idx in range(num_layers): + in_features = features_list[idx] + out_features = features_list[idx + 1] + layer = FullyConnectedLayer(in_features, out_features, activation=activation, lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + + if num_ws is not None and w_avg_beta is not None: + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + # Embed, normalize, and concat inputs. + x = None + with torch.autograd.profiler.record_function('input'): + if self.z_dim > 0: + misc.assert_shape(z, [None, self.z_dim]) + x = normalize_2nd_moment(z.to(torch.float32)) + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = normalize_2nd_moment(self.embed(c.to(torch.float32))) + x = torch.cat([x, y], dim=1) if x is not None else y + + # Main layers. + for idx in range(self.num_layers): + layer = getattr(self, f'fc{idx}') + x = layer(x) + + # Update moving average of W. + if update_emas and self.w_avg_beta is not None: + with torch.autograd.profiler.record_function('update_w_avg'): + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast. + if self.num_ws is not None: + with torch.autograd.profiler.record_function('broadcast'): + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + + # Apply truncation. + if truncation_psi != 1: + with torch.autograd.profiler.record_function('truncate'): + assert self.w_avg_beta is not None + if self.num_ws is None or truncation_cutoff is None: + x = self.w_avg.lerp(x, truncation_psi) + else: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this layer. + kernel_size = 3, # Convolution kernel size. + up = 1, # Integer upsampling factor. + use_noise = True, # Enable noise input? + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + channels_last = False, # Use channels_last format for the weights? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.resolution = resolution + self.up = up + self.use_noise = use_noise + self.activation = activation + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.act_gain = bias_act.activation_funcs[activation].def_gain + + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + if use_noise: + self.register_buffer('noise_const', torch.randn([resolution, resolution])) + self.noise_strength = torch.nn.Parameter(torch.zeros([])) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + + def forward(self, x, w, noise_mode='random', fused_modconv=True, gain=1): + assert noise_mode in ['random', 'const', 'none'] + in_resolution = self.resolution // self.up + misc.assert_shape(x, [None, self.in_channels, in_resolution, in_resolution]) + styles = self.affine(w) + + noise = None + if self.use_noise and noise_mode == 'random': + noise = torch.randn([x.shape[0], 1, self.resolution, self.resolution], device=x.device) * self.noise_strength + if self.use_noise and noise_mode == 'const': + noise = self.noise_const * self.noise_strength + + flip_weight = (self.up == 1) # slightly faster + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, noise=noise, up=self.up, + padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, self.bias.to(x.dtype), act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d},', + f'resolution={self.resolution:d}, up={self.up}, activation={self.activation:s}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class ToRGBLayer(torch.nn.Module): + def __init__(self, in_channels, out_channels, w_dim, kernel_size=1, conv_clamp=None, channels_last=False): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.conv_clamp = conv_clamp + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + + def forward(self, x, w, fused_modconv=True): + styles = self.affine(w) * self.weight_gain + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, demodulate=False, fused_modconv=fused_modconv) + x = bias_act.bias_act(x, self.bias.to(x.dtype), clamp=self.conv_clamp) + return x + + def extra_repr(self): + return f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + self.num_ws = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res // 2] if res > 4 else 0 + out_channels = channels_dict[res] + use_fp16 = (res >= fp16_resolution) + is_last = (res == self.img_resolution) + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res}', block) + + def forward(self, ws, **block_kwargs): + block_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + block_ws.append(ws.narrow(1, w_idx, block.num_conv + block.num_torgb)) + w_idx += block.num_conv + + x = img = None + for res, cur_ws in zip(self.block_resolutions, block_ws): + block = getattr(self, f'b{res}') + x, img = block(x, img, cur_ws, **block_kwargs) + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_ws = -1, # Sepcific number of ws for mapping network + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + if mapping_ws == -1: + mapping_ws = self.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=mapping_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + tmp_channels, # Number of intermediate channels. + out_channels, # Number of output channels. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + first_layer_idx, # Index of the first layer. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + freeze_layers = 0, # Freeze-D: Number of layers to freeze. + ): + assert in_channels in [0, tmp_channels] + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.resolution = resolution + self.img_channels = img_channels + self.first_layer_idx = first_layer_idx + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + + self.num_layers = 0 + def trainable_gen(): + while True: + layer_idx = self.first_layer_idx + self.num_layers + trainable = (layer_idx >= freeze_layers) + self.num_layers += 1 + yield trainable + trainable_iter = trainable_gen() + + if in_channels == 0 or architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, tmp_channels, kernel_size=1, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv0 = Conv2dLayer(tmp_channels, tmp_channels, kernel_size=3, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv1 = Conv2dLayer(tmp_channels, out_channels, kernel_size=3, activation=activation, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last) + + if architecture == 'resnet': + self.skip = Conv2dLayer(tmp_channels, out_channels, kernel_size=1, bias=False, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, force_fp32=False): + if (x if x is not None else img).device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + + # Input. + if x is not None: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # FromRGB. + if self.in_channels == 0 or self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + y = self.fromrgb(img) + x = x + y if x is not None else y + img = upfirdn2d.downsample2d(img, self.resample_filter) if self.architecture == 'skip' else None + + # Main layers. + if self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x) + x = self.conv1(x, gain=np.sqrt(0.5)) + x = y.add_(x) + else: + x = self.conv0(x) + x = self.conv1(x) + + assert x.dtype == dtype + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MinibatchStdLayer(torch.nn.Module): + def __init__(self, group_size, num_channels=1): + super().__init__() + self.group_size = group_size + self.num_channels = num_channels + + def forward(self, x): + N, C, H, W = x.shape + with misc.suppress_tracer_warnings(): # as_tensor results are registered as constants + G = torch.min(torch.as_tensor(self.group_size), torch.as_tensor(N)) if self.group_size is not None else N + F = self.num_channels + c = C // F + + y = x.reshape(G, -1, F, c, H, W) # [GnFcHW] Split minibatch N into n groups of size G, and channels C into F groups of size c. + y = y - y.mean(dim=0) # [GnFcHW] Subtract mean over group. + y = y.square().mean(dim=0) # [nFcHW] Calc variance over group. + y = (y + 1e-8).sqrt() # [nFcHW] Calc stddev over group. + y = y.mean(dim=[2,3,4]) # [nF] Take average over channels and pixels. + y = y.reshape(-1, F, 1, 1) # [nF11] Add missing dimensions. + y = y.repeat(G, 1, H, W) # [NFHW] Replicate over group and pixels. + x = torch.cat([x, y], dim=1) # [NCHW] Append to input as new channels. + return x + + def extra_repr(self): + return f'group_size={self.group_size}, num_channels={self.num_channels:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorEpilogue(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + cmap_dim, # Dimensionality of mapped conditioning label, 0 = no label. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + mbstd_group_size = 4, # Group size for the minibatch standard deviation layer, None = entire minibatch. + mbstd_num_channels = 1, # Number of features for the minibatch standard deviation layer, 0 = disable. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.cmap_dim = cmap_dim + self.resolution = resolution + self.img_channels = img_channels + self.architecture = architecture + + if architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, in_channels, kernel_size=1, activation=activation) + self.mbstd = MinibatchStdLayer(group_size=mbstd_group_size, num_channels=mbstd_num_channels) if mbstd_num_channels > 0 else None + self.conv = Conv2dLayer(in_channels + mbstd_num_channels, in_channels, kernel_size=3, activation=activation, conv_clamp=conv_clamp) + self.fc = FullyConnectedLayer(in_channels * (resolution ** 2), in_channels, activation=activation) + self.out = FullyConnectedLayer(in_channels, 1 if cmap_dim == 0 else cmap_dim) + + def forward(self, x, img, cmap, force_fp32=False): + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) # [NCHW] + _ = force_fp32 # unused + dtype = torch.float32 + memory_format = torch.contiguous_format + + # FromRGB. + x = x.to(dtype=dtype, memory_format=memory_format) + if self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + x = x + self.fromrgb(img) + + # Main layers. + if self.mbstd is not None: + x = self.mbstd(x) + x = self.conv(x) + x = self.fc(x.flatten(1)) + x = self.out(x) + + # Conditioning. + if self.cmap_dim > 0: + misc.assert_shape(cmap, [None, self.cmap_dim]) + x = (x * cmap).sum(dim=1, keepdim=True) * (1 / np.sqrt(self.cmap_dim)) + + assert x.dtype == dtype + return x + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Discriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + print('Dis_c', c.shape) + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- \ No newline at end of file diff --git a/recon/models/stylegannext3D/networks_stylegan2_new.py b/recon/models/stylegannext3D/networks_stylegan2_new.py new file mode 100644 index 0000000000000000000000000000000000000000..f9b017541f19a07af70cb1d1595dc6e3f0bcbf33 --- /dev/null +++ b/recon/models/stylegannext3D/networks_stylegan2_new.py @@ -0,0 +1,836 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Network architectures from the paper +"Analyzing and Improving the Image Quality of StyleGAN". +Matches the original implementation of configs E-F by Karras et al. at +https://github.com/NVlabs/stylegan2/blob/master/training/networks_stylegan2.py""" + +import numpy as np +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_resample +from torch_utils.ops import upfirdn2d +from torch_utils.ops import bias_act +from torch_utils.ops import fma +import torch.nn.functional as FF +#---------------------------------------------------------------------------- + +@misc.profiled_function +def normalize_2nd_moment(x, dim=1, eps=1e-8): + return x * (x.square().mean(dim=dim, keepdim=True) + eps).rsqrt() + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def modulated_conv2d( + x, # Input tensor of shape [batch_size, in_channels, in_height, in_width]. + weight, # Weight tensor of shape [out_channels, in_channels, kernel_height, kernel_width]. + styles, # Modulation coefficients of shape [batch_size, in_channels]. + noise = None, # Optional noise tensor to add to the output activations. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + padding = 0, # Padding with respect to the upsampled image. + resample_filter = None, # Low-pass filter to apply when resampling activations. Must be prepared beforehand by calling upfirdn2d.setup_filter(). + demodulate = True, # Apply weight demodulation? + flip_weight = True, # False = convolution, True = correlation (matches torch.nn.functional.conv2d). + fused_modconv = True, # Perform modulation, convolution, and demodulation as a single fused operation? +): + batch_size = x.shape[0] + out_channels, in_channels, kh, kw = weight.shape + misc.assert_shape(weight, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(styles, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs to avoid FP16 overflow. + if x.dtype == torch.float16 and demodulate: + weight = weight * (1 / np.sqrt(in_channels * kh * kw) / weight.norm(float('inf'), dim=[1,2,3], keepdim=True)) # max_Ikk + styles = styles / styles.norm(float('inf'), dim=1, keepdim=True) # max_I + + # Calculate per-sample weights and demodulation coefficients. + w = None + dcoefs = None + if demodulate or fused_modconv: + w = weight.unsqueeze(0) # [NOIkk] + w = w * styles.reshape(batch_size, 1, -1, 1, 1) # [NOIkk] + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + if demodulate and fused_modconv: + w = w * dcoefs.reshape(batch_size, -1, 1, 1, 1) # [NOIkk] + + # Execute by scaling the activations before and after the convolution. + if not fused_modconv: + x = x * styles.to(x.dtype).reshape(batch_size, -1, 1, 1) + x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight) + if demodulate and noise is not None: + x = fma.fma(x, dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1), noise.to(x.dtype)) + elif demodulate: + x = x * dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1) + elif noise is not None: + x = x.add_(noise.to(x.dtype)) + return x + + # Execute as one fused op using grouped convolution. + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(batch_size) + misc.assert_shape(x, [batch_size, in_channels, None, None]) + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, groups=batch_size, flip_weight=flip_weight) + x = x.reshape(batch_size, -1, *x.shape[2:]) + if noise is not None: + x = x.add_(noise) + return x + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 1, # Learning rate multiplier. + bias_init = 0, # Initial value for the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) / lr_multiplier) + self.bias = torch.nn.Parameter(torch.full([out_features], np.float32(bias_init))) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Conv2dLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + kernel_size, # Width and height of the convolution kernel. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output to +-X, None = disable clamping. + channels_last = False, # Expect the input to have memory_format=channels_last? + trainable = True, # Update the weights of this layer during training? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.activation = activation + self.up = up + self.down = down + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + self.act_gain = bias_act.activation_funcs[activation].def_gain + + memory_format = torch.channels_last if channels_last else torch.contiguous_format + weight = torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format) + bias = torch.zeros([out_channels]) if bias else None + if trainable: + self.weight = torch.nn.Parameter(weight) + self.bias = torch.nn.Parameter(bias) if bias is not None else None + else: + self.register_buffer('weight', weight) + if bias is not None: + self.register_buffer('bias', bias) + else: + self.bias = None + + def forward(self, x, gain=1): + w = self.weight * self.weight_gain + b = self.bias.to(x.dtype) if self.bias is not None else None + flip_weight = (self.up == 1) # slightly faster + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=self.resample_filter, up=self.up, down=self.down, padding=self.padding, flip_weight=flip_weight) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, b, act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, activation={self.activation:s},', + f'up={self.up}, down={self.down}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality, 0 = no latent. + c_dim, # Conditioning label (C) dimensionality, 0 = no label. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output, None = do not broadcast. + num_layers = 8, # Number of mapping layers. + embed_features = None, # Label embedding dimensionality, None = same as w_dim. + layer_features = None, # Number of intermediate features in the mapping layers, None = same as w_dim. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training, None = do not track. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + if embed_features is None: + embed_features = w_dim + if c_dim == 0: + embed_features = 0 + if layer_features is None: + layer_features = w_dim + features_list = [z_dim + embed_features] + [layer_features] * (num_layers - 1) + [w_dim] + + if c_dim > 0: + self.embed = FullyConnectedLayer(c_dim, embed_features) + for idx in range(num_layers): + in_features = features_list[idx] + out_features = features_list[idx + 1] + layer = FullyConnectedLayer(in_features, out_features, activation=activation, lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + + if num_ws is not None and w_avg_beta is not None: + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + # Embed, normalize, and concat inputs. + x = None + with torch.autograd.profiler.record_function('input'): + if self.z_dim > 0: + misc.assert_shape(z, [None, self.z_dim]) + x = normalize_2nd_moment(z.to(torch.float32)) + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = normalize_2nd_moment(self.embed(c.to(torch.float32))) + x = torch.cat([x, y], dim=1) if x is not None else y + + # Main layers. + for idx in range(self.num_layers): + layer = getattr(self, f'fc{idx}') + x = layer(x) + + # Update moving average of W. + if update_emas and self.w_avg_beta is not None: + with torch.autograd.profiler.record_function('update_w_avg'): + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast. + if self.num_ws is not None: + with torch.autograd.profiler.record_function('broadcast'): + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + + # Apply truncation. + if truncation_psi != 1: + with torch.autograd.profiler.record_function('truncate'): + assert self.w_avg_beta is not None + if self.num_ws is None or truncation_cutoff is None: + x = self.w_avg.lerp(x, truncation_psi) + else: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this layer. + kernel_size = 3, # Convolution kernel size. + up = 1, # Integer upsampling factor. + use_noise = True, # Enable noise input? + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + channels_last = False, # Use channels_last format for the weights? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.resolution = resolution + self.up = up + self.use_noise = use_noise + self.activation = activation + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.act_gain = bias_act.activation_funcs[activation].def_gain + + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + if use_noise: + self.register_buffer('noise_const', torch.randn([resolution, resolution])) + self.noise_strength = torch.nn.Parameter(torch.zeros([])) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + + def forward(self, x, w, noise_mode='random', fused_modconv=True, gain=1): + assert noise_mode in ['random', 'const', 'none'] + in_resolution = self.resolution // self.up + misc.assert_shape(x, [None, self.in_channels, in_resolution, in_resolution]) + styles = self.affine(w) + + noise = None + if self.use_noise and noise_mode == 'random': + noise = torch.randn([x.shape[0], 1, self.resolution, self.resolution], device=x.device) * self.noise_strength + if self.use_noise and noise_mode == 'const': + noise = self.noise_const * self.noise_strength + + flip_weight = (self.up == 1) # slightly faster + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, noise=noise, up=self.up, + padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, self.bias.to(x.dtype), act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d},', + f'resolution={self.resolution:d}, up={self.up}, activation={self.activation:s}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class ToRGBLayer(torch.nn.Module): + def __init__(self, in_channels, out_channels, w_dim, kernel_size=1, conv_clamp=None, channels_last=False): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.conv_clamp = conv_clamp + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + + def forward(self, x, w, fused_modconv=True): + styles = self.affine(w) * self.weight_gain + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, demodulate=False, fused_modconv=fused_modconv) + x = bias_act.bias_act(x, self.bias.to(x.dtype), clamp=self.conv_clamp) + return x + + def extra_repr(self): + return f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, condition=None, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + if condition is not None: + # CS-SFT + x_same, x_sft = torch.split(x, int(x.size(1) // 2), dim=1) + x_sft = x_sft * condition[0] + condition[1] + x = torch.cat([x_same, x_sft], dim=1) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + use_tanh, + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + self.use_tanh = use_tanh + self.num_ws = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res // 2] if res > 4 else 0 + out_channels = channels_dict[res] + use_fp16 = (res >= fp16_resolution) + is_last = (res == self.img_resolution) + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res}', block) + + def forward(self, ws, cond_list, return_list, feat_conditions=None, return_imgs=False, out_res=(32, 256), **block_kwargs): + assert not(return_list and return_imgs) + block_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + block_ws.append(ws.narrow(1, w_idx, block.num_conv + block.num_torgb)) + w_idx += block.num_conv + + x = img = None + x_list, _index, out_imgs = [], 0, [] + start_layer = int(np.log2(out_res[0])) - 2 # start from res 32 + end_layer = (self.img_resolution_log2 - 2) if len(out_res) == 1 else (int(np.log2(out_res[1])) - 2) + for res, cur_ws in zip(self.block_resolutions, block_ws): + block = getattr(self, f'b{res}') + condition_feat = feat_conditions[res] if (feat_conditions is not None and res in feat_conditions.keys()) else None + x, img = block(x, img, cur_ws, condition_feat, **block_kwargs) + if _index >= start_layer: + if return_list: + if _index == start_layer: x_list.append(img.clone()) + x_list.append(x.clone()) + if return_imgs: + if _index == start_layer: out_imgs.append(x) + out_imgs.append(img) + if cond_list is not None: + if _index == start_layer: img = cond_list[0][:, :-1] * cond_list[0][:, -1:] + img * (1 - cond_list[0][:, -1:]) # 面部直接复制 + if _index < end_layer: # clone face region + cond_img, alpha_image = cond_list[1 + _index - start_layer][:, :-1], cond_list[1 + _index - start_layer][:, -1:] + x = cond_img * alpha_image + x * (1 - alpha_image) + _index += 1 + + if return_list: + x_list.append(img) + return x_list + elif return_imgs: + print("return_imgs") + return out_imgs + else: + if self.use_tanh: + img = FF.tanh(img) + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_ws = -1, # Sepcific number of ws for mapping network + mapping_kwargs = {}, # Arguments for MappingNetwork. + use_tanh=False, + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, use_tanh=use_tanh,**synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + if mapping_ws == -1: + mapping_ws = self.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=mapping_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + tmp_channels, # Number of intermediate channels. + out_channels, # Number of output channels. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + first_layer_idx, # Index of the first layer. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + freeze_layers = 0, # Freeze-D: Number of layers to freeze. + ): + assert in_channels in [0, tmp_channels] + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.resolution = resolution + self.img_channels = img_channels + self.first_layer_idx = first_layer_idx + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + + self.num_layers = 0 + def trainable_gen(): + while True: + layer_idx = self.first_layer_idx + self.num_layers + trainable = (layer_idx >= freeze_layers) + self.num_layers += 1 + yield trainable + trainable_iter = trainable_gen() + + if in_channels == 0 or architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, tmp_channels, kernel_size=1, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv0 = Conv2dLayer(tmp_channels, tmp_channels, kernel_size=3, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv1 = Conv2dLayer(tmp_channels, out_channels, kernel_size=3, activation=activation, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last) + + if architecture == 'resnet': + self.skip = Conv2dLayer(tmp_channels, out_channels, kernel_size=1, bias=False, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, force_fp32=False): + if (x if x is not None else img).device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + + # Input. + if x is not None: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # FromRGB. + if self.in_channels == 0 or self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + y = self.fromrgb(img) + x = x + y if x is not None else y + img = upfirdn2d.downsample2d(img, self.resample_filter) if self.architecture == 'skip' else None + + # Main layers. + if self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x) + x = self.conv1(x, gain=np.sqrt(0.5)) + x = y.add_(x) + else: + x = self.conv0(x) + x = self.conv1(x) + + assert x.dtype == dtype + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MinibatchStdLayer(torch.nn.Module): + def __init__(self, group_size, num_channels=1): + super().__init__() + self.group_size = group_size + self.num_channels = num_channels + + def forward(self, x): + N, C, H, W = x.shape + with misc.suppress_tracer_warnings(): # as_tensor results are registered as constants + G = torch.min(torch.as_tensor(self.group_size), torch.as_tensor(N)) if self.group_size is not None else N + F = self.num_channels + c = C // F + + y = x.reshape(G, -1, F, c, H, W) # [GnFcHW] Split minibatch N into n groups of size G, and channels C into F groups of size c. + y = y - y.mean(dim=0) # [GnFcHW] Subtract mean over group. + y = y.square().mean(dim=0) # [nFcHW] Calc variance over group. + y = (y + 1e-8).sqrt() # [nFcHW] Calc stddev over group. + y = y.mean(dim=[2,3,4]) # [nF] Take average over channels and pixels. + y = y.reshape(-1, F, 1, 1) # [nF11] Add missing dimensions. + y = y.repeat(G, 1, H, W) # [NFHW] Replicate over group and pixels. + x = torch.cat([x, y], dim=1) # [NCHW] Append to input as new channels. + return x + + def extra_repr(self): + return f'group_size={self.group_size}, num_channels={self.num_channels:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorEpilogue(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + cmap_dim, # Dimensionality of mapped conditioning label, 0 = no label. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + mbstd_group_size = 4, # Group size for the minibatch standard deviation layer, None = entire minibatch. + mbstd_num_channels = 1, # Number of features for the minibatch standard deviation layer, 0 = disable. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.cmap_dim = cmap_dim + self.resolution = resolution + self.img_channels = img_channels + self.architecture = architecture + + if architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, in_channels, kernel_size=1, activation=activation) + self.mbstd = MinibatchStdLayer(group_size=mbstd_group_size, num_channels=mbstd_num_channels) if mbstd_num_channels > 0 else None + self.conv = Conv2dLayer(in_channels + mbstd_num_channels, in_channels, kernel_size=3, activation=activation, conv_clamp=conv_clamp) + self.fc = FullyConnectedLayer(in_channels * (resolution ** 2), in_channels, activation=activation) + self.out = FullyConnectedLayer(in_channels, 1 if cmap_dim == 0 else cmap_dim) + + def forward(self, x, img, cmap, force_fp32=False): + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) # [NCHW] + _ = force_fp32 # unused + dtype = torch.float32 + memory_format = torch.contiguous_format + + # FromRGB. + x = x.to(dtype=dtype, memory_format=memory_format) + if self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + x = x + self.fromrgb(img) + + # Main layers. + if self.mbstd is not None: + x = self.mbstd(x) + x = self.conv(x) + x = self.fc(x.flatten(1)) + x = self.out(x) + + # Conditioning. + if self.cmap_dim > 0: + misc.assert_shape(cmap, [None, self.cmap_dim]) + x = (x * cmap).sum(dim=1, keepdim=True) * (1 / np.sqrt(self.cmap_dim)) + + assert x.dtype == dtype + return x + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Discriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + print('Dis_c', c.shape) + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- \ No newline at end of file diff --git a/recon/models/stylegannext3D/networks_stylegan2_next3d.py b/recon/models/stylegannext3D/networks_stylegan2_next3d.py new file mode 100644 index 0000000000000000000000000000000000000000..c10d9b3050d6b61be5f4531164d5f0e3e8656f8c --- /dev/null +++ b/recon/models/stylegannext3D/networks_stylegan2_next3d.py @@ -0,0 +1,926 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Network architectures from the paper +"Analyzing and Improving the Image Quality of StyleGAN". +Matches the original implementation of configs E-F by Karras et al. at +https://github.com/NVlabs/stylegan2/blob/master/training/networks_stylegan2.py""" + +import numpy as np +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_resample +from torch_utils.ops import upfirdn2d +from torch_utils.ops import bias_act +from torch_utils.ops import fma + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def normalize_2nd_moment(x, dim=1, eps=1e-8): + return x * (x.square().mean(dim=dim, keepdim=True) + eps).rsqrt() + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def modulated_conv2d( + x, # Input tensor of shape [batch_size, in_channels, in_height, in_width]. + weight, # Weight tensor of shape [out_channels, in_channels, kernel_height, kernel_width]. + styles, # Modulation coefficients of shape [batch_size, in_channels]. + noise = None, # Optional noise tensor to add to the output activations. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + padding = 0, # Padding with respect to the upsampled image. + resample_filter = None, # Low-pass filter to apply when resampling activations. Must be prepared beforehand by calling upfirdn2d.setup_filter(). + demodulate = True, # Apply weight demodulation? + flip_weight = True, # False = convolution, True = correlation (matches torch.nn.functional.conv2d). + fused_modconv = True, # Perform modulation, convolution, and demodulation as a single fused operation? +): + batch_size = x.shape[0] + out_channels, in_channels, kh, kw = weight.shape + misc.assert_shape(weight, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(styles, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs to avoid FP16 overflow. + if x.dtype == torch.float16 and demodulate: + weight = weight * (1 / np.sqrt(in_channels * kh * kw) / weight.norm(float('inf'), dim=[1,2,3], keepdim=True)) # max_Ikk + styles = styles / styles.norm(float('inf'), dim=1, keepdim=True) # max_I + + # Calculate per-sample weights and demodulation coefficients. + w = None + dcoefs = None + if demodulate or fused_modconv: + w = weight.unsqueeze(0) # [NOIkk] + w = w * styles.reshape(batch_size, 1, -1, 1, 1) # [NOIkk] + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + if demodulate and fused_modconv: + w = w * dcoefs.reshape(batch_size, -1, 1, 1, 1) # [NOIkk] + + # Execute by scaling the activations before and after the convolution. + if not fused_modconv: + x = x * styles.to(x.dtype).reshape(batch_size, -1, 1, 1) + x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight) + if demodulate and noise is not None: + x = fma.fma(x, dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1), noise.to(x.dtype)) + elif demodulate: + x = x * dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1) + elif noise is not None: + x = x.add_(noise.to(x.dtype)) + return x + + # Execute as one fused op using grouped convolution. + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(batch_size) + misc.assert_shape(x, [batch_size, in_channels, None, None]) + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, groups=batch_size, flip_weight=flip_weight) + x = x.reshape(batch_size, -1, *x.shape[2:]) + if noise is not None: + x = x.add_(noise) + return x + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 1, # Learning rate multiplier. + bias_init = 0, # Initial value for the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) / lr_multiplier) + self.bias = torch.nn.Parameter(torch.full([out_features], np.float32(bias_init))) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Conv2dLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + kernel_size, # Width and height of the convolution kernel. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output to +-X, None = disable clamping. + channels_last = False, # Expect the input to have memory_format=channels_last? + trainable = True, # Update the weights of this layer during training? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.activation = activation + self.up = up + self.down = down + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + self.act_gain = bias_act.activation_funcs[activation].def_gain + + memory_format = torch.channels_last if channels_last else torch.contiguous_format + weight = torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format) + bias = torch.zeros([out_channels]) if bias else None + if trainable: + self.weight = torch.nn.Parameter(weight) + self.bias = torch.nn.Parameter(bias) if bias is not None else None + else: + self.register_buffer('weight', weight) + if bias is not None: + self.register_buffer('bias', bias) + else: + self.bias = None + + def forward(self, x, gain=1): + w = self.weight * self.weight_gain + b = self.bias.to(x.dtype) if self.bias is not None else None + flip_weight = (self.up == 1) # slightly faster + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=self.resample_filter, up=self.up, down=self.down, padding=self.padding, flip_weight=flip_weight) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, b, act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, activation={self.activation:s},', + f'up={self.up}, down={self.down}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality, 0 = no latent. + c_dim, # Conditioning label (C) dimensionality, 0 = no label. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output, None = do not broadcast. + num_layers = 8, # Number of mapping layers. + embed_features = None, # Label embedding dimensionality, None = same as w_dim. + layer_features = None, # Number of intermediate features in the mapping layers, None = same as w_dim. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training, None = do not track. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + if embed_features is None: + embed_features = w_dim + if c_dim == 0: + embed_features = 0 + if layer_features is None: + layer_features = w_dim + features_list = [z_dim + embed_features] + [layer_features] * (num_layers - 1) + [w_dim] + + if c_dim > 0: + self.embed = FullyConnectedLayer(c_dim, embed_features) + for idx in range(num_layers): + in_features = features_list[idx] + out_features = features_list[idx + 1] + layer = FullyConnectedLayer(in_features, out_features, activation=activation, lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + + if num_ws is not None and w_avg_beta is not None: + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + # Embed, normalize, and concat inputs. + x = None + with torch.autograd.profiler.record_function('input'): + if self.z_dim > 0: + misc.assert_shape(z, [None, self.z_dim]) + x = normalize_2nd_moment(z.to(torch.float32)) + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = normalize_2nd_moment(self.embed(c.to(torch.float32))) + x = torch.cat([x, y], dim=1) if x is not None else y + + # Main layers. + for idx in range(self.num_layers): + layer = getattr(self, f'fc{idx}') + x = layer(x) + + # Update moving average of W. + if update_emas and self.w_avg_beta is not None: + with torch.autograd.profiler.record_function('update_w_avg'): + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast. + if self.num_ws is not None: + with torch.autograd.profiler.record_function('broadcast'): + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + + # Apply truncation. + if truncation_psi != 1: + with torch.autograd.profiler.record_function('truncate'): + assert self.w_avg_beta is not None + if self.num_ws is None or truncation_cutoff is None: + x = self.w_avg.lerp(x, truncation_psi) + else: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this layer. + kernel_size = 3, # Convolution kernel size. + up = 1, # Integer upsampling factor. + use_noise = True, # Enable noise input? + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + channels_last = False, # Use channels_last format for the weights? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.resolution = resolution + self.up = up + self.use_noise = use_noise + self.activation = activation + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.act_gain = bias_act.activation_funcs[activation].def_gain + + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + if use_noise: + self.register_buffer('noise_const', torch.randn([resolution, resolution])) + self.noise_strength = torch.nn.Parameter(torch.zeros([])) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + + def forward(self, x, w, noise_mode='random', fused_modconv=True, gain=1): + assert noise_mode in ['random', 'const', 'none'] + in_resolution = self.resolution // self.up + misc.assert_shape(x, [None, self.in_channels, in_resolution, in_resolution]) + styles = self.affine(w) + + noise = None + if self.use_noise and noise_mode == 'random': + noise = torch.randn([x.shape[0], 1, self.resolution, self.resolution], device=x.device) * self.noise_strength + if self.use_noise and noise_mode == 'const': + noise = self.noise_const * self.noise_strength + + flip_weight = (self.up == 1) # slightly faster + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, noise=noise, up=self.up, + padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, self.bias.to(x.dtype), act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d},', + f'resolution={self.resolution:d}, up={self.up}, activation={self.activation:s}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class ToRGBLayer(torch.nn.Module): + def __init__(self, in_channels, out_channels, w_dim, kernel_size=1, conv_clamp=None, channels_last=False): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.conv_clamp = conv_clamp + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + + def forward(self, x, w, fused_modconv=True): + styles = self.affine(w) * self.weight_gain + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, demodulate=False, fused_modconv=fused_modconv) + x = bias_act.bias_act(x, self.bias.to(x.dtype), clamp=self.conv_clamp) + return x + + def extra_repr(self): + return f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SegSynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + seg_channels = 19, # Number of output segmentation classes. + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.seg_channels = seg_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + self.num_toseg = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if seg_channels != 0: + self.toseg = ToRGBLayer(out_channels, seg_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_toseg += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, condition_img=None, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + w = next(w_iter) + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, w, fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + # ToSEG. + if self.seg_channels != 0: + if condition_img is not None: + misc.assert_shape(condition_img, [None, self.seg_channels, self.resolution // 2, self.resolution // 2]) + condition_img = upfirdn2d.upsample2d(condition_img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y_seg = self.toseg(x, w, fused_modconv=fused_modconv) + y_seg = y_seg.to(dtype=torch.float32, memory_format=torch.contiguous_format) + condition_img = condition_img.add_(y_seg) if condition_img is not None else y_seg + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + if self.seg_channels != 0: + assert condition_img is None or condition_img.dtype == torch.float32 + return x, img, condition_img + else: + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + self.num_ws = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res // 2] if res > 4 else 0 + out_channels = channels_dict[res] + use_fp16 = (res >= fp16_resolution) + is_last = (res == self.img_resolution) + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res}', block) + + def forward(self, ws, **block_kwargs): + block_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + block_ws.append(ws.narrow(1, w_idx, block.num_conv + block.num_torgb)) + w_idx += block.num_conv + + x = img = None + for res, cur_ws in zip(self.block_resolutions, block_ws): + block = getattr(self, f'b{res}') + x, img = block(x, img, cur_ws, **block_kwargs) + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_ws = -1, # Sepcific number of ws for mapping network + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + if mapping_ws == -1: + mapping_ws = self.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=mapping_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + tmp_channels, # Number of intermediate channels. + out_channels, # Number of output channels. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + first_layer_idx, # Index of the first layer. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + freeze_layers = 0, # Freeze-D: Number of layers to freeze. + ): + assert in_channels in [0, tmp_channels] + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.resolution = resolution + self.img_channels = img_channels + self.first_layer_idx = first_layer_idx + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + + self.num_layers = 0 + def trainable_gen(): + while True: + layer_idx = self.first_layer_idx + self.num_layers + trainable = (layer_idx >= freeze_layers) + self.num_layers += 1 + yield trainable + trainable_iter = trainable_gen() + + if in_channels == 0 or architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, tmp_channels, kernel_size=1, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv0 = Conv2dLayer(tmp_channels, tmp_channels, kernel_size=3, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv1 = Conv2dLayer(tmp_channels, out_channels, kernel_size=3, activation=activation, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last) + + if architecture == 'resnet': + self.skip = Conv2dLayer(tmp_channels, out_channels, kernel_size=1, bias=False, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, force_fp32=False): + if (x if x is not None else img).device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + + # Input. + if x is not None: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # FromRGB. + if self.in_channels == 0 or self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + y = self.fromrgb(img) + x = x + y if x is not None else y + img = upfirdn2d.downsample2d(img, self.resample_filter) if self.architecture == 'skip' else None + + # Main layers. + if self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x) + x = self.conv1(x, gain=np.sqrt(0.5)) + x = y.add_(x) + else: + x = self.conv0(x) + x = self.conv1(x) + + assert x.dtype == dtype + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MinibatchStdLayer(torch.nn.Module): + def __init__(self, group_size, num_channels=1): + super().__init__() + self.group_size = group_size + self.num_channels = num_channels + + def forward(self, x): + N, C, H, W = x.shape + with misc.suppress_tracer_warnings(): # as_tensor results are registered as constants + G = torch.min(torch.as_tensor(self.group_size), torch.as_tensor(N)) if self.group_size is not None else N + F = self.num_channels + c = C // F + + y = x.reshape(G, -1, F, c, H, W) # [GnFcHW] Split minibatch N into n groups of size G, and channels C into F groups of size c. + y = y - y.mean(dim=0) # [GnFcHW] Subtract mean over group. + y = y.square().mean(dim=0) # [nFcHW] Calc variance over group. + y = (y + 1e-8).sqrt() # [nFcHW] Calc stddev over group. + y = y.mean(dim=[2,3,4]) # [nF] Take average over channels and pixels. + y = y.reshape(-1, F, 1, 1) # [nF11] Add missing dimensions. + y = y.repeat(G, 1, H, W) # [NFHW] Replicate over group and pixels. + x = torch.cat([x, y], dim=1) # [NCHW] Append to input as new channels. + return x + + def extra_repr(self): + return f'group_size={self.group_size}, num_channels={self.num_channels:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorEpilogue(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + cmap_dim, # Dimensionality of mapped conditioning label, 0 = no label. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + mbstd_group_size = 4, # Group size for the minibatch standard deviation layer, None = entire minibatch. + mbstd_num_channels = 1, # Number of features for the minibatch standard deviation layer, 0 = disable. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.cmap_dim = cmap_dim + self.resolution = resolution + self.img_channels = img_channels + self.architecture = architecture + + if architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, in_channels, kernel_size=1, activation=activation) + self.mbstd = MinibatchStdLayer(group_size=mbstd_group_size, num_channels=mbstd_num_channels) if mbstd_num_channels > 0 else None + self.conv = Conv2dLayer(in_channels + mbstd_num_channels, in_channels, kernel_size=3, activation=activation, conv_clamp=conv_clamp) + self.fc = FullyConnectedLayer(in_channels * (resolution ** 2), in_channels, activation=activation) + self.out = FullyConnectedLayer(in_channels, 1 if cmap_dim == 0 else cmap_dim) + + def forward(self, x, img, cmap, force_fp32=False): + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) # [NCHW] + _ = force_fp32 # unused + dtype = torch.float32 + memory_format = torch.contiguous_format + + # FromRGB. + x = x.to(dtype=dtype, memory_format=memory_format) + if self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + x = x + self.fromrgb(img) + + # Main layers. + if self.mbstd is not None: + x = self.mbstd(x) + x = self.conv(x) + x = self.fc(x.flatten(1)) + x = self.out(x) + + # Conditioning. + if self.cmap_dim > 0: + misc.assert_shape(cmap, [None, self.cmap_dim]) + x = (x * cmap).sum(dim=1, keepdim=True) * (1 / np.sqrt(self.cmap_dim)) + + assert x.dtype == dtype + return x + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Discriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- \ No newline at end of file diff --git a/recon/models/stylegannext3D/networks_stylegan2_styleunet_next3d.py b/recon/models/stylegannext3D/networks_stylegan2_styleunet_next3d.py new file mode 100644 index 0000000000000000000000000000000000000000..3e5b8b71bdf9f195dcf28abdf603425db79105ba --- /dev/null +++ b/recon/models/stylegannext3D/networks_stylegan2_styleunet_next3d.py @@ -0,0 +1,958 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Network architectures from the paper +"Analyzing and Improving the Image Quality of StyleGAN". +Matches the original implementation of configs E-F by Karras et al. at +https://github.com/NVlabs/stylegan2/blob/master/training/networks_stylegan2.py""" + +import numpy as np +import torch +import math +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_resample +from torch_utils.ops import upfirdn2d +from torch_utils.ops import bias_act +from torch_utils.ops import fma + + +# ---------------------------------------------------------------------------- + +@misc.profiled_function +def normalize_2nd_moment(x, dim=1, eps=1e-8): + return x * (x.square().mean(dim=dim, keepdim=True) + eps).rsqrt() + + +# ---------------------------------------------------------------------------- + +@misc.profiled_function +def modulated_conv2d( + x, # Input tensor of shape [batch_size, in_channels, in_height, in_width]. + weight, # Weight tensor of shape [out_channels, in_channels, kernel_height, kernel_width]. + styles, # Modulation coefficients of shape [batch_size, in_channels]. + noise=None, # Optional noise tensor to add to the output activations. + up=1, # Integer upsampling factor. + down=1, # Integer downsampling factor. + padding=0, # Padding with respect to the upsampled image. + resample_filter=None, + # Low-pass filter to apply when resampling activations. Must be prepared beforehand by calling upfirdn2d.setup_filter(). + demodulate=True, # Apply weight demodulation? + flip_weight=True, # False = convolution, True = correlation (matches torch.nn.functional.conv2d). + fused_modconv=True, # Perform modulation, convolution, and demodulation as a single fused operation? +): + batch_size = x.shape[0] + out_channels, in_channels, kh, kw = weight.shape + misc.assert_shape(weight, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(styles, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs to avoid FP16 overflow. + if x.dtype == torch.float16 and demodulate: + weight = weight * (1 / np.sqrt(in_channels * kh * kw) / weight.norm(float('inf'), dim=[1, 2, 3], keepdim=True)) # max_Ikk + styles = styles / styles.norm(float('inf'), dim=1, keepdim=True) # max_I + + # Calculate per-sample weights and demodulation coefficients. + w = None + dcoefs = None + if demodulate or fused_modconv: + w = weight.unsqueeze(0) # [NOIkk] + w = w * styles.reshape(batch_size, 1, -1, 1, 1) # [NOIkk] + if demodulate: + dcoefs = (w.square().sum(dim=[2, 3, 4]) + 1e-8).rsqrt() # [NO] + if demodulate and fused_modconv: + w = w * dcoefs.reshape(batch_size, -1, 1, 1, 1) # [NOIkk] + + # Execute by scaling the activations before and after the convolution. + if not fused_modconv: + x = x * styles.to(x.dtype).reshape(batch_size, -1, 1, 1) + x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight) + if demodulate and noise is not None: + x = fma.fma(x, dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1), noise.to(x.dtype)) + elif demodulate: + x = x * dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1) + elif noise is not None: + x = x.add_(noise.to(x.dtype)) + return x + + # Execute as one fused op using grouped convolution. + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(batch_size) + misc.assert_shape(x, [batch_size, in_channels, None, None]) + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, groups=batch_size, + flip_weight=flip_weight) + x = x.reshape(batch_size, -1, *x.shape[2:]) + if noise is not None: + x = x.add_(noise) + return x + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class EncoderResBlock(torch.nn.Module): + def __init__(self, img_channel, in_channel, out_channel, down, downsample, resample_filter=[1, 3, 3, 1]): + super().__init__() + self.fromrgb = Conv2dLayer(img_channel, in_channel, 1, activation='linear', bias=False) + self.conv1 = Conv2dLayer(in_channel, in_channel, 3, activation='lrelu') + self.conv2 = Conv2dLayer(in_channel, out_channel, 3, down=down, activation='lrelu') + # self.skip = Conv2dLayer(in_channel, out_channel, 1, down=2, activation='linear', bias=False) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.downsample = downsample + + def forward(self, input, skip=None): + x = input + if self.downsample != 1: + x = upfirdn2d.downsample2d(x, self.resample_filter, down=self.downsample) + out = self.fromrgb(x) + if skip is not None: + out = out + skip + out = self.conv1(out) + out = self.conv2(out) + return input, out + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + bias=True, # Apply additive bias before the activation function? + activation='linear', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier=1, # Learning rate multiplier. + bias_init=0, # Initial value for the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) / lr_multiplier) + self.bias = torch.nn.Parameter(torch.full([out_features], np.float32(bias_init))) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class Conv2dLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + kernel_size, # Width and height of the convolution kernel. + bias=True, # Apply additive bias before the activation function? + activation='linear', # Activation function: 'relu', 'lrelu', etc. + up=1, # Integer upsampling factor. + down=1, # Integer downsampling factor. + resample_filter=[1, 3, 3, 1], # Low-pass filter to apply when resampling activations. + conv_clamp=None, # Clamp the output to +-X, None = disable clamping. + channels_last=False, # Expect the input to have memory_format=channels_last? + trainable=True, # Update the weights of this layer during training? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.activation = activation + self.up = up + self.down = down + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + self.act_gain = bias_act.activation_funcs[activation].def_gain + + memory_format = torch.channels_last if channels_last else torch.contiguous_format + weight = torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format) + bias = torch.zeros([out_channels]) if bias else None + if trainable: + self.weight = torch.nn.Parameter(weight) + self.bias = torch.nn.Parameter(bias) if bias is not None else None + else: + self.register_buffer('weight', weight) + if bias is not None: + self.register_buffer('bias', bias) + else: + self.bias = None + + def forward(self, x, gain=1): + w = self.weight * self.weight_gain + b = self.bias.to(x.dtype) if self.bias is not None else None + flip_weight = (self.up == 1) # slightly faster + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=self.resample_filter, up=self.up, down=self.down, padding=self.padding, + flip_weight=flip_weight) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, b, act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, activation={self.activation:s},', + f'up={self.up}, down={self.down}']) + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality, 0 = no latent. + c_dim, # Conditioning label (C) dimensionality, 0 = no label. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output, None = do not broadcast. + num_layers=8, # Number of mapping layers. + embed_features=None, # Label embedding dimensionality, None = same as w_dim. + layer_features=None, # Number of intermediate features in the mapping layers, None = same as w_dim. + activation='lrelu', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier=0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta=0.998, # Decay for tracking the moving average of W during training, None = do not track. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + if embed_features is None: + embed_features = w_dim + if c_dim == 0: + embed_features = 0 + if layer_features is None: + layer_features = w_dim + features_list = [z_dim + embed_features] + [layer_features] * (num_layers - 1) + [w_dim] + + if c_dim > 0: + self.embed = FullyConnectedLayer(c_dim, embed_features) + for idx in range(num_layers): + in_features = features_list[idx] + out_features = features_list[idx + 1] + layer = FullyConnectedLayer(in_features, out_features, activation=activation, lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + + if num_ws is not None and w_avg_beta is not None: + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + # Embed, normalize, and concat inputs. + x = None + with torch.autograd.profiler.record_function('input'): + if self.z_dim > 0: + misc.assert_shape(z, [None, self.z_dim]) + x = normalize_2nd_moment(z.to(torch.float32)) + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = normalize_2nd_moment(self.embed(c.to(torch.float32))) + x = torch.cat([x, y], dim=1) if x is not None else y + + # Main layers. + for idx in range(self.num_layers): + layer = getattr(self, f'fc{idx}') + x = layer(x) + + # Update moving average of W. + if update_emas and self.w_avg_beta is not None: + with torch.autograd.profiler.record_function('update_w_avg'): + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast. + if self.num_ws is not None: + with torch.autograd.profiler.record_function('broadcast'): + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + + # Apply truncation. + if truncation_psi != 1: + with torch.autograd.profiler.record_function('truncate'): + assert self.w_avg_beta is not None + if self.num_ws is None or truncation_cutoff is None: + x = self.w_avg.lerp(x, truncation_psi) + else: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this layer. + kernel_size=3, # Convolution kernel size. + up=1, # Integer upsampling factor. + use_noise=True, # Enable noise input? + activation='lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter=[1, 3, 3, 1], # Low-pass filter to apply when resampling activations. + conv_clamp=None, # Clamp the output of convolution layers to +-X, None = disable clamping. + channels_last=False, # Use channels_last format for the weights? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.resolution = resolution + self.up = up + self.use_noise = use_noise + self.activation = activation + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.act_gain = bias_act.activation_funcs[activation].def_gain + + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + if use_noise: + self.register_buffer('noise_const', torch.randn([resolution, resolution])) + self.noise_strength = torch.nn.Parameter(torch.zeros([])) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + + def forward(self, x, w, noise_mode='random', fused_modconv=True, gain=1): + assert noise_mode in ['random', 'const', 'none'] + in_resolution = self.resolution // self.up + misc.assert_shape(x, [None, self.in_channels, in_resolution, in_resolution]) + styles = self.affine(w) + + noise = None + if self.use_noise and noise_mode == 'random': + noise = torch.randn([x.shape[0], 1, self.resolution, self.resolution], device=x.device) * self.noise_strength + if self.use_noise and noise_mode == 'const': + noise = self.noise_const * self.noise_strength + + flip_weight = (self.up == 1) # slightly faster + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, noise=noise, up=self.up, + padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, self.bias.to(x.dtype), act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d},', + f'resolution={self.resolution:d}, up={self.up}, activation={self.activation:s}']) + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class ToRGBLayer(torch.nn.Module): + def __init__(self, in_channels, out_channels, w_dim, kernel_size=1, conv_clamp=None, channels_last=False): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.conv_clamp = conv_clamp + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + + def forward(self, x, w, fused_modconv=True): + styles = self.affine(w) * self.weight_gain + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, demodulate=False, fused_modconv=fused_modconv) + x = bias_act.bias_act(x, self.bias.to(x.dtype), clamp=self.conv_clamp) + return x + + def extra_repr(self): + return f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture='skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter=[1, 3, 3, 1], # Low-pass filter to apply when resampling activations. + conv_clamp=256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16=False, # Use FP16 for this block? + fp16_channels_last=False, # Use channels-last memory format with FP16? + fused_modconv_default=True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + cond_channels=3, # Number of condition input channels. + in_size=64, # Input size of condition image. + final_size=4, # Lowest resolution of encoding. + channel_base=32768, # Overall multiplier for the number of channels. + channel_max=512, # Maximum number of channels in any layer. + num_fp16_res=4, # Use FP16 for the N highest resolutions. + num_cond_res=64, # Highest resolution of condition injection. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.cond_channels = cond_channels + self.in_size = in_size + self.final_size = final_size + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + self.num_cond_res = num_cond_res + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + self.num_ws = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res // 2] if res > 4 else 0 + out_channels = channels_dict[res] + use_fp16 = (res >= fp16_resolution) + is_last = (res == self.img_resolution) + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res}', block) + + # encoder + self.encoder_res = [2 ** i for i in range(int(np.log2(self.in_size)), int(np.log2(self.final_size)) - 1, -1)] + self.encoder = torch.nn.ModuleList() + for res in self.encoder_res[:-1]: + in_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + block = EncoderResBlock(self.cond_channels, in_channels, out_channels, downsample=(res < in_size)) + self.encoder.append(block) + # trainable fusion module + self.fusion = torch.nn.ModuleList() + for res in self.encoder_res[::-1]: + num_channels = channels_dict[res] + if res > self.final_size: + self.fusion.append( + Conv2dLayer(num_channels * 2, num_channels, kernel_size=3, activation='linear', bias=True)) + else: + self.fusion.append( + Conv2dLayer(num_channels, num_channels, kernel_size=3, activation='linear', bias=True)) + + def forward(self, x_in, ws, **block_kwargs): + block_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + block_ws.append(ws.narrow(1, w_idx, block.num_conv + block.num_torgb)) + w_idx += block.num_conv + + # obtain multi-scale content features + cond_list = [] + cond_out = None + for i, res in enumerate(self.encoder_res[:-1][::-1]): + x_in, cond_out = self.encoder[i](x_in, cond_out) + cond_list.append(cond_out) + + cond_list = cond_list[::-1] + + x = img = None + _index = 0 + for res, cur_ws in zip(self.block_resolutions[int(np.log2(self.final_size)) - 1:], block_ws[int(np.log2(self.final_size)) - 1:]): + # pass the mid-layer features of E to the corresponding resolution layers of G + if 2 ** (_index + int(np.log2(self.final_size))) < self.num_cond_res: + if res == self.block_resolutions[int(np.log2(self.final_size)) - 1]: + x = self.fusion[_index](cond_list[_index]) + else: + x = torch.cat([x, cond_list[_index]], dim=1) + x = self.fusion[_index](x) + block = getattr(self, f'b{res}') + x, img = block(x, img, cur_ws, **block_kwargs) + _index += 1 + + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_ws=-1, # Sepcific number of ws for mapping network + mapping_kwargs={}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + if mapping_ws == -1: + mapping_ws = self.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=mapping_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + tmp_channels, # Number of intermediate channels. + out_channels, # Number of output channels. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + first_layer_idx, # Index of the first layer. + architecture='resnet', # Architecture: 'orig', 'skip', 'resnet'. + activation='lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter=[1, 3, 3, 1], # Low-pass filter to apply when resampling activations. + conv_clamp=None, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16=False, # Use FP16 for this block? + fp16_channels_last=False, # Use channels-last memory format with FP16? + freeze_layers=0, # Freeze-D: Number of layers to freeze. + ): + assert in_channels in [0, tmp_channels] + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.resolution = resolution + self.img_channels = img_channels + self.first_layer_idx = first_layer_idx + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + + self.num_layers = 0 + + def trainable_gen(): + while True: + layer_idx = self.first_layer_idx + self.num_layers + trainable = (layer_idx >= freeze_layers) + self.num_layers += 1 + yield trainable + + trainable_iter = trainable_gen() + + if in_channels == 0 or architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, tmp_channels, kernel_size=1, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv0 = Conv2dLayer(tmp_channels, tmp_channels, kernel_size=3, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv1 = Conv2dLayer(tmp_channels, out_channels, kernel_size=3, activation=activation, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, conv_clamp=conv_clamp, + channels_last=self.channels_last) + + if architecture == 'resnet': + self.skip = Conv2dLayer(tmp_channels, out_channels, kernel_size=1, bias=False, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, force_fp32=False): + if (x if x is not None else img).device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + + # Input. + if x is not None: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # FromRGB. + if self.in_channels == 0 or self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + y = self.fromrgb(img) + x = x + y if x is not None else y + img = upfirdn2d.downsample2d(img, self.resample_filter) if self.architecture == 'skip' else None + + # Main layers. + if self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x) + x = self.conv1(x, gain=np.sqrt(0.5)) + x = y.add_(x) + else: + x = self.conv0(x) + x = self.conv1(x) + + assert x.dtype == dtype + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class MinibatchStdLayer(torch.nn.Module): + def __init__(self, group_size, num_channels=1): + super().__init__() + self.group_size = group_size + self.num_channels = num_channels + + def forward(self, x): + N, C, H, W = x.shape + with misc.suppress_tracer_warnings(): # as_tensor results are registered as constants + G = torch.min(torch.as_tensor(self.group_size), torch.as_tensor(N)) if self.group_size is not None else N + F = self.num_channels + c = C // F + + y = x.reshape(G, -1, F, c, H, W) # [GnFcHW] Split minibatch N into n groups of size G, and channels C into F groups of size c. + y = y - y.mean(dim=0) # [GnFcHW] Subtract mean over group. + y = y.square().mean(dim=0) # [nFcHW] Calc variance over group. + y = (y + 1e-8).sqrt() # [nFcHW] Calc stddev over group. + y = y.mean(dim=[2, 3, 4]) # [nF] Take average over channels and pixels. + y = y.reshape(-1, F, 1, 1) # [nF11] Add missing dimensions. + y = y.repeat(G, 1, H, W) # [NFHW] Replicate over group and pixels. + x = torch.cat([x, y], dim=1) # [NCHW] Append to input as new channels. + return x + + def extra_repr(self): + return f'group_size={self.group_size}, num_channels={self.num_channels:d}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorEpilogue(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + cmap_dim, # Dimensionality of mapped conditioning label, 0 = no label. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + architecture='resnet', # Architecture: 'orig', 'skip', 'resnet'. + mbstd_group_size=4, # Group size for the minibatch standard deviation layer, None = entire minibatch. + mbstd_num_channels=1, # Number of features for the minibatch standard deviation layer, 0 = disable. + activation='lrelu', # Activation function: 'relu', 'lrelu', etc. + conv_clamp=None, # Clamp the output of convolution layers to +-X, None = disable clamping. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.cmap_dim = cmap_dim + self.resolution = resolution + self.img_channels = img_channels + self.architecture = architecture + + if architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, in_channels, kernel_size=1, activation=activation) + self.mbstd = MinibatchStdLayer(group_size=mbstd_group_size, num_channels=mbstd_num_channels) if mbstd_num_channels > 0 else None + self.conv = Conv2dLayer(in_channels + mbstd_num_channels, in_channels, kernel_size=3, activation=activation, conv_clamp=conv_clamp) + self.fc = FullyConnectedLayer(in_channels * (resolution ** 2), in_channels, activation=activation) + self.out = FullyConnectedLayer(in_channels, 1 if cmap_dim == 0 else cmap_dim) + + def forward(self, x, img, cmap, force_fp32=False): + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) # [NCHW] + _ = force_fp32 # unused + dtype = torch.float32 + memory_format = torch.contiguous_format + + # FromRGB. + x = x.to(dtype=dtype, memory_format=memory_format) + if self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + x = x + self.fromrgb(img) + + # Main layers. + if self.mbstd is not None: + x = self.mbstd(x) + x = self.conv(x) + x = self.fc(x.flatten(1)) + x = self.out(x) + + # Conditioning. + if self.cmap_dim > 0: + misc.assert_shape(cmap, [None, self.cmap_dim]) + x = (x * cmap).sum(dim=1, keepdim=True) * (1 / np.sqrt(self.cmap_dim)) + + assert x.dtype == dtype + return x + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + + +# ---------------------------------------------------------------------------- + +@persistence.persistent_class +class Discriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture='resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base=32768, # Overall multiplier for the number of channels. + channel_max=512, # Maximum number of channels in any layer. + num_fp16_res=4, # Use FP16 for the N highest resolutions. + conv_clamp=256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim=None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs={}, # Arguments for DiscriminatorBlock. + mapping_kwargs={}, # Arguments for MappingNetwork. + epilogue_kwargs={}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + + +# ---------------------------------------------------------------------------- + + +@persistence.persistent_class +class SynthesisUNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base=32768, # Overall multiplier for the number of channels. + channel_max=512, # Maximum number of channels in any layer. + num_fp16_res=4, # Use FP16 for the N highest resolutions. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + + # encoder + in_size = self.img_resolution # size of conditioning uv map + self.encoder_res = [2 ** i for i in range(int(np.log2(in_size)), 8, -1)] + self.encoder = torch.nn.ModuleList() + for res in self.encoder_res[:-1]: + in_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + block = EncoderResBlock(self.img_channels, in_channels, out_channels, downsample=(res < in_size)) + self.encoder.append(block) + + # decoder + self.decoder = torch.nn.ModuleList() + for res in self.encoder_res[::-1][:-1]: + in_channels = channels_dict[res] + out_channels = channels_dict[res * 2] + block = DecoderResBlock(self.img_channels, in_channels, out_channels, upsample=True) + self.decoder.append(block) + + def forward(self, x, **block_kwargs): + # obtain multi-scale content features + cond_list = [] + cond_out = None + for i, res in enumerate(self.encoder_res[:-1][::-1]): + x_in, cond_out = self.encoder[i](x_in, cond_out) + cond_list.append(cond_out) + + cond_list = cond_list[::-1] + + out = cond_list[0] + for i, res in enumerate(self.encoder_res[1:]): + skip = cond_list[i] + out = self.decoder[i](out, skip) + + out = self.final(out) + return out + + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) \ No newline at end of file diff --git a/recon/models/stylegannext3D/networks_stylegan3.py b/recon/models/stylegannext3D/networks_stylegan3.py new file mode 100644 index 0000000000000000000000000000000000000000..40e5508803feb7d4ebdd49ce140051f6a549cf9c --- /dev/null +++ b/recon/models/stylegannext3D/networks_stylegan3.py @@ -0,0 +1,517 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Generator architecture from the paper +"Alias-Free Generative Adversarial Networks".""" + +import numpy as np +import scipy.signal +import scipy.optimize +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_gradfix +from torch_utils.ops import filtered_lrelu +from torch_utils.ops import bias_act + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def modulated_conv2d( + x, # Input tensor: [batch_size, in_channels, in_height, in_width] + w, # Weight tensor: [out_channels, in_channels, kernel_height, kernel_width] + s, # Style tensor: [batch_size, in_channels] + demodulate = True, # Apply weight demodulation? + padding = 0, # Padding: int or [padH, padW] + input_gain = None, # Optional scale factors for the input channels: [], [in_channels], or [batch_size, in_channels] +): + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(x.shape[0]) + out_channels, in_channels, kh, kw = w.shape + misc.assert_shape(w, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(s, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs. + if demodulate: + w = w * w.square().mean([1,2,3], keepdim=True).rsqrt() + s = s * s.square().mean().rsqrt() + + # Modulate weights. + w = w.unsqueeze(0) # [NOIkk] + w = w * s.unsqueeze(1).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Demodulate weights. + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + w = w * dcoefs.unsqueeze(2).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Apply input scaling. + if input_gain is not None: + input_gain = input_gain.expand(batch_size, in_channels) # [NI] + w = w * input_gain.unsqueeze(1).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Execute as one fused op using grouped convolution. + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_gradfix.conv2d(input=x, weight=w.to(x.dtype), padding=padding, groups=batch_size) + x = x.reshape(batch_size, -1, *x.shape[2:]) + return x + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + bias = True, # Apply additive bias before the activation function? + lr_multiplier = 1, # Learning rate multiplier. + weight_init = 1, # Initial standard deviation of the weight tensor. + bias_init = 0, # Initial value of the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) * (weight_init / lr_multiplier)) + bias_init = np.broadcast_to(np.asarray(bias_init, dtype=np.float32), [out_features]) + self.bias = torch.nn.Parameter(torch.from_numpy(bias_init / lr_multiplier)) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality, 0 = no labels. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output. + num_layers = 2, # Number of mapping layers. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + # Construct layers. + self.embed = FullyConnectedLayer(self.c_dim, self.w_dim) if self.c_dim > 0 else None + features = [self.z_dim + (self.w_dim if self.c_dim > 0 else 0)] + [self.w_dim] * self.num_layers + for idx, in_features, out_features in zip(range(num_layers), features[:-1], features[1:]): + layer = FullyConnectedLayer(in_features, out_features, activation='lrelu', lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + misc.assert_shape(z, [None, self.z_dim]) + if truncation_cutoff is None: + truncation_cutoff = self.num_ws + + # Embed, normalize, and concatenate inputs. + x = z.to(torch.float32) + x = x * (x.square().mean(1, keepdim=True) + 1e-8).rsqrt() + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = self.embed(c.to(torch.float32)) + y = y * (y.square().mean(1, keepdim=True) + 1e-8).rsqrt() + x = torch.cat([x, y], dim=1) if x is not None else y + + # Execute layers. + for idx in range(self.num_layers): + x = getattr(self, f'fc{idx}')(x) + + # Update moving average of W. + if update_emas: + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast and apply truncation. + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + if truncation_psi != 1: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisInput(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + channels, # Number of output channels. + size, # Output spatial size: int or [width, height]. + sampling_rate, # Output sampling rate. + bandwidth, # Output bandwidth. + ): + super().__init__() + self.w_dim = w_dim + self.channels = channels + self.size = np.broadcast_to(np.asarray(size), [2]) + self.sampling_rate = sampling_rate + self.bandwidth = bandwidth + + # Draw random frequencies from uniform 2D disc. + freqs = torch.randn([self.channels, 2]) + radii = freqs.square().sum(dim=1, keepdim=True).sqrt() + freqs /= radii * radii.square().exp().pow(0.25) + freqs *= bandwidth + phases = torch.rand([self.channels]) - 0.5 + + # Setup parameters and buffers. + self.weight = torch.nn.Parameter(torch.randn([self.channels, self.channels])) + self.affine = FullyConnectedLayer(w_dim, 4, weight_init=0, bias_init=[1,0,0,0]) + self.register_buffer('transform', torch.eye(3, 3)) # User-specified inverse transform wrt. resulting image. + self.register_buffer('freqs', freqs) + self.register_buffer('phases', phases) + + def forward(self, w): + # Introduce batch dimension. + transforms = self.transform.unsqueeze(0) # [batch, row, col] + freqs = self.freqs.unsqueeze(0) # [batch, channel, xy] + phases = self.phases.unsqueeze(0) # [batch, channel] + + # Apply learned transformation. + t = self.affine(w) # t = (r_c, r_s, t_x, t_y) + t = t / t[:, :2].norm(dim=1, keepdim=True) # t' = (r'_c, r'_s, t'_x, t'_y) + m_r = torch.eye(3, device=w.device).unsqueeze(0).repeat([w.shape[0], 1, 1]) # Inverse rotation wrt. resulting image. + m_r[:, 0, 0] = t[:, 0] # r'_c + m_r[:, 0, 1] = -t[:, 1] # r'_s + m_r[:, 1, 0] = t[:, 1] # r'_s + m_r[:, 1, 1] = t[:, 0] # r'_c + m_t = torch.eye(3, device=w.device).unsqueeze(0).repeat([w.shape[0], 1, 1]) # Inverse translation wrt. resulting image. + m_t[:, 0, 2] = -t[:, 2] # t'_x + m_t[:, 1, 2] = -t[:, 3] # t'_y + transforms = m_r @ m_t @ transforms # First rotate resulting image, then translate, and finally apply user-specified transform. + + # Transform frequencies. + phases = phases + (freqs @ transforms[:, :2, 2:]).squeeze(2) + freqs = freqs @ transforms[:, :2, :2] + + # Dampen out-of-band frequencies that may occur due to the user-specified transform. + amplitudes = (1 - (freqs.norm(dim=2) - self.bandwidth) / (self.sampling_rate / 2 - self.bandwidth)).clamp(0, 1) + + # Construct sampling grid. + theta = torch.eye(2, 3, device=w.device) + theta[0, 0] = 0.5 * self.size[0] / self.sampling_rate + theta[1, 1] = 0.5 * self.size[1] / self.sampling_rate + grids = torch.nn.functional.affine_grid(theta.unsqueeze(0), [1, 1, self.size[1], self.size[0]], align_corners=False) + + # Compute Fourier features. + x = (grids.unsqueeze(3) @ freqs.permute(0, 2, 1).unsqueeze(1).unsqueeze(2)).squeeze(3) # [batch, height, width, channel] + x = x + phases.unsqueeze(1).unsqueeze(2) + x = torch.sin(x * (np.pi * 2)) + x = x * amplitudes.unsqueeze(1).unsqueeze(2) + + # Apply trainable mapping. + weight = self.weight / np.sqrt(self.channels) + x = x @ weight.t() + + # Ensure correct shape. + x = x.permute(0, 3, 1, 2) # [batch, channel, height, width] + misc.assert_shape(x, [w.shape[0], self.channels, int(self.size[1]), int(self.size[0])]) + return x + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, channels={self.channels:d}, size={list(self.size)},', + f'sampling_rate={self.sampling_rate:g}, bandwidth={self.bandwidth:g}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisLayer(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + is_torgb, # Is this the final ToRGB layer? + is_critically_sampled, # Does this layer use critical sampling? + use_fp16, # Does this layer use FP16? + + # Input & output specifications. + in_channels, # Number of input channels. + out_channels, # Number of output channels. + in_size, # Input spatial size: int or [width, height]. + out_size, # Output spatial size: int or [width, height]. + in_sampling_rate, # Input sampling rate (s). + out_sampling_rate, # Output sampling rate (s). + in_cutoff, # Input cutoff frequency (f_c). + out_cutoff, # Output cutoff frequency (f_c). + in_half_width, # Input transition band half-width (f_h). + out_half_width, # Output Transition band half-width (f_h). + + # Hyperparameters. + conv_kernel = 3, # Convolution kernel size. Ignored for final the ToRGB layer. + filter_size = 6, # Low-pass filter size relative to the lower resolution when up/downsampling. + lrelu_upsampling = 2, # Relative sampling rate for leaky ReLU. Ignored for final the ToRGB layer. + use_radial_filters = False, # Use radially symmetric downsampling filter? Ignored for critically sampled layers. + conv_clamp = 256, # Clamp the output to [-X, +X], None = disable clamping. + magnitude_ema_beta = 0.999, # Decay rate for the moving average of input magnitudes. + ): + super().__init__() + self.w_dim = w_dim + self.is_torgb = is_torgb + self.is_critically_sampled = is_critically_sampled + self.use_fp16 = use_fp16 + self.in_channels = in_channels + self.out_channels = out_channels + self.in_size = np.broadcast_to(np.asarray(in_size), [2]) + self.out_size = np.broadcast_to(np.asarray(out_size), [2]) + self.in_sampling_rate = in_sampling_rate + self.out_sampling_rate = out_sampling_rate + self.tmp_sampling_rate = max(in_sampling_rate, out_sampling_rate) * (1 if is_torgb else lrelu_upsampling) + self.in_cutoff = in_cutoff + self.out_cutoff = out_cutoff + self.in_half_width = in_half_width + self.out_half_width = out_half_width + self.conv_kernel = 1 if is_torgb else conv_kernel + self.conv_clamp = conv_clamp + self.magnitude_ema_beta = magnitude_ema_beta + + # Setup parameters and buffers. + self.affine = FullyConnectedLayer(self.w_dim, self.in_channels, bias_init=1) + self.weight = torch.nn.Parameter(torch.randn([self.out_channels, self.in_channels, self.conv_kernel, self.conv_kernel])) + self.bias = torch.nn.Parameter(torch.zeros([self.out_channels])) + self.register_buffer('magnitude_ema', torch.ones([])) + + # Design upsampling filter. + self.up_factor = int(np.rint(self.tmp_sampling_rate / self.in_sampling_rate)) + assert self.in_sampling_rate * self.up_factor == self.tmp_sampling_rate + self.up_taps = filter_size * self.up_factor if self.up_factor > 1 and not self.is_torgb else 1 + self.register_buffer('up_filter', self.design_lowpass_filter( + numtaps=self.up_taps, cutoff=self.in_cutoff, width=self.in_half_width*2, fs=self.tmp_sampling_rate)) + + # Design downsampling filter. + self.down_factor = int(np.rint(self.tmp_sampling_rate / self.out_sampling_rate)) + assert self.out_sampling_rate * self.down_factor == self.tmp_sampling_rate + self.down_taps = filter_size * self.down_factor if self.down_factor > 1 and not self.is_torgb else 1 + self.down_radial = use_radial_filters and not self.is_critically_sampled + self.register_buffer('down_filter', self.design_lowpass_filter( + numtaps=self.down_taps, cutoff=self.out_cutoff, width=self.out_half_width*2, fs=self.tmp_sampling_rate, radial=self.down_radial)) + + # Compute padding. + pad_total = (self.out_size - 1) * self.down_factor + 1 # Desired output size before downsampling. + pad_total -= (self.in_size + self.conv_kernel - 1) * self.up_factor # Input size after upsampling. + pad_total += self.up_taps + self.down_taps - 2 # Size reduction caused by the filters. + pad_lo = (pad_total + self.up_factor) // 2 # Shift sample locations according to the symmetric interpretation (Appendix C.3). + pad_hi = pad_total - pad_lo + self.padding = [int(pad_lo[0]), int(pad_hi[0]), int(pad_lo[1]), int(pad_hi[1])] + + def forward(self, x, w, noise_mode='random', force_fp32=False, update_emas=False): + assert noise_mode in ['random', 'const', 'none'] # unused + misc.assert_shape(x, [None, self.in_channels, int(self.in_size[1]), int(self.in_size[0])]) + misc.assert_shape(w, [x.shape[0], self.w_dim]) + + # Track input magnitude. + if update_emas: + with torch.autograd.profiler.record_function('update_magnitude_ema'): + magnitude_cur = x.detach().to(torch.float32).square().mean() + self.magnitude_ema.copy_(magnitude_cur.lerp(self.magnitude_ema, self.magnitude_ema_beta)) + input_gain = self.magnitude_ema.rsqrt() + + # Execute affine layer. + styles = self.affine(w) + if self.is_torgb: + weight_gain = 1 / np.sqrt(self.in_channels * (self.conv_kernel ** 2)) + styles = styles * weight_gain + + # Execute modulated conv2d. + dtype = torch.float16 if (self.use_fp16 and not force_fp32 and x.device.type == 'cuda') else torch.float32 + x = modulated_conv2d(x=x.to(dtype), w=self.weight, s=styles, + padding=self.conv_kernel-1, demodulate=(not self.is_torgb), input_gain=input_gain) + + # Execute bias, filtered leaky ReLU, and clamping. + gain = 1 if self.is_torgb else np.sqrt(2) + slope = 1 if self.is_torgb else 0.2 + x = filtered_lrelu.filtered_lrelu(x=x, fu=self.up_filter, fd=self.down_filter, b=self.bias.to(x.dtype), + up=self.up_factor, down=self.down_factor, padding=self.padding, gain=gain, slope=slope, clamp=self.conv_clamp) + + # Ensure correct shape and dtype. + misc.assert_shape(x, [None, self.out_channels, int(self.out_size[1]), int(self.out_size[0])]) + assert x.dtype == dtype + return x + + @staticmethod + def design_lowpass_filter(numtaps, cutoff, width, fs, radial=False): + assert numtaps >= 1 + + # Identity filter. + if numtaps == 1: + return None + + # Separable Kaiser low-pass filter. + if not radial: + f = scipy.signal.firwin(numtaps=numtaps, cutoff=cutoff, width=width, fs=fs) + return torch.as_tensor(f, dtype=torch.float32) + + # Radially symmetric jinc-based filter. + x = (np.arange(numtaps) - (numtaps - 1) / 2) / fs + r = np.hypot(*np.meshgrid(x, x)) + f = scipy.special.j1(2 * cutoff * (np.pi * r)) / (np.pi * r) + beta = scipy.signal.kaiser_beta(scipy.signal.kaiser_atten(numtaps, width / (fs / 2))) + w = np.kaiser(numtaps, beta) + f *= np.outer(w, w) + f /= np.sum(f) + return torch.as_tensor(f, dtype=torch.float32) + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, is_torgb={self.is_torgb},', + f'is_critically_sampled={self.is_critically_sampled}, use_fp16={self.use_fp16},', + f'in_sampling_rate={self.in_sampling_rate:g}, out_sampling_rate={self.out_sampling_rate:g},', + f'in_cutoff={self.in_cutoff:g}, out_cutoff={self.out_cutoff:g},', + f'in_half_width={self.in_half_width:g}, out_half_width={self.out_half_width:g},', + f'in_size={list(self.in_size)}, out_size={list(self.out_size)},', + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_layers = 14, # Total number of layers, excluding Fourier features and ToRGB. + num_critical = 2, # Number of critically sampled layers at the end. + first_cutoff = 2, # Cutoff frequency of the first layer (f_{c,0}). + first_stopband = 2**2.1, # Minimum stopband of the first layer (f_{t,0}). + last_stopband_rel = 2**0.3, # Minimum stopband of the last layer, expressed relative to the cutoff. + margin_size = 10, # Number of additional pixels outside the image. + output_scale = 0.25, # Scale factor for the output image. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + super().__init__() + self.w_dim = w_dim + self.num_ws = num_layers + 2 + self.img_resolution = img_resolution + self.img_channels = img_channels + self.num_layers = num_layers + self.num_critical = num_critical + self.margin_size = margin_size + self.output_scale = output_scale + self.num_fp16_res = num_fp16_res + + # Geometric progression of layer cutoffs and min. stopbands. + last_cutoff = self.img_resolution / 2 # f_{c,N} + last_stopband = last_cutoff * last_stopband_rel # f_{t,N} + exponents = np.minimum(np.arange(self.num_layers + 1) / (self.num_layers - self.num_critical), 1) + cutoffs = first_cutoff * (last_cutoff / first_cutoff) ** exponents # f_c[i] + stopbands = first_stopband * (last_stopband / first_stopband) ** exponents # f_t[i] + + # Compute remaining layer parameters. + sampling_rates = np.exp2(np.ceil(np.log2(np.minimum(stopbands * 2, self.img_resolution)))) # s[i] + half_widths = np.maximum(stopbands, sampling_rates / 2) - cutoffs # f_h[i] + sizes = sampling_rates + self.margin_size * 2 + sizes[-2:] = self.img_resolution + channels = np.rint(np.minimum((channel_base / 2) / cutoffs, channel_max)) + channels[-1] = self.img_channels + + # Construct layers. + self.input = SynthesisInput( + w_dim=self.w_dim, channels=int(channels[0]), size=int(sizes[0]), + sampling_rate=sampling_rates[0], bandwidth=cutoffs[0]) + self.layer_names = [] + for idx in range(self.num_layers + 1): + prev = max(idx - 1, 0) + is_torgb = (idx == self.num_layers) + is_critically_sampled = (idx >= self.num_layers - self.num_critical) + use_fp16 = (sampling_rates[idx] * (2 ** self.num_fp16_res) > self.img_resolution) + layer = SynthesisLayer( + w_dim=self.w_dim, is_torgb=is_torgb, is_critically_sampled=is_critically_sampled, use_fp16=use_fp16, + in_channels=int(channels[prev]), out_channels= int(channels[idx]), + in_size=int(sizes[prev]), out_size=int(sizes[idx]), + in_sampling_rate=int(sampling_rates[prev]), out_sampling_rate=int(sampling_rates[idx]), + in_cutoff=cutoffs[prev], out_cutoff=cutoffs[idx], + in_half_width=half_widths[prev], out_half_width=half_widths[idx], + **layer_kwargs) + name = f'L{idx}_{layer.out_size[0]}_{layer.out_channels}' + setattr(self, name, layer) + self.layer_names.append(name) + + def forward(self, ws, **layer_kwargs): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32).unbind(dim=1) + + # Execute layers. + x = self.input(ws[0]) + for name, w in zip(self.layer_names, ws[1:]): + x = getattr(self, name)(x, w, **layer_kwargs) + if self.output_scale != 1: + x = x * self.output_scale + + # Ensure correct shape and dtype. + misc.assert_shape(x, [None, self.img_channels, self.img_resolution, self.img_resolution]) + x = x.to(torch.float32) + return x + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_layers={self.num_layers:d}, num_critical={self.num_critical:d},', + f'margin_size={self.margin_size:d}, num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=self.num_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#---------------------------------------------------------------------------- diff --git a/recon/models/stylegannext3D/next3d_triplane.py b/recon/models/stylegannext3D/next3d_triplane.py new file mode 100644 index 0000000000000000000000000000000000000000..8961753805c153047d51bfffcc9169b656fb13ac --- /dev/null +++ b/recon/models/stylegannext3D/next3d_triplane.py @@ -0,0 +1,396 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +""" +V4: +1. 使用相同的latent code控制两个stylegan (不共享梯度); +2. 正交投影的参数从2D改成了3D,使三次投影的变换一致; +3. 三平面变成四平面; +4. 三平面的顺序调换; +5. 生成嘴部的动态纹理, 和静态纹理融合 (Styleunet) +""" +from os import device_encoding +from turtle import update +import math +import torch +import numpy as np +import torch.nn.functional as F +from pytorch3d.io import load_obj +import cv2 +from torchvision.utils import save_image + +import dnnlib +from torch_utils import persistence +from training_avatar_texture.networks_stylegan2_next3d import Generator as StyleGAN2Backbone +from training_avatar_texture.networks_stylegan2_styleunet_next3d import Generator as CondStyleGAN2Backbone +from training_avatar_texture.volumetric_rendering.renderer_next3d import ImportanceRenderer +from training_avatar_texture.volumetric_rendering.ray_sampler import RaySampler +from training_avatar_texture.volumetric_rendering.renderer_next3d import Pytorch3dRasterizer, face_vertices, generate_triangles, transform_points, \ + batch_orth_proj, angle2matrix +from training_avatar_texture.volumetric_rendering.renderer_next3d import fill_mouth + + +@persistence.persistent_class +class TriPlaneGenerator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + topology_path, # + sr_num_fp16_res=0, + mapping_kwargs={}, # Arguments for MappingNetwork. + rendering_kwargs={}, + sr_kwargs={}, + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.topology_path = 'flame_head_template.obj'#topology_path + self.renderer = ImportanceRenderer() + self.ray_sampler = RaySampler() + self.texture_backbone = StyleGAN2Backbone(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32, mapping_kwargs=mapping_kwargs, + **synthesis_kwargs) # render neural texture + self.mouth_backbone = CondStyleGAN2Backbone(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32, in_size=64, final_size=4, + cond_channels=32, num_cond_res=64, mapping_kwargs=mapping_kwargs, **synthesis_kwargs) + self.backbone = StyleGAN2Backbone(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32 * 3, mapping_ws=self.texture_backbone.num_ws * 2, + mapping_kwargs=mapping_kwargs, **synthesis_kwargs) + # debug: use splitted w + self.superresolution = dnnlib.util.construct_class_by_name(class_name=rendering_kwargs['superresolution_module'], channels=32, + img_resolution=img_resolution, sr_num_fp16_res=sr_num_fp16_res, + sr_antialias=rendering_kwargs['sr_antialias'], **sr_kwargs) + self.decoder = OSGDecoder(32, {'decoder_lr_mul': rendering_kwargs.get('decoder_lr_mul', 1), 'decoder_output_dim': 32}) + self.neural_rendering_resolution = 64 + self.rendering_kwargs = rendering_kwargs + self._last_planes = None + self.load_lms = True + + # set pytorch3d rasterizer + self.uv_resolution = 256 + self.rasterizer = Pytorch3dRasterizer(image_size=256) + + verts, faces, aux = load_obj(self.topology_path) + uvcoords = aux.verts_uvs[None, ...] # (N, V, 2) + uvfaces = faces.textures_idx[None, ...] # (N, F, 3) + faces = faces.verts_idx[None, ...] + + # faces + dense_triangles = generate_triangles(self.uv_resolution, self.uv_resolution) + self.register_buffer('dense_faces', torch.from_numpy(dense_triangles).long()[None, :, :].contiguous()) + self.register_buffer('faces', faces) + self.register_buffer('raw_uvcoords', uvcoords) + + # eye masks + mask = cv2.imread('flame_uv_face_eye_mask.png').astype(np.float32) / 255.; + mask = torch.from_numpy(mask[:, :, 0])[None, None, :, :].contiguous() + self.uv_face_mask = F.interpolate(mask, [256, 256]) + + # mouth mask + self.fill_mouth = True + + # uv coords + uvcoords = torch.cat([uvcoords, uvcoords[:, :, 0:1] * 0. + 1.], -1) # [bz, ntv, 3] + uvcoords = uvcoords * 2 - 1; + uvcoords[..., 1] = -uvcoords[..., 1] + face_uvcoords = face_vertices(uvcoords, uvfaces) + self.register_buffer('uvcoords', uvcoords) + self.register_buffer('uvfaces', uvfaces) + self.register_buffer('face_uvcoords', face_uvcoords) + + self.orth_scale = torch.tensor([[5.0]]) + self.orth_shift = torch.tensor([[0, -0.01, -0.01]]) + + # neural blending + self.neural_blending = CondStyleGAN2Backbone(z_dim, c_dim, w_dim, cond_channels=32, img_resolution=256, img_channels=32, in_size=256, + final_size=32, num_cond_res=256, mapping_kwargs=mapping_kwargs, **synthesis_kwargs) + + def mapping(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + if self.rendering_kwargs['c_gen_conditioning_zero']: + c = torch.zeros_like(c) + c = c[:, :25] # remove expression labels + return self.backbone.mapping(z, c * self.rendering_kwargs.get('c_scale', 0), truncation_psi=truncation_psi, + truncation_cutoff=truncation_cutoff, update_emas=update_emas) + + def synthesis(self, ws, c, v, neural_rendering_resolution=None, update_emas=False, cache_backbone=False, use_cached_backbone=False, + **synthesis_kwargs): + # split vertices and landmarks + if self.load_lms: + v, lms = v[:, :5023], v[:, 5023:] + + batch_size = ws.shape[0] + eg3d_ws, texture_ws = ws[:, :self.texture_backbone.num_ws], ws[:, self.texture_backbone.num_ws:] + cam2world_matrix = c[:, :16].view(-1, 4, 4) + intrinsics = c[:, 16:25].view(-1, 3, 3) + + if neural_rendering_resolution is None: + neural_rendering_resolution = self.neural_rendering_resolution + else: + self.neural_rendering_resolution = neural_rendering_resolution + + # Create a batch of rays for volume rendering + ray_origins, ray_directions = self.ray_sampler(cam2world_matrix, intrinsics, neural_rendering_resolution) + + # Create triplanes by running StyleGAN backbone + N, M, _ = ray_origins.shape + textures = self.texture_backbone.synthesis(texture_ws, update_emas=update_emas, **synthesis_kwargs) + + # rasterize to three orthogonal views + rendering_views = [ + [0, 0, 0], + [0, 90, 0], + [0, -90, 0], + [90, 0, 0] + ] + rendering_images, alpha_images, uvcoords_images, lm2ds = self.rasterize(v, lms, textures, rendering_views, batch_size, ws.device) + + # generate front mouth masks + rendering_image_front = rendering_images[0] + mouths_mask = self.gen_mouth_mask(lm2ds[0]) + rendering_mouth = [rendering_image_front[i:i + 1, :][:, :, m[0]:m[1], m[2]:m[3]] for i, m in enumerate(mouths_mask)] + rendering_mouth = torch.cat([torch.nn.functional.interpolate(uv, size=(64, 64), mode='bilinear', antialias=True) for uv in rendering_mouth], + 0) + + # generate mouth front plane and integrate back to face front plane + mouths_plane = self.mouth_backbone.synthesis(rendering_mouth, eg3d_ws, update_emas=update_emas, **synthesis_kwargs) + rendering_stitch = [] + for rendering, m, mouth_plane in zip(rendering_image_front, mouths_mask, mouths_plane): + rendering = rendering.unsqueeze(0) + dummy = torch.zeros_like(rendering) + dummy[:, :] = rendering + dummy[:, :, m[0]:m[1], m[2]:m[3]] = torch.nn.functional.interpolate(mouth_plane.unsqueeze(0), size=(m[1] - m[0], m[1] - m[0]), + mode='bilinear', antialias=True) + rendering_stitch.append(dummy) + rendering_stitch = torch.cat(rendering_stitch, 0) + rendering_stitch = self.neural_blending.synthesis(rendering_stitch, eg3d_ws, update_emas=update_emas, **synthesis_kwargs) + + # generate static triplane + static_plane = self.backbone.synthesis(eg3d_ws, update_emas=update_emas, **synthesis_kwargs) + static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + + # blend features of neural texture and tri-plane + alpha_image = torch.cat(alpha_images, 1).unsqueeze(2) + rendering_stitch = torch.cat((rendering_stitch, rendering_images[1], rendering_images[2]), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * alpha_image + static_plane * (1 - alpha_image) + + # Perform volume rendering + feature_samples, depth_samples, weights_samples = self.renderer(blended_planes, self.decoder, ray_origins, ray_directions, + self.rendering_kwargs) # channels last + + # Reshape into 'raw' neural-rendered image + H = W = self.neural_rendering_resolution + feature_image = feature_samples.permute(0, 2, 1).reshape(N, feature_samples.shape[-1], H, W).contiguous() + depth_image = depth_samples.permute(0, 2, 1).reshape(N, 1, H, W) + + # Run superresolution to get final image + rgb_image = feature_image[:, :3] + sr_image = self.superresolution(rgb_image, feature_image, eg3d_ws, noise_mode=self.rendering_kwargs['superresolution_noise_mode'], + **{k: synthesis_kwargs[k] for k in synthesis_kwargs.keys() if k != 'noise_mode'}) + + return {'image': sr_image, 'image_raw': rgb_image, 'image_depth': depth_image} + + def rasterize(self, v, lms, textures, tforms, batch_size, device): + rendering_images, alpha_images, uvcoords_images, transformed_lms = [], [], [], [] + + for tform in tforms: + v_flip, lms_flip = v.detach().clone(), lms.detach().clone() + v_flip[..., 1] *= -1; + lms_flip[..., 1] *= -1 + # rasterize texture to three orthogonal views + tform = angle2matrix(torch.tensor(tform).reshape(1, -1)).expand(batch_size, -1, -1).to(device) + transformed_vertices = (torch.bmm(v_flip, tform) + self.orth_shift.to(device)) * self.orth_scale.to(device) + transformed_vertices = batch_orth_proj(transformed_vertices, torch.tensor([1., 0, 0]).to(device)) + transformed_vertices[:, :, 1:] = -transformed_vertices[:, :, 1:] + transformed_vertices[:, :, 2] = transformed_vertices[:, :, 2] + 10 + + transformed_lm = (torch.bmm(lms_flip, tform) + self.orth_shift.to(device)) * self.orth_scale.to(device) + transformed_lm = batch_orth_proj(transformed_lm, torch.tensor([1., 0, 0]).to(device))[:, :, :2] + transformed_lm[:, :, 1:] = -transformed_lm[:, :, 1:] + + faces = self.faces.detach().clone()[..., [0, 2, 1]].expand(batch_size, -1, -1) + attributes = self.face_uvcoords.detach().clone()[:, :, [0, 2, 1]].expand(batch_size, -1, -1, -1) + + rendering = self.rasterizer(transformed_vertices, faces, attributes, 256, 256) + alpha_image = rendering[:, -1, :, :][:, None, :, :].detach() + uvcoords_image = rendering[:, :-1, :, :]; + grid = (uvcoords_image).permute(0, 2, 3, 1)[:, :, :, :2] + mask_face_eye = F.grid_sample(self.uv_face_mask.expand(batch_size, -1, -1, -1).to(device), grid.detach(), align_corners=False) + alpha_image = mask_face_eye * alpha_image + if self.fill_mouth: + alpha_image = fill_mouth(alpha_image) + uvcoords_image = mask_face_eye * uvcoords_image + rendering_image = F.grid_sample(textures, grid.detach(), align_corners=False) + + rendering_images.append(rendering_image) + alpha_images.append(alpha_image) + uvcoords_images.append(uvcoords_image) + transformed_lms.append(transformed_lm) + + rendering_image_side = rendering_images[1] + rendering_images[2] # concatenate two side-view renderings + alpha_image_side = (alpha_images[1].bool() | alpha_images[1].bool()).float() + rendering_images = [rendering_images[0], rendering_image_side, rendering_images[3]] + alpha_images = [alpha_images[0], alpha_image_side, alpha_images[3]] + + return rendering_images, alpha_images, uvcoords_images, transformed_lms + + def sample(self, coordinates, directions, z, c, v, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + # Compute RGB features, density for arbitrary 3D coordinates. Mostly used for extracting shapes. + if self.load_lms: + v, lms = v[:, :5023], v[:, 5023:] + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + batch_size = ws.shape[0] + eg3d_ws, texture_ws = ws[:, :self.texture_backbone.num_ws], ws[:, self.texture_backbone.num_ws:] + textures = self.texture_backbone.synthesis(texture_ws, update_emas=update_emas, **synthesis_kwargs) + # rasterize to three orthogonal views + rendering_views = [ + [0, 0, 0], + [0, 90, 0], + [0, -90, 0], + [90, 0, 0] + ] + rendering_images, alpha_images, uvcoords_images, lm2ds = self.rasterize(v, lms, textures, rendering_views, batch_size, ws.device) + # generate front mouth masks + rendering_image_front = rendering_images[0] + mouths_mask = self.gen_mouth_mask(lm2ds[0]) + rendering_mouth = [rendering_image_front[i:i + 1, :][:, :, m[0]:m[1], m[2]:m[3]] for i, m in enumerate(mouths_mask)] + rendering_mouth = torch.cat([torch.nn.functional.interpolate(uv, size=(64, 64), mode='bilinear', antialias=True) for uv in rendering_mouth], + 0) + + # generate mouth front plane and integrate back to face front plane + mouths_plane = self.mouth_backbone.synthesis(rendering_mouth, eg3d_ws, update_emas=update_emas, **synthesis_kwargs) + rendering_stitch = [] + for rendering, m, mouth_plane in zip(rendering_image_front, mouths_mask, mouths_plane): + rendering = rendering.unsqueeze(0) + dummy = torch.zeros_like(rendering) + dummy[:, :] = rendering + dummy[:, :, m[0]:m[1], m[2]:m[3]] = torch.nn.functional.interpolate(mouth_plane.unsqueeze(0), size=(m[1] - m[0], m[1] - m[0]), + mode='bilinear', antialias=True) + rendering_stitch.append(dummy) + rendering_stitch = torch.cat(rendering_stitch, 0) + rendering_stitch = self.neural_blending.synthesis(rendering_stitch, eg3d_ws, update_emas=update_emas, **synthesis_kwargs) + + # generate static triplane + static_plane = self.backbone.synthesis(eg3d_ws, update_emas=update_emas, **synthesis_kwargs) + static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + + # blend features of neural texture and tri-plane + alpha_image = torch.cat(alpha_images, 1).unsqueeze(2) + rendering_stitch = torch.cat((rendering_stitch, rendering_images[1], rendering_images[2]), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * alpha_image + static_plane * (1 - alpha_image) + + return self.renderer.run_model(blended_planes, self.decoder, coordinates, directions, self.rendering_kwargs) + + def sample_mixed(self, coordinates, directions, ws, v, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + # Same as sample, but expects latent vectors 'ws' instead of Gaussian noise 'z' + if self.load_lms: + v, lms = v[:, :5023], v[:, 5023:] + batch_size = ws.shape[0] + eg3d_ws, texture_ws = ws[:, :self.texture_backbone.num_ws], ws[:, self.texture_backbone.num_ws:] + textures = self.texture_backbone.synthesis(texture_ws, update_emas=update_emas, **synthesis_kwargs) + + # rasterize to three orthogonal views + rendering_views = [ + [0, 0, 0], + [0, 90, 0], + [0, -90, 0], + [90, 0, 0] + ] + rendering_images, alpha_images, uvcoords_images, lm2ds = self.rasterize(v, lms, textures, rendering_views, batch_size, ws.device) + + # generate front mouth masks + rendering_image_front = rendering_images[0] + mouths_mask = self.gen_mouth_mask(lm2ds[0]) + rendering_mouth = [rendering_image_front[i:i + 1, :][:, :, m[0]:m[1], m[2]:m[3]] for i, m in enumerate(mouths_mask)] + rendering_mouth = torch.cat([torch.nn.functional.interpolate(uv, size=(64, 64), mode='bilinear', antialias=True) for uv in rendering_mouth], + 0) + + # generate mouth front plane and integrate back to face front plane + mouths_plane = self.mouth_backbone.synthesis(rendering_mouth, eg3d_ws, update_emas=update_emas, **synthesis_kwargs) + rendering_stitch = [] + for rendering, m, mouth_plane in zip(rendering_image_front, mouths_mask, mouths_plane): + rendering = rendering.unsqueeze(0) + dummy = torch.zeros_like(rendering) + dummy[:, :] = rendering + dummy[:, :, m[0]:m[1], m[2]:m[3]] = torch.nn.functional.interpolate(mouth_plane.unsqueeze(0), size=(m[1] - m[0], m[1] - m[0]), + mode='bilinear', antialias=True) + rendering_stitch.append(dummy) + rendering_stitch = torch.cat(rendering_stitch, 0) + rendering_stitch = self.neural_blending.synthesis(rendering_stitch, eg3d_ws, update_emas=update_emas, **synthesis_kwargs) + + # generate static triplane + static_plane = self.backbone.synthesis(eg3d_ws, update_emas=update_emas, **synthesis_kwargs) + static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + + # blend features of neural texture and tri-plane + alpha_image = torch.cat(alpha_images, 1).unsqueeze(2) + rendering_stitch = torch.cat((rendering_stitch, rendering_images[1], rendering_images[2]), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * alpha_image + static_plane * (1 - alpha_image) + + return self.renderer.run_model(blended_planes, self.decoder, coordinates, directions, self.rendering_kwargs) + + def forward(self, z, c, v, truncation_psi=1, truncation_cutoff=None, neural_rendering_resolution=None, update_emas=False, cache_backbone=False, + use_cached_backbone=False, **synthesis_kwargs): + # Render a batch of generated images. + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + return self.synthesis(ws, c, v, update_emas=update_emas, neural_rendering_resolution=neural_rendering_resolution, + cache_backbone=cache_backbone, use_cached_backbone=use_cached_backbone, **synthesis_kwargs) + + def gen_mouth_mask(self, lms2d): + lm = lms2d.clone().cpu().numpy() # lms2d: (4, 68, 2) + lm[..., 0] = lm[..., 0] * 128 + 128 + lm[..., 1] = lm[..., 1] * 128 + 128 + lm_mouth_outer = lm[:, 48:60] # left-clockwise + + mouth_left = lm_mouth_outer[:, 0] + mouth_right = lm_mouth_outer[:, 6] + mouth_avg = (mouth_left + mouth_right) * 0.5 # (4, 2) + ups, bottoms = np.max(lm_mouth_outer[..., 0], axis=1, keepdims=True), np.min(lm_mouth_outer[..., 0], axis=1, keepdims=True) + lefts, rights = np.min(lm_mouth_outer[..., 1], axis=1, keepdims=True), np.max(lm_mouth_outer[..., 1], axis=1, keepdims=True) + mask_res = np.max(np.concatenate((ups - bottoms, rights - lefts), axis=1), axis=1, keepdims=True) * 1.2 + mask_res = mask_res.astype(int) + mouth_mask = np.concatenate([(mouth_avg[:, 1:] - mask_res // 2).astype(int), (mouth_avg[:, 1:] + mask_res // 2).astype(int), + (mouth_avg[:, 0:1] - mask_res // 2).astype(int), (mouth_avg[:, 0:1] + mask_res // 2).astype(int)], 1) # (4, 4) + return mouth_mask + + +from training.networks_stylegan2 import FullyConnectedLayer + + +class OSGDecoder(torch.nn.Module): + def __init__(self, n_features, options): + super().__init__() + self.hidden_dim = 64 + + self.net = torch.nn.Sequential( + FullyConnectedLayer(n_features, self.hidden_dim, lr_multiplier=options['decoder_lr_mul']), + torch.nn.Softplus(), + FullyConnectedLayer(self.hidden_dim, 1 + options['decoder_output_dim'], lr_multiplier=options['decoder_lr_mul']) + ) + + def forward(self, sampled_features, ray_directions, sampled_embeddings=None): + # Aggregate features + sampled_features = sampled_features.mean(1) + x = sampled_features + + N, M, C = x.shape + x = x.view(N * M, C) + + x = self.net(x) + x = x.view(N, M, -1) + rgb = torch.sigmoid(x[..., 1:]) * (1 + 2 * 0.001) - 0.001 # Uses sigmoid clamping from MipNeRF + sigma = x[..., 0:1] + return {'rgb': rgb, 'sigma': sigma} \ No newline at end of file diff --git a/recon/models/stylegannext3D/superresolution.py b/recon/models/stylegannext3D/superresolution.py new file mode 100644 index 0000000000000000000000000000000000000000..defa4db2dbe99e7aab59fc8fa73771de0f30dbf0 --- /dev/null +++ b/recon/models/stylegannext3D/superresolution.py @@ -0,0 +1,291 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Superresolution network architectures from the paper +"Efficient Geometry-aware 3D Generative Adversarial Networks".""" + +import torch +from training.networks_stylegan2 import Conv2dLayer, SynthesisLayer, ToRGBLayer +from torch_utils.ops import upfirdn2d +from torch_utils import persistence +from torch_utils import misc + +from training.networks_stylegan2 import SynthesisBlock +import numpy as np + + +#---------------------------------------------------------------------------- + +# for 512x512 generation +@persistence.persistent_class +class SuperresolutionHybrid8X(torch.nn.Module): + def __init__(self, channels, img_resolution, sr_num_fp16_res, sr_antialias, + num_fp16_res=4, conv_clamp=None, channel_base=None, channel_max=None,# IGNORE + **block_kwargs): + super().__init__() + assert img_resolution == 512 + + use_fp16 = sr_num_fp16_res > 0 + self.input_resolution = 128 + self.sr_antialias = sr_antialias + self.block0 = SynthesisBlock(channels, 128, w_dim=512, resolution=256, + img_channels=3, is_last=False, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.block1 = SynthesisBlock(128, 64, w_dim=512, resolution=512, + img_channels=3, is_last=True, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + + def forward(self, rgb, x, ws, **block_kwargs): + ws = ws[:, -1:, :].repeat(1, 3, 1) + + if x.shape[-1] != self.input_resolution: + x = torch.nn.functional.interpolate(x, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + rgb = torch.nn.functional.interpolate(rgb, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + + x, rgb = self.block0(x, rgb, ws, **block_kwargs) + x, rgb = self.block1(x, rgb, ws, **block_kwargs) + return rgb + +#---------------------------------------------------------------------------- + +# for 256x256 generation +@persistence.persistent_class +class SuperresolutionHybrid4X(torch.nn.Module): + def __init__(self, channels, img_resolution, sr_num_fp16_res, sr_antialias, + num_fp16_res=4, conv_clamp=None, channel_base=None, channel_max=None,# IGNORE + **block_kwargs): + super().__init__() + assert img_resolution == 256 + use_fp16 = sr_num_fp16_res > 0 + self.sr_antialias = sr_antialias + self.input_resolution = 128 + self.block0 = SynthesisBlockNoUp(channels, 128, w_dim=512, resolution=128, + img_channels=3, is_last=False, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.block1 = SynthesisBlock(128, 64, w_dim=512, resolution=256, + img_channels=3, is_last=True, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + + def forward(self, rgb, x, ws, **block_kwargs): + ws = ws[:, -1:, :].repeat(1, 3, 1) + + if x.shape[-1] < self.input_resolution: + x = torch.nn.functional.interpolate(x, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + rgb = torch.nn.functional.interpolate(rgb, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + + x, rgb = self.block0(x, rgb, ws, **block_kwargs) + x, rgb = self.block1(x, rgb, ws, **block_kwargs) + return rgb + +#---------------------------------------------------------------------------- + +# for 128 x 128 generation +@persistence.persistent_class +class SuperresolutionHybrid2X(torch.nn.Module): + def __init__(self, channels, img_resolution, sr_num_fp16_res, sr_antialias, + num_fp16_res=4, conv_clamp=None, channel_base=None, channel_max=None,# IGNORE + **block_kwargs): + super().__init__() + assert img_resolution == 128 + + use_fp16 = sr_num_fp16_res > 0 + self.input_resolution = 64 + self.sr_antialias = sr_antialias + self.block0 = SynthesisBlockNoUp(channels, 128, w_dim=512, resolution=64, + img_channels=3, is_last=False, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.block1 = SynthesisBlock(128, 64, w_dim=512, resolution=128, + img_channels=3, is_last=True, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + + def forward(self, rgb, x, ws, **block_kwargs): + ws = ws[:, -1:, :].repeat(1, 3, 1) + + if x.shape[-1] != self.input_resolution: + x = torch.nn.functional.interpolate(x, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + rgb = torch.nn.functional.interpolate(rgb, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + + x, rgb = self.block0(x, rgb, ws, **block_kwargs) + x, rgb = self.block1(x, rgb, ws, **block_kwargs) + return rgb + +#---------------------------------------------------------------------------- + +# TODO: Delete (here for backwards compatibility with old 256x256 models) +@persistence.persistent_class +class SuperresolutionHybridDeepfp32(torch.nn.Module): + def __init__(self, channels, img_resolution, sr_num_fp16_res, + num_fp16_res=4, conv_clamp=None, channel_base=None, channel_max=None,# IGNORE + **block_kwargs): + super().__init__() + assert img_resolution == 256 + use_fp16 = sr_num_fp16_res > 0 + + self.input_resolution = 128 + self.block0 = SynthesisBlockNoUp(channels, 128, w_dim=512, resolution=128, + img_channels=3, is_last=False, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.block1 = SynthesisBlock(128, 64, w_dim=512, resolution=256, + img_channels=3, is_last=True, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + + def forward(self, rgb, x, ws, **block_kwargs): + ws = ws[:, -1:, :].repeat(1, 3, 1) + + if x.shape[-1] < self.input_resolution: + x = torch.nn.functional.interpolate(x, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False) + rgb = torch.nn.functional.interpolate(rgb, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False) + + x, rgb = self.block0(x, rgb, ws, **block_kwargs) + x, rgb = self.block1(x, rgb, ws, **block_kwargs) + return rgb + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisBlockNoUp(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + # if img is not None: + # misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + # img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + + +#---------------------------------------------------------------------------- + +# for 512x512 generation +@persistence.persistent_class +class SuperresolutionHybrid8XDC(torch.nn.Module): + def __init__(self, channels, img_resolution, sr_num_fp16_res, sr_antialias, + num_fp16_res=4, conv_clamp=None, channel_base=None, channel_max=None,# IGNORE + **block_kwargs): + super().__init__() + assert img_resolution == 512 + + use_fp16 = sr_num_fp16_res > 0 + self.input_resolution = 128 + self.sr_antialias = sr_antialias + self.block0 = SynthesisBlock(channels, 256, w_dim=512, resolution=256, + img_channels=3, is_last=False, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + self.block1 = SynthesisBlock(256, 128, w_dim=512, resolution=512, + img_channels=3, is_last=True, use_fp16=use_fp16, conv_clamp=(256 if use_fp16 else None), **block_kwargs) + + def forward(self, rgb, x, ws, **block_kwargs): + ws = ws[:, -1:, :].repeat(1, 3, 1) + + if x.shape[-1] != self.input_resolution: + x = torch.nn.functional.interpolate(x, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + rgb = torch.nn.functional.interpolate(rgb, size=(self.input_resolution, self.input_resolution), + mode='bilinear', align_corners=False, antialias=self.sr_antialias) + + x, rgb = self.block0(x, rgb, ws, **block_kwargs) + x, rgb = self.block1(x, rgb, ws, **block_kwargs) + return rgb + +#---------------------------------------------------------------------------- \ No newline at end of file diff --git a/recon/models/unet/attention.py b/recon/models/unet/attention.py new file mode 100644 index 0000000000000000000000000000000000000000..f6a666bc2ee900e6839542cf3ce3c65e8b5d3d4d --- /dev/null +++ b/recon/models/unet/attention.py @@ -0,0 +1,261 @@ +from inspect import isfunction +import math +import torch +import torch.nn.functional as F +from torch import nn, einsum +from einops import rearrange, repeat + +from .util import checkpoint + + +def exists(val): + return val is not None + + +def uniq(arr): + return{el: True for el in arr}.keys() + + +def default(val, d): + if exists(val): + return val + return d() if isfunction(d) else d + + +def max_neg_value(t): + return -torch.finfo(t.dtype).max + + +def init_(tensor): + dim = tensor.shape[-1] + std = 1 / math.sqrt(dim) + tensor.uniform_(-std, std) + return tensor + + +# feedforward +class GEGLU(nn.Module): + def __init__(self, dim_in, dim_out): + super().__init__() + self.proj = nn.Linear(dim_in, dim_out * 2) + + def forward(self, x): + x, gate = self.proj(x).chunk(2, dim=-1) + return x * F.gelu(gate) + + +class FeedForward(nn.Module): + def __init__(self, dim, dim_out=None, mult=4, glu=False, dropout=0.): + super().__init__() + inner_dim = int(dim * mult) + dim_out = default(dim_out, dim) + project_in = nn.Sequential( + nn.Linear(dim, inner_dim), + nn.GELU() + ) if not glu else GEGLU(dim, inner_dim) + + self.net = nn.Sequential( + project_in, + nn.Dropout(dropout), + nn.Linear(inner_dim, dim_out) + ) + + def forward(self, x): + return self.net(x) + + +def zero_module(module): + """ + Zero out the parameters of a module and return it. + """ + for p in module.parameters(): + p.detach().zero_() + return module + + +def Normalize(in_channels): + return torch.nn.GroupNorm(num_groups=32, num_channels=in_channels, eps=1e-6, affine=True) + + +class LinearAttention(nn.Module): + def __init__(self, dim, heads=4, dim_head=32): + super().__init__() + self.heads = heads + hidden_dim = dim_head * heads + self.to_qkv = nn.Conv2d(dim, hidden_dim * 3, 1, bias = False) + self.to_out = nn.Conv2d(hidden_dim, dim, 1) + + def forward(self, x): + b, c, h, w = x.shape + qkv = self.to_qkv(x) + q, k, v = rearrange(qkv, 'b (qkv heads c) h w -> qkv b heads c (h w)', heads = self.heads, qkv=3) + k = k.softmax(dim=-1) + context = torch.einsum('bhdn,bhen->bhde', k, v) + out = torch.einsum('bhde,bhdn->bhen', context, q) + out = rearrange(out, 'b heads c (h w) -> b (heads c) h w', heads=self.heads, h=h, w=w) + return self.to_out(out) + + +class SpatialSelfAttention(nn.Module): + def __init__(self, in_channels): + super().__init__() + self.in_channels = in_channels + + self.norm = Normalize(in_channels) + self.q = torch.nn.Conv2d(in_channels, + in_channels, + kernel_size=1, + stride=1, + padding=0) + self.k = torch.nn.Conv2d(in_channels, + in_channels, + kernel_size=1, + stride=1, + padding=0) + self.v = torch.nn.Conv2d(in_channels, + in_channels, + kernel_size=1, + stride=1, + padding=0) + self.proj_out = torch.nn.Conv2d(in_channels, + in_channels, + kernel_size=1, + stride=1, + padding=0) + + def forward(self, x): + h_ = x + h_ = self.norm(h_) + q = self.q(h_) + k = self.k(h_) + v = self.v(h_) + + # compute attention + b,c,h,w = q.shape + q = rearrange(q, 'b c h w -> b (h w) c') + k = rearrange(k, 'b c h w -> b c (h w)') + w_ = torch.einsum('bij,bjk->bik', q, k) + + w_ = w_ * (int(c)**(-0.5)) + w_ = torch.nn.functional.softmax(w_, dim=2) + + # attend to values + v = rearrange(v, 'b c h w -> b c (h w)') + w_ = rearrange(w_, 'b i j -> b j i') + h_ = torch.einsum('bij,bjk->bik', v, w_) + h_ = rearrange(h_, 'b c (h w) -> b c h w', h=h) + h_ = self.proj_out(h_) + + return x+h_ + + +class CrossAttention(nn.Module): + def __init__(self, query_dim, context_dim=None, heads=8, dim_head=64, dropout=0.): + super().__init__() + inner_dim = dim_head * heads + context_dim = default(context_dim, query_dim) + + self.scale = dim_head ** -0.5 + self.heads = heads + + self.to_q = nn.Linear(query_dim, inner_dim, bias=False) + self.to_k = nn.Linear(context_dim, inner_dim, bias=False) + self.to_v = nn.Linear(context_dim, inner_dim, bias=False) + + self.to_out = nn.Sequential( + nn.Linear(inner_dim, query_dim), + nn.Dropout(dropout) + ) + + def forward(self, x, context=None, mask=None): + h = self.heads + + q = self.to_q(x) + context = default(context, x) + k = self.to_k(context) + v = self.to_v(context) + + q, k, v = map(lambda t: rearrange(t, 'b n (h d) -> (b h) n d', h=h), (q, k, v)) + + sim = einsum('b i d, b j d -> b i j', q, k) * self.scale + + if exists(mask): + mask = rearrange(mask, 'b ... -> b (...)') + max_neg_value = -torch.finfo(sim.dtype).max + mask = repeat(mask, 'b j -> (b h) () j', h=h) + sim.masked_fill_(~mask, max_neg_value) + + # attention, what we cannot get enough of + attn = sim.softmax(dim=-1) + + out = einsum('b i j, b j d -> b i d', attn, v) + out = rearrange(out, '(b h) n d -> b n (h d)', h=h) + return self.to_out(out) + + +class BasicTransformerBlock(nn.Module): + def __init__(self, dim, n_heads, d_head, dropout=0., context_dim=None, gated_ff=True, checkpoint=True): + super().__init__() + self.attn1 = CrossAttention(query_dim=dim, heads=n_heads, dim_head=d_head, dropout=dropout) # is a self-attention + self.ff = FeedForward(dim, dropout=dropout, glu=gated_ff) + self.attn2 = CrossAttention(query_dim=dim, context_dim=context_dim, + heads=n_heads, dim_head=d_head, dropout=dropout) # is self-attn if context is none + self.norm1 = nn.LayerNorm(dim) + self.norm2 = nn.LayerNorm(dim) + self.norm3 = nn.LayerNorm(dim) + self.checkpoint = checkpoint + + def forward(self, x, context=None): + return checkpoint(self._forward, (x, context), self.parameters(), self.checkpoint) + + def _forward(self, x, context=None): + x = self.attn1(self.norm1(x)) + x + x = self.attn2(self.norm2(x), context=context) + x + x = self.ff(self.norm3(x)) + x + return x + + +class SpatialTransformer(nn.Module): + """ + Transformer block for image-like data. + First, project the input (aka embedding) + and reshape to b, t, d. + Then apply standard transformer action. + Finally, reshape to image + """ + def __init__(self, in_channels, n_heads, d_head, + depth=1, dropout=0., context_dim=None): + super().__init__() + self.in_channels = in_channels + inner_dim = n_heads * d_head + self.norm = Normalize(in_channels) + + self.proj_in = nn.Conv2d(in_channels, + inner_dim, + kernel_size=1, + stride=1, + padding=0) + + self.transformer_blocks = nn.ModuleList( + [BasicTransformerBlock(inner_dim, n_heads, d_head, dropout=dropout, context_dim=context_dim) + for d in range(depth)] + ) + + self.proj_out = zero_module(nn.Conv2d(inner_dim, + in_channels, + kernel_size=1, + stride=1, + padding=0)) + + def forward(self, x, context=None): + # note: if no context is given, cross-attention defaults to self-attention + b, c, h, w = x.shape + x_in = x + x = self.norm(x) + x = self.proj_in(x) + x = rearrange(x, 'b c h w -> b (h w) c') + for block in self.transformer_blocks: + x = block(x, context=context) + x = rearrange(x, 'b (h w) c -> b c h w', h=h, w=w) + x = self.proj_out(x) + return x + x_in \ No newline at end of file diff --git a/recon/models/unet/openaimodel.py b/recon/models/unet/openaimodel.py new file mode 100644 index 0000000000000000000000000000000000000000..70faa61d444fb959fad01ab01e9b7a6a97b47ce4 --- /dev/null +++ b/recon/models/unet/openaimodel.py @@ -0,0 +1,972 @@ +from abc import abstractmethod +from functools import partial +import math +from typing import Iterable + +import numpy as np +import torch as th +import torch.nn as nn +import torch.nn.functional as F + +from .util import ( + checkpoint, + conv_nd, + linear, + avg_pool_nd, + zero_module, + normalization, + timestep_embedding, +) +from .attention import SpatialTransformer + + +# dummy replace +def convert_module_to_f16(x): + pass + +def convert_module_to_f32(x): + pass + + +## go +class AttentionPool2d(nn.Module): + """ + Adapted from CLIP: https://github.com/openai/CLIP/blob/main/clip/model.py + """ + + def __init__( + self, + spacial_dim: int, + embed_dim: int, + num_heads_channels: int, + output_dim: int = None, + ): + super().__init__() + self.positional_embedding = nn.Parameter(th.randn(embed_dim, spacial_dim ** 2 + 1) / embed_dim ** 0.5) + self.qkv_proj = conv_nd(1, embed_dim, 3 * embed_dim, 1) + self.c_proj = conv_nd(1, embed_dim, output_dim or embed_dim, 1) + self.num_heads = embed_dim // num_heads_channels + self.attention = QKVAttention(self.num_heads) + + def forward(self, x): + b, c, *_spatial = x.shape + x = x.reshape(b, c, -1) # NC(HW) + x = th.cat([x.mean(dim=-1, keepdim=True), x], dim=-1) # NC(HW+1) + x = x + self.positional_embedding[None, :, :].to(x.dtype) # NC(HW+1) + x = self.qkv_proj(x) + x = self.attention(x) + x = self.c_proj(x) + return x[:, :, 0] + + +class TimestepBlock(nn.Module): + """ + Any module where forward() takes timestep embeddings as a second argument. + """ + + @abstractmethod + def forward(self, x, emb): + """ + Apply the module to `x` given `emb` timestep embeddings. + """ + + +class TimestepEmbedSequential(nn.Sequential, TimestepBlock): + """ + A sequential module that passes timestep embeddings to the children that + support it as an extra input. + """ + + # def forward(self, x, emb, context=None): + # for layer in self: + # if isinstance(layer, TimestepBlock): + # x = layer(x, emb) + # elif isinstance(layer, SpatialTransformer): + # x = layer(x, context) + # else: + # x = layer(x) + # return x + + def forward(self, x): + for layer in self: + x = layer(x) + return x + + +class Upsample(nn.Module): + """ + An upsampling layer with an optional convolution. + :param channels: channels in the inputs and outputs. + :param use_conv: a bool determining if a convolution is applied. + :param dims: determines if the signal is 1D, 2D, or 3D. If 3D, then + upsampling occurs in the inner-two dimensions. + """ + + def __init__(self, channels, use_conv, dims=2, out_channels=None, padding=1): + super().__init__() + self.channels = channels + self.out_channels = out_channels or channels + self.use_conv = use_conv + self.dims = dims + if use_conv: + self.conv = conv_nd(dims, self.channels, self.out_channels, 3, padding=padding) + + def forward(self, x): + assert x.shape[1] == self.channels + if self.dims == 3: + x = F.interpolate( + x, (x.shape[2], x.shape[3] * 2, x.shape[4] * 2), mode="nearest" + ) + else: + x = F.interpolate(x, scale_factor=2, mode="nearest") + if self.use_conv: + x = self.conv(x) + return x + +class TransposedUpsample(nn.Module): + 'Learned 2x upsampling without padding' + def __init__(self, channels, out_channels=None, ks=5): + super().__init__() + self.channels = channels + self.out_channels = out_channels or channels + + self.up = nn.ConvTranspose2d(self.channels,self.out_channels,kernel_size=ks,stride=2) + + def forward(self,x): + return self.up(x) + + +class Downsample(nn.Module): + """ + A downsampling layer with an optional convolution. + :param channels: channels in the inputs and outputs. + :param use_conv: a bool determining if a convolution is applied. + :param dims: determines if the signal is 1D, 2D, or 3D. If 3D, then + downsampling occurs in the inner-two dimensions. + """ + + def __init__(self, channels, use_conv, dims=2, out_channels=None,padding=1): + super().__init__() + self.channels = channels + self.out_channels = out_channels or channels + self.use_conv = use_conv + self.dims = dims + stride = 2 if dims != 3 else (1, 2, 2) + if use_conv: + self.op = conv_nd( + dims, self.channels, self.out_channels, 3, stride=stride, padding=padding + ) + else: + assert self.channels == self.out_channels + self.op = avg_pool_nd(dims, kernel_size=stride, stride=stride) + + def forward(self, x): + assert x.shape[1] == self.channels + return self.op(x) + + +class ResBlock(TimestepBlock): + """ + A residual block that can optionally change the number of channels. + :param channels: the number of input channels. + :param emb_channels: the number of timestep embedding channels. + :param dropout: the rate of dropout. + :param out_channels: if specified, the number of out channels. + :param use_conv: if True and out_channels is specified, use a spatial + convolution instead of a smaller 1x1 convolution to change the + channels in the skip connection. + :param dims: determines if the signal is 1D, 2D, or 3D. + :param use_checkpoint: if True, use gradient checkpointing on this module. + :param up: if True, use this block for upsampling. + :param down: if True, use this block for downsampling. + """ + + def __init__( + self, + channels, + emb_channels, + dropout, + out_channels=None, + use_conv=False, + use_scale_shift_norm=False, + dims=2, + use_checkpoint=False, + up=False, + down=False, + ): + super().__init__() + self.channels = channels + # self.emb_channels = emb_channels + self.dropout = dropout + self.out_channels = out_channels or channels + self.use_conv = use_conv + self.use_checkpoint = use_checkpoint + self.use_scale_shift_norm = use_scale_shift_norm + + self.in_layers = nn.Sequential( + normalization(channels), + nn.SiLU(), + conv_nd(dims, channels, self.out_channels, 3, padding=1), + ) + + self.updown = up or down + + if up: + self.h_upd = Upsample(channels, False, dims) + self.x_upd = Upsample(channels, False, dims) + elif down: + self.h_upd = Downsample(channels, False, dims) + self.x_upd = Downsample(channels, False, dims) + else: + self.h_upd = self.x_upd = nn.Identity() + + # self.emb_layers = nn.Sequential( + # nn.SiLU(), + # linear( + # emb_channels, + # 2 * self.out_channels if use_scale_shift_norm else self.out_channels, + # ), + # ) + self.out_layers = nn.Sequential( + normalization(self.out_channels), + nn.SiLU(), + nn.Dropout(p=dropout), + zero_module( + conv_nd(dims, self.out_channels, self.out_channels, 3, padding=1) + ), + ) + + if self.out_channels == channels: + self.skip_connection = nn.Identity() + elif use_conv: + self.skip_connection = conv_nd( + dims, channels, self.out_channels, 3, padding=1 + ) + else: + self.skip_connection = conv_nd(dims, channels, self.out_channels, 1) + + # def forward(self, x, emb): + def forward(self, x): + """ + Apply the block to a Tensor, conditioned on a timestep embedding. + :param x: an [N x C x ...] Tensor of features. + :param emb: an [N x emb_channels] Tensor of timestep embeddings. + :return: an [N x C x ...] Tensor of outputs. + """ + # return checkpoint( + # self._forward, (x, emb), self.parameters(), self.use_checkpoint + # ) + return self._forward(x) + + + # def _forward(self, x, emb): + def _forward(self, x): + if self.updown: + in_rest, in_conv = self.in_layers[:-1], self.in_layers[-1] + h = in_rest(x) + h = self.h_upd(h) + x = self.x_upd(x) + h = in_conv(h) + else: + h = self.in_layers(x) + # emb_out = self.emb_layers(emb).type(h.dtype) + # while len(emb_out.shape) < len(h.shape): + # emb_out = emb_out[..., None] + if self.use_scale_shift_norm: + out_norm, out_rest = self.out_layers[0], self.out_layers[1:] + # scale, shift = th.chunk(emb_out, 2, dim=1) + h = out_norm(h) #* (1 + scale) + shift + h = out_rest(h) + else: + # h = h + emb_out + h = self.out_layers(h) + return self.skip_connection(x) + h + + +class AttentionBlock(nn.Module): + """ + An attention block that allows spatial positions to attend to each other. + Originally ported from here, but adapted to the N-d case. + https://github.com/hojonathanho/diffusion/blob/1e0dceb3b3495bbe19116a5e1b3596cd0706c543/diffusion_tf/models/unet.py#L66. + """ + + def __init__( + self, + channels, + num_heads=1, + num_head_channels=-1, + use_checkpoint=False, + use_new_attention_order=False, + ): + super().__init__() + self.channels = channels + if num_head_channels == -1: + self.num_heads = num_heads + else: + assert ( + channels % num_head_channels == 0 + ), f"q,k,v channels {channels} is not divisible by num_head_channels {num_head_channels}" + self.num_heads = channels // num_head_channels + self.use_checkpoint = use_checkpoint + self.norm = normalization(channels) + self.qkv = conv_nd(1, channels, channels * 3, 1) + if use_new_attention_order: + # split qkv before split heads + self.attention = QKVAttention(self.num_heads) + else: + # split heads before split qkv + self.attention = QKVAttentionLegacy(self.num_heads) + + self.proj_out = zero_module(conv_nd(1, channels, channels, 1)) + + def forward(self, x): + return checkpoint(self._forward, (x,), self.parameters(), True) # TODO: check checkpoint usage, is True # TODO: fix the .half call!!! + #return pt_checkpoint(self._forward, x) # pytorch + + def _forward(self, x): + b, c, *spatial = x.shape + x = x.reshape(b, c, -1) + qkv = self.qkv(self.norm(x)) + h = self.attention(qkv) + h = self.proj_out(h) + return (x + h).reshape(b, c, *spatial) + + +def count_flops_attn(model, _x, y): + """ + A counter for the `thop` package to count the operations in an + attention operation. + Meant to be used like: + macs, params = thop.profile( + model, + inputs=(inputs, timestamps), + custom_ops={QKVAttention: QKVAttention.count_flops}, + ) + """ + b, c, *spatial = y[0].shape + num_spatial = int(np.prod(spatial)) + # We perform two matmuls with the same number of ops. + # The first computes the weight matrix, the second computes + # the combination of the value vectors. + matmul_ops = 2 * b * (num_spatial ** 2) * c + model.total_ops += th.DoubleTensor([matmul_ops]) + + +class QKVAttentionLegacy(nn.Module): + """ + A module which performs QKV attention. Matches legacy QKVAttention + input/ouput heads shaping + """ + + def __init__(self, n_heads): + super().__init__() + self.n_heads = n_heads + + def forward(self, qkv): + """ + Apply QKV attention. + :param qkv: an [N x (H * 3 * C) x T] tensor of Qs, Ks, and Vs. + :return: an [N x (H * C) x T] tensor after attention. + """ + bs, width, length = qkv.shape + assert width % (3 * self.n_heads) == 0 + ch = width // (3 * self.n_heads) + q, k, v = qkv.reshape(bs * self.n_heads, ch * 3, length).split(ch, dim=1) + scale = 1 / math.sqrt(math.sqrt(ch)) + weight = th.einsum( + "bct,bcs->bts", q * scale, k * scale + ) # More stable with f16 than dividing afterwards + weight = th.softmax(weight.float(), dim=-1).type(weight.dtype) + a = th.einsum("bts,bcs->bct", weight, v) + return a.reshape(bs, -1, length) + + @staticmethod + def count_flops(model, _x, y): + return count_flops_attn(model, _x, y) + + +class QKVAttention(nn.Module): + """ + A module which performs QKV attention and splits in a different order. + """ + + def __init__(self, n_heads): + super().__init__() + self.n_heads = n_heads + + def forward(self, qkv): + """ + Apply QKV attention. + :param qkv: an [N x (3 * H * C) x T] tensor of Qs, Ks, and Vs. + :return: an [N x (H * C) x T] tensor after attention. + """ + bs, width, length = qkv.shape + assert width % (3 * self.n_heads) == 0 + ch = width // (3 * self.n_heads) + q, k, v = qkv.chunk(3, dim=1) + scale = 1 / math.sqrt(math.sqrt(ch)) + weight = th.einsum( + "bct,bcs->bts", + (q * scale).view(bs * self.n_heads, ch, length), + (k * scale).view(bs * self.n_heads, ch, length), + ) # More stable with f16 than dividing afterwards + weight = th.softmax(weight.float(), dim=-1).type(weight.dtype) + a = th.einsum("bts,bcs->bct", weight, v.reshape(bs * self.n_heads, ch, length)) + return a.reshape(bs, -1, length) + + @staticmethod + def count_flops(model, _x, y): + return count_flops_attn(model, _x, y) + + +class UNetModel(nn.Module): + """ + The full UNet model with attention and timestep embedding. + :param in_channels: channels in the input Tensor. + :param model_channels: base channel count for the model. + :param out_channels: channels in the output Tensor. + :param num_res_blocks: number of residual blocks per downsample. + :param attention_resolutions: a collection of downsample rates at which + attention will take place. May be a set, list, or tuple. + For example, if this contains 4, then at 4x downsampling, attention + will be used. + :param dropout: the dropout probability. + :param channel_mult: channel multiplier for each level of the UNet. + :param conv_resample: if True, use learned convolutions for upsampling and + downsampling. + :param dims: determines if the signal is 1D, 2D, or 3D. + :param num_classes: if specified (as an int), then this model will be + class-conditional with `num_classes` classes. + :param use_checkpoint: use gradient checkpointing to reduce memory usage. + :param num_heads: the number of attention heads in each attention layer. + :param num_heads_channels: if specified, ignore num_heads and instead use + a fixed channel width per attention head. + :param num_heads_upsample: works with num_heads to set a different number + of heads for upsampling. Deprecated. + :param use_scale_shift_norm: use a FiLM-like conditioning mechanism. + :param resblock_updown: use residual blocks for up/downsampling. + :param use_new_attention_order: use a different attention pattern for potentially + increased efficiency. + """ + + def __init__( + self, + image_size=256, + in_channels=3, + model_channels=224, + out_channels=32, + num_res_blocks=2, + attention_resolutions=(8, 4, 2), + dropout=0, + channel_mult=(1, 2, 3, 4), + conv_resample=True, + dims=2, + num_classes=None, + use_checkpoint=False, + use_fp16=False, + num_heads=-1, + num_head_channels=32, + num_heads_upsample=-1, + use_scale_shift_norm=False, + resblock_updown=False, + use_new_attention_order=False, + use_spatial_transformer=False, # custom transformer support + transformer_depth=1, # custom transformer support + context_dim=None, # custom transformer support + n_embed=None, # custom support for prediction of discrete ids into codebook of first stage vq model + legacy=True, + ): + super().__init__() + if use_spatial_transformer: + assert context_dim is not None, 'Fool!! You forgot to include the dimension of your cross-attention conditioning...' + + if context_dim is not None: + assert use_spatial_transformer, 'Fool!! You forgot to use the spatial transformer for your cross-attention conditioning...' + from omegaconf.listconfig import ListConfig + if type(context_dim) == ListConfig: + context_dim = list(context_dim) + + if num_heads_upsample == -1: + num_heads_upsample = num_heads + + if num_heads == -1: + assert num_head_channels != -1, 'Either num_heads or num_head_channels has to be set' + + if num_head_channels == -1: + assert num_heads != -1, 'Either num_heads or num_head_channels has to be set' + + self.image_size = image_size + self.in_channels = in_channels + self.model_channels = model_channels + self.out_channels = out_channels + self.num_res_blocks = num_res_blocks + self.attention_resolutions = attention_resolutions + self.dropout = dropout + self.channel_mult = channel_mult + self.conv_resample = conv_resample + self.num_classes = num_classes + self.use_checkpoint = use_checkpoint + self.dtype = th.float16 if use_fp16 else th.float32 + self.num_heads = num_heads + self.num_head_channels = num_head_channels + self.num_heads_upsample = num_heads_upsample + self.predict_codebook_ids = n_embed is not None + + time_embed_dim = model_channels * 4 + self.time_embed = nn.Sequential( + linear(model_channels, time_embed_dim), + nn.SiLU(), + linear(time_embed_dim, time_embed_dim), + ) + + if self.num_classes is not None: + self.label_emb = nn.Embedding(num_classes, time_embed_dim) + + self.input_blocks = nn.ModuleList( + [ + TimestepEmbedSequential( + conv_nd(dims, in_channels, model_channels, 3, padding=1) + ) + ] + ) + self._feature_size = model_channels + input_block_chans = [model_channels] + ch = model_channels + ds = 1 + for level, mult in enumerate(channel_mult): + for _ in range(num_res_blocks): + layers = [ + ResBlock( + ch, + time_embed_dim, + dropout, + out_channels=mult * model_channels, + dims=dims, + use_checkpoint=use_checkpoint, + use_scale_shift_norm=use_scale_shift_norm, + ) + ] + ch = mult * model_channels + if ds in attention_resolutions: + if num_head_channels == -1: + dim_head = ch // num_heads + else: + num_heads = ch // num_head_channels + dim_head = num_head_channels + if legacy: + #num_heads = 1 + dim_head = ch // num_heads if use_spatial_transformer else num_head_channels + layers.append( + AttentionBlock( + ch, + use_checkpoint=use_checkpoint, + num_heads=num_heads, + num_head_channels=dim_head, + use_new_attention_order=use_new_attention_order, + ) if not use_spatial_transformer else SpatialTransformer( + ch, num_heads, dim_head, depth=transformer_depth, context_dim=context_dim + ) + ) + self.input_blocks.append(TimestepEmbedSequential(*layers)) + self._feature_size += ch + input_block_chans.append(ch) + if level != len(channel_mult) - 1: + out_ch = ch + self.input_blocks.append( + TimestepEmbedSequential( + ResBlock( + ch, + time_embed_dim, + dropout, + out_channels=out_ch, + dims=dims, + use_checkpoint=use_checkpoint, + use_scale_shift_norm=use_scale_shift_norm, + down=True, + ) + if resblock_updown + else Downsample( + ch, conv_resample, dims=dims, out_channels=out_ch + ) + ) + ) + ch = out_ch + input_block_chans.append(ch) + ds *= 2 + self._feature_size += ch + + if num_head_channels == -1: + dim_head = ch // num_heads + else: + num_heads = ch // num_head_channels + dim_head = num_head_channels + if legacy: + #num_heads = 1 + dim_head = ch // num_heads if use_spatial_transformer else num_head_channels + self.middle_block = TimestepEmbedSequential( + ResBlock( + ch, + time_embed_dim, + dropout, + dims=dims, + use_checkpoint=use_checkpoint, + use_scale_shift_norm=use_scale_shift_norm, + ), + AttentionBlock( + ch, + use_checkpoint=use_checkpoint, + num_heads=num_heads, + num_head_channels=dim_head, + use_new_attention_order=use_new_attention_order, + ) if not use_spatial_transformer else SpatialTransformer( + ch, num_heads, dim_head, depth=transformer_depth, context_dim=context_dim + ), + ResBlock( + ch, + time_embed_dim, + dropout, + dims=dims, + use_checkpoint=use_checkpoint, + use_scale_shift_norm=use_scale_shift_norm, + ), + ) + self._feature_size += ch + + self.output_blocks = nn.ModuleList([]) + for level, mult in list(enumerate(channel_mult))[::-1]:#[:2]: + for i in range(num_res_blocks + 1): + ich = input_block_chans.pop() + layers = [ + ResBlock( + ch + ich, + time_embed_dim, + dropout, + out_channels=model_channels * mult, + dims=dims, + use_checkpoint=use_checkpoint, + use_scale_shift_norm=use_scale_shift_norm, + ) + ] + ch = model_channels * mult + if ds in attention_resolutions: + if num_head_channels == -1: + dim_head = ch // num_heads + else: + num_heads = ch // num_head_channels + dim_head = num_head_channels + if legacy: + #num_heads = 1 + dim_head = ch // num_heads if use_spatial_transformer else num_head_channels + layers.append( + AttentionBlock( + ch, + use_checkpoint=use_checkpoint, + num_heads=num_heads_upsample, + num_head_channels=dim_head, + use_new_attention_order=use_new_attention_order, + ) if not use_spatial_transformer else SpatialTransformer( + ch, num_heads, dim_head, depth=transformer_depth, context_dim=context_dim + ) + ) + if level and i == num_res_blocks: + out_ch = ch + layers.append( + ResBlock( + ch, + time_embed_dim, + dropout, + out_channels=out_ch, + dims=dims, + use_checkpoint=use_checkpoint, + use_scale_shift_norm=use_scale_shift_norm, + up=True, + ) + if resblock_updown + else Upsample(ch, conv_resample, dims=dims, out_channels=out_ch) + ) + ds //= 2 + self.output_blocks.append(TimestepEmbedSequential(*layers)) + self._feature_size += ch + + self.out = nn.Sequential( + normalization(ch), + nn.SiLU(), + zero_module(conv_nd(dims, model_channels, out_channels, 3, padding=1)), + ) + # if self.predict_codebook_ids: + # self.id_predictor = nn.Sequential( + # normalization(ch), + # conv_nd(dims, model_channels, n_embed, 1), + # #nn.LogSoftmax(dim=1) # change to cross_entropy and produce non-normalized logits + # ) + + def convert_to_fp16(self): + """ + Convert the torso of the model to float16. + """ + self.input_blocks.apply(convert_module_to_f16) + self.middle_block.apply(convert_module_to_f16) + self.output_blocks.apply(convert_module_to_f16) + + def convert_to_fp32(self): + """ + Convert the torso of the model to float32. + """ + self.input_blocks.apply(convert_module_to_f32) + self.middle_block.apply(convert_module_to_f32) + self.output_blocks.apply(convert_module_to_f32) + + # def forward(self, x, timesteps=None, context=None, y=None,**kwargs): + def forward(self, x): + """ + Apply the model to an input batch. + :param x: an [N x C x ...] Tensor of inputs. + :param timesteps: a 1-D batch of timesteps. + :param context: conditioning plugged in via crossattn + :param y: an [N] Tensor of labels, if class-conditional. + :return: an [N x C x ...] Tensor of outputs. + """ + # assert (y is not None) == ( + # self.num_classes is not None + # ), "must specify y if and only if the model is class-conditional" + hs = [] + # t_emb = timestep_embedding(timesteps, self.model_channels, repeat_only=False) + # emb = self.time_embed(t_emb) + + # if self.num_classes is not None: + # assert y.shape == (x.shape[0],) + # emb = emb + self.label_emb(y) + + h = x.type(self.dtype) + for module in self.input_blocks: + # h = module(h, emb, context) + h = module(h) + hs.append(h) + # h = self.middle_block(h, emb, context) + h = self.middle_block(h) + for module in self.output_blocks: + h = th.cat([h, hs.pop()], dim=1) + # h = module(h, emb, context) + h = module(h) + h = h.type(x.dtype) + # if self.predict_codebook_ids: + # return self.id_predictor(h) + # else: + return self.out(h) + + +class EncoderUNetModel(nn.Module): + """ + The half UNet model with attention and timestep embedding. + For usage, see UNet. + """ + + def __init__( + self, + image_size, + in_channels, + model_channels, + out_channels, + num_res_blocks, + attention_resolutions, + dropout=0, + channel_mult=(1, 2, 4, 8), + conv_resample=True, + dims=2, + use_checkpoint=False, + use_fp16=False, + num_heads=1, + num_head_channels=-1, + num_heads_upsample=-1, + use_scale_shift_norm=False, + resblock_updown=False, + use_new_attention_order=False, + pool="adaptive", + *args, + **kwargs + ): + super().__init__() + + if num_heads_upsample == -1: + num_heads_upsample = num_heads + + self.in_channels = in_channels + self.model_channels = model_channels + self.out_channels = out_channels + self.num_res_blocks = num_res_blocks + self.attention_resolutions = attention_resolutions + self.dropout = dropout + self.channel_mult = channel_mult + self.conv_resample = conv_resample + self.use_checkpoint = use_checkpoint + self.dtype = th.float16 if use_fp16 else th.float32 + self.num_heads = num_heads + self.num_head_channels = num_head_channels + self.num_heads_upsample = num_heads_upsample + + time_embed_dim = model_channels * 4 + self.time_embed = nn.Sequential( + linear(model_channels, time_embed_dim), + nn.SiLU(), + linear(time_embed_dim, time_embed_dim), + ) + + self.input_blocks = nn.ModuleList( + [ + TimestepEmbedSequential( + conv_nd(dims, in_channels, model_channels, 3, padding=1) + ) + ] + ) + self._feature_size = model_channels + input_block_chans = [model_channels] + ch = model_channels + ds = 1 + for level, mult in enumerate(channel_mult): + for _ in range(num_res_blocks): + layers = [ + ResBlock( + ch, + time_embed_dim, + dropout, + out_channels=mult * model_channels, + dims=dims, + use_checkpoint=use_checkpoint, + use_scale_shift_norm=use_scale_shift_norm, + ) + ] + ch = mult * model_channels + if ds in attention_resolutions: + layers.append( + AttentionBlock( + ch, + use_checkpoint=use_checkpoint, + num_heads=num_heads, + num_head_channels=num_head_channels, + use_new_attention_order=use_new_attention_order, + ) + ) + self.input_blocks.append(TimestepEmbedSequential(*layers)) + self._feature_size += ch + input_block_chans.append(ch) + if level != len(channel_mult) - 1: + out_ch = ch + self.input_blocks.append( + TimestepEmbedSequential( + ResBlock( + ch, + time_embed_dim, + dropout, + out_channels=out_ch, + dims=dims, + use_checkpoint=use_checkpoint, + use_scale_shift_norm=use_scale_shift_norm, + down=True, + ) + if resblock_updown + else Downsample( + ch, conv_resample, dims=dims, out_channels=out_ch + ) + ) + ) + ch = out_ch + input_block_chans.append(ch) + ds *= 2 + self._feature_size += ch + + self.middle_block = TimestepEmbedSequential( + ResBlock( + ch, + time_embed_dim, + dropout, + dims=dims, + use_checkpoint=use_checkpoint, + use_scale_shift_norm=use_scale_shift_norm, + ), + AttentionBlock( + ch, + use_checkpoint=use_checkpoint, + num_heads=num_heads, + num_head_channels=num_head_channels, + use_new_attention_order=use_new_attention_order, + ), + ResBlock( + ch, + time_embed_dim, + dropout, + dims=dims, + use_checkpoint=use_checkpoint, + use_scale_shift_norm=use_scale_shift_norm, + ), + ) + self._feature_size += ch + self.pool = pool + if pool == "adaptive": + self.out = nn.Sequential( + normalization(ch), + nn.SiLU(), + nn.AdaptiveAvgPool2d((1, 1)), + zero_module(conv_nd(dims, ch, out_channels, 1)), + nn.Flatten(), + ) + elif pool == "attention": + assert num_head_channels != -1 + self.out = nn.Sequential( + normalization(ch), + nn.SiLU(), + AttentionPool2d( + (image_size // ds), ch, num_head_channels, out_channels + ), + ) + elif pool == "spatial": + self.out = nn.Sequential( + nn.Linear(self._feature_size, 2048), + nn.ReLU(), + nn.Linear(2048, self.out_channels), + ) + elif pool == "spatial_v2": + self.out = nn.Sequential( + nn.Linear(self._feature_size, 2048), + normalization(2048), + nn.SiLU(), + nn.Linear(2048, self.out_channels), + ) + else: + raise NotImplementedError(f"Unexpected {pool} pooling") + + def convert_to_fp16(self): + """ + Convert the torso of the model to float16. + """ + self.input_blocks.apply(convert_module_to_f16) + self.middle_block.apply(convert_module_to_f16) + + def convert_to_fp32(self): + """ + Convert the torso of the model to float32. + """ + self.input_blocks.apply(convert_module_to_f32) + self.middle_block.apply(convert_module_to_f32) + + def forward(self, x, timesteps): + """ + Apply the model to an input batch. + :param x: an [N x C x ...] Tensor of inputs. + :param timesteps: a 1-D batch of timesteps. + :return: an [N x K] Tensor of outputs. + """ + emb = self.time_embed(timestep_embedding(timesteps, self.model_channels)) + + results = [] + h = x.type(self.dtype) + for module in self.input_blocks: + h = module(h, emb) + if self.pool.startswith("spatial"): + results.append(h.type(x.dtype).mean(dim=(2, 3))) + h = self.middle_block(h, emb) + if self.pool.startswith("spatial"): + results.append(h.type(x.dtype).mean(dim=(2, 3))) + h = th.cat(results, axis=-1) + return self.out(h) + else: + h = h.type(x.dtype) + return self.out(h) diff --git a/recon/models/unet/util.py b/recon/models/unet/util.py new file mode 100644 index 0000000000000000000000000000000000000000..eb32d7eafebbf546b84384d0b1c71ad88268ef0b --- /dev/null +++ b/recon/models/unet/util.py @@ -0,0 +1,267 @@ +# adopted from +# https://github.com/openai/improved-diffusion/blob/main/improved_diffusion/gaussian_diffusion.py +# and +# https://github.com/lucidrains/denoising-diffusion-pytorch/blob/7706bdfc6f527f58d33f84b7b522e61e6e3164b3/denoising_diffusion_pytorch/denoising_diffusion_pytorch.py +# and +# https://github.com/openai/guided-diffusion/blob/0ba878e517b276c45d1195eb29f6f5f72659a05b/guided_diffusion/nn.py +# +# thanks! + + +import os +import math +import torch +import torch.nn as nn +import numpy as np +from einops import repeat + +# from ldm.util import instantiate_from_config + + +def make_beta_schedule(schedule, n_timestep, linear_start=1e-4, linear_end=2e-2, cosine_s=8e-3): + if schedule == "linear": + betas = ( + torch.linspace(linear_start ** 0.5, linear_end ** 0.5, n_timestep, dtype=torch.float64) ** 2 + ) + + elif schedule == "cosine": + timesteps = ( + torch.arange(n_timestep + 1, dtype=torch.float64) / n_timestep + cosine_s + ) + alphas = timesteps / (1 + cosine_s) * np.pi / 2 + alphas = torch.cos(alphas).pow(2) + alphas = alphas / alphas[0] + betas = 1 - alphas[1:] / alphas[:-1] + betas = np.clip(betas, a_min=0, a_max=0.999) + + elif schedule == "sqrt_linear": + betas = torch.linspace(linear_start, linear_end, n_timestep, dtype=torch.float64) + elif schedule == "sqrt": + betas = torch.linspace(linear_start, linear_end, n_timestep, dtype=torch.float64) ** 0.5 + else: + raise ValueError(f"schedule '{schedule}' unknown.") + return betas.numpy() + + +def make_ddim_timesteps(ddim_discr_method, num_ddim_timesteps, num_ddpm_timesteps, verbose=True): + if ddim_discr_method == 'uniform': + c = num_ddpm_timesteps // num_ddim_timesteps + ddim_timesteps = np.asarray(list(range(0, num_ddpm_timesteps, c))) + elif ddim_discr_method == 'quad': + ddim_timesteps = ((np.linspace(0, np.sqrt(num_ddpm_timesteps * .8), num_ddim_timesteps)) ** 2).astype(int) + else: + raise NotImplementedError(f'There is no ddim discretization method called "{ddim_discr_method}"') + + # assert ddim_timesteps.shape[0] == num_ddim_timesteps + # add one to get the final alpha values right (the ones from first scale to data during sampling) + steps_out = ddim_timesteps + 1 + if verbose: + print(f'Selected timesteps for ddim sampler: {steps_out}') + return steps_out + + +def make_ddim_sampling_parameters(alphacums, ddim_timesteps, eta, verbose=True): + # select alphas for computing the variance schedule + alphas = alphacums[ddim_timesteps] + alphas_prev = np.asarray([alphacums[0]] + alphacums[ddim_timesteps[:-1]].tolist()) + + # according the the formula provided in https://arxiv.org/abs/2010.02502 + sigmas = eta * np.sqrt((1 - alphas_prev) / (1 - alphas) * (1 - alphas / alphas_prev)) + if verbose: + print(f'Selected alphas for ddim sampler: a_t: {alphas}; a_(t-1): {alphas_prev}') + print(f'For the chosen value of eta, which is {eta}, ' + f'this results in the following sigma_t schedule for ddim sampler {sigmas}') + return sigmas, alphas, alphas_prev + + +def betas_for_alpha_bar(num_diffusion_timesteps, alpha_bar, max_beta=0.999): + """ + Create a beta schedule that discretizes the given alpha_t_bar function, + which defines the cumulative product of (1-beta) over time from t = [0,1]. + :param num_diffusion_timesteps: the number of betas to produce. + :param alpha_bar: a lambda that takes an argument t from 0 to 1 and + produces the cumulative product of (1-beta) up to that + part of the diffusion process. + :param max_beta: the maximum beta to use; use values lower than 1 to + prevent singularities. + """ + betas = [] + for i in range(num_diffusion_timesteps): + t1 = i / num_diffusion_timesteps + t2 = (i + 1) / num_diffusion_timesteps + betas.append(min(1 - alpha_bar(t2) / alpha_bar(t1), max_beta)) + return np.array(betas) + + +def extract_into_tensor(a, t, x_shape): + b, *_ = t.shape + out = a.gather(-1, t) + return out.reshape(b, *((1,) * (len(x_shape) - 1))) + + +def checkpoint(func, inputs, params, flag): + """ + Evaluate a function without caching intermediate activations, allowing for + reduced memory at the expense of extra compute in the backward pass. + :param func: the function to evaluate. + :param inputs: the argument sequence to pass to `func`. + :param params: a sequence of parameters `func` depends on but does not + explicitly take as arguments. + :param flag: if False, disable gradient checkpointing. + """ + if flag: + args = tuple(inputs) + tuple(params) + return CheckpointFunction.apply(func, len(inputs), *args) + else: + return func(*inputs) + + +class CheckpointFunction(torch.autograd.Function): + @staticmethod + def forward(ctx, run_function, length, *args): + ctx.run_function = run_function + ctx.input_tensors = list(args[:length]) + ctx.input_params = list(args[length:]) + + with torch.no_grad(): + output_tensors = ctx.run_function(*ctx.input_tensors) + return output_tensors + + @staticmethod + def backward(ctx, *output_grads): + ctx.input_tensors = [x.detach().requires_grad_(True) for x in ctx.input_tensors] + with torch.enable_grad(): + # Fixes a bug where the first op in run_function modifies the + # Tensor storage in place, which is not allowed for detach()'d + # Tensors. + shallow_copies = [x.view_as(x) for x in ctx.input_tensors] + output_tensors = ctx.run_function(*shallow_copies) + input_grads = torch.autograd.grad( + output_tensors, + ctx.input_tensors + ctx.input_params, + output_grads, + allow_unused=True, + ) + del ctx.input_tensors + del ctx.input_params + del output_tensors + return (None, None) + input_grads + + +def timestep_embedding(timesteps, dim, max_period=10000, repeat_only=False): + """ + Create sinusoidal timestep embeddings. + :param timesteps: a 1-D Tensor of N indices, one per batch element. + These may be fractional. + :param dim: the dimension of the output. + :param max_period: controls the minimum frequency of the embeddings. + :return: an [N x dim] Tensor of positional embeddings. + """ + if not repeat_only: + half = dim // 2 + freqs = torch.exp( + -math.log(max_period) * torch.arange(start=0, end=half, dtype=torch.float32) / half + ).to(device=timesteps.device) + args = timesteps[:, None].float() * freqs[None] + embedding = torch.cat([torch.cos(args), torch.sin(args)], dim=-1) + if dim % 2: + embedding = torch.cat([embedding, torch.zeros_like(embedding[:, :1])], dim=-1) + else: + embedding = repeat(timesteps, 'b -> b d', d=dim) + return embedding + + +def zero_module(module): + """ + Zero out the parameters of a module and return it. + """ + for p in module.parameters(): + p.detach().zero_() + return module + + +def scale_module(module, scale): + """ + Scale the parameters of a module and return it. + """ + for p in module.parameters(): + p.detach().mul_(scale) + return module + + +def mean_flat(tensor): + """ + Take the mean over all non-batch dimensions. + """ + return tensor.mean(dim=list(range(1, len(tensor.shape)))) + + +def normalization(channels): + """ + Make a standard normalization layer. + :param channels: number of input channels. + :return: an nn.Module for normalization. + """ + return GroupNorm32(32, channels) + + +# PyTorch 1.7 has SiLU, but we support PyTorch 1.5. +class SiLU(nn.Module): + def forward(self, x): + return x * torch.sigmoid(x) + + +class GroupNorm32(nn.GroupNorm): + def forward(self, x): + return super().forward(x.float()).type(x.dtype) + +def conv_nd(dims, *args, **kwargs): + """ + Create a 1D, 2D, or 3D convolution module. + """ + if dims == 1: + return nn.Conv1d(*args, **kwargs) + elif dims == 2: + return nn.Conv2d(*args, **kwargs) + elif dims == 3: + return nn.Conv3d(*args, **kwargs) + raise ValueError(f"unsupported dimensions: {dims}") + + +def linear(*args, **kwargs): + """ + Create a linear module. + """ + return nn.Linear(*args, **kwargs) + + +def avg_pool_nd(dims, *args, **kwargs): + """ + Create a 1D, 2D, or 3D average pooling module. + """ + if dims == 1: + return nn.AvgPool1d(*args, **kwargs) + elif dims == 2: + return nn.AvgPool2d(*args, **kwargs) + elif dims == 3: + return nn.AvgPool3d(*args, **kwargs) + raise ValueError(f"unsupported dimensions: {dims}") + + +# class HybridConditioner(nn.Module): + +# def __init__(self, c_concat_config, c_crossattn_config): +# super().__init__() +# self.concat_conditioner = instantiate_from_config(c_concat_config) +# self.crossattn_conditioner = instantiate_from_config(c_crossattn_config) + +# def forward(self, c_concat, c_crossattn): +# c_concat = self.concat_conditioner(c_concat) +# c_crossattn = self.crossattn_conditioner(c_crossattn) +# return {'c_concat': [c_concat], 'c_crossattn': [c_crossattn]} + + +def noise_like(shape, device, repeat=False): + repeat_noise = lambda: torch.randn((1, *shape[1:]), device=device).repeat(shape[0], *((1,) * (len(shape) - 1))) + noise = lambda: torch.randn(shape, device=device) + return repeat_noise() if repeat else noise() \ No newline at end of file diff --git a/recon/torch_utils/__init__.py b/recon/torch_utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..dfebd04f47e6f6b1b44984c14c23b57d56f72240 --- /dev/null +++ b/recon/torch_utils/__init__.py @@ -0,0 +1,11 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +# empty diff --git a/recon/torch_utils/custom_ops.py b/recon/torch_utils/custom_ops.py new file mode 100644 index 0000000000000000000000000000000000000000..ed2524f47ab3d5b8750cfb868cc14012f424acc8 --- /dev/null +++ b/recon/torch_utils/custom_ops.py @@ -0,0 +1,159 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +import glob +import hashlib +import importlib +import os +import re +import shutil +import uuid + +import torch +import torch.utils.cpp_extension +from torch.utils.file_baton import FileBaton + +#---------------------------------------------------------------------------- +# Global options. + +verbosity = 'brief' # Verbosity level: 'none', 'brief', 'full' + +#---------------------------------------------------------------------------- +# Internal helper funcs. + +def _find_compiler_bindir(): + patterns = [ + 'C:/Program Files (x86)/Microsoft Visual Studio/*/Professional/VC/Tools/MSVC/*/bin/Hostx64/x64', + 'C:/Program Files (x86)/Microsoft Visual Studio/*/BuildTools/VC/Tools/MSVC/*/bin/Hostx64/x64', + 'C:/Program Files (x86)/Microsoft Visual Studio/*/Community/VC/Tools/MSVC/*/bin/Hostx64/x64', + 'C:/Program Files (x86)/Microsoft Visual Studio */vc/bin', + ] + for pattern in patterns: + matches = sorted(glob.glob(pattern)) + if len(matches): + return matches[-1] + return None + +#---------------------------------------------------------------------------- + +def _get_mangled_gpu_name(): + name = torch.cuda.get_device_name().lower() + out = [] + for c in name: + if re.match('[a-z0-9_-]+', c): + out.append(c) + else: + out.append('-') + return ''.join(out) + +#---------------------------------------------------------------------------- +# Main entry point for compiling and loading C++/CUDA plugins. + +_cached_plugins = dict() + +def get_plugin(module_name, sources, headers=None, source_dir=None, **build_kwargs): + assert verbosity in ['none', 'brief', 'full'] + if headers is None: + headers = [] + if source_dir is not None: + sources = [os.path.join(source_dir, fname) for fname in sources] + headers = [os.path.join(source_dir, fname) for fname in headers] + + # Already cached? + if module_name in _cached_plugins: + return _cached_plugins[module_name] + + # Print status. + if verbosity == 'full': + print(f'Setting up PyTorch plugin "{module_name}"...') + elif verbosity == 'brief': + print(f'Setting up PyTorch plugin "{module_name}"... ', end='', flush=True) + verbose_build = (verbosity == 'full') + + # Compile and load. + try: # pylint: disable=too-many-nested-blocks + # Make sure we can find the necessary compiler binaries. + if os.name == 'nt' and os.system("where cl.exe >nul 2>nul") != 0: + compiler_bindir = _find_compiler_bindir() + if compiler_bindir is None: + raise RuntimeError(f'Could not find MSVC/GCC/CLANG installation on this computer. Check _find_compiler_bindir() in "{__file__}".') + os.environ['PATH'] += ';' + compiler_bindir + + # Some containers set TORCH_CUDA_ARCH_LIST to a list that can either + # break the build or unnecessarily restrict what's available to nvcc. + # Unset it to let nvcc decide based on what's available on the + # machine. + os.environ['TORCH_CUDA_ARCH_LIST'] = '' + + # Incremental build md5sum trickery. Copies all the input source files + # into a cached build directory under a combined md5 digest of the input + # source files. Copying is done only if the combined digest has changed. + # This keeps input file timestamps and filenames the same as in previous + # extension builds, allowing for fast incremental rebuilds. + # + # This optimization is done only in case all the source files reside in + # a single directory (just for simplicity) and if the TORCH_EXTENSIONS_DIR + # environment variable is set (we take this as a signal that the user + # actually cares about this.) + # + # EDIT: We now do it regardless of TORCH_EXTENSIOS_DIR, in order to work + # around the *.cu dependency bug in ninja config. + # + all_source_files = sorted(sources + headers) + all_source_dirs = set(os.path.dirname(fname) for fname in all_source_files) + if len(all_source_dirs) == 1: # and ('TORCH_EXTENSIONS_DIR' in os.environ): + + # Compute combined hash digest for all source files. + hash_md5 = hashlib.md5() + for src in all_source_files: + with open(src, 'rb') as f: + hash_md5.update(f.read()) + + # Select cached build directory name. + source_digest = hash_md5.hexdigest() + build_top_dir = torch.utils.cpp_extension._get_build_directory(module_name, verbose=verbose_build) # pylint: disable=protected-access + cached_build_dir = os.path.join(build_top_dir, f'{source_digest}-{_get_mangled_gpu_name()}') + + if not os.path.isdir(cached_build_dir): + tmpdir = f'{build_top_dir}/srctmp-{uuid.uuid4().hex}' + os.makedirs(tmpdir) + for src in all_source_files: + shutil.copyfile(src, os.path.join(tmpdir, os.path.basename(src))) + try: + os.replace(tmpdir, cached_build_dir) # atomic + except OSError: + # source directory already exists, delete tmpdir and its contents. + shutil.rmtree(tmpdir) + if not os.path.isdir(cached_build_dir): raise + + # Compile. + cached_sources = [os.path.join(cached_build_dir, os.path.basename(fname)) for fname in sources] + torch.utils.cpp_extension.load(name=module_name, build_directory=cached_build_dir, + verbose=verbose_build, sources=cached_sources, **build_kwargs) + else: + torch.utils.cpp_extension.load(name=module_name, verbose=verbose_build, sources=sources, **build_kwargs) + + # Load. + module = importlib.import_module(module_name) + + except: + if verbosity == 'brief': + print('Failed!') + raise + + # Print status and add to cache dict. + if verbosity == 'full': + print(f'Done setting up PyTorch plugin "{module_name}".') + elif verbosity == 'brief': + print('Done.') + _cached_plugins[module_name] = module + return module + +#---------------------------------------------------------------------------- diff --git a/recon/torch_utils/misc.py b/recon/torch_utils/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..c7f1457b8d3d523064f4a4940fff5d3ad5bf53aa --- /dev/null +++ b/recon/torch_utils/misc.py @@ -0,0 +1,285 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +import re +import contextlib +import numpy as np +import torch +import warnings +import recon.dnnlib as dnnlib + +#---------------------------------------------------------------------------- +# Cached construction of constant tensors. Avoids CPU=>GPU copy when the +# same constant is used multiple times. + +_constant_cache = dict() + +def constant(value, shape=None, dtype=None, device=None, memory_format=None): + value = np.asarray(value) + if shape is not None: + shape = tuple(shape) + if dtype is None: + dtype = torch.get_default_dtype() + if device is None: + device = torch.device('cpu') + if memory_format is None: + memory_format = torch.contiguous_format + + key = (value.shape, value.dtype, value.tobytes(), shape, dtype, device, memory_format) + tensor = _constant_cache.get(key, None) + if tensor is None: + tensor = torch.as_tensor(value.copy(), dtype=dtype, device=device) + if shape is not None: + tensor, _ = torch.broadcast_tensors(tensor, torch.empty(shape)) + tensor = tensor.contiguous(memory_format=memory_format) + _constant_cache[key] = tensor + return tensor + +#---------------------------------------------------------------------------- +# Replace NaN/Inf with specified numerical values. + +try: + nan_to_num = torch.nan_to_num # 1.8.0a0 +except AttributeError: + def nan_to_num(input, nan=0.0, posinf=None, neginf=None, *, out=None): # pylint: disable=redefined-builtin + assert isinstance(input, torch.Tensor) + if posinf is None: + posinf = torch.finfo(input.dtype).max + if neginf is None: + neginf = torch.finfo(input.dtype).min + assert nan == 0 + return torch.clamp(input.unsqueeze(0).nansum(0), min=neginf, max=posinf, out=out) + +#---------------------------------------------------------------------------- +# Symbolic assert. + +try: + symbolic_assert = torch._assert # 1.8.0a0 # pylint: disable=protected-access +except AttributeError: + symbolic_assert = torch.Assert # 1.7.0 + +#---------------------------------------------------------------------------- +# Context manager to temporarily suppress known warnings in torch.jit.trace(). +# Note: Cannot use catch_warnings because of https://bugs.python.org/issue29672 + +@contextlib.contextmanager +def suppress_tracer_warnings(): + flt = ('ignore', None, torch.jit.TracerWarning, None, 0) + warnings.filters.insert(0, flt) + yield + warnings.filters.remove(flt) + +#---------------------------------------------------------------------------- +# Assert that the shape of a tensor matches the given list of integers. +# None indicates that the size of a dimension is allowed to vary. +# Performs symbolic assertion when used in torch.jit.trace(). + +def assert_shape(tensor, ref_shape): + if tensor.ndim != len(ref_shape): + raise AssertionError(f'Wrong number of dimensions: got {tensor.ndim}, expected {len(ref_shape)}') + for idx, (size, ref_size) in enumerate(zip(tensor.shape, ref_shape)): + if ref_size is None: + pass + elif isinstance(ref_size, torch.Tensor): + with suppress_tracer_warnings(): # as_tensor results are registered as constants + symbolic_assert(torch.equal(torch.as_tensor(size), ref_size), f'Wrong size for dimension {idx}') + elif isinstance(size, torch.Tensor): + with suppress_tracer_warnings(): # as_tensor results are registered as constants + symbolic_assert(torch.equal(size, torch.as_tensor(ref_size)), f'Wrong size for dimension {idx}: expected {ref_size}') + elif size != ref_size: + raise AssertionError(f'Wrong size for dimension {idx}: got {size}, expected {ref_size}') + +#---------------------------------------------------------------------------- +# Function decorator that calls torch.autograd.profiler.record_function(). + +def profiled_function(fn): + def decorator(*args, **kwargs): + with torch.autograd.profiler.record_function(fn.__name__): + return fn(*args, **kwargs) + decorator.__name__ = fn.__name__ + return decorator + +#---------------------------------------------------------------------------- +# Sampler for torch.utils.data.DataLoader that loops over the dataset +# indefinitely, shuffling items as it goes. + +class InfiniteSampler(torch.utils.data.Sampler): + def __init__(self, dataset, rank=0, num_replicas=1, shuffle=True, seed=0, window_size=0.5): + assert len(dataset) > 0 + assert num_replicas > 0 + assert 0 <= rank < num_replicas + assert 0 <= window_size <= 1 + super().__init__(dataset) + self.dataset = dataset + self.rank = rank + self.num_replicas = num_replicas + self.shuffle = shuffle + self.seed = seed + self.window_size = window_size + + def __iter__(self): + order = np.arange(len(self.dataset)) + rnd = None + window = 0 + if self.shuffle: + rnd = np.random.RandomState(self.seed) + rnd.shuffle(order) + window = int(np.rint(order.size * self.window_size)) + + idx = 0 + while True: + i = idx % order.size + if idx % self.num_replicas == self.rank: + yield order[i] + if window >= 2: + j = (i - rnd.randint(window)) % order.size + order[i], order[j] = order[j], order[i] + idx += 1 + +#---------------------------------------------------------------------------- +# Utilities for operating with torch.nn.Module parameters and buffers. + +def params_and_buffers(module): + assert isinstance(module, torch.nn.Module) + return list(module.parameters()) + list(module.buffers()) + +def named_params_and_buffers(module): + assert isinstance(module, torch.nn.Module) + return list(module.named_parameters()) + list(module.named_buffers()) + +def copy_params_and_buffers(src_module, dst_module, require_all=False): + assert isinstance(src_module, torch.nn.Module) + assert isinstance(dst_module, torch.nn.Module) + src_tensors = dict(named_params_and_buffers(src_module)) + if 'backbone.mapping.w_avg' in src_tensors: # support w_avg copy, added by Dengyu + src_tensors['w_avg'] = src_tensors['backbone.mapping.w_avg'] + for name, tensor in named_params_and_buffers(dst_module): + assert (name in src_tensors) or (not require_all) + if not name in src_tensors: + print(name, "Not Found") + + if name in src_tensors: + if src_tensors[name].shape == tensor.shape: # add by Dengyu to support structure change of the discriminator + tensor.copy_(src_tensors[name].detach()).requires_grad_(tensor.requires_grad) + elif tensor.shape[0] / src_tensors[name].shape[0] == 2: + src_w = src_tensors[name].detach() + # src_w = torch.cat([src_w, src_w], 0) + tensor[tensor.shape[0]//2:].copy_(src_w).requires_grad_(tensor.requires_grad) + print(f'half copy {name}') + else: + print(f'fail to copy {name} w/ different shape') + print(src_tensors[name].shape) + print(tensor.shape) + else: + print(f'fail to copy {name} w/o src tensor') + +#---------------------------------------------------------------------------- +# Context manager for easily enabling/disabling DistributedDataParallel +# synchronization. + +@contextlib.contextmanager +def ddp_sync(module, sync): + assert isinstance(module, torch.nn.Module) + if sync or not isinstance(module, torch.nn.parallel.DistributedDataParallel): + yield + else: + with module.no_sync(): + yield + +#---------------------------------------------------------------------------- +# Check DistributedDataParallel consistency across processes. + +def check_ddp_consistency(module, ignore_regex=None): + assert isinstance(module, torch.nn.Module) + for name, tensor in named_params_and_buffers(module): + fullname = type(module).__name__ + '.' + name + if ignore_regex is not None and re.fullmatch(ignore_regex, fullname): + continue + tensor = tensor.detach() + if tensor.is_floating_point(): + tensor = nan_to_num(tensor) + other = tensor.clone() + torch.distributed.broadcast(tensor=other, src=0) + assert (tensor == other).all(), fullname + +#---------------------------------------------------------------------------- +# Print summary table of module hierarchy. + +def print_module_summary(module, inputs, max_nesting=3, skip_redundant=True): + assert isinstance(module, torch.nn.Module) + assert not isinstance(module, torch.jit.ScriptModule) + assert isinstance(inputs, (tuple, list)) + + # Register hooks. + entries = [] + nesting = [0] + def pre_hook(_mod, _inputs): + nesting[0] += 1 + def post_hook(mod, _inputs, outputs): + nesting[0] -= 1 + if nesting[0] <= max_nesting: + outputs = list(outputs) if isinstance(outputs, (tuple, list)) else [outputs] + outputs = [t for t in outputs if isinstance(t, torch.Tensor)] + entries.append(dnnlib.EasyDict(mod=mod, outputs=outputs)) + hooks = [mod.register_forward_pre_hook(pre_hook) for mod in module.modules()] + hooks += [mod.register_forward_hook(post_hook) for mod in module.modules()] + + # Run module. + outputs = module(*inputs) + for hook in hooks: + hook.remove() + + # Identify unique outputs, parameters, and buffers. + tensors_seen = set() + for e in entries: + e.unique_params = [t for t in e.mod.parameters() if id(t) not in tensors_seen] + e.unique_buffers = [t for t in e.mod.buffers() if id(t) not in tensors_seen] + e.unique_outputs = [t for t in e.outputs if id(t) not in tensors_seen] + tensors_seen |= {id(t) for t in e.unique_params + e.unique_buffers + e.unique_outputs} + + # Filter out redundant entries. + if skip_redundant: + entries = [e for e in entries if len(e.unique_params) or len(e.unique_buffers) or len(e.unique_outputs)] + + # Construct table. + rows = [[type(module).__name__, 'Parameters', 'Buffers', 'Output shape', 'Datatype']] + rows += [['---'] * len(rows[0])] + param_total = 0 + buffer_total = 0 + submodule_names = {mod: name for name, mod in module.named_modules()} + for e in entries: + name = '' if e.mod is module else submodule_names[e.mod] + param_size = sum(t.numel() for t in e.unique_params) + buffer_size = sum(t.numel() for t in e.unique_buffers) + output_shapes = [str(list(t.shape)) for t in e.outputs] + output_dtypes = [str(t.dtype).split('.')[-1] for t in e.outputs] + rows += [[ + name + (':0' if len(e.outputs) >= 2 else ''), + str(param_size) if param_size else '-', + str(buffer_size) if buffer_size else '-', + (output_shapes + ['-'])[0], + (output_dtypes + ['-'])[0], + ]] + for idx in range(1, len(e.outputs)): + rows += [[name + f':{idx}', '-', '-', output_shapes[idx], output_dtypes[idx]]] + param_total += param_size + buffer_total += buffer_size + rows += [['---'] * len(rows[0])] + rows += [['Total', str(param_total), str(buffer_total), '-', '-']] + + # Print table. + widths = [max(len(cell) for cell in column) for column in zip(*rows)] + print() + for row in rows: + print(' '.join(cell + ' ' * (width - len(cell)) for cell, width in zip(row, widths))) + print() + return outputs + +#---------------------------------------------------------------------------- diff --git a/recon/torch_utils/ops/__init__.py b/recon/torch_utils/ops/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..dfebd04f47e6f6b1b44984c14c23b57d56f72240 --- /dev/null +++ b/recon/torch_utils/ops/__init__.py @@ -0,0 +1,11 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +# empty diff --git a/recon/torch_utils/ops/bias_act.cpp b/recon/torch_utils/ops/bias_act.cpp new file mode 100644 index 0000000000000000000000000000000000000000..ee6f6d0caaf4f84b94851d223e384344e1109cdc --- /dev/null +++ b/recon/torch_utils/ops/bias_act.cpp @@ -0,0 +1,103 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +#include +#include +#include +#include "bias_act.h" + +//------------------------------------------------------------------------ + +static bool has_same_layout(torch::Tensor x, torch::Tensor y) +{ + if (x.dim() != y.dim()) + return false; + for (int64_t i = 0; i < x.dim(); i++) + { + if (x.size(i) != y.size(i)) + return false; + if (x.size(i) >= 2 && x.stride(i) != y.stride(i)) + return false; + } + return true; +} + +//------------------------------------------------------------------------ + +static torch::Tensor bias_act(torch::Tensor x, torch::Tensor b, torch::Tensor xref, torch::Tensor yref, torch::Tensor dy, int grad, int dim, int act, float alpha, float gain, float clamp) +{ + // Validate arguments. + TORCH_CHECK(x.is_cuda(), "x must reside on CUDA device"); + TORCH_CHECK(b.numel() == 0 || (b.dtype() == x.dtype() && b.device() == x.device()), "b must have the same dtype and device as x"); + TORCH_CHECK(xref.numel() == 0 || (xref.sizes() == x.sizes() && xref.dtype() == x.dtype() && xref.device() == x.device()), "xref must have the same shape, dtype, and device as x"); + TORCH_CHECK(yref.numel() == 0 || (yref.sizes() == x.sizes() && yref.dtype() == x.dtype() && yref.device() == x.device()), "yref must have the same shape, dtype, and device as x"); + TORCH_CHECK(dy.numel() == 0 || (dy.sizes() == x.sizes() && dy.dtype() == x.dtype() && dy.device() == x.device()), "dy must have the same dtype and device as x"); + TORCH_CHECK(x.numel() <= INT_MAX, "x is too large"); + TORCH_CHECK(b.dim() == 1, "b must have rank 1"); + TORCH_CHECK(b.numel() == 0 || (dim >= 0 && dim < x.dim()), "dim is out of bounds"); + TORCH_CHECK(b.numel() == 0 || b.numel() == x.size(dim), "b has wrong number of elements"); + TORCH_CHECK(grad >= 0, "grad must be non-negative"); + + // Validate layout. + TORCH_CHECK(x.is_non_overlapping_and_dense(), "x must be non-overlapping and dense"); + TORCH_CHECK(b.is_contiguous(), "b must be contiguous"); + TORCH_CHECK(xref.numel() == 0 || has_same_layout(xref, x), "xref must have the same layout as x"); + TORCH_CHECK(yref.numel() == 0 || has_same_layout(yref, x), "yref must have the same layout as x"); + TORCH_CHECK(dy.numel() == 0 || has_same_layout(dy, x), "dy must have the same layout as x"); + + // Create output tensor. + const at::cuda::OptionalCUDAGuard device_guard(device_of(x)); + torch::Tensor y = torch::empty_like(x); + TORCH_CHECK(has_same_layout(y, x), "y must have the same layout as x"); + + // Initialize CUDA kernel parameters. + bias_act_kernel_params p; + p.x = x.data_ptr(); + p.b = (b.numel()) ? b.data_ptr() : NULL; + p.xref = (xref.numel()) ? xref.data_ptr() : NULL; + p.yref = (yref.numel()) ? yref.data_ptr() : NULL; + p.dy = (dy.numel()) ? dy.data_ptr() : NULL; + p.y = y.data_ptr(); + p.grad = grad; + p.act = act; + p.alpha = alpha; + p.gain = gain; + p.clamp = clamp; + p.sizeX = (int)x.numel(); + p.sizeB = (int)b.numel(); + p.stepB = (b.numel()) ? (int)x.stride(dim) : 1; + + // Choose CUDA kernel. + void* kernel; + AT_DISPATCH_FLOATING_TYPES_AND_HALF(x.scalar_type(), "upfirdn2d_cuda", [&] + { + kernel = choose_bias_act_kernel(p); + }); + TORCH_CHECK(kernel, "no CUDA kernel found for the specified activation func"); + + // Launch CUDA kernel. + p.loopX = 4; + int blockSize = 4 * 32; + int gridSize = (p.sizeX - 1) / (p.loopX * blockSize) + 1; + void* args[] = {&p}; + AT_CUDA_CHECK(cudaLaunchKernel(kernel, gridSize, blockSize, args, 0, at::cuda::getCurrentCUDAStream())); + return y; +} + +//------------------------------------------------------------------------ + +PYBIND11_MODULE(TORCH_EXTENSION_NAME, m) +{ + m.def("bias_act", &bias_act); +} + +//------------------------------------------------------------------------ diff --git a/recon/torch_utils/ops/bias_act.cu b/recon/torch_utils/ops/bias_act.cu new file mode 100644 index 0000000000000000000000000000000000000000..71ca3900deda41e62d80044f0e409875f4c794b5 --- /dev/null +++ b/recon/torch_utils/ops/bias_act.cu @@ -0,0 +1,177 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +#include +#include "bias_act.h" + +//------------------------------------------------------------------------ +// Helpers. + +template struct InternalType; +template <> struct InternalType { typedef double scalar_t; }; +template <> struct InternalType { typedef float scalar_t; }; +template <> struct InternalType { typedef float scalar_t; }; + +//------------------------------------------------------------------------ +// CUDA kernel. + +template +__global__ void bias_act_kernel(bias_act_kernel_params p) +{ + typedef typename InternalType::scalar_t scalar_t; + int G = p.grad; + scalar_t alpha = (scalar_t)p.alpha; + scalar_t gain = (scalar_t)p.gain; + scalar_t clamp = (scalar_t)p.clamp; + scalar_t one = (scalar_t)1; + scalar_t two = (scalar_t)2; + scalar_t expRange = (scalar_t)80; + scalar_t halfExpRange = (scalar_t)40; + scalar_t seluScale = (scalar_t)1.0507009873554804934193349852946; + scalar_t seluAlpha = (scalar_t)1.6732632423543772848170429916717; + + // Loop over elements. + int xi = blockIdx.x * p.loopX * blockDim.x + threadIdx.x; + for (int loopIdx = 0; loopIdx < p.loopX && xi < p.sizeX; loopIdx++, xi += blockDim.x) + { + // Load. + scalar_t x = (scalar_t)((const T*)p.x)[xi]; + scalar_t b = (p.b) ? (scalar_t)((const T*)p.b)[(xi / p.stepB) % p.sizeB] : 0; + scalar_t xref = (p.xref) ? (scalar_t)((const T*)p.xref)[xi] : 0; + scalar_t yref = (p.yref) ? (scalar_t)((const T*)p.yref)[xi] : 0; + scalar_t dy = (p.dy) ? (scalar_t)((const T*)p.dy)[xi] : one; + scalar_t yy = (gain != 0) ? yref / gain : 0; + scalar_t y = 0; + + // Apply bias. + ((G == 0) ? x : xref) += b; + + // linear + if (A == 1) + { + if (G == 0) y = x; + if (G == 1) y = x; + } + + // relu + if (A == 2) + { + if (G == 0) y = (x > 0) ? x : 0; + if (G == 1) y = (yy > 0) ? x : 0; + } + + // lrelu + if (A == 3) + { + if (G == 0) y = (x > 0) ? x : x * alpha; + if (G == 1) y = (yy > 0) ? x : x * alpha; + } + + // tanh + if (A == 4) + { + if (G == 0) { scalar_t c = exp(x); scalar_t d = one / c; y = (x < -expRange) ? -one : (x > expRange) ? one : (c - d) / (c + d); } + if (G == 1) y = x * (one - yy * yy); + if (G == 2) y = x * (one - yy * yy) * (-two * yy); + } + + // sigmoid + if (A == 5) + { + if (G == 0) y = (x < -expRange) ? 0 : one / (exp(-x) + one); + if (G == 1) y = x * yy * (one - yy); + if (G == 2) y = x * yy * (one - yy) * (one - two * yy); + } + + // elu + if (A == 6) + { + if (G == 0) y = (x >= 0) ? x : exp(x) - one; + if (G == 1) y = (yy >= 0) ? x : x * (yy + one); + if (G == 2) y = (yy >= 0) ? 0 : x * (yy + one); + } + + // selu + if (A == 7) + { + if (G == 0) y = (x >= 0) ? seluScale * x : (seluScale * seluAlpha) * (exp(x) - one); + if (G == 1) y = (yy >= 0) ? x * seluScale : x * (yy + seluScale * seluAlpha); + if (G == 2) y = (yy >= 0) ? 0 : x * (yy + seluScale * seluAlpha); + } + + // softplus + if (A == 8) + { + if (G == 0) y = (x > expRange) ? x : log(exp(x) + one); + if (G == 1) y = x * (one - exp(-yy)); + if (G == 2) { scalar_t c = exp(-yy); y = x * c * (one - c); } + } + + // swish + if (A == 9) + { + if (G == 0) + y = (x < -expRange) ? 0 : x / (exp(-x) + one); + else + { + scalar_t c = exp(xref); + scalar_t d = c + one; + if (G == 1) + y = (xref > halfExpRange) ? x : x * c * (xref + d) / (d * d); + else + y = (xref > halfExpRange) ? 0 : x * c * (xref * (two - d) + two * d) / (d * d * d); + yref = (xref < -expRange) ? 0 : xref / (exp(-xref) + one) * gain; + } + } + + // Apply gain. + y *= gain * dy; + + // Clamp. + if (clamp >= 0) + { + if (G == 0) + y = (y > -clamp & y < clamp) ? y : (y >= 0) ? clamp : -clamp; + else + y = (yref > -clamp & yref < clamp) ? y : 0; + } + + // Store. + ((T*)p.y)[xi] = (T)y; + } +} + +//------------------------------------------------------------------------ +// CUDA kernel selection. + +template void* choose_bias_act_kernel(const bias_act_kernel_params& p) +{ + if (p.act == 1) return (void*)bias_act_kernel; + if (p.act == 2) return (void*)bias_act_kernel; + if (p.act == 3) return (void*)bias_act_kernel; + if (p.act == 4) return (void*)bias_act_kernel; + if (p.act == 5) return (void*)bias_act_kernel; + if (p.act == 6) return (void*)bias_act_kernel; + if (p.act == 7) return (void*)bias_act_kernel; + if (p.act == 8) return (void*)bias_act_kernel; + if (p.act == 9) return (void*)bias_act_kernel; + return NULL; +} + +//------------------------------------------------------------------------ +// Template specializations. + +template void* choose_bias_act_kernel (const bias_act_kernel_params& p); +template void* choose_bias_act_kernel (const bias_act_kernel_params& p); +template void* choose_bias_act_kernel (const bias_act_kernel_params& p); + +//------------------------------------------------------------------------ diff --git a/recon/torch_utils/ops/bias_act.h b/recon/torch_utils/ops/bias_act.h new file mode 100644 index 0000000000000000000000000000000000000000..8994bfb4e9cae790865348e08de5f685152d3344 --- /dev/null +++ b/recon/torch_utils/ops/bias_act.h @@ -0,0 +1,42 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +//------------------------------------------------------------------------ +// CUDA kernel parameters. + +struct bias_act_kernel_params +{ + const void* x; // [sizeX] + const void* b; // [sizeB] or NULL + const void* xref; // [sizeX] or NULL + const void* yref; // [sizeX] or NULL + const void* dy; // [sizeX] or NULL + void* y; // [sizeX] + + int grad; + int act; + float alpha; + float gain; + float clamp; + + int sizeX; + int sizeB; + int stepB; + int loopX; +}; + +//------------------------------------------------------------------------ +// CUDA kernel selection. + +template void* choose_bias_act_kernel(const bias_act_kernel_params& p); + +//------------------------------------------------------------------------ diff --git a/recon/torch_utils/ops/bias_act.py b/recon/torch_utils/ops/bias_act.py new file mode 100644 index 0000000000000000000000000000000000000000..b1f4d39d643f7d6f4fdc64f9cab99be9087b780d --- /dev/null +++ b/recon/torch_utils/ops/bias_act.py @@ -0,0 +1,211 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Custom PyTorch ops for efficient bias and activation.""" + +import os +import numpy as np +import torch +import dnnlib + +from .. import custom_ops +from .. import misc + +#---------------------------------------------------------------------------- + +activation_funcs = { + 'linear': dnnlib.EasyDict(func=lambda x, **_: x, def_alpha=0, def_gain=1, cuda_idx=1, ref='', has_2nd_grad=False), + 'relu': dnnlib.EasyDict(func=lambda x, **_: torch.nn.functional.relu(x), def_alpha=0, def_gain=np.sqrt(2), cuda_idx=2, ref='y', has_2nd_grad=False), + 'lrelu': dnnlib.EasyDict(func=lambda x, alpha, **_: torch.nn.functional.leaky_relu(x, alpha), def_alpha=0.2, def_gain=np.sqrt(2), cuda_idx=3, ref='y', has_2nd_grad=False), + 'tanh': dnnlib.EasyDict(func=lambda x, **_: torch.tanh(x), def_alpha=0, def_gain=1, cuda_idx=4, ref='y', has_2nd_grad=True), + 'sigmoid': dnnlib.EasyDict(func=lambda x, **_: torch.sigmoid(x), def_alpha=0, def_gain=1, cuda_idx=5, ref='y', has_2nd_grad=True), + 'elu': dnnlib.EasyDict(func=lambda x, **_: torch.nn.functional.elu(x), def_alpha=0, def_gain=1, cuda_idx=6, ref='y', has_2nd_grad=True), + 'selu': dnnlib.EasyDict(func=lambda x, **_: torch.nn.functional.selu(x), def_alpha=0, def_gain=1, cuda_idx=7, ref='y', has_2nd_grad=True), + 'softplus': dnnlib.EasyDict(func=lambda x, **_: torch.nn.functional.softplus(x), def_alpha=0, def_gain=1, cuda_idx=8, ref='y', has_2nd_grad=True), + 'swish': dnnlib.EasyDict(func=lambda x, **_: torch.sigmoid(x) * x, def_alpha=0, def_gain=np.sqrt(2), cuda_idx=9, ref='x', has_2nd_grad=True), +} + +#---------------------------------------------------------------------------- + +_plugin = None +_null_tensor = torch.empty([0]) + +def _init(): + global _plugin + if _plugin is None: + _plugin = custom_ops.get_plugin( + module_name='bias_act_plugin', + sources=['bias_act.cpp', 'bias_act.cu'], + headers=['bias_act.h'], + source_dir=os.path.dirname(__file__), + extra_cuda_cflags=['--use_fast_math'], + ) + return True + +#---------------------------------------------------------------------------- + +def bias_act(x, b=None, dim=1, act='linear', alpha=None, gain=None, clamp=None, impl='cuda'): + r"""Fused bias and activation function. + + Adds bias `b` to activation tensor `x`, evaluates activation function `act`, + and scales the result by `gain`. Each of the steps is optional. In most cases, + the fused op is considerably more efficient than performing the same calculation + using standard PyTorch ops. It supports first and second order gradients, + but not third order gradients. + + Args: + x: Input activation tensor. Can be of any shape. + b: Bias vector, or `None` to disable. Must be a 1D tensor of the same type + as `x`. The shape must be known, and it must match the dimension of `x` + corresponding to `dim`. + dim: The dimension in `x` corresponding to the elements of `b`. + The value of `dim` is ignored if `b` is not specified. + act: Name of the activation function to evaluate, or `"linear"` to disable. + Can be e.g. `"relu"`, `"lrelu"`, `"tanh"`, `"sigmoid"`, `"swish"`, etc. + See `activation_funcs` for a full list. `None` is not allowed. + alpha: Shape parameter for the activation function, or `None` to use the default. + gain: Scaling factor for the output tensor, or `None` to use default. + See `activation_funcs` for the default scaling of each activation function. + If unsure, consider specifying 1. + clamp: Clamp the output values to `[-clamp, +clamp]`, or `None` to disable + the clamping (default). + impl: Name of the implementation to use. Can be `"ref"` or `"cuda"` (default). + + Returns: + Tensor of the same shape and datatype as `x`. + """ + assert isinstance(x, torch.Tensor) + assert impl in ['ref', 'cuda'] + if impl == 'cuda' and x.device.type == 'cuda' and _init(): + return _bias_act_cuda(dim=dim, act=act, alpha=alpha, gain=gain, clamp=clamp).apply(x, b) + return _bias_act_ref(x=x, b=b, dim=dim, act=act, alpha=alpha, gain=gain, clamp=clamp) + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def _bias_act_ref(x, b=None, dim=1, act='linear', alpha=None, gain=None, clamp=None): + """Slow reference implementation of `bias_act()` using standard TensorFlow ops. + """ + assert isinstance(x, torch.Tensor) + assert clamp is None or clamp >= 0 + spec = activation_funcs[act] + alpha = float(alpha if alpha is not None else spec.def_alpha) + gain = float(gain if gain is not None else spec.def_gain) + clamp = float(clamp if clamp is not None else -1) + + # Add bias. + if b is not None: + assert isinstance(b, torch.Tensor) and b.ndim == 1 + assert 0 <= dim < x.ndim + assert b.shape[0] == x.shape[dim] + x = x + b.reshape([-1 if i == dim else 1 for i in range(x.ndim)]) + + # Evaluate activation function. + alpha = float(alpha) + x = spec.func(x, alpha=alpha) + + # Scale by gain. + gain = float(gain) + if gain != 1: + x = x * gain + + # Clamp. + if clamp >= 0: + x = x.clamp(-clamp, clamp) # pylint: disable=invalid-unary-operand-type + return x + +#---------------------------------------------------------------------------- + +_bias_act_cuda_cache = dict() + +def _bias_act_cuda(dim=1, act='linear', alpha=None, gain=None, clamp=None): + """Fast CUDA implementation of `bias_act()` using custom ops. + """ + # Parse arguments. + assert clamp is None or clamp >= 0 + spec = activation_funcs[act] + alpha = float(alpha if alpha is not None else spec.def_alpha) + gain = float(gain if gain is not None else spec.def_gain) + clamp = float(clamp if clamp is not None else -1) + + # Lookup from cache. + key = (dim, act, alpha, gain, clamp) + if key in _bias_act_cuda_cache: + return _bias_act_cuda_cache[key] + + # Forward op. + class BiasActCuda(torch.autograd.Function): + @staticmethod + def forward(ctx, x, b): # pylint: disable=arguments-differ + ctx.memory_format = torch.channels_last if x.ndim > 2 and x.stride(1) == 1 else torch.contiguous_format + x = x.contiguous(memory_format=ctx.memory_format) + b = b.contiguous() if b is not None else _null_tensor + y = x + if act != 'linear' or gain != 1 or clamp >= 0 or b is not _null_tensor: + y = _plugin.bias_act(x, b, _null_tensor, _null_tensor, _null_tensor, 0, dim, spec.cuda_idx, alpha, gain, clamp) + ctx.save_for_backward( + x if 'x' in spec.ref or spec.has_2nd_grad else _null_tensor, + b if 'x' in spec.ref or spec.has_2nd_grad else _null_tensor, + y if 'y' in spec.ref else _null_tensor) + return y + + @staticmethod + def backward(ctx, dy): # pylint: disable=arguments-differ + dy = dy.contiguous(memory_format=ctx.memory_format) + x, b, y = ctx.saved_tensors + dx = None + db = None + + if ctx.needs_input_grad[0] or ctx.needs_input_grad[1]: + dx = dy + if act != 'linear' or gain != 1 or clamp >= 0: + dx = BiasActCudaGrad.apply(dy, x, b, y) + + if ctx.needs_input_grad[1]: + db = dx.sum([i for i in range(dx.ndim) if i != dim]) + + return dx, db + + # Backward op. + class BiasActCudaGrad(torch.autograd.Function): + @staticmethod + def forward(ctx, dy, x, b, y): # pylint: disable=arguments-differ + ctx.memory_format = torch.channels_last if dy.ndim > 2 and dy.stride(1) == 1 else torch.contiguous_format + dx = _plugin.bias_act(dy, b, x, y, _null_tensor, 1, dim, spec.cuda_idx, alpha, gain, clamp) + ctx.save_for_backward( + dy if spec.has_2nd_grad else _null_tensor, + x, b, y) + return dx + + @staticmethod + def backward(ctx, d_dx): # pylint: disable=arguments-differ + d_dx = d_dx.contiguous(memory_format=ctx.memory_format) + dy, x, b, y = ctx.saved_tensors + d_dy = None + d_x = None + d_b = None + d_y = None + + if ctx.needs_input_grad[0]: + d_dy = BiasActCudaGrad.apply(d_dx, x, b, y) + + if spec.has_2nd_grad and (ctx.needs_input_grad[1] or ctx.needs_input_grad[2]): + d_x = _plugin.bias_act(d_dx, b, x, y, dy, 2, dim, spec.cuda_idx, alpha, gain, clamp) + + if spec.has_2nd_grad and ctx.needs_input_grad[2]: + d_b = d_x.sum([i for i in range(d_x.ndim) if i != dim]) + + return d_dy, d_x, d_b, d_y + + # Add to cache. + _bias_act_cuda_cache[key] = BiasActCuda + return BiasActCuda + +#---------------------------------------------------------------------------- diff --git a/recon/torch_utils/ops/conv2d_gradfix.py b/recon/torch_utils/ops/conv2d_gradfix.py new file mode 100644 index 0000000000000000000000000000000000000000..9a177cc1c0b6eabf16908cf9afaa4387e7716b72 --- /dev/null +++ b/recon/torch_utils/ops/conv2d_gradfix.py @@ -0,0 +1,199 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Custom replacement for `torch.nn.functional.conv2d` that supports +arbitrarily high order gradients with zero performance penalty.""" + +import contextlib +import torch + +# pylint: disable=redefined-builtin +# pylint: disable=arguments-differ +# pylint: disable=protected-access + +#---------------------------------------------------------------------------- + +enabled = False # Enable the custom op by setting this to true. +weight_gradients_disabled = False # Forcefully disable computation of gradients with respect to the weights. + +@contextlib.contextmanager +def no_weight_gradients(disable=True): + global weight_gradients_disabled + old = weight_gradients_disabled + if disable: + weight_gradients_disabled = True + yield + weight_gradients_disabled = old + +#---------------------------------------------------------------------------- + +def conv2d(input, weight, bias=None, stride=1, padding=0, dilation=1, groups=1): + if _should_use_custom_op(input): + return _conv2d_gradfix(transpose=False, weight_shape=weight.shape, stride=stride, padding=padding, output_padding=0, dilation=dilation, groups=groups).apply(input, weight, bias) + return torch.nn.functional.conv2d(input=input, weight=weight, bias=bias, stride=stride, padding=padding, dilation=dilation, groups=groups) + +def conv_transpose2d(input, weight, bias=None, stride=1, padding=0, output_padding=0, groups=1, dilation=1): + if _should_use_custom_op(input): + return _conv2d_gradfix(transpose=True, weight_shape=weight.shape, stride=stride, padding=padding, output_padding=output_padding, groups=groups, dilation=dilation).apply(input, weight, bias) + return torch.nn.functional.conv_transpose2d(input=input, weight=weight, bias=bias, stride=stride, padding=padding, output_padding=output_padding, groups=groups, dilation=dilation) + +#---------------------------------------------------------------------------- + +def _should_use_custom_op(input): + assert isinstance(input, torch.Tensor) + if (not enabled) or (not torch.backends.cudnn.enabled): + return False + if input.device.type != 'cuda': + return False + return True + +def _tuple_of_ints(xs, ndim): + xs = tuple(xs) if isinstance(xs, (tuple, list)) else (xs,) * ndim + assert len(xs) == ndim + assert all(isinstance(x, int) for x in xs) + return xs + +#---------------------------------------------------------------------------- + +_conv2d_gradfix_cache = dict() +_null_tensor = torch.empty([0]) + +def _conv2d_gradfix(transpose, weight_shape, stride, padding, output_padding, dilation, groups): + # Parse arguments. + ndim = 2 + weight_shape = tuple(weight_shape) + stride = _tuple_of_ints(stride, ndim) + padding = _tuple_of_ints(padding, ndim) + output_padding = _tuple_of_ints(output_padding, ndim) + dilation = _tuple_of_ints(dilation, ndim) + + # Lookup from cache. + key = (transpose, weight_shape, stride, padding, output_padding, dilation, groups) + if key in _conv2d_gradfix_cache: + return _conv2d_gradfix_cache[key] + + # Validate arguments. + assert groups >= 1 + assert len(weight_shape) == ndim + 2 + assert all(stride[i] >= 1 for i in range(ndim)) + assert all(padding[i] >= 0 for i in range(ndim)) + assert all(dilation[i] >= 0 for i in range(ndim)) + if not transpose: + assert all(output_padding[i] == 0 for i in range(ndim)) + else: # transpose + assert all(0 <= output_padding[i] < max(stride[i], dilation[i]) for i in range(ndim)) + + # Helpers. + common_kwargs = dict(stride=stride, padding=padding, dilation=dilation, groups=groups) + def calc_output_padding(input_shape, output_shape): + if transpose: + return [0, 0] + return [ + input_shape[i + 2] + - (output_shape[i + 2] - 1) * stride[i] + - (1 - 2 * padding[i]) + - dilation[i] * (weight_shape[i + 2] - 1) + for i in range(ndim) + ] + + # Forward & backward. + class Conv2d(torch.autograd.Function): + @staticmethod + def forward(ctx, input, weight, bias): + assert weight.shape == weight_shape + ctx.save_for_backward( + input if weight.requires_grad else _null_tensor, + weight if input.requires_grad else _null_tensor, + ) + ctx.input_shape = input.shape + + # Simple 1x1 convolution => cuBLAS (only on Volta, not on Ampere). + if weight_shape[2:] == stride == dilation == (1, 1) and padding == (0, 0) and torch.cuda.get_device_capability(input.device) < (8, 0): + a = weight.reshape(groups, weight_shape[0] // groups, weight_shape[1]) + b = input.reshape(input.shape[0], groups, input.shape[1] // groups, -1) + c = (a.transpose(1, 2) if transpose else a) @ b.permute(1, 2, 0, 3).flatten(2) + c = c.reshape(-1, input.shape[0], *input.shape[2:]).transpose(0, 1) + c = c if bias is None else c + bias.unsqueeze(0).unsqueeze(2).unsqueeze(3) + return c.contiguous(memory_format=(torch.channels_last if input.stride(1) == 1 else torch.contiguous_format)) + + # General case => cuDNN. + if transpose: + return torch.nn.functional.conv_transpose2d(input=input, weight=weight, bias=bias, output_padding=output_padding, **common_kwargs) + return torch.nn.functional.conv2d(input=input, weight=weight, bias=bias, **common_kwargs) + + @staticmethod + def backward(ctx, grad_output): + input, weight = ctx.saved_tensors + input_shape = ctx.input_shape + grad_input = None + grad_weight = None + grad_bias = None + + if ctx.needs_input_grad[0]: + p = calc_output_padding(input_shape=input_shape, output_shape=grad_output.shape) + op = _conv2d_gradfix(transpose=(not transpose), weight_shape=weight_shape, output_padding=p, **common_kwargs) + grad_input = op.apply(grad_output, weight, None) + assert grad_input.shape == input_shape + + if ctx.needs_input_grad[1] and not weight_gradients_disabled: + grad_weight = Conv2dGradWeight.apply(grad_output, input, weight) + assert grad_weight.shape == weight_shape + + if ctx.needs_input_grad[2]: + grad_bias = grad_output.sum([0, 2, 3]) + + return grad_input, grad_weight, grad_bias + + # Gradient with respect to the weights. + class Conv2dGradWeight(torch.autograd.Function): + @staticmethod + def forward(ctx, grad_output, input, weight): + ctx.save_for_backward( + grad_output if input.requires_grad else _null_tensor, + input if grad_output.requires_grad else _null_tensor, + ) + ctx.grad_output_shape = grad_output.shape + ctx.input_shape = input.shape + + # Simple 1x1 convolution => cuBLAS (on both Volta and Ampere). + if weight_shape[2:] == stride == dilation == (1, 1) and padding == (0, 0): + a = grad_output.reshape(grad_output.shape[0], groups, grad_output.shape[1] // groups, -1).permute(1, 2, 0, 3).flatten(2) + b = input.reshape(input.shape[0], groups, input.shape[1] // groups, -1).permute(1, 2, 0, 3).flatten(2) + c = (b @ a.transpose(1, 2) if transpose else a @ b.transpose(1, 2)).reshape(weight_shape) + return c.contiguous(memory_format=(torch.channels_last if input.stride(1) == 1 else torch.contiguous_format)) + + # General case => cuDNN. + return torch.ops.aten.convolution_backward(grad_output=grad_output, input=input, weight=weight, bias_sizes=None, stride=stride, padding=padding, dilation=dilation, transposed=transpose, output_padding=output_padding, groups=groups, output_mask=[False, True, False])[1] + + + @staticmethod + def backward(ctx, grad2_grad_weight): + grad_output, input = ctx.saved_tensors + grad_output_shape = ctx.grad_output_shape + input_shape = ctx.input_shape + grad2_grad_output = None + grad2_input = None + + if ctx.needs_input_grad[0]: + grad2_grad_output = Conv2d.apply(input, grad2_grad_weight, None) + assert grad2_grad_output.shape == grad_output_shape + + if ctx.needs_input_grad[1]: + p = calc_output_padding(input_shape=input_shape, output_shape=grad_output_shape) + op = _conv2d_gradfix(transpose=(not transpose), weight_shape=weight_shape, output_padding=p, **common_kwargs) + grad2_input = op.apply(grad_output, grad2_grad_weight, None) + assert grad2_input.shape == input_shape + + return grad2_grad_output, grad2_input + + _conv2d_gradfix_cache[key] = Conv2d + return Conv2d + +#---------------------------------------------------------------------------- diff --git a/recon/torch_utils/ops/conv2d_resample.py b/recon/torch_utils/ops/conv2d_resample.py new file mode 100644 index 0000000000000000000000000000000000000000..d46f4ddd85606b9032d08efe3556ecad4676cee5 --- /dev/null +++ b/recon/torch_utils/ops/conv2d_resample.py @@ -0,0 +1,145 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""2D convolution with optional up/downsampling.""" + +import torch + +from .. import misc +from . import conv2d_gradfix +from . import upfirdn2d +from .upfirdn2d import _parse_padding +from .upfirdn2d import _get_filter_size + +#---------------------------------------------------------------------------- + +def _get_weight_shape(w): + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + shape = [int(sz) for sz in w.shape] + misc.assert_shape(w, shape) + return shape + +#---------------------------------------------------------------------------- + +def _conv2d_wrapper(x, w, stride=1, padding=0, groups=1, transpose=False, flip_weight=True): + """Wrapper for the underlying `conv2d()` and `conv_transpose2d()` implementations. + """ + _out_channels, _in_channels_per_group, kh, kw = _get_weight_shape(w) + + # Flip weight if requested. + # Note: conv2d() actually performs correlation (flip_weight=True) not convolution (flip_weight=False). + if not flip_weight and (kw > 1 or kh > 1): + w = w.flip([2, 3]) + + # Execute using conv2d_gradfix. + op = conv2d_gradfix.conv_transpose2d if transpose else conv2d_gradfix.conv2d + return op(x, w, stride=stride, padding=padding, groups=groups) + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def conv2d_resample(x, w, f=None, up=1, down=1, padding=0, groups=1, flip_weight=True, flip_filter=False): + r"""2D convolution with optional up/downsampling. + + Padding is performed only once at the beginning, not between the operations. + + Args: + x: Input tensor of shape + `[batch_size, in_channels, in_height, in_width]`. + w: Weight tensor of shape + `[out_channels, in_channels//groups, kernel_height, kernel_width]`. + f: Low-pass filter for up/downsampling. Must be prepared beforehand by + calling upfirdn2d.setup_filter(). None = identity (default). + up: Integer upsampling factor (default: 1). + down: Integer downsampling factor (default: 1). + padding: Padding with respect to the upsampled image. Can be a single number + or a list/tuple `[x, y]` or `[x_before, x_after, y_before, y_after]` + (default: 0). + groups: Split input channels into N groups (default: 1). + flip_weight: False = convolution, True = correlation (default: True). + flip_filter: False = convolution, True = correlation (default: False). + + Returns: + Tensor of the shape `[batch_size, num_channels, out_height, out_width]`. + """ + # Validate arguments. + assert isinstance(x, torch.Tensor) and (x.ndim == 4) + assert isinstance(w, torch.Tensor) and (w.ndim == 4) and (w.dtype == x.dtype) + assert f is None or (isinstance(f, torch.Tensor) and f.ndim in [1, 2] and f.dtype == torch.float32) + assert isinstance(up, int) and (up >= 1) + assert isinstance(down, int) and (down >= 1) + assert isinstance(groups, int) and (groups >= 1) + out_channels, in_channels_per_group, kh, kw = _get_weight_shape(w) + fw, fh = _get_filter_size(f) + px0, px1, py0, py1 = _parse_padding(padding) + + # Adjust padding to account for up/downsampling. + if up > 1: + px0 += (fw + up - 1) // 2 + px1 += (fw - up) // 2 + py0 += (fh + up - 1) // 2 + py1 += (fh - up) // 2 + if down > 1: + px0 += (fw - down + 1) // 2 + px1 += (fw - down) // 2 + py0 += (fh - down + 1) // 2 + py1 += (fh - down) // 2 + + # Fast path: 1x1 convolution with downsampling only => downsample first, then convolve. + if kw == 1 and kh == 1 and (down > 1 and up == 1): + x = upfirdn2d.upfirdn2d(x=x, f=f, down=down, padding=[px0,px1,py0,py1], flip_filter=flip_filter) + x = _conv2d_wrapper(x=x, w=w, groups=groups, flip_weight=flip_weight) + return x + + # Fast path: 1x1 convolution with upsampling only => convolve first, then upsample. + if kw == 1 and kh == 1 and (up > 1 and down == 1): + x = _conv2d_wrapper(x=x, w=w, groups=groups, flip_weight=flip_weight) + x = upfirdn2d.upfirdn2d(x=x, f=f, up=up, padding=[px0,px1,py0,py1], gain=up**2, flip_filter=flip_filter) + return x + + # Fast path: downsampling only => use strided convolution. + if down > 1 and up == 1: + x = upfirdn2d.upfirdn2d(x=x, f=f, padding=[px0,px1,py0,py1], flip_filter=flip_filter) + x = _conv2d_wrapper(x=x, w=w, stride=down, groups=groups, flip_weight=flip_weight) + return x + + # Fast path: upsampling with optional downsampling => use transpose strided convolution. + if up > 1: + if groups == 1: + w = w.transpose(0, 1) + else: + w = w.reshape(groups, out_channels // groups, in_channels_per_group, kh, kw) + w = w.transpose(1, 2) + w = w.reshape(groups * in_channels_per_group, out_channels // groups, kh, kw) + px0 -= kw - 1 + px1 -= kw - up + py0 -= kh - 1 + py1 -= kh - up + pxt = max(min(-px0, -px1), 0) + pyt = max(min(-py0, -py1), 0) + x = _conv2d_wrapper(x=x, w=w, stride=up, padding=[pyt,pxt], groups=groups, transpose=True, flip_weight=(not flip_weight)) + x = upfirdn2d.upfirdn2d(x=x, f=f, padding=[px0+pxt,px1+pxt,py0+pyt,py1+pyt], gain=up**2, flip_filter=flip_filter) + if down > 1: + x = upfirdn2d.upfirdn2d(x=x, f=f, down=down, flip_filter=flip_filter) + return x + + # Fast path: no up/downsampling, padding supported by the underlying implementation => use plain conv2d. + if up == 1 and down == 1: + if px0 == px1 and py0 == py1 and px0 >= 0 and py0 >= 0: + return _conv2d_wrapper(x=x, w=w, padding=[py0,px0], groups=groups, flip_weight=flip_weight) + + # Fallback: Generic reference implementation. + x = upfirdn2d.upfirdn2d(x=x, f=(f if up > 1 else None), up=up, padding=[px0,px1,py0,py1], gain=up**2, flip_filter=flip_filter) + x = _conv2d_wrapper(x=x, w=w, groups=groups, flip_weight=flip_weight) + if down > 1: + x = upfirdn2d.upfirdn2d(x=x, f=f, down=down, flip_filter=flip_filter) + return x + +#---------------------------------------------------------------------------- diff --git a/recon/torch_utils/ops/filtered_lrelu.cpp b/recon/torch_utils/ops/filtered_lrelu.cpp new file mode 100644 index 0000000000000000000000000000000000000000..4f55466235a020b0f5e150350bfdcd8b2a1e579d --- /dev/null +++ b/recon/torch_utils/ops/filtered_lrelu.cpp @@ -0,0 +1,304 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +#include +#include +#include +#include "filtered_lrelu.h" + +//------------------------------------------------------------------------ + +static std::tuple filtered_lrelu( + torch::Tensor x, torch::Tensor fu, torch::Tensor fd, torch::Tensor b, torch::Tensor si, + int up, int down, int px0, int px1, int py0, int py1, int sx, int sy, float gain, float slope, float clamp, bool flip_filters, bool writeSigns) +{ + // Set CUDA device. + TORCH_CHECK(x.is_cuda(), "x must reside on CUDA device"); + const at::cuda::OptionalCUDAGuard device_guard(device_of(x)); + + // Validate arguments. + TORCH_CHECK(fu.device() == x.device() && fd.device() == x.device() && b.device() == x.device(), "all input tensors must reside on the same device"); + TORCH_CHECK(fu.dtype() == torch::kFloat && fd.dtype() == torch::kFloat, "fu and fd must be float32"); + TORCH_CHECK(b.dtype() == x.dtype(), "x and b must have the same dtype"); + TORCH_CHECK(x.dtype() == torch::kHalf || x.dtype() == torch::kFloat, "x and b must be float16 or float32"); + TORCH_CHECK(x.dim() == 4, "x must be rank 4"); + TORCH_CHECK(x.size(0) * x.size(1) <= INT_MAX && x.size(2) <= INT_MAX && x.size(3) <= INT_MAX, "x is too large"); + TORCH_CHECK(x.numel() > 0, "x is empty"); + TORCH_CHECK((fu.dim() == 1 || fu.dim() == 2) && (fd.dim() == 1 || fd.dim() == 2), "fu and fd must be rank 1 or 2"); + TORCH_CHECK(fu.size(0) <= INT_MAX && fu.size(-1) <= INT_MAX, "fu is too large"); + TORCH_CHECK(fd.size(0) <= INT_MAX && fd.size(-1) <= INT_MAX, "fd is too large"); + TORCH_CHECK(fu.numel() > 0, "fu is empty"); + TORCH_CHECK(fd.numel() > 0, "fd is empty"); + TORCH_CHECK(b.dim() == 1 && b.size(0) == x.size(1), "b must be a vector with the same number of channels as x"); + TORCH_CHECK(up >= 1 && down >= 1, "up and down must be at least 1"); + + // Figure out how much shared memory is available on the device. + int maxSharedBytes = 0; + AT_CUDA_CHECK(cudaDeviceGetAttribute(&maxSharedBytes, cudaDevAttrMaxSharedMemoryPerBlockOptin, x.device().index())); + int sharedKB = maxSharedBytes >> 10; + + // Populate enough launch parameters to check if a CUDA kernel exists. + filtered_lrelu_kernel_params p; + p.up = up; + p.down = down; + p.fuShape = make_int2((int)fu.size(-1), fu.dim() == 2 ? (int)fu.size(0) : 0); // shape [n, 0] indicates separable filter. + p.fdShape = make_int2((int)fd.size(-1), fd.dim() == 2 ? (int)fd.size(0) : 0); + filtered_lrelu_kernel_spec test_spec = choose_filtered_lrelu_kernel(p, sharedKB); + if (!test_spec.exec) + { + // No kernel found - return empty tensors and indicate missing kernel with return code of -1. + return std::make_tuple(torch::Tensor(), torch::Tensor(), -1); + } + + // Input/output element size. + int64_t sz = (x.dtype() == torch::kHalf) ? 2 : 4; + + // Input sizes. + int64_t xw = (int)x.size(3); + int64_t xh = (int)x.size(2); + int64_t fut_w = (int)fu.size(-1) - 1; + int64_t fut_h = (int)fu.size(0) - 1; + int64_t fdt_w = (int)fd.size(-1) - 1; + int64_t fdt_h = (int)fd.size(0) - 1; + + // Logical size of upsampled buffer. + int64_t cw = xw * up + (px0 + px1) - fut_w; + int64_t ch = xh * up + (py0 + py1) - fut_h; + TORCH_CHECK(cw > fdt_w && ch > fdt_h, "upsampled buffer must be at least the size of downsampling filter"); + TORCH_CHECK(cw <= INT_MAX && ch <= INT_MAX, "upsampled buffer is too large"); + + // Compute output size and allocate. + int64_t yw = (cw - fdt_w + (down - 1)) / down; + int64_t yh = (ch - fdt_h + (down - 1)) / down; + TORCH_CHECK(yw > 0 && yh > 0, "output must be at least 1x1"); + TORCH_CHECK(yw <= INT_MAX && yh <= INT_MAX, "output is too large"); + torch::Tensor y = torch::empty({x.size(0), x.size(1), yh, yw}, x.options(), x.suggest_memory_format()); + + // Allocate sign tensor. + torch::Tensor so; + torch::Tensor s = si; + bool readSigns = !!s.numel(); + int64_t sw_active = 0; // Active width of sign tensor. + if (writeSigns) + { + sw_active = yw * down - (down - 1) + fdt_w; // Active width in elements. + int64_t sh = yh * down - (down - 1) + fdt_h; // Height = active height. + int64_t sw = (sw_active + 15) & ~15; // Width = active width in elements, rounded up to multiple of 16. + TORCH_CHECK(sh <= INT_MAX && (sw >> 2) <= INT_MAX, "signs is too large"); + s = so = torch::empty({x.size(0), x.size(1), sh, sw >> 2}, x.options().dtype(torch::kUInt8), at::MemoryFormat::Contiguous); + } + else if (readSigns) + sw_active = s.size(3) << 2; + + // Validate sign tensor if in use. + if (readSigns || writeSigns) + { + TORCH_CHECK(s.is_contiguous(), "signs must be contiguous"); + TORCH_CHECK(s.dtype() == torch::kUInt8, "signs must be uint8"); + TORCH_CHECK(s.device() == x.device(), "signs must reside on the same device as x"); + TORCH_CHECK(s.dim() == 4, "signs must be rank 4"); + TORCH_CHECK(s.size(0) == x.size(0) && s.size(1) == x.size(1), "signs must have same batch & channels as x"); + TORCH_CHECK(s.size(2) <= INT_MAX && s.size(3) <= INT_MAX, "signs is too large"); + } + + // Populate rest of CUDA kernel parameters. + p.x = x.data_ptr(); + p.y = y.data_ptr(); + p.b = b.data_ptr(); + p.s = (readSigns || writeSigns) ? s.data_ptr() : 0; + p.fu = fu.data_ptr(); + p.fd = fd.data_ptr(); + p.pad0 = make_int2(px0, py0); + p.gain = gain; + p.slope = slope; + p.clamp = clamp; + p.flip = (flip_filters) ? 1 : 0; + p.xShape = make_int4((int)x.size(3), (int)x.size(2), (int)x.size(1), (int)x.size(0)); + p.yShape = make_int4((int)y.size(3), (int)y.size(2), (int)y.size(1), (int)y.size(0)); + p.sShape = (readSigns || writeSigns) ? make_int2((int)s.size(3), (int)s.size(2)) : make_int2(0, 0); // Width is in bytes. Contiguous. + p.sOfs = make_int2(sx, sy); + p.swLimit = (sw_active + 3) >> 2; // Rounded up to bytes. + + // x, y, b strides are in bytes. + p.xStride = make_longlong4(sz * x.stride(3), sz * x.stride(2), sz * x.stride(1), sz * x.stride(0)); + p.yStride = make_longlong4(sz * y.stride(3), sz * y.stride(2), sz * y.stride(1), sz * y.stride(0)); + p.bStride = sz * b.stride(0); + + // fu, fd strides are in elements. + p.fuStride = make_longlong3(fu.stride(-1), fu.dim() == 2 ? fu.stride(0) : 0, 0); + p.fdStride = make_longlong3(fd.stride(-1), fd.dim() == 2 ? fd.stride(0) : 0, 0); + + // Determine if indices don't fit in int32. Support negative strides although Torch currently never produces those. + bool index64b = false; + if (std::abs(p.bStride * x.size(1)) > INT_MAX) index64b = true; + if (std::min(x.size(0) * p.xStride.w, 0ll) + std::min(x.size(1) * p.xStride.z, 0ll) + std::min(x.size(2) * p.xStride.y, 0ll) + std::min(x.size(3) * p.xStride.x, 0ll) < -INT_MAX) index64b = true; + if (std::max(x.size(0) * p.xStride.w, 0ll) + std::max(x.size(1) * p.xStride.z, 0ll) + std::max(x.size(2) * p.xStride.y, 0ll) + std::max(x.size(3) * p.xStride.x, 0ll) > INT_MAX) index64b = true; + if (std::min(y.size(0) * p.yStride.w, 0ll) + std::min(y.size(1) * p.yStride.z, 0ll) + std::min(y.size(2) * p.yStride.y, 0ll) + std::min(y.size(3) * p.yStride.x, 0ll) < -INT_MAX) index64b = true; + if (std::max(y.size(0) * p.yStride.w, 0ll) + std::max(y.size(1) * p.yStride.z, 0ll) + std::max(y.size(2) * p.yStride.y, 0ll) + std::max(y.size(3) * p.yStride.x, 0ll) > INT_MAX) index64b = true; + if (s.numel() > INT_MAX) index64b = true; + + // Choose CUDA kernel. + filtered_lrelu_kernel_spec spec = { 0 }; + AT_DISPATCH_FLOATING_TYPES_AND_HALF(x.scalar_type(), "filtered_lrelu_cuda", [&] + { + if constexpr (sizeof(scalar_t) <= 4) // Exclude doubles. constexpr prevents template instantiation. + { + // Choose kernel based on index type, datatype and sign read/write modes. + if (!index64b && writeSigns && !readSigns) spec = choose_filtered_lrelu_kernel(p, sharedKB); + else if (!index64b && !writeSigns && readSigns) spec = choose_filtered_lrelu_kernel(p, sharedKB); + else if (!index64b && !writeSigns && !readSigns) spec = choose_filtered_lrelu_kernel(p, sharedKB); + else if ( index64b && writeSigns && !readSigns) spec = choose_filtered_lrelu_kernel(p, sharedKB); + else if ( index64b && !writeSigns && readSigns) spec = choose_filtered_lrelu_kernel(p, sharedKB); + else if ( index64b && !writeSigns && !readSigns) spec = choose_filtered_lrelu_kernel(p, sharedKB); + } + }); + TORCH_CHECK(spec.exec, "internal error - CUDA kernel not found") // This should not happen because we tested earlier that kernel exists. + + // Launch CUDA kernel. + void* args[] = {&p}; + int bx = spec.numWarps * 32; + int gx = (p.yShape.x - 1) / spec.tileOut.x + 1; + int gy = (p.yShape.y - 1) / spec.tileOut.y + 1; + int gz = p.yShape.z * p.yShape.w; + + // Repeat multiple horizontal tiles in a CTA? + if (spec.xrep) + { + p.tilesXrep = spec.xrep; + p.tilesXdim = gx; + + gx = (gx + p.tilesXrep - 1) / p.tilesXrep; + std::swap(gx, gy); + } + else + { + p.tilesXrep = 0; + p.tilesXdim = 0; + } + + // Launch filter setup kernel. + AT_CUDA_CHECK(cudaLaunchKernel(spec.setup, 1, 1024, args, 0, at::cuda::getCurrentCUDAStream())); + + // Copy kernels to constant memory. + if ( writeSigns && !readSigns) AT_CUDA_CHECK((copy_filters(at::cuda::getCurrentCUDAStream()))); + else if (!writeSigns && readSigns) AT_CUDA_CHECK((copy_filters(at::cuda::getCurrentCUDAStream()))); + else if (!writeSigns && !readSigns) AT_CUDA_CHECK((copy_filters(at::cuda::getCurrentCUDAStream()))); + + // Set cache and shared memory configurations for main kernel. + AT_CUDA_CHECK(cudaFuncSetCacheConfig(spec.exec, cudaFuncCachePreferShared)); + if (spec.dynamicSharedKB) // Need dynamically allocated shared memory? + AT_CUDA_CHECK(cudaFuncSetAttribute(spec.exec, cudaFuncAttributeMaxDynamicSharedMemorySize, spec.dynamicSharedKB << 10)); + AT_CUDA_CHECK(cudaFuncSetSharedMemConfig(spec.exec, cudaSharedMemBankSizeFourByte)); + + // Launch main kernel. + const int maxSubGz = 65535; // CUDA maximum for block z dimension. + for (int zofs=0; zofs < gz; zofs += maxSubGz) // Do multiple launches if gz is too big. + { + p.blockZofs = zofs; + int subGz = std::min(maxSubGz, gz - zofs); + AT_CUDA_CHECK(cudaLaunchKernel(spec.exec, dim3(gx, gy, subGz), bx, args, spec.dynamicSharedKB << 10, at::cuda::getCurrentCUDAStream())); + } + + // Done. + return std::make_tuple(y, so, 0); +} + +//------------------------------------------------------------------------ + +static torch::Tensor filtered_lrelu_act(torch::Tensor x, torch::Tensor si, int sx, int sy, float gain, float slope, float clamp, bool writeSigns) +{ + // Set CUDA device. + TORCH_CHECK(x.is_cuda(), "x must reside on CUDA device"); + const at::cuda::OptionalCUDAGuard device_guard(device_of(x)); + + // Validate arguments. + TORCH_CHECK(x.dim() == 4, "x must be rank 4"); + TORCH_CHECK(x.size(0) * x.size(1) <= INT_MAX && x.size(2) <= INT_MAX && x.size(3) <= INT_MAX, "x is too large"); + TORCH_CHECK(x.numel() > 0, "x is empty"); + TORCH_CHECK(x.dtype() == torch::kHalf || x.dtype() == torch::kFloat || x.dtype() == torch::kDouble, "x must be float16, float32 or float64"); + + // Output signs if we don't have sign input. + torch::Tensor so; + torch::Tensor s = si; + bool readSigns = !!s.numel(); + if (writeSigns) + { + int64_t sw = x.size(3); + sw = (sw + 15) & ~15; // Round to a multiple of 16 for coalescing. + s = so = torch::empty({x.size(0), x.size(1), x.size(2), sw >> 2}, x.options().dtype(torch::kUInt8), at::MemoryFormat::Contiguous); + } + + // Validate sign tensor if in use. + if (readSigns || writeSigns) + { + TORCH_CHECK(s.is_contiguous(), "signs must be contiguous"); + TORCH_CHECK(s.dtype() == torch::kUInt8, "signs must be uint8"); + TORCH_CHECK(s.device() == x.device(), "signs must reside on the same device as x"); + TORCH_CHECK(s.dim() == 4, "signs must be rank 4"); + TORCH_CHECK(s.size(0) == x.size(0) && s.size(1) == x.size(1), "signs must have same batch & channels as x"); + TORCH_CHECK(s.size(2) <= INT_MAX && (s.size(3) << 2) <= INT_MAX, "signs tensor is too large"); + } + + // Initialize CUDA kernel parameters. + filtered_lrelu_act_kernel_params p; + p.x = x.data_ptr(); + p.s = (readSigns || writeSigns) ? s.data_ptr() : 0; + p.gain = gain; + p.slope = slope; + p.clamp = clamp; + p.xShape = make_int4((int)x.size(3), (int)x.size(2), (int)x.size(1), (int)x.size(0)); + p.xStride = make_longlong4(x.stride(3), x.stride(2), x.stride(1), x.stride(0)); + p.sShape = (readSigns || writeSigns) ? make_int2((int)s.size(3) << 2, (int)s.size(2)) : make_int2(0, 0); // Width is in elements. Contiguous. + p.sOfs = make_int2(sx, sy); + + // Choose CUDA kernel. + void* func = 0; + AT_DISPATCH_FLOATING_TYPES_AND_HALF(x.scalar_type(), "filtered_lrelu_act_cuda", [&] + { + if (writeSigns) + func = choose_filtered_lrelu_act_kernel(); + else if (readSigns) + func = choose_filtered_lrelu_act_kernel(); + else + func = choose_filtered_lrelu_act_kernel(); + }); + TORCH_CHECK(func, "internal error - CUDA kernel not found"); + + // Launch CUDA kernel. + void* args[] = {&p}; + int bx = 128; // 4 warps per block. + + // Logical size of launch = writeSigns ? p.s : p.x + uint32_t gx = writeSigns ? p.sShape.x : p.xShape.x; + uint32_t gy = writeSigns ? p.sShape.y : p.xShape.y; + uint32_t gz = p.xShape.z * p.xShape.w; // Same as in p.sShape if signs are in use. + gx = (gx - 1) / bx + 1; + + // Make sure grid y and z dimensions are within CUDA launch limits. Kernel loops internally to do the rest. + const uint32_t gmax = 65535; + gy = std::min(gy, gmax); + gz = std::min(gz, gmax); + + // Launch. + AT_CUDA_CHECK(cudaLaunchKernel(func, dim3(gx, gy, gz), bx, args, 0, at::cuda::getCurrentCUDAStream())); + return so; +} + +//------------------------------------------------------------------------ + +PYBIND11_MODULE(TORCH_EXTENSION_NAME, m) +{ + m.def("filtered_lrelu", &filtered_lrelu); // The whole thing. + m.def("filtered_lrelu_act_", &filtered_lrelu_act); // Activation and sign tensor handling only. Modifies data tensor in-place. +} + +//------------------------------------------------------------------------ diff --git a/recon/torch_utils/ops/filtered_lrelu.cu b/recon/torch_utils/ops/filtered_lrelu.cu new file mode 100644 index 0000000000000000000000000000000000000000..aaac95408365f023ffaa4cb89348d499d3b948f0 --- /dev/null +++ b/recon/torch_utils/ops/filtered_lrelu.cu @@ -0,0 +1,1288 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +#include +#include "filtered_lrelu.h" +#include + +//------------------------------------------------------------------------ +// Helpers. + +enum // Filter modes. +{ + MODE_SUSD = 0, // Separable upsampling, separable downsampling. + MODE_FUSD = 1, // Full upsampling, separable downsampling. + MODE_SUFD = 2, // Separable upsampling, full downsampling. + MODE_FUFD = 3, // Full upsampling, full downsampling. +}; + +template struct InternalType; +template <> struct InternalType +{ + typedef double scalar_t; typedef double2 vec2_t; typedef double4 vec4_t; + __device__ __forceinline__ static vec2_t zero_vec2(void) { return make_double2(0, 0); } + __device__ __forceinline__ static vec4_t zero_vec4(void) { return make_double4(0, 0, 0, 0); } + __device__ __forceinline__ static double clamp(double x, double c) { return fmin(fmax(x, -c), c); } +}; +template <> struct InternalType +{ + typedef float scalar_t; typedef float2 vec2_t; typedef float4 vec4_t; + __device__ __forceinline__ static vec2_t zero_vec2(void) { return make_float2(0, 0); } + __device__ __forceinline__ static vec4_t zero_vec4(void) { return make_float4(0, 0, 0, 0); } + __device__ __forceinline__ static float clamp(float x, float c) { return fminf(fmaxf(x, -c), c); } +}; +template <> struct InternalType +{ + typedef float scalar_t; typedef float2 vec2_t; typedef float4 vec4_t; + __device__ __forceinline__ static vec2_t zero_vec2(void) { return make_float2(0, 0); } + __device__ __forceinline__ static vec4_t zero_vec4(void) { return make_float4(0, 0, 0, 0); } + __device__ __forceinline__ static float clamp(float x, float c) { return fminf(fmaxf(x, -c), c); } +}; + +#define MIN(A, B) ((A) < (B) ? (A) : (B)) +#define MAX(A, B) ((A) > (B) ? (A) : (B)) +#define CEIL_DIV(A, B) (((B)==1) ? (A) : \ + ((B)==2) ? ((int)((A)+1) >> 1) : \ + ((B)==4) ? ((int)((A)+3) >> 2) : \ + (((A) + ((A) > 0 ? (B) - 1 : 0)) / (B))) + +// This works only up to blocks of size 256 x 256 and for all N that are powers of two. +template __device__ __forceinline__ void fast_div_mod(int& x, int& y, unsigned int i) +{ + if ((N & (N-1)) && N <= 256) + y = (i * ((1<<24)/N + 1)) >> 24; // Assumes N <= 256, i < N*256. + else + y = i/N; + + x = i - y*N; +} + +// Type cast stride before reading it. +template __device__ __forceinline__ T get_stride(const int64_t& x) +{ + return *reinterpret_cast(&x); +} + +//------------------------------------------------------------------------ +// Filters, setup kernel, copying function. + +#define MAX_FILTER_SIZE 32 + +// Combined up/down filter buffers so that transfer can be done with one copy. +__device__ float g_fbuf[2 * MAX_FILTER_SIZE * MAX_FILTER_SIZE]; // Filters in global memory, written by setup kernel. +__device__ __constant__ float c_fbuf[2 * MAX_FILTER_SIZE * MAX_FILTER_SIZE]; // Filters in constant memory, read by main kernel. + +// Accessors to combined buffers to index up/down filters individually. +#define c_fu (c_fbuf) +#define c_fd (c_fbuf + MAX_FILTER_SIZE * MAX_FILTER_SIZE) +#define g_fu (g_fbuf) +#define g_fd (g_fbuf + MAX_FILTER_SIZE * MAX_FILTER_SIZE) + +// Set up filters into global memory buffer. +static __global__ void setup_filters_kernel(filtered_lrelu_kernel_params p) +{ + for (int idx = threadIdx.x; idx < MAX_FILTER_SIZE * MAX_FILTER_SIZE; idx += blockDim.x) + { + int x, y; + fast_div_mod(x, y, idx); + + int fu_x = p.flip ? x : (p.fuShape.x - 1 - x); + int fu_y = p.flip ? y : (p.fuShape.y - 1 - y); + if (p.fuShape.y > 0) + g_fu[idx] = (x >= p.fuShape.x || y >= p.fuShape.y) ? 0.0f : p.fu[fu_x * p.fuStride.x + fu_y * p.fuStride.y]; + else + g_fu[idx] = (x >= p.fuShape.x || y > 0) ? 0.0f : p.fu[fu_x * p.fuStride.x]; + + int fd_x = p.flip ? x : (p.fdShape.x - 1 - x); + int fd_y = p.flip ? y : (p.fdShape.y - 1 - y); + if (p.fdShape.y > 0) + g_fd[idx] = (x >= p.fdShape.x || y >= p.fdShape.y) ? 0.0f : p.fd[fd_x * p.fdStride.x + fd_y * p.fdStride.y]; + else + g_fd[idx] = (x >= p.fdShape.x || y > 0) ? 0.0f : p.fd[fd_x * p.fdStride.x]; + } +} + +// Host function to copy filters written by setup kernel into constant buffer for main kernel. +template static cudaError_t copy_filters(cudaStream_t stream) +{ + void* src = 0; + cudaError_t err = cudaGetSymbolAddress(&src, g_fbuf); + if (err) return err; + return cudaMemcpyToSymbolAsync(c_fbuf, src, 2 * MAX_FILTER_SIZE * MAX_FILTER_SIZE * sizeof(float), 0, cudaMemcpyDeviceToDevice, stream); +} + +//------------------------------------------------------------------------ +// Coordinate spaces: +// - Relative to input tensor: inX, inY, tileInX, tileInY +// - Relative to input tile: relInX, relInY, tileInW, tileInH +// - Relative to upsampled tile: relUpX, relUpY, tileUpW, tileUpH +// - Relative to output tile: relOutX, relOutY, tileOutW, tileOutH +// - Relative to output tensor: outX, outY, tileOutX, tileOutY +// +// Relationships between coordinate spaces: +// - inX = tileInX + relInX +// - inY = tileInY + relInY +// - relUpX = relInX * up + phaseInX +// - relUpY = relInY * up + phaseInY +// - relUpX = relOutX * down +// - relUpY = relOutY * down +// - outX = tileOutX + relOutX +// - outY = tileOutY + relOutY + +extern __shared__ char s_buf_raw[]; // When sharedKB <= 48, allocate shared memory statically inside the kernel, otherwise use the externally allocated shared memory buffer. + +template +static __global__ void filtered_lrelu_kernel(filtered_lrelu_kernel_params p) +{ + // Check that we don't try to support non-existing filter modes. + static_assert(up == 1 || up == 2 || up == 4, "only up=1, up=2, up=4 scales supported"); + static_assert(down == 1 || down == 2 || down == 4, "only down=1, down=2, down=4 scales supported"); + static_assert(fuSize >= up, "upsampling filter size must be at least upsampling factor"); + static_assert(fdSize >= down, "downsampling filter size must be at least downsampling factor"); + static_assert(fuSize % up == 0, "upsampling filter size must be divisible with upsampling factor"); + static_assert(fdSize % down == 0, "downsampling filter size must be divisible with downsampling factor"); + static_assert(fuSize <= MAX_FILTER_SIZE && fdSize <= MAX_FILTER_SIZE, "filter size greater than MAX_FILTER_SIZE"); + static_assert(up != 1 || (fuSize == 1 && (filterMode == MODE_FUFD || filterMode == MODE_FUSD)), "up=1 supported only for 1x1 full filters"); + static_assert(down != 1 || (fdSize == 1 && (filterMode == MODE_FUFD || filterMode == MODE_SUFD)), "down=1 supported only for 1x1 full filters"); + static_assert(!(up == 4 && (filterMode == MODE_FUFD || filterMode == MODE_FUSD)), "full filters not supported for up=4"); + static_assert(!(down == 4 && (filterMode == MODE_FUFD || filterMode == MODE_SUFD)), "full filters not supported for down=4"); + + // Static definitions. + typedef typename InternalType::scalar_t scalar_t; + typedef typename InternalType::vec2_t vec2_t; + typedef typename InternalType::vec4_t vec4_t; + const int tileUpW = (tileOutW * down + (fdSize - 1) - (down - 1) + 3) & ~3; // Upsampled tile width, rounded up to multiple of 4. + const int tileUpH = tileOutH * down + (fdSize - 1) - (down - 1); // Upsampled tile height. + const int tileInW = CEIL_DIV(tileUpW + (fuSize - 1), up); // Input tile width. + const int tileInH = CEIL_DIV(tileUpH + (fuSize - 1), up); // Input tile height. + const int tileUpH_up = CEIL_DIV(tileUpH, up) * up; // Upsampled tile height rounded up to a multiple of up. + const int tileInH_up = CEIL_DIV(tileUpH_up + (fuSize - 1), up); // For allocations only, to avoid shared memory read overruns with up=2 and up=4. + + // Merge 1x1 downsampling into last upsampling step for upf1 and ups2. + const bool downInline = (down == 1) && ((up == 1 && filterMode == MODE_FUFD) || (up == 2 && filterMode == MODE_SUFD)); + + // Sizes of logical buffers. + const int szIn = tileInH_up * tileInW; + const int szUpX = tileInH_up * tileUpW; + const int szUpXY = downInline ? 0 : (tileUpH * tileUpW); + const int szDownX = tileUpH * tileOutW; + + // Sizes for shared memory arrays. + const int s_buf0_size_base = + (filterMode == MODE_SUSD) ? MAX(szIn, szUpXY) : + (filterMode == MODE_FUSD) ? MAX(szIn, szDownX) : + (filterMode == MODE_SUFD) ? MAX(szIn, szUpXY) : + (filterMode == MODE_FUFD) ? szIn : + -1; + const int s_buf1_size_base = + (filterMode == MODE_SUSD) ? MAX(szUpX, szDownX) : + (filterMode == MODE_FUSD) ? szUpXY : + (filterMode == MODE_SUFD) ? szUpX : + (filterMode == MODE_FUFD) ? szUpXY : + -1; + + // Ensure U128 alignment. + const int s_buf0_size = (s_buf0_size_base + 3) & ~3; + const int s_buf1_size = (s_buf1_size_base + 3) & ~3; + + // Check at compile time that we don't use too much shared memory. + static_assert((s_buf0_size + s_buf1_size) * sizeof(scalar_t) <= (sharedKB << 10), "shared memory overflow"); + + // Declare shared memory arrays. + scalar_t* s_buf0; + scalar_t* s_buf1; + if (sharedKB <= 48) + { + // Allocate shared memory arrays here. + __shared__ scalar_t s_buf0_st[(sharedKB > 48) ? (1<<24) : (s_buf0_size + s_buf1_size)]; // Prevent launching if this isn't optimized away when unused. + s_buf0 = s_buf0_st; + s_buf1 = s_buf0 + s_buf0_size; + } + else + { + // Use the dynamically allocated shared memory array. + s_buf0 = (scalar_t*)s_buf_raw; + s_buf1 = s_buf0 + s_buf0_size; + } + + // Pointers to the buffers. + scalar_t* s_tileIn; // Input tile: [relInX * tileInH + relInY] + scalar_t* s_tileUpX; // After horizontal upsampling: [relInY * tileUpW + relUpX] + scalar_t* s_tileUpXY; // After upsampling: [relUpY * tileUpW + relUpX] + scalar_t* s_tileDownX; // After horizontal downsampling: [relUpY * tileOutW + relOutX] + if (filterMode == MODE_SUSD) + { + s_tileIn = s_buf0; + s_tileUpX = s_buf1; + s_tileUpXY = s_buf0; + s_tileDownX = s_buf1; + } + else if (filterMode == MODE_FUSD) + { + s_tileIn = s_buf0; + s_tileUpXY = s_buf1; + s_tileDownX = s_buf0; + } + else if (filterMode == MODE_SUFD) + { + s_tileIn = s_buf0; + s_tileUpX = s_buf1; + s_tileUpXY = s_buf0; + } + else if (filterMode == MODE_FUFD) + { + s_tileIn = s_buf0; + s_tileUpXY = s_buf1; + } + + // Allow large grids in z direction via per-launch offset. + int channelIdx = blockIdx.z + p.blockZofs; + int batchIdx = channelIdx / p.yShape.z; + channelIdx -= batchIdx * p.yShape.z; + + // Offset to output feature map. In bytes. + index_t mapOfsOut = channelIdx * get_stride(p.yStride.z) + batchIdx * get_stride(p.yStride.w); + + // Sign shift amount. + uint32_t signXo = ((threadIdx.x + p.sOfs.x) << 1) & 6; + + // Inner tile loop. + #pragma unroll 1 + for (int tileIdx = 0; !enableXrep || (tileIdx < MIN(p.tilesXrep, p.tilesXdim - p.tilesXrep * blockIdx.y)); tileIdx++) + { + // Locate output tile. + int tileX = enableXrep ? blockIdx.y * p.tilesXrep + tileIdx : blockIdx.x; + int tileOutX = tileX * tileOutW; + int tileOutY = (enableXrep ? blockIdx.x : blockIdx.y) * tileOutH; + + // Locate input tile. + int tmpX = tileOutX * down - p.pad0.x; + int tmpY = tileOutY * down - p.pad0.y; + int tileInX = CEIL_DIV(tmpX, up); + int tileInY = CEIL_DIV(tmpY, up); + const int phaseInX = tileInX * up - tmpX; + const int phaseInY = tileInY * up - tmpY; + + // Extra sync if input and output buffers are the same and we are not on first tile. + if (enableXrep && tileIdx > 0 && (filterMode == MODE_FUSD || (filterMode == MODE_SUFD && !downInline) || (filterMode == MODE_FUFD && downInline))) + __syncthreads(); + + // Load input tile & apply bias. Unrolled. + scalar_t b = (scalar_t)*(const T*)((const char*)p.b + (channelIdx * get_stride(p.bStride))); + index_t mapOfsIn = channelIdx * get_stride(p.xStride.z) + batchIdx * get_stride(p.xStride.w); + int idx = threadIdx.x; + const int loopCountIN = CEIL_DIV(tileInW * tileInH, threadsPerBlock); + #pragma unroll + for (int loop = 0; loop < loopCountIN; loop++) + { + int relInX, relInY; + fast_div_mod(relInX, relInY, idx); + int inX = tileInX + relInX; + int inY = tileInY + relInY; + scalar_t v = 0; + + if ((uint32_t)inX < p.xShape.x && (uint32_t)inY < p.xShape.y) + v = (scalar_t)*((const T*)((const char*)p.x + (inX * get_stride(p.xStride.x) + inY * get_stride(p.xStride.y) + mapOfsIn))) + b; + + bool skip = (loop == loopCountIN-1) && (idx >= tileInW * tileInH); + if (!skip) + s_tileIn[idx] = v; + + idx += threadsPerBlock; + } + + if (filterMode == MODE_SUSD || filterMode == MODE_SUFD) // Separable upsampling filter. + { + // Horizontal upsampling. + __syncthreads(); + if (up == 4) + { + for (int idx = threadIdx.x*up; idx < tileUpW * tileInH; idx += blockDim.x*up) + { + int relUpX0, relInY; + fast_div_mod(relUpX0, relInY, idx); + int relInX0 = relUpX0 / up; + int src0 = relInX0 + tileInW * relInY; + int dst = relInY * tileUpW + relUpX0; + vec4_t v = InternalType::zero_vec4(); + scalar_t a = s_tileIn[src0]; + if (phaseInX == 0) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileIn[src0 + step + 1]; + v.y += a * (scalar_t)c_fu[step * up + 3]; + v.z += a * (scalar_t)c_fu[step * up + 2]; + v.w += a * (scalar_t)c_fu[step * up + 1]; + } + } + else if (phaseInX == 1) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 1]; + v.y += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileIn[src0 + step + 1]; + v.z += a * (scalar_t)c_fu[step * up + 3]; + v.w += a * (scalar_t)c_fu[step * up + 2]; + } + } + else if (phaseInX == 2) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 2]; + v.y += a * (scalar_t)c_fu[step * up + 1]; + v.z += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileIn[src0 + step + 1]; + v.w += a * (scalar_t)c_fu[step * up + 3]; + } + } + else // (phaseInX == 3) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 3]; + v.y += a * (scalar_t)c_fu[step * up + 2]; + v.z += a * (scalar_t)c_fu[step * up + 1]; + v.w += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileIn[src0 + step + 1]; + } + } + s_tileUpX[dst+0] = v.x; + s_tileUpX[dst+1] = v.y; + s_tileUpX[dst+2] = v.z; + s_tileUpX[dst+3] = v.w; + } + } + else if (up == 2) + { + bool p0 = (phaseInX == 0); + for (int idx = threadIdx.x*up; idx < tileUpW * tileInH; idx += blockDim.x*up) + { + int relUpX0, relInY; + fast_div_mod(relUpX0, relInY, idx); + int relInX0 = relUpX0 / up; + int src0 = relInX0 + tileInW * relInY; + int dst = relInY * tileUpW + relUpX0; + vec2_t v = InternalType::zero_vec2(); + scalar_t a = s_tileIn[src0]; + if (p0) // (phaseInX == 0) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileIn[src0 + step + 1]; + v.y += a * (scalar_t)c_fu[step * up + 1]; + } + } + else // (phaseInX == 1) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 1]; + v.y += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileIn[src0 + step + 1]; + } + } + s_tileUpX[dst+0] = v.x; + s_tileUpX[dst+1] = v.y; + } + } + + // Vertical upsampling & nonlinearity. + + __syncthreads(); + int groupMask = 15 << ((threadIdx.x & 31) & ~3); + int minY = tileOutY ? (tileOutY - tileOutH) * down + tileUpH : 0; // Skip already written signs. + int sShapeMaxY = MIN(p.sShape.y, tileOutY * down + tileUpH); // Avoid out-of-tile sign writes. + if (up == 4) + { + minY -= 3; // Adjust according to block height. + for (int idx = threadIdx.x; idx < tileUpW * tileUpH_up / up; idx += blockDim.x) + { + int relUpX, relInY0; + fast_div_mod(relUpX, relInY0, idx); + int relUpY0 = relInY0 * up; + int src0 = relInY0 * tileUpW + relUpX; + int dst = relUpY0 * tileUpW + relUpX; + vec4_t v = InternalType::zero_vec4(); + + scalar_t a = s_tileUpX[src0]; + if (phaseInY == 0) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileUpX[src0 + (step + 1) * tileUpW]; + v.y += a * (scalar_t)c_fu[step * up + 3]; + v.z += a * (scalar_t)c_fu[step * up + 2]; + v.w += a * (scalar_t)c_fu[step * up + 1]; + } + } + else if (phaseInY == 1) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 1]; + v.y += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileUpX[src0 + (step + 1) * tileUpW]; + v.z += a * (scalar_t)c_fu[step * up + 3]; + v.w += a * (scalar_t)c_fu[step * up + 2]; + } + } + else if (phaseInY == 2) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 2]; + v.y += a * (scalar_t)c_fu[step * up + 1]; + v.z += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileUpX[src0 + (step + 1) * tileUpW]; + v.w += a * (scalar_t)c_fu[step * up + 3]; + } + } + else // (phaseInY == 3) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 3]; + v.y += a * (scalar_t)c_fu[step * up + 2]; + v.z += a * (scalar_t)c_fu[step * up + 1]; + v.w += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileUpX[src0 + (step + 1) * tileUpW]; + } + } + + int x = tileOutX * down + relUpX; + int y = tileOutY * down + relUpY0; + int signX = x + p.sOfs.x; + int signY = y + p.sOfs.y; + int signZ = blockIdx.z + p.blockZofs; + int signXb = signX >> 2; + index_t si0 = signXb + p.sShape.x * (signY + (index_t)p.sShape.y * signZ); + index_t si1 = si0 + p.sShape.x; + index_t si2 = si0 + p.sShape.x * 2; + index_t si3 = si0 + p.sShape.x * 3; + + v.x *= (scalar_t)((float)up * (float)up * p.gain); + v.y *= (scalar_t)((float)up * (float)up * p.gain); + v.z *= (scalar_t)((float)up * (float)up * p.gain); + v.w *= (scalar_t)((float)up * (float)up * p.gain); + + if (signWrite) + { + if (!enableWriteSkip) + { + // Determine and write signs. + int sx = __float_as_uint(v.x) >> 31 << 0; + int sy = __float_as_uint(v.y) >> 31 << 8; + int sz = __float_as_uint(v.z) >> 31 << 16; + int sw = __float_as_uint(v.w) >> 31 << 24; + if (sx) v.x *= p.slope; + if (sy) v.y *= p.slope; + if (sz) v.z *= p.slope; + if (sw) v.w *= p.slope; + if (fabsf(v.x) > p.clamp) { sx = 2 << 0; v.x = InternalType::clamp(v.x, p.clamp); } + if (fabsf(v.y) > p.clamp) { sy = 2 << 8; v.y = InternalType::clamp(v.y, p.clamp); } + if (fabsf(v.z) > p.clamp) { sz = 2 << 16; v.z = InternalType::clamp(v.z, p.clamp); } + if (fabsf(v.w) > p.clamp) { sw = 2 << 24; v.w = InternalType::clamp(v.w, p.clamp); } + + if ((uint32_t)signXb < p.swLimit && signY >= minY) + { + // Combine signs. + uint32_t s = sx + sy + sw + sz; + s <<= (signX & 3) << 1; + s |= __shfl_xor_sync(groupMask, s, 1); + s |= __shfl_xor_sync(groupMask, s, 2); + + // Write signs. + if ((uint32_t)(signY + 0) < sShapeMaxY) { p.s[si0] = (unsigned char)(s >> 0); } + if ((uint32_t)(signY + 1) < sShapeMaxY) { p.s[si1] = (unsigned char)(s >> 8); } + if ((uint32_t)(signY + 2) < sShapeMaxY) { p.s[si2] = (unsigned char)(s >> 16); } + if ((uint32_t)(signY + 3) < sShapeMaxY) { p.s[si3] = (unsigned char)(s >> 24); } + } + } + else + { + // Determine and write signs. + if ((uint32_t)signXb < p.swLimit && signY >= minY) + { + int sx = __float_as_uint(v.x) >> 31 << 0; + int sy = __float_as_uint(v.y) >> 31 << 8; + int sz = __float_as_uint(v.z) >> 31 << 16; + int sw = __float_as_uint(v.w) >> 31 << 24; + if (sx) v.x *= p.slope; + if (sy) v.y *= p.slope; + if (sz) v.z *= p.slope; + if (sw) v.w *= p.slope; + if (fabsf(v.x) > p.clamp) { sx = 2 << 0; v.x = InternalType::clamp(v.x, p.clamp); } + if (fabsf(v.y) > p.clamp) { sy = 2 << 8; v.y = InternalType::clamp(v.y, p.clamp); } + if (fabsf(v.z) > p.clamp) { sz = 2 << 16; v.z = InternalType::clamp(v.z, p.clamp); } + if (fabsf(v.w) > p.clamp) { sw = 2 << 24; v.w = InternalType::clamp(v.w, p.clamp); } + + // Combine signs. + uint32_t s = sx + sy + sw + sz; + s <<= (signX & 3) << 1; + s |= __shfl_xor_sync(groupMask, s, 1); + s |= __shfl_xor_sync(groupMask, s, 2); + + // Write signs. + if ((uint32_t)(signY + 0) < sShapeMaxY) { p.s[si0] = (unsigned char)(s >> 0); } + if ((uint32_t)(signY + 1) < sShapeMaxY) { p.s[si1] = (unsigned char)(s >> 8); } + if ((uint32_t)(signY + 2) < sShapeMaxY) { p.s[si2] = (unsigned char)(s >> 16); } + if ((uint32_t)(signY + 3) < sShapeMaxY) { p.s[si3] = (unsigned char)(s >> 24); } + } + else + { + // Just compute the values. + if (v.x < 0.f) v.x *= p.slope; v.x = InternalType::clamp(v.x, p.clamp); + if (v.y < 0.f) v.y *= p.slope; v.y = InternalType::clamp(v.y, p.clamp); + if (v.z < 0.f) v.z *= p.slope; v.z = InternalType::clamp(v.z, p.clamp); + if (v.w < 0.f) v.w *= p.slope; v.w = InternalType::clamp(v.w, p.clamp); + } + } + } + else if (signRead) // Read signs and apply. + { + if ((uint32_t)signXb < p.swLimit) + { + int ss = (signX & 3) << 1; + if ((uint32_t)(signY + 0) < p.sShape.y) { int s = p.s[si0] >> ss; if (s & 1) v.x *= p.slope; if (s & 2) v.x = 0.f; } + if ((uint32_t)(signY + 1) < p.sShape.y) { int s = p.s[si1] >> ss; if (s & 1) v.y *= p.slope; if (s & 2) v.y = 0.f; } + if ((uint32_t)(signY + 2) < p.sShape.y) { int s = p.s[si2] >> ss; if (s & 1) v.z *= p.slope; if (s & 2) v.z = 0.f; } + if ((uint32_t)(signY + 3) < p.sShape.y) { int s = p.s[si3] >> ss; if (s & 1) v.w *= p.slope; if (s & 2) v.w = 0.f; } + } + } + else // Forward pass with no sign write. + { + if (v.x < 0.f) v.x *= p.slope; v.x = InternalType::clamp(v.x, p.clamp); + if (v.y < 0.f) v.y *= p.slope; v.y = InternalType::clamp(v.y, p.clamp); + if (v.z < 0.f) v.z *= p.slope; v.z = InternalType::clamp(v.z, p.clamp); + if (v.w < 0.f) v.w *= p.slope; v.w = InternalType::clamp(v.w, p.clamp); + } + + s_tileUpXY[dst + 0 * tileUpW] = v.x; + if (relUpY0 + 1 < tileUpH) s_tileUpXY[dst + 1 * tileUpW] = v.y; + if (relUpY0 + 2 < tileUpH) s_tileUpXY[dst + 2 * tileUpW] = v.z; + if (relUpY0 + 3 < tileUpH) s_tileUpXY[dst + 3 * tileUpW] = v.w; + } + } + else if (up == 2) + { + minY -= 1; // Adjust according to block height. + for (int idx = threadIdx.x; idx < tileUpW * tileUpH_up / up; idx += blockDim.x) + { + int relUpX, relInY0; + fast_div_mod(relUpX, relInY0, idx); + int relUpY0 = relInY0 * up; + int src0 = relInY0 * tileUpW + relUpX; + int dst = relUpY0 * tileUpW + relUpX; + vec2_t v = InternalType::zero_vec2(); + + scalar_t a = s_tileUpX[src0]; + if (phaseInY == 0) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileUpX[src0 + (step + 1) * tileUpW]; + v.y += a * (scalar_t)c_fu[step * up + 1]; + } + } + else // (phaseInY == 1) + { + #pragma unroll + for (int step = 0; step < fuSize / up; step++) + { + v.x += a * (scalar_t)c_fu[step * up + 1]; + v.y += a * (scalar_t)c_fu[step * up + 0]; + a = s_tileUpX[src0 + (step + 1) * tileUpW]; + } + } + + int x = tileOutX * down + relUpX; + int y = tileOutY * down + relUpY0; + int signX = x + p.sOfs.x; + int signY = y + p.sOfs.y; + int signZ = blockIdx.z + p.blockZofs; + int signXb = signX >> 2; + index_t si0 = signXb + p.sShape.x * (signY + (index_t)p.sShape.y * signZ); + index_t si1 = si0 + p.sShape.x; + + v.x *= (scalar_t)((float)up * (float)up * p.gain); + v.y *= (scalar_t)((float)up * (float)up * p.gain); + + if (signWrite) + { + if (!enableWriteSkip) + { + // Determine and write signs. + int sx = __float_as_uint(v.x) >> 31 << 0; + int sy = __float_as_uint(v.y) >> 31 << 8; + if (sx) v.x *= p.slope; + if (sy) v.y *= p.slope; + if (fabsf(v.x) > p.clamp) { sx = 2 << 0; v.x = InternalType::clamp(v.x, p.clamp); } + if (fabsf(v.y) > p.clamp) { sy = 2 << 8; v.y = InternalType::clamp(v.y, p.clamp); } + + if ((uint32_t)signXb < p.swLimit && signY >= minY) + { + // Combine signs. + int s = sx + sy; + s <<= signXo; + s |= __shfl_xor_sync(groupMask, s, 1); + s |= __shfl_xor_sync(groupMask, s, 2); + + // Write signs. + if ((uint32_t)(signY + 0) < sShapeMaxY) { p.s[si0] = (unsigned char)(s >> 0); } + if ((uint32_t)(signY + 1) < sShapeMaxY) { p.s[si1] = (unsigned char)(s >> 8); } + } + } + else + { + // Determine and write signs. + if ((uint32_t)signXb < p.swLimit && signY >= minY) + { + int sx = __float_as_uint(v.x) >> 31 << 0; + int sy = __float_as_uint(v.y) >> 31 << 8; + if (sx) v.x *= p.slope; + if (sy) v.y *= p.slope; + if (fabsf(v.x) > p.clamp) { sx = 2 << 0; v.x = InternalType::clamp(v.x, p.clamp); } + if (fabsf(v.y) > p.clamp) { sy = 2 << 8; v.y = InternalType::clamp(v.y, p.clamp); } + + // Combine signs. + int s = sx + sy; + s <<= signXo; + s |= __shfl_xor_sync(groupMask, s, 1); + s |= __shfl_xor_sync(groupMask, s, 2); + + // Write signs. + if ((uint32_t)(signY + 0) < sShapeMaxY) { p.s[si0] = (unsigned char)(s >> 0); } + if ((uint32_t)(signY + 1) < sShapeMaxY) { p.s[si1] = (unsigned char)(s >> 8); } + } + else + { + // Just compute the values. + if (v.x < 0.f) v.x *= p.slope; v.x = InternalType::clamp(v.x, p.clamp); + if (v.y < 0.f) v.y *= p.slope; v.y = InternalType::clamp(v.y, p.clamp); + } + } + } + else if (signRead) // Read signs and apply. + { + if ((uint32_t)signXb < p.swLimit) + { + if ((uint32_t)(signY + 0) < p.sShape.y) { int s = p.s[si0] >> signXo; if (s & 1) v.x *= p.slope; if (s & 2) v.x = 0.f; } + if ((uint32_t)(signY + 1) < p.sShape.y) { int s = p.s[si1] >> signXo; if (s & 1) v.y *= p.slope; if (s & 2) v.y = 0.f; } + } + } + else // Forward pass with no sign write. + { + if (v.x < 0.f) v.x *= p.slope; v.x = InternalType::clamp(v.x, p.clamp); + if (v.y < 0.f) v.y *= p.slope; v.y = InternalType::clamp(v.y, p.clamp); + } + + if (!downInline) + { + // Write into temporary buffer. + s_tileUpXY[dst] = v.x; + if (relUpY0 < tileUpH - 1) + s_tileUpXY[dst + tileUpW] = v.y; + } + else + { + // Write directly into output buffer. + if ((uint32_t)x < p.yShape.x) + { + int ymax = MIN(p.yShape.y, tileUpH + tileOutY * down); + index_t ofs = x * get_stride(p.yStride.x) + y * get_stride(p.yStride.y) + mapOfsOut; + if ((uint32_t)y + 0 < p.yShape.y) *((T*)((char*)p.y + ofs)) = (T)(v.x * (scalar_t)c_fd[0]); + if ((uint32_t)y + 1 < ymax) *((T*)((char*)p.y + ofs + get_stride(p.yStride.y))) = (T)(v.y * (scalar_t)c_fd[0]); + } + } + } + } + } + else if (filterMode == MODE_FUSD || filterMode == MODE_FUFD) + { + // Full upsampling filter. + + if (up == 2) + { + // 2 x 2-wide. + __syncthreads(); + int minY = tileOutY ? (tileOutY - tileOutH) * down + tileUpH + p.sOfs.y : 0; // Skip already written signs. + for (int idx = threadIdx.x * 4; idx < tileUpW * tileUpH; idx += blockDim.x * 4) + { + int relUpX0, relUpY0; + fast_div_mod(relUpX0, relUpY0, idx); + int relInX0 = CEIL_DIV(relUpX0 - phaseInX, up); + int relInY0 = CEIL_DIV(relUpY0 - phaseInY, up); + int src0 = relInX0 + tileInW * relInY0; + int tap0y = (relInY0 * up + phaseInY - relUpY0); + + #define X_LOOP(TAPY, PX) \ + for (int sx = 0; sx < fuSize / up; sx++) \ + { \ + v.x += a * (scalar_t)c_fu[(sx * up + (((PX) - 0) & (up - 1))) + (sy * up + (TAPY)) * MAX_FILTER_SIZE]; \ + v.z += b * (scalar_t)c_fu[(sx * up + (((PX) - 0) & (up - 1))) + (sy * up + (TAPY)) * MAX_FILTER_SIZE]; if ((PX) == 0) { a = b; b = s_tileIn[src0 + 2 + sx + sy * tileInW]; } \ + v.y += a * (scalar_t)c_fu[(sx * up + (((PX) - 1) & (up - 1))) + (sy * up + (TAPY)) * MAX_FILTER_SIZE]; \ + v.w += b * (scalar_t)c_fu[(sx * up + (((PX) - 1) & (up - 1))) + (sy * up + (TAPY)) * MAX_FILTER_SIZE]; if ((PX) == 1) { a = b; b = s_tileIn[src0 + 2 + sx + sy * tileInW]; } \ + } + + vec4_t v = InternalType::zero_vec4(); + if (tap0y == 0 && phaseInX == 0) + #pragma unroll + for (int sy = 0; sy < fuSize / up; sy++) { scalar_t a = s_tileIn[src0 + sy * tileInW]; scalar_t b = s_tileIn[src0 + sy * tileInW + 1]; + #pragma unroll + X_LOOP(0, 0) } + if (tap0y == 0 && phaseInX == 1) + #pragma unroll + for (int sy = 0; sy < fuSize / up; sy++) { scalar_t a = s_tileIn[src0 + sy * tileInW]; scalar_t b = s_tileIn[src0 + sy * tileInW + 1]; + #pragma unroll + X_LOOP(0, 1) } + if (tap0y == 1 && phaseInX == 0) + #pragma unroll + for (int sy = 0; sy < fuSize / up; sy++) { scalar_t a = s_tileIn[src0 + sy * tileInW]; scalar_t b = s_tileIn[src0 + sy * tileInW + 1]; + #pragma unroll + X_LOOP(1, 0) } + if (tap0y == 1 && phaseInX == 1) + #pragma unroll + for (int sy = 0; sy < fuSize / up; sy++) { scalar_t a = s_tileIn[src0 + sy * tileInW]; scalar_t b = s_tileIn[src0 + sy * tileInW + 1]; + #pragma unroll + X_LOOP(1, 1) } + + #undef X_LOOP + + int x = tileOutX * down + relUpX0; + int y = tileOutY * down + relUpY0; + int signX = x + p.sOfs.x; + int signY = y + p.sOfs.y; + int signZ = blockIdx.z + p.blockZofs; + int signXb = signX >> 2; + index_t si = signXb + p.sShape.x * (signY + (index_t)p.sShape.y * signZ); + + v.x *= (scalar_t)((float)up * (float)up * p.gain); + v.y *= (scalar_t)((float)up * (float)up * p.gain); + v.z *= (scalar_t)((float)up * (float)up * p.gain); + v.w *= (scalar_t)((float)up * (float)up * p.gain); + + if (signWrite) + { + if (!enableWriteSkip) + { + // Determine and write signs. + int sx = __float_as_uint(v.x) >> 31; + int sy = __float_as_uint(v.y) >> 31; + int sz = __float_as_uint(v.z) >> 31; + int sw = __float_as_uint(v.w) >> 31; + if (sx) v.x *= p.slope; if (fabsf(v.x) > p.clamp) { sx = 2; v.x = InternalType::clamp(v.x, p.clamp); } + if (sy) v.y *= p.slope; if (fabsf(v.y) > p.clamp) { sy = 2; v.y = InternalType::clamp(v.y, p.clamp); } + if (sz) v.z *= p.slope; if (fabsf(v.z) > p.clamp) { sz = 2; v.z = InternalType::clamp(v.z, p.clamp); } + if (sw) v.w *= p.slope; if (fabsf(v.w) > p.clamp) { sw = 2; v.w = InternalType::clamp(v.w, p.clamp); } + + if ((uint32_t)signXb < p.swLimit && (uint32_t)signY < p.sShape.y && signY >= minY) + { + p.s[si] = sx + (sy << 2) + (sz << 4) + (sw << 6); + } + } + else + { + // Determine and write signs. + if ((uint32_t)signXb < p.swLimit && (uint32_t)signY < p.sShape.y && signY >= minY) + { + int sx = __float_as_uint(v.x) >> 31; + int sy = __float_as_uint(v.y) >> 31; + int sz = __float_as_uint(v.z) >> 31; + int sw = __float_as_uint(v.w) >> 31; + if (sx) v.x *= p.slope; if (fabsf(v.x) > p.clamp) { sx = 2; v.x = InternalType::clamp(v.x, p.clamp); } + if (sy) v.y *= p.slope; if (fabsf(v.y) > p.clamp) { sy = 2; v.y = InternalType::clamp(v.y, p.clamp); } + if (sz) v.z *= p.slope; if (fabsf(v.z) > p.clamp) { sz = 2; v.z = InternalType::clamp(v.z, p.clamp); } + if (sw) v.w *= p.slope; if (fabsf(v.w) > p.clamp) { sw = 2; v.w = InternalType::clamp(v.w, p.clamp); } + + p.s[si] = sx + (sy << 2) + (sz << 4) + (sw << 6); + } + else + { + // Just compute the values. + if (v.x < 0.f) v.x *= p.slope; v.x = InternalType::clamp(v.x, p.clamp); + if (v.y < 0.f) v.y *= p.slope; v.y = InternalType::clamp(v.y, p.clamp); + if (v.z < 0.f) v.z *= p.slope; v.z = InternalType::clamp(v.z, p.clamp); + if (v.w < 0.f) v.w *= p.slope; v.w = InternalType::clamp(v.w, p.clamp); + } + } + } + else if (signRead) // Read sign and apply. + { + if ((uint32_t)signY < p.sShape.y) + { + int s = 0; + if ((uint32_t)signXb < p.swLimit) s = p.s[si]; + if ((uint32_t)signXb + 1 < p.swLimit) s |= p.s[si + 1] << 8; + s >>= (signX & 3) << 1; + if (s & 0x01) v.x *= p.slope; if (s & 0x02) v.x = 0.f; + if (s & 0x04) v.y *= p.slope; if (s & 0x08) v.y = 0.f; + if (s & 0x10) v.z *= p.slope; if (s & 0x20) v.z = 0.f; + if (s & 0x40) v.w *= p.slope; if (s & 0x80) v.w = 0.f; + } + } + else // Forward pass with no sign write. + { + if (v.x < 0.f) v.x *= p.slope; v.x = InternalType::clamp(v.x, p.clamp); + if (v.y < 0.f) v.y *= p.slope; v.y = InternalType::clamp(v.y, p.clamp); + if (v.z < 0.f) v.z *= p.slope; v.z = InternalType::clamp(v.z, p.clamp); + if (v.w < 0.f) v.w *= p.slope; v.w = InternalType::clamp(v.w, p.clamp); + } + + s_tileUpXY[idx + 0] = v.x; + s_tileUpXY[idx + 1] = v.y; + s_tileUpXY[idx + 2] = v.z; + s_tileUpXY[idx + 3] = v.w; + } + } + else if (up == 1) + { + __syncthreads(); + uint32_t groupMask = 15 << ((threadIdx.x & 31) & ~3); + int minY = tileOutY ? (tileOutY - tileOutH) * down + tileUpH : 0; // Skip already written signs. + for (int idx = threadIdx.x; idx < tileUpW * tileUpH; idx += blockDim.x) + { + int relUpX0, relUpY0; + fast_div_mod(relUpX0, relUpY0, idx); + scalar_t v = s_tileIn[idx] * (scalar_t)c_fu[0]; // 1x1 filter. + + int x = tileOutX * down + relUpX0; + int y = tileOutY * down + relUpY0; + int signX = x + p.sOfs.x; + int signY = y + p.sOfs.y; + int signZ = blockIdx.z + p.blockZofs; + int signXb = signX >> 2; + index_t si = signXb + p.sShape.x * (signY + (index_t)p.sShape.y * signZ); + v *= (scalar_t)((float)up * (float)up * p.gain); + + if (signWrite) + { + if (!enableWriteSkip) + { + // Determine and write sign. + uint32_t s = 0; + uint32_t signXbit = (1u << signXo); + if (v < 0.f) + { + s = signXbit; + v *= p.slope; + } + if (fabsf(v) > p.clamp) + { + s = signXbit * 2; + v = InternalType::clamp(v, p.clamp); + } + if ((uint32_t)signXb < p.swLimit && (uint32_t)signY < p.sShape.y && signY >= minY) + { + s += __shfl_xor_sync(groupMask, s, 1); // Coalesce. + s += __shfl_xor_sync(groupMask, s, 2); // Coalesce. + p.s[si] = s; // Write. + } + } + else + { + // Determine and write sign. + if ((uint32_t)signXb < p.swLimit && (uint32_t)signY < p.sShape.y && signY >= minY) + { + uint32_t s = 0; + uint32_t signXbit = (1u << signXo); + if (v < 0.f) + { + s = signXbit; + v *= p.slope; + } + if (fabsf(v) > p.clamp) + { + s = signXbit * 2; + v = InternalType::clamp(v, p.clamp); + } + s += __shfl_xor_sync(groupMask, s, 1); // Coalesce. + s += __shfl_xor_sync(groupMask, s, 2); // Coalesce. + p.s[si] = s; // Write. + } + else + { + // Just compute the value. + if (v < 0.f) v *= p.slope; + v = InternalType::clamp(v, p.clamp); + } + } + } + else if (signRead) + { + // Read sign and apply if within sign tensor bounds. + if ((uint32_t)signXb < p.swLimit && (uint32_t)signY < p.sShape.y) + { + int s = p.s[si]; + s >>= signXo; + if (s & 1) v *= p.slope; + if (s & 2) v = 0.f; + } + } + else // Forward pass with no sign write. + { + if (v < 0.f) v *= p.slope; + v = InternalType::clamp(v, p.clamp); + } + + if (!downInline) // Write into temporary buffer. + s_tileUpXY[idx] = v; + else if ((uint32_t)x < p.yShape.x && (uint32_t)y < p.yShape.y) // Write directly into output buffer + *((T*)((char*)p.y + (x * get_stride(p.yStride.x) + y * get_stride(p.yStride.y) + mapOfsOut))) = (T)(v * (scalar_t)c_fd[0]); + } + } + } + + // Downsampling. + if (filterMode == MODE_SUSD || filterMode == MODE_FUSD) + { + // Horizontal downsampling. + __syncthreads(); + if (down == 4 && tileOutW % 4 == 0) + { + // Calculate 4 pixels at a time. + for (int idx = threadIdx.x * 4; idx < tileOutW * tileUpH; idx += blockDim.x * 4) + { + int relOutX0, relUpY; + fast_div_mod(relOutX0, relUpY, idx); + int relUpX0 = relOutX0 * down; + int src0 = relUpY * tileUpW + relUpX0; + vec4_t v = InternalType::zero_vec4(); + #pragma unroll + for (int step = 0; step < fdSize; step++) + { + v.x += s_tileUpXY[src0 + 0 + step] * (scalar_t)c_fd[step]; + v.y += s_tileUpXY[src0 + 4 + step] * (scalar_t)c_fd[step]; + v.z += s_tileUpXY[src0 + 8 + step] * (scalar_t)c_fd[step]; + v.w += s_tileUpXY[src0 + 12 + step] * (scalar_t)c_fd[step]; + } + s_tileDownX[idx+0] = v.x; + s_tileDownX[idx+1] = v.y; + s_tileDownX[idx+2] = v.z; + s_tileDownX[idx+3] = v.w; + } + } + else if ((down == 2 || down == 4) && (tileOutW % 2 == 0)) + { + // Calculate 2 pixels at a time. + for (int idx = threadIdx.x * 2; idx < tileOutW * tileUpH; idx += blockDim.x * 2) + { + int relOutX0, relUpY; + fast_div_mod(relOutX0, relUpY, idx); + int relUpX0 = relOutX0 * down; + int src0 = relUpY * tileUpW + relUpX0; + vec2_t v = InternalType::zero_vec2(); + #pragma unroll + for (int step = 0; step < fdSize; step++) + { + v.x += s_tileUpXY[src0 + 0 + step] * (scalar_t)c_fd[step]; + v.y += s_tileUpXY[src0 + down + step] * (scalar_t)c_fd[step]; + } + s_tileDownX[idx+0] = v.x; + s_tileDownX[idx+1] = v.y; + } + } + else + { + // Calculate 1 pixel at a time. + for (int idx = threadIdx.x; idx < tileOutW * tileUpH; idx += blockDim.x) + { + int relOutX0, relUpY; + fast_div_mod(relOutX0, relUpY, idx); + int relUpX0 = relOutX0 * down; + int src = relUpY * tileUpW + relUpX0; + scalar_t v = 0.f; + #pragma unroll + for (int step = 0; step < fdSize; step++) + v += s_tileUpXY[src + step] * (scalar_t)c_fd[step]; + s_tileDownX[idx] = v; + } + } + + // Vertical downsampling & store output tile. + __syncthreads(); + for (int idx = threadIdx.x; idx < tileOutW * tileOutH; idx += blockDim.x) + { + int relOutX, relOutY0; + fast_div_mod(relOutX, relOutY0, idx); + int relUpY0 = relOutY0 * down; + int src0 = relUpY0 * tileOutW + relOutX; + scalar_t v = 0; + #pragma unroll + for (int step = 0; step < fdSize; step++) + v += s_tileDownX[src0 + step * tileOutW] * (scalar_t)c_fd[step]; + + int outX = tileOutX + relOutX; + int outY = tileOutY + relOutY0; + + if (outX < p.yShape.x & outY < p.yShape.y) + *((T*)((char*)p.y + (outX * get_stride(p.yStride.x) + outY * get_stride(p.yStride.y) + mapOfsOut))) = (T)v; + } + } + else if (filterMode == MODE_SUFD || filterMode == MODE_FUFD) + { + // Full downsampling filter. + if (down == 2) + { + // 2-wide. + __syncthreads(); + for (int idx = threadIdx.x * 2; idx < tileOutW * tileOutH; idx += blockDim.x * 2) + { + int relOutX0, relOutY0; + fast_div_mod(relOutX0, relOutY0, idx); + int relUpX0 = relOutX0 * down; + int relUpY0 = relOutY0 * down; + int src0 = relUpY0 * tileUpW + relUpX0; + vec2_t v = InternalType::zero_vec2(); + #pragma unroll + for (int sy = 0; sy < fdSize; sy++) + #pragma unroll + for (int sx = 0; sx < fdSize; sx++) + { + v.x += s_tileUpXY[src0 + 0 + sx + sy * tileUpW] * (scalar_t)c_fd[sx + sy * MAX_FILTER_SIZE]; + v.y += s_tileUpXY[src0 + 2 + sx + sy * tileUpW] * (scalar_t)c_fd[sx + sy * MAX_FILTER_SIZE]; + } + + int outX = tileOutX + relOutX0; + int outY = tileOutY + relOutY0; + if ((uint32_t)outY < p.yShape.y) + { + index_t ofs = outX * get_stride(p.yStride.x) + outY * get_stride(p.yStride.y) + mapOfsOut; + if (outX + 0 < p.yShape.x) *((T*)((char*)p.y + ofs)) = (T)v.x; + if (outX + 1 < p.yShape.x) *((T*)((char*)p.y + ofs + get_stride(p.yStride.x))) = (T)v.y; + } + } + } + else if (down == 1 && !downInline) + { + // Thread per pixel. + __syncthreads(); + for (int idx = threadIdx.x; idx < tileOutW * tileOutH; idx += blockDim.x) + { + int relOutX0, relOutY0; + fast_div_mod(relOutX0, relOutY0, idx); + scalar_t v = s_tileUpXY[idx] * (scalar_t)c_fd[0]; // 1x1 filter. + + int outX = tileOutX + relOutX0; + int outY = tileOutY + relOutY0; + if ((uint32_t)outX < p.yShape.x && (uint32_t)outY < p.yShape.y) + *((T*)((char*)p.y + (outX * get_stride(p.yStride.x) + outY * get_stride(p.yStride.y) + mapOfsOut))) = (T)v; + } + } + } + + if (!enableXrep) + break; + } +} + +//------------------------------------------------------------------------ +// Compute activation function and signs for upsampled data tensor, modifying data tensor in-place. Used for accelerating the generic variant. +// Sign tensor is known to be contiguous, and p.x and p.s have the same z, w dimensions. 64-bit indexing is always used. + +template +static __global__ void filtered_lrelu_act_kernel(filtered_lrelu_act_kernel_params p) +{ + typedef typename InternalType::scalar_t scalar_t; + + // Indexing. + int32_t x = threadIdx.x + blockIdx.x * blockDim.x; + int32_t ymax = signWrite ? p.sShape.y : p.xShape.y; + int32_t qmax = p.xShape.z * p.xShape.w; // Combined minibatch*channel maximum index. + + // Loop to accommodate oversized tensors. + for (int32_t q = blockIdx.z; q < qmax; q += gridDim.z) + for (int32_t y = blockIdx.y; y < ymax; y += gridDim.y) + { + // Extract z and w (channel, minibatch index). + int32_t w = q / p.xShape.z; + int32_t z = q - w * p.xShape.z; + + // Choose behavior based on sign read/write mode. + if (signWrite) + { + // Process value if in p.x. + uint32_t s = 0; + if (x < p.xShape.x && y < p.xShape.y) + { + int64_t ix = x * p.xStride.x + y * p.xStride.y + z * p.xStride.z + w * p.xStride.w; + T* pv = ((T*)p.x) + ix; + scalar_t v = (scalar_t)(*pv); + + // Gain, LReLU, clamp. + v *= p.gain; + if (v < 0.f) + { + v *= p.slope; + s = 1; // Sign. + } + if (fabsf(v) > p.clamp) + { + v = InternalType::clamp(v, p.clamp); + s = 2; // Clamp. + } + + *pv = (T)v; // Write value. + } + + // Coalesce into threads 0 and 16 of warp. + uint32_t m = (threadIdx.x & 16) ? 0xffff0000u : 0x0000ffffu; + s <<= ((threadIdx.x & 15) << 1); // Shift into place. + s |= __shfl_xor_sync(m, s, 1); // Distribute. + s |= __shfl_xor_sync(m, s, 2); + s |= __shfl_xor_sync(m, s, 4); + s |= __shfl_xor_sync(m, s, 8); + + // Write signs if leader and in p.s. + if (!(threadIdx.x & 15) && x < p.sShape.x) // y is always in. + { + uint64_t is = x + p.sShape.x * (y + (int64_t)p.sShape.y * q); // Contiguous. + ((uint32_t*)p.s)[is >> 4] = s; + } + } + else if (signRead) + { + // Process value if in p.x. + if (x < p.xShape.x) // y is always in. + { + int64_t ix = x * p.xStride.x + y * p.xStride.y + z * p.xStride.z + w * p.xStride.w; + T* pv = ((T*)p.x) + ix; + scalar_t v = (scalar_t)(*pv); + v *= p.gain; + + // Apply sign buffer offset. + uint32_t sx = x + p.sOfs.x; + uint32_t sy = y + p.sOfs.y; + + // Read and apply signs if we land inside valid region of sign buffer. + if (sx < p.sShape.x && sy < p.sShape.y) + { + uint64_t is = (sx >> 2) + (p.sShape.x >> 2) * (sy + (uint64_t)p.sShape.y * q); // Contiguous. + unsigned char s = p.s[is]; + s >>= (sx & 3) << 1; // Shift into place. + if (s & 1) // Sign? + v *= p.slope; + if (s & 2) // Clamp? + v = 0.f; + } + + *pv = (T)v; // Write value. + } + } + else + { + // Forward pass with no sign write. Process value if in p.x. + if (x < p.xShape.x) // y is always in. + { + int64_t ix = x * p.xStride.x + y * p.xStride.y + z * p.xStride.z + w * p.xStride.w; + T* pv = ((T*)p.x) + ix; + scalar_t v = (scalar_t)(*pv); + v *= p.gain; + if (v < 0.f) + v *= p.slope; + if (fabsf(v) > p.clamp) + v = InternalType::clamp(v, p.clamp); + *pv = (T)v; // Write value. + } + } + } +} + +template void* choose_filtered_lrelu_act_kernel(void) +{ + return (void*)filtered_lrelu_act_kernel; +} + +//------------------------------------------------------------------------ +// CUDA kernel selection. + +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB) +{ + filtered_lrelu_kernel_spec s = { 0 }; + + // Return the first matching kernel. +#define CASE(SH, U, FU, D, FD, MODE, TW, TH, W, XR, WS) \ + if (sharedKB >= SH) \ + if ((p.fuShape.y == 0 && (MODE == MODE_SUSD || MODE == MODE_SUFD)) || (p.fuShape.y > 0 && (MODE == MODE_FUSD || MODE == MODE_FUFD))) \ + if ((p.fdShape.y == 0 && (MODE == MODE_SUSD || MODE == MODE_FUSD)) || (p.fdShape.y > 0 && (MODE == MODE_SUFD || MODE == MODE_FUFD))) \ + if (p.up == U && p.fuShape.x <= FU && p.fuShape.y <= FU && p.down == D && p.fdShape.x <= FD && p.fdShape.y <= FD) \ + { \ + static_assert((D*TW % 4) == 0, "down * tileWidth must be divisible by 4"); \ + static_assert(FU % U == 0, "upscaling filter size must be multiple of upscaling factor"); \ + static_assert(FD % D == 0, "downscaling filter size must be multiple of downscaling factor"); \ + s.setup = (void*)setup_filters_kernel; \ + s.exec = (void*)filtered_lrelu_kernel; \ + s.tileOut = make_int2(TW, TH); \ + s.numWarps = W; \ + s.xrep = XR; \ + s.dynamicSharedKB = (SH == 48) ? 0 : SH; \ + return s; \ + } + + // Launch parameters for various kernel specializations. + // Small filters must be listed before large filters, otherwise the kernel for larger filter will always match first. + // Kernels that use more shared memory must be listed before those that use less, for the same reason. + + CASE(/*sharedKB*/48, /*up,fu*/1,1, /*down,fd*/1,1, /*mode*/MODE_FUFD, /*tw,th,warps,xrep,wskip*/64, 178, 32, 0, 0) // 1t-upf1-downf1 + CASE(/*sharedKB*/48, /*up,fu*/2,8, /*down,fd*/1,1, /*mode*/MODE_SUFD, /*tw,th,warps,xrep,wskip*/152, 95, 16, 0, 0) // 4t-ups2-downf1 + CASE(/*sharedKB*/48, /*up,fu*/1,1, /*down,fd*/2,8, /*mode*/MODE_FUSD, /*tw,th,warps,xrep,wskip*/56, 22, 16, 0, 0) // 4t-upf1-downs2 + CASE(/*sharedKB*/48, /*up,fu*/2,8, /*down,fd*/2,8, /*mode*/MODE_SUSD, /*tw,th,warps,xrep,wskip*/56, 29, 16, 11, 0) // 4t-ups2-downs2 + CASE(/*sharedKB*/48, /*up,fu*/2,8, /*down,fd*/2,8, /*mode*/MODE_FUSD, /*tw,th,warps,xrep,wskip*/60, 28, 16, 0, 0) // 4t-upf2-downs2 + CASE(/*sharedKB*/48, /*up,fu*/2,8, /*down,fd*/2,8, /*mode*/MODE_SUFD, /*tw,th,warps,xrep,wskip*/56, 28, 16, 0, 0) // 4t-ups2-downf2 + CASE(/*sharedKB*/48, /*up,fu*/4,16, /*down,fd*/2,8, /*mode*/MODE_SUSD, /*tw,th,warps,xrep,wskip*/56, 31, 16, 11, 0) // 4t-ups4-downs2 + CASE(/*sharedKB*/48, /*up,fu*/4,16, /*down,fd*/2,8, /*mode*/MODE_SUFD, /*tw,th,warps,xrep,wskip*/56, 36, 16, 0, 0) // 4t-ups4-downf2 + CASE(/*sharedKB*/48, /*up,fu*/2,8, /*down,fd*/4,16, /*mode*/MODE_SUSD, /*tw,th,warps,xrep,wskip*/16, 22, 16, 12, 0) // 4t-ups2-downs4 + CASE(/*sharedKB*/48, /*up,fu*/2,8, /*down,fd*/4,16, /*mode*/MODE_FUSD, /*tw,th,warps,xrep,wskip*/29, 15, 16, 0, 0) // 4t-upf2-downs4 + CASE(/*sharedKB*/48, /*up,fu*/2,12, /*down,fd*/1,1, /*mode*/MODE_SUFD, /*tw,th,warps,xrep,wskip*/96, 150, 28, 0, 0) // 6t-ups2-downf1 + CASE(/*sharedKB*/48, /*up,fu*/1,1, /*down,fd*/2,12, /*mode*/MODE_FUSD, /*tw,th,warps,xrep,wskip*/32, 35, 24, 0, 0) // 6t-upf1-downs2 + CASE(/*sharedKB*/48, /*up,fu*/2,12, /*down,fd*/2,12, /*mode*/MODE_SUSD, /*tw,th,warps,xrep,wskip*/32, 46, 16, 10, 0) // 6t-ups2-downs2 + CASE(/*sharedKB*/48, /*up,fu*/2,12, /*down,fd*/2,12, /*mode*/MODE_FUSD, /*tw,th,warps,xrep,wskip*/58, 28, 24, 8, 0) // 6t-upf2-downs2 + CASE(/*sharedKB*/48, /*up,fu*/2,12, /*down,fd*/2,12, /*mode*/MODE_SUFD, /*tw,th,warps,xrep,wskip*/52, 28, 16, 0, 0) // 6t-ups2-downf2 + CASE(/*sharedKB*/48, /*up,fu*/4,24, /*down,fd*/2,12, /*mode*/MODE_SUSD, /*tw,th,warps,xrep,wskip*/32, 51, 16, 5, 0) // 6t-ups4-downs2 + CASE(/*sharedKB*/48, /*up,fu*/4,24, /*down,fd*/2,12, /*mode*/MODE_SUFD, /*tw,th,warps,xrep,wskip*/32, 56, 16, 6, 0) // 6t-ups4-downf2 + CASE(/*sharedKB*/48, /*up,fu*/2,12, /*down,fd*/4,24, /*mode*/MODE_SUSD, /*tw,th,warps,xrep,wskip*/16, 18, 16, 12, 0) // 6t-ups2-downs4 + CASE(/*sharedKB*/96, /*up,fu*/2,12, /*down,fd*/4,24, /*mode*/MODE_FUSD, /*tw,th,warps,xrep,wskip*/27, 31, 32, 6, 0) // 6t-upf2-downs4 96kB + CASE(/*sharedKB*/48, /*up,fu*/2,12, /*down,fd*/4,24, /*mode*/MODE_FUSD, /*tw,th,warps,xrep,wskip*/27, 13, 24, 0, 0) // 6t-upf2-downs4 + CASE(/*sharedKB*/48, /*up,fu*/2,16, /*down,fd*/1,1, /*mode*/MODE_SUFD, /*tw,th,warps,xrep,wskip*/148, 89, 24, 0, 0) // 8t-ups2-downf1 + CASE(/*sharedKB*/48, /*up,fu*/1,1, /*down,fd*/2,16, /*mode*/MODE_FUSD, /*tw,th,warps,xrep,wskip*/32, 31, 16, 5, 0) // 8t-upf1-downs2 + CASE(/*sharedKB*/48, /*up,fu*/2,16, /*down,fd*/2,16, /*mode*/MODE_SUSD, /*tw,th,warps,xrep,wskip*/32, 41, 16, 9, 0) // 8t-ups2-downs2 + CASE(/*sharedKB*/48, /*up,fu*/2,16, /*down,fd*/2,16, /*mode*/MODE_FUSD, /*tw,th,warps,xrep,wskip*/56, 26, 24, 0, 0) // 8t-upf2-downs2 + CASE(/*sharedKB*/48, /*up,fu*/2,16, /*down,fd*/2,16, /*mode*/MODE_SUFD, /*tw,th,warps,xrep,wskip*/32, 40, 16, 0, 0) // 8t-ups2-downf2 + CASE(/*sharedKB*/48, /*up,fu*/4,32, /*down,fd*/2,16, /*mode*/MODE_SUSD, /*tw,th,warps,xrep,wskip*/32, 46, 24, 5, 0) // 8t-ups4-downs2 + CASE(/*sharedKB*/48, /*up,fu*/4,32, /*down,fd*/2,16, /*mode*/MODE_SUFD, /*tw,th,warps,xrep,wskip*/32, 50, 16, 0, 0) // 8t-ups4-downf2 + CASE(/*sharedKB*/96, /*up,fu*/2,16, /*down,fd*/4,32, /*mode*/MODE_SUSD, /*tw,th,warps,xrep,wskip*/24, 24, 32, 12, 1) // 8t-ups2-downs4 96kB + CASE(/*sharedKB*/48, /*up,fu*/2,16, /*down,fd*/4,32, /*mode*/MODE_SUSD, /*tw,th,warps,xrep,wskip*/16, 13, 16, 10, 1) // 8t-ups2-downs4 + CASE(/*sharedKB*/96, /*up,fu*/2,16, /*down,fd*/4,32, /*mode*/MODE_FUSD, /*tw,th,warps,xrep,wskip*/25, 28, 28, 4, 0) // 8t-upf2-downs4 96kB + CASE(/*sharedKB*/48, /*up,fu*/2,16, /*down,fd*/4,32, /*mode*/MODE_FUSD, /*tw,th,warps,xrep,wskip*/25, 10, 24, 0, 0) // 8t-upf2-downs4 + + #undef CASE + return s; // No kernel found. +} + +//------------------------------------------------------------------------ diff --git a/recon/torch_utils/ops/filtered_lrelu.h b/recon/torch_utils/ops/filtered_lrelu.h new file mode 100644 index 0000000000000000000000000000000000000000..f2bfd1dd537909de9cd3b14765a482056391683b --- /dev/null +++ b/recon/torch_utils/ops/filtered_lrelu.h @@ -0,0 +1,94 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +#include + +//------------------------------------------------------------------------ +// CUDA kernel parameters. + +struct filtered_lrelu_kernel_params +{ + // These parameters decide which kernel to use. + int up; // upsampling ratio (1, 2, 4) + int down; // downsampling ratio (1, 2, 4) + int2 fuShape; // [size, 1] | [size, size] + int2 fdShape; // [size, 1] | [size, size] + + int _dummy; // Alignment. + + // Rest of the parameters. + const void* x; // Input tensor. + void* y; // Output tensor. + const void* b; // Bias tensor. + unsigned char* s; // Sign tensor in/out. NULL if unused. + const float* fu; // Upsampling filter. + const float* fd; // Downsampling filter. + + int2 pad0; // Left/top padding. + float gain; // Additional gain factor. + float slope; // Leaky ReLU slope on negative side. + float clamp; // Clamp after nonlinearity. + int flip; // Filter kernel flip for gradient computation. + + int tilesXdim; // Original number of horizontal output tiles. + int tilesXrep; // Number of horizontal tiles per CTA. + int blockZofs; // Block z offset to support large minibatch, channel dimensions. + + int4 xShape; // [width, height, channel, batch] + int4 yShape; // [width, height, channel, batch] + int2 sShape; // [width, height] - width is in bytes. Contiguous. Zeros if unused. + int2 sOfs; // [ofs_x, ofs_y] - offset between upsampled data and sign tensor. + int swLimit; // Active width of sign tensor in bytes. + + longlong4 xStride; // Strides of all tensors except signs, same component order as shapes. + longlong4 yStride; // + int64_t bStride; // + longlong3 fuStride; // + longlong3 fdStride; // +}; + +struct filtered_lrelu_act_kernel_params +{ + void* x; // Input/output, modified in-place. + unsigned char* s; // Sign tensor in/out. NULL if unused. + + float gain; // Additional gain factor. + float slope; // Leaky ReLU slope on negative side. + float clamp; // Clamp after nonlinearity. + + int4 xShape; // [width, height, channel, batch] + longlong4 xStride; // Input/output tensor strides, same order as in shape. + int2 sShape; // [width, height] - width is in elements. Contiguous. Zeros if unused. + int2 sOfs; // [ofs_x, ofs_y] - offset between upsampled data and sign tensor. +}; + +//------------------------------------------------------------------------ +// CUDA kernel specialization. + +struct filtered_lrelu_kernel_spec +{ + void* setup; // Function for filter kernel setup. + void* exec; // Function for main operation. + int2 tileOut; // Width/height of launch tile. + int numWarps; // Number of warps per thread block, determines launch block size. + int xrep; // For processing multiple horizontal tiles per thread block. + int dynamicSharedKB; // How much dynamic shared memory the exec kernel wants. +}; + +//------------------------------------------------------------------------ +// CUDA kernel selection. + +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); +template void* choose_filtered_lrelu_act_kernel(void); +template cudaError_t copy_filters(cudaStream_t stream); + +//------------------------------------------------------------------------ diff --git a/recon/torch_utils/ops/filtered_lrelu.py b/recon/torch_utils/ops/filtered_lrelu.py new file mode 100644 index 0000000000000000000000000000000000000000..2047b7e19320e8d03e444ca1cb03fe00d0c5e96e --- /dev/null +++ b/recon/torch_utils/ops/filtered_lrelu.py @@ -0,0 +1,276 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +import os +import numpy as np +import torch +import warnings + +from .. import custom_ops +from .. import misc +from . import upfirdn2d +from . import bias_act + +#---------------------------------------------------------------------------- + +_plugin = None + +def _init(): + global _plugin + if _plugin is None: + _plugin = custom_ops.get_plugin( + module_name='filtered_lrelu_plugin', + sources=['filtered_lrelu.cpp', 'filtered_lrelu_wr.cu', 'filtered_lrelu_rd.cu', 'filtered_lrelu_ns.cu'], + headers=['filtered_lrelu.h', 'filtered_lrelu.cu'], + source_dir=os.path.dirname(__file__), + extra_cuda_cflags=['--use_fast_math'], + ) + return True + +def _get_filter_size(f): + if f is None: + return 1, 1 + assert isinstance(f, torch.Tensor) + assert 1 <= f.ndim <= 2 + return f.shape[-1], f.shape[0] # width, height + +def _parse_padding(padding): + if isinstance(padding, int): + padding = [padding, padding] + assert isinstance(padding, (list, tuple)) + assert all(isinstance(x, (int, np.integer)) for x in padding) + padding = [int(x) for x in padding] + if len(padding) == 2: + px, py = padding + padding = [px, px, py, py] + px0, px1, py0, py1 = padding + return px0, px1, py0, py1 + +#---------------------------------------------------------------------------- + +def filtered_lrelu(x, fu=None, fd=None, b=None, up=1, down=1, padding=0, gain=np.sqrt(2), slope=0.2, clamp=None, flip_filter=False, impl='cuda'): + r"""Filtered leaky ReLU for a batch of 2D images. + + Performs the following sequence of operations for each channel: + + 1. Add channel-specific bias if provided (`b`). + + 2. Upsample the image by inserting N-1 zeros after each pixel (`up`). + + 3. Pad the image with the specified number of zeros on each side (`padding`). + Negative padding corresponds to cropping the image. + + 4. Convolve the image with the specified upsampling FIR filter (`fu`), shrinking it + so that the footprint of all output pixels lies within the input image. + + 5. Multiply each value by the provided gain factor (`gain`). + + 6. Apply leaky ReLU activation function to each value. + + 7. Clamp each value between -clamp and +clamp, if `clamp` parameter is provided. + + 8. Convolve the image with the specified downsampling FIR filter (`fd`), shrinking + it so that the footprint of all output pixels lies within the input image. + + 9. Downsample the image by keeping every Nth pixel (`down`). + + The fused op is considerably more efficient than performing the same calculation + using standard PyTorch ops. It supports gradients of arbitrary order. + + Args: + x: Float32/float16/float64 input tensor of the shape + `[batch_size, num_channels, in_height, in_width]`. + fu: Float32 upsampling FIR filter of the shape + `[filter_height, filter_width]` (non-separable), + `[filter_taps]` (separable), or + `None` (identity). + fd: Float32 downsampling FIR filter of the shape + `[filter_height, filter_width]` (non-separable), + `[filter_taps]` (separable), or + `None` (identity). + b: Bias vector, or `None` to disable. Must be a 1D tensor of the same type + as `x`. The length of vector must must match the channel dimension of `x`. + up: Integer upsampling factor (default: 1). + down: Integer downsampling factor. (default: 1). + padding: Padding with respect to the upsampled image. Can be a single number + or a list/tuple `[x, y]` or `[x_before, x_after, y_before, y_after]` + (default: 0). + gain: Overall scaling factor for signal magnitude (default: sqrt(2)). + slope: Slope on the negative side of leaky ReLU (default: 0.2). + clamp: Maximum magnitude for leaky ReLU output (default: None). + flip_filter: False = convolution, True = correlation (default: False). + impl: Implementation to use. Can be `'ref'` or `'cuda'` (default: `'cuda'`). + + Returns: + Tensor of the shape `[batch_size, num_channels, out_height, out_width]`. + """ + assert isinstance(x, torch.Tensor) + assert impl in ['ref', 'cuda'] + if impl == 'cuda' and x.device.type == 'cuda' and _init(): + return _filtered_lrelu_cuda(up=up, down=down, padding=padding, gain=gain, slope=slope, clamp=clamp, flip_filter=flip_filter).apply(x, fu, fd, b, None, 0, 0) + return _filtered_lrelu_ref(x, fu=fu, fd=fd, b=b, up=up, down=down, padding=padding, gain=gain, slope=slope, clamp=clamp, flip_filter=flip_filter) + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def _filtered_lrelu_ref(x, fu=None, fd=None, b=None, up=1, down=1, padding=0, gain=np.sqrt(2), slope=0.2, clamp=None, flip_filter=False): + """Slow and memory-inefficient reference implementation of `filtered_lrelu()` using + existing `upfirdn2n()` and `bias_act()` ops. + """ + assert isinstance(x, torch.Tensor) and x.ndim == 4 + fu_w, fu_h = _get_filter_size(fu) + fd_w, fd_h = _get_filter_size(fd) + if b is not None: + assert isinstance(b, torch.Tensor) and b.dtype == x.dtype + misc.assert_shape(b, [x.shape[1]]) + assert isinstance(up, int) and up >= 1 + assert isinstance(down, int) and down >= 1 + px0, px1, py0, py1 = _parse_padding(padding) + assert gain == float(gain) and gain > 0 + assert slope == float(slope) and slope >= 0 + assert clamp is None or (clamp == float(clamp) and clamp >= 0) + + # Calculate output size. + batch_size, channels, in_h, in_w = x.shape + in_dtype = x.dtype + out_w = (in_w * up + (px0 + px1) - (fu_w - 1) - (fd_w - 1) + (down - 1)) // down + out_h = (in_h * up + (py0 + py1) - (fu_h - 1) - (fd_h - 1) + (down - 1)) // down + + # Compute using existing ops. + x = bias_act.bias_act(x=x, b=b) # Apply bias. + x = upfirdn2d.upfirdn2d(x=x, f=fu, up=up, padding=[px0, px1, py0, py1], gain=up**2, flip_filter=flip_filter) # Upsample. + x = bias_act.bias_act(x=x, act='lrelu', alpha=slope, gain=gain, clamp=clamp) # Bias, leaky ReLU, clamp. + x = upfirdn2d.upfirdn2d(x=x, f=fd, down=down, flip_filter=flip_filter) # Downsample. + + # Check output shape & dtype. + misc.assert_shape(x, [batch_size, channels, out_h, out_w]) + assert x.dtype == in_dtype + return x + +#---------------------------------------------------------------------------- + +_filtered_lrelu_cuda_cache = dict() + +def _filtered_lrelu_cuda(up=1, down=1, padding=0, gain=np.sqrt(2), slope=0.2, clamp=None, flip_filter=False): + """Fast CUDA implementation of `filtered_lrelu()` using custom ops. + """ + assert isinstance(up, int) and up >= 1 + assert isinstance(down, int) and down >= 1 + px0, px1, py0, py1 = _parse_padding(padding) + assert gain == float(gain) and gain > 0 + gain = float(gain) + assert slope == float(slope) and slope >= 0 + slope = float(slope) + assert clamp is None or (clamp == float(clamp) and clamp >= 0) + clamp = float(clamp if clamp is not None else 'inf') + + # Lookup from cache. + key = (up, down, px0, px1, py0, py1, gain, slope, clamp, flip_filter) + if key in _filtered_lrelu_cuda_cache: + return _filtered_lrelu_cuda_cache[key] + + # Forward op. + class FilteredLReluCuda(torch.autograd.Function): + @staticmethod + def forward(ctx, x, fu, fd, b, si, sx, sy): # pylint: disable=arguments-differ + assert isinstance(x, torch.Tensor) and x.ndim == 4 + + # Replace empty up/downsample kernels with full 1x1 kernels (faster than separable). + if fu is None: + fu = torch.ones([1, 1], dtype=torch.float32, device=x.device) + if fd is None: + fd = torch.ones([1, 1], dtype=torch.float32, device=x.device) + assert 1 <= fu.ndim <= 2 + assert 1 <= fd.ndim <= 2 + + # Replace separable 1x1 kernels with full 1x1 kernels when scale factor is 1. + if up == 1 and fu.ndim == 1 and fu.shape[0] == 1: + fu = fu.square()[None] + if down == 1 and fd.ndim == 1 and fd.shape[0] == 1: + fd = fd.square()[None] + + # Missing sign input tensor. + if si is None: + si = torch.empty([0]) + + # Missing bias tensor. + if b is None: + b = torch.zeros([x.shape[1]], dtype=x.dtype, device=x.device) + + # Construct internal sign tensor only if gradients are needed. + write_signs = (si.numel() == 0) and (x.requires_grad or b.requires_grad) + + # Warn if input storage strides are not in decreasing order due to e.g. channels-last layout. + strides = [x.stride(i) for i in range(x.ndim) if x.size(i) > 1] + if any(a < b for a, b in zip(strides[:-1], strides[1:])): + warnings.warn("low-performance memory layout detected in filtered_lrelu input", RuntimeWarning) + + # Call C++/Cuda plugin if datatype is supported. + if x.dtype in [torch.float16, torch.float32]: + if torch.cuda.current_stream(x.device) != torch.cuda.default_stream(x.device): + warnings.warn("filtered_lrelu called with non-default cuda stream but concurrent execution is not supported", RuntimeWarning) + y, so, return_code = _plugin.filtered_lrelu(x, fu, fd, b, si, up, down, px0, px1, py0, py1, sx, sy, gain, slope, clamp, flip_filter, write_signs) + else: + return_code = -1 + + # No Cuda kernel found? Fall back to generic implementation. Still more memory efficient than the reference implementation because + # only the bit-packed sign tensor is retained for gradient computation. + if return_code < 0: + warnings.warn("filtered_lrelu called with parameters that have no optimized CUDA kernel, using generic fallback", RuntimeWarning) + + y = x.add(b.unsqueeze(-1).unsqueeze(-1)) # Add bias. + y = upfirdn2d.upfirdn2d(x=y, f=fu, up=up, padding=[px0, px1, py0, py1], gain=up**2, flip_filter=flip_filter) # Upsample. + so = _plugin.filtered_lrelu_act_(y, si, sx, sy, gain, slope, clamp, write_signs) # Activation function and sign handling. Modifies y in-place. + y = upfirdn2d.upfirdn2d(x=y, f=fd, down=down, flip_filter=flip_filter) # Downsample. + + # Prepare for gradient computation. + ctx.save_for_backward(fu, fd, (si if si.numel() else so)) + ctx.x_shape = x.shape + ctx.y_shape = y.shape + ctx.s_ofs = sx, sy + return y + + @staticmethod + def backward(ctx, dy): # pylint: disable=arguments-differ + fu, fd, si = ctx.saved_tensors + _, _, xh, xw = ctx.x_shape + _, _, yh, yw = ctx.y_shape + sx, sy = ctx.s_ofs + dx = None # 0 + dfu = None; assert not ctx.needs_input_grad[1] + dfd = None; assert not ctx.needs_input_grad[2] + db = None # 3 + dsi = None; assert not ctx.needs_input_grad[4] + dsx = None; assert not ctx.needs_input_grad[5] + dsy = None; assert not ctx.needs_input_grad[6] + + if ctx.needs_input_grad[0] or ctx.needs_input_grad[3]: + pp = [ + (fu.shape[-1] - 1) + (fd.shape[-1] - 1) - px0, + xw * up - yw * down + px0 - (up - 1), + (fu.shape[0] - 1) + (fd.shape[0] - 1) - py0, + xh * up - yh * down + py0 - (up - 1), + ] + gg = gain * (up ** 2) / (down ** 2) + ff = (not flip_filter) + sx = sx - (fu.shape[-1] - 1) + px0 + sy = sy - (fu.shape[0] - 1) + py0 + dx = _filtered_lrelu_cuda(up=down, down=up, padding=pp, gain=gg, slope=slope, clamp=None, flip_filter=ff).apply(dy, fd, fu, None, si, sx, sy) + + if ctx.needs_input_grad[3]: + db = dx.sum([0, 2, 3]) + + return dx, dfu, dfd, db, dsi, dsx, dsy + + # Add to cache. + _filtered_lrelu_cuda_cache[key] = FilteredLReluCuda + return FilteredLReluCuda + +#---------------------------------------------------------------------------- diff --git a/recon/torch_utils/ops/filtered_lrelu_ns.cu b/recon/torch_utils/ops/filtered_lrelu_ns.cu new file mode 100644 index 0000000000000000000000000000000000000000..8a3eae46215c3babea2c54e3ae255b05f4d777af --- /dev/null +++ b/recon/torch_utils/ops/filtered_lrelu_ns.cu @@ -0,0 +1,31 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +#include "filtered_lrelu.cu" + +// Template/kernel specializations for no signs mode (no gradients required). + +// Full op, 32-bit indexing. +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); + +// Full op, 64-bit indexing. +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); + +// Activation/signs only for generic variant. 64-bit indexing. +template void* choose_filtered_lrelu_act_kernel(void); +template void* choose_filtered_lrelu_act_kernel(void); +template void* choose_filtered_lrelu_act_kernel(void); + +// Copy filters to constant memory. +template cudaError_t copy_filters(cudaStream_t stream); diff --git a/recon/torch_utils/ops/filtered_lrelu_rd.cu b/recon/torch_utils/ops/filtered_lrelu_rd.cu new file mode 100644 index 0000000000000000000000000000000000000000..3cd43ec0648d3db05e5808299fc0ee318e5ceaa6 --- /dev/null +++ b/recon/torch_utils/ops/filtered_lrelu_rd.cu @@ -0,0 +1,31 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +#include "filtered_lrelu.cu" + +// Template/kernel specializations for sign read mode. + +// Full op, 32-bit indexing. +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); + +// Full op, 64-bit indexing. +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); + +// Activation/signs only for generic variant. 64-bit indexing. +template void* choose_filtered_lrelu_act_kernel(void); +template void* choose_filtered_lrelu_act_kernel(void); +template void* choose_filtered_lrelu_act_kernel(void); + +// Copy filters to constant memory. +template cudaError_t copy_filters(cudaStream_t stream); diff --git a/recon/torch_utils/ops/filtered_lrelu_wr.cu b/recon/torch_utils/ops/filtered_lrelu_wr.cu new file mode 100644 index 0000000000000000000000000000000000000000..bc2fa06912eb703dd77ca64533208428bdf373ac --- /dev/null +++ b/recon/torch_utils/ops/filtered_lrelu_wr.cu @@ -0,0 +1,31 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +#include "filtered_lrelu.cu" + +// Template/kernel specializations for sign write mode. + +// Full op, 32-bit indexing. +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); + +// Full op, 64-bit indexing. +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); +template filtered_lrelu_kernel_spec choose_filtered_lrelu_kernel(const filtered_lrelu_kernel_params& p, int sharedKB); + +// Activation/signs only for generic variant. 64-bit indexing. +template void* choose_filtered_lrelu_act_kernel(void); +template void* choose_filtered_lrelu_act_kernel(void); +template void* choose_filtered_lrelu_act_kernel(void); + +// Copy filters to constant memory. +template cudaError_t copy_filters(cudaStream_t stream); diff --git a/recon/torch_utils/ops/fma.py b/recon/torch_utils/ops/fma.py new file mode 100644 index 0000000000000000000000000000000000000000..5458116d0b6f8b133608456bbe9003aa0283ac85 --- /dev/null +++ b/recon/torch_utils/ops/fma.py @@ -0,0 +1,62 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Fused multiply-add, with slightly faster gradients than `torch.addcmul()`.""" + +import torch + +#---------------------------------------------------------------------------- + +def fma(a, b, c): # => a * b + c + return _FusedMultiplyAdd.apply(a, b, c) + +#---------------------------------------------------------------------------- + +class _FusedMultiplyAdd(torch.autograd.Function): # a * b + c + @staticmethod + def forward(ctx, a, b, c): # pylint: disable=arguments-differ + out = torch.addcmul(c, a, b) + ctx.save_for_backward(a, b) + ctx.c_shape = c.shape + return out + + @staticmethod + def backward(ctx, dout): # pylint: disable=arguments-differ + a, b = ctx.saved_tensors + c_shape = ctx.c_shape + da = None + db = None + dc = None + + if ctx.needs_input_grad[0]: + da = _unbroadcast(dout * b, a.shape) + + if ctx.needs_input_grad[1]: + db = _unbroadcast(dout * a, b.shape) + + if ctx.needs_input_grad[2]: + dc = _unbroadcast(dout, c_shape) + + return da, db, dc + +#---------------------------------------------------------------------------- + +def _unbroadcast(x, shape): + extra_dims = x.ndim - len(shape) + assert extra_dims >= 0 + dim = [i for i in range(x.ndim) if x.shape[i] > 1 and (i < extra_dims or shape[i - extra_dims] == 1)] + if len(dim): + x = x.sum(dim=dim, keepdim=True) + if extra_dims: + x = x.reshape(-1, *x.shape[extra_dims+1:]) + assert x.shape == shape + return x + +#---------------------------------------------------------------------------- diff --git a/recon/torch_utils/ops/grid_sample_gradfix.py b/recon/torch_utils/ops/grid_sample_gradfix.py new file mode 100644 index 0000000000000000000000000000000000000000..35d94724136ba162d8416803b1ad00d6da0db99f --- /dev/null +++ b/recon/torch_utils/ops/grid_sample_gradfix.py @@ -0,0 +1,79 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Custom replacement for `torch.nn.functional.grid_sample` that +supports arbitrarily high order gradients between the input and output. +Only works on 2D images and assumes +`mode='bilinear'`, `padding_mode='zeros'`, `align_corners=False`.""" + +import torch + +# pylint: disable=redefined-builtin +# pylint: disable=arguments-differ +# pylint: disable=protected-access + +#---------------------------------------------------------------------------- + +enabled = False # Enable the custom op by setting this to true. + +#---------------------------------------------------------------------------- + +def grid_sample(input, grid): + if _should_use_custom_op(): + return _GridSample2dForward.apply(input, grid) + return torch.nn.functional.grid_sample(input=input, grid=grid, mode='bilinear', padding_mode='zeros', align_corners=False) + +#---------------------------------------------------------------------------- + +def _should_use_custom_op(): + return enabled + +#---------------------------------------------------------------------------- + +class _GridSample2dForward(torch.autograd.Function): + @staticmethod + def forward(ctx, input, grid): + assert input.ndim == 4 + assert grid.ndim == 4 + output = torch.nn.functional.grid_sample(input=input, grid=grid, mode='bilinear', padding_mode='zeros', align_corners=False) + ctx.save_for_backward(input, grid) + return output + + @staticmethod + def backward(ctx, grad_output): + input, grid = ctx.saved_tensors + grad_input, grad_grid = _GridSample2dBackward.apply(grad_output, input, grid) + return grad_input, grad_grid + +#---------------------------------------------------------------------------- + +class _GridSample2dBackward(torch.autograd.Function): + @staticmethod + def forward(ctx, grad_output, input, grid): + op = torch._C._jit_get_operation('aten::grid_sampler_2d_backward') + grad_input, grad_grid = op(grad_output, input, grid, 0, 0, False) + ctx.save_for_backward(grid) + return grad_input, grad_grid + + @staticmethod + def backward(ctx, grad2_grad_input, grad2_grad_grid): + _ = grad2_grad_grid # unused + grid, = ctx.saved_tensors + grad2_grad_output = None + grad2_input = None + grad2_grid = None + + if ctx.needs_input_grad[0]: + grad2_grad_output = _GridSample2dForward.apply(grad2_grad_input, grid) + + assert not ctx.needs_input_grad[2] + return grad2_grad_output, grad2_input, grad2_grid + +#---------------------------------------------------------------------------- diff --git a/recon/torch_utils/ops/upfirdn2d.cpp b/recon/torch_utils/ops/upfirdn2d.cpp new file mode 100644 index 0000000000000000000000000000000000000000..c1769c3cbe4dd04f76f9ccef726680720e6f39c8 --- /dev/null +++ b/recon/torch_utils/ops/upfirdn2d.cpp @@ -0,0 +1,111 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +#include +#include +#include +#include "upfirdn2d.h" + +//------------------------------------------------------------------------ + +static torch::Tensor upfirdn2d(torch::Tensor x, torch::Tensor f, int upx, int upy, int downx, int downy, int padx0, int padx1, int pady0, int pady1, bool flip, float gain) +{ + // Validate arguments. + TORCH_CHECK(x.is_cuda(), "x must reside on CUDA device"); + TORCH_CHECK(f.device() == x.device(), "f must reside on the same device as x"); + TORCH_CHECK(f.dtype() == torch::kFloat, "f must be float32"); + TORCH_CHECK(x.numel() <= INT_MAX, "x is too large"); + TORCH_CHECK(f.numel() <= INT_MAX, "f is too large"); + TORCH_CHECK(x.numel() > 0, "x has zero size"); + TORCH_CHECK(f.numel() > 0, "f has zero size"); + TORCH_CHECK(x.dim() == 4, "x must be rank 4"); + TORCH_CHECK(f.dim() == 2, "f must be rank 2"); + TORCH_CHECK((x.size(0)-1)*x.stride(0) + (x.size(1)-1)*x.stride(1) + (x.size(2)-1)*x.stride(2) + (x.size(3)-1)*x.stride(3) <= INT_MAX, "x memory footprint is too large"); + TORCH_CHECK(f.size(0) >= 1 && f.size(1) >= 1, "f must be at least 1x1"); + TORCH_CHECK(upx >= 1 && upy >= 1, "upsampling factor must be at least 1"); + TORCH_CHECK(downx >= 1 && downy >= 1, "downsampling factor must be at least 1"); + + // Create output tensor. + const at::cuda::OptionalCUDAGuard device_guard(device_of(x)); + int outW = ((int)x.size(3) * upx + padx0 + padx1 - (int)f.size(1) + downx) / downx; + int outH = ((int)x.size(2) * upy + pady0 + pady1 - (int)f.size(0) + downy) / downy; + TORCH_CHECK(outW >= 1 && outH >= 1, "output must be at least 1x1"); + torch::Tensor y = torch::empty({x.size(0), x.size(1), outH, outW}, x.options(), x.suggest_memory_format()); + TORCH_CHECK(y.numel() <= INT_MAX, "output is too large"); + TORCH_CHECK((y.size(0)-1)*y.stride(0) + (y.size(1)-1)*y.stride(1) + (y.size(2)-1)*y.stride(2) + (y.size(3)-1)*y.stride(3) <= INT_MAX, "output memory footprint is too large"); + + // Initialize CUDA kernel parameters. + upfirdn2d_kernel_params p; + p.x = x.data_ptr(); + p.f = f.data_ptr(); + p.y = y.data_ptr(); + p.up = make_int2(upx, upy); + p.down = make_int2(downx, downy); + p.pad0 = make_int2(padx0, pady0); + p.flip = (flip) ? 1 : 0; + p.gain = gain; + p.inSize = make_int4((int)x.size(3), (int)x.size(2), (int)x.size(1), (int)x.size(0)); + p.inStride = make_int4((int)x.stride(3), (int)x.stride(2), (int)x.stride(1), (int)x.stride(0)); + p.filterSize = make_int2((int)f.size(1), (int)f.size(0)); + p.filterStride = make_int2((int)f.stride(1), (int)f.stride(0)); + p.outSize = make_int4((int)y.size(3), (int)y.size(2), (int)y.size(1), (int)y.size(0)); + p.outStride = make_int4((int)y.stride(3), (int)y.stride(2), (int)y.stride(1), (int)y.stride(0)); + p.sizeMajor = (p.inStride.z == 1) ? p.inSize.w : p.inSize.w * p.inSize.z; + p.sizeMinor = (p.inStride.z == 1) ? p.inSize.z : 1; + + // Choose CUDA kernel. + upfirdn2d_kernel_spec spec; + AT_DISPATCH_FLOATING_TYPES_AND_HALF(x.scalar_type(), "upfirdn2d_cuda", [&] + { + spec = choose_upfirdn2d_kernel(p); + }); + + // Set looping options. + p.loopMajor = (p.sizeMajor - 1) / 16384 + 1; + p.loopMinor = spec.loopMinor; + p.loopX = spec.loopX; + p.launchMinor = (p.sizeMinor - 1) / p.loopMinor + 1; + p.launchMajor = (p.sizeMajor - 1) / p.loopMajor + 1; + + // Compute grid size. + dim3 blockSize, gridSize; + if (spec.tileOutW < 0) // large + { + blockSize = dim3(4, 32, 1); + gridSize = dim3( + ((p.outSize.y - 1) / blockSize.x + 1) * p.launchMinor, + (p.outSize.x - 1) / (blockSize.y * p.loopX) + 1, + p.launchMajor); + } + else // small + { + blockSize = dim3(256, 1, 1); + gridSize = dim3( + ((p.outSize.y - 1) / spec.tileOutH + 1) * p.launchMinor, + (p.outSize.x - 1) / (spec.tileOutW * p.loopX) + 1, + p.launchMajor); + } + + // Launch CUDA kernel. + void* args[] = {&p}; + AT_CUDA_CHECK(cudaLaunchKernel(spec.kernel, gridSize, blockSize, args, 0, at::cuda::getCurrentCUDAStream())); + return y; +} + +//------------------------------------------------------------------------ + +PYBIND11_MODULE(TORCH_EXTENSION_NAME, m) +{ + m.def("upfirdn2d", &upfirdn2d); +} + +//------------------------------------------------------------------------ diff --git a/recon/torch_utils/ops/upfirdn2d.cu b/recon/torch_utils/ops/upfirdn2d.cu new file mode 100644 index 0000000000000000000000000000000000000000..7d182d7b86a9058d0c007b13716d6e7f08207f42 --- /dev/null +++ b/recon/torch_utils/ops/upfirdn2d.cu @@ -0,0 +1,388 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +#include +#include "upfirdn2d.h" + +//------------------------------------------------------------------------ +// Helpers. + +template struct InternalType; +template <> struct InternalType { typedef double scalar_t; }; +template <> struct InternalType { typedef float scalar_t; }; +template <> struct InternalType { typedef float scalar_t; }; + +static __device__ __forceinline__ int floor_div(int a, int b) +{ + int t = 1 - a / b; + return (a + t * b) / b - t; +} + +//------------------------------------------------------------------------ +// Generic CUDA implementation for large filters. + +template static __global__ void upfirdn2d_kernel_large(upfirdn2d_kernel_params p) +{ + typedef typename InternalType::scalar_t scalar_t; + + // Calculate thread index. + int minorBase = blockIdx.x * blockDim.x + threadIdx.x; + int outY = minorBase / p.launchMinor; + minorBase -= outY * p.launchMinor; + int outXBase = blockIdx.y * p.loopX * blockDim.y + threadIdx.y; + int majorBase = blockIdx.z * p.loopMajor; + if (outXBase >= p.outSize.x | outY >= p.outSize.y | majorBase >= p.sizeMajor) + return; + + // Setup Y receptive field. + int midY = outY * p.down.y + p.up.y - 1 - p.pad0.y; + int inY = min(max(floor_div(midY, p.up.y), 0), p.inSize.y); + int h = min(max(floor_div(midY + p.filterSize.y, p.up.y), 0), p.inSize.y) - inY; + int filterY = midY + p.filterSize.y - (inY + 1) * p.up.y; + if (p.flip) + filterY = p.filterSize.y - 1 - filterY; + + // Loop over major, minor, and X. + for (int majorIdx = 0, major = majorBase; majorIdx < p.loopMajor & major < p.sizeMajor; majorIdx++, major++) + for (int minorIdx = 0, minor = minorBase; minorIdx < p.loopMinor & minor < p.sizeMinor; minorIdx++, minor += p.launchMinor) + { + int nc = major * p.sizeMinor + minor; + int n = nc / p.inSize.z; + int c = nc - n * p.inSize.z; + for (int loopX = 0, outX = outXBase; loopX < p.loopX & outX < p.outSize.x; loopX++, outX += blockDim.y) + { + // Setup X receptive field. + int midX = outX * p.down.x + p.up.x - 1 - p.pad0.x; + int inX = min(max(floor_div(midX, p.up.x), 0), p.inSize.x); + int w = min(max(floor_div(midX + p.filterSize.x, p.up.x), 0), p.inSize.x) - inX; + int filterX = midX + p.filterSize.x - (inX + 1) * p.up.x; + if (p.flip) + filterX = p.filterSize.x - 1 - filterX; + + // Initialize pointers. + const T* xp = &((const T*)p.x)[inX * p.inStride.x + inY * p.inStride.y + c * p.inStride.z + n * p.inStride.w]; + const float* fp = &p.f[filterX * p.filterStride.x + filterY * p.filterStride.y]; + int filterStepX = ((p.flip) ? p.up.x : -p.up.x) * p.filterStride.x; + int filterStepY = ((p.flip) ? p.up.y : -p.up.y) * p.filterStride.y; + + // Inner loop. + scalar_t v = 0; + for (int y = 0; y < h; y++) + { + for (int x = 0; x < w; x++) + { + v += (scalar_t)(*xp) * (scalar_t)(*fp); + xp += p.inStride.x; + fp += filterStepX; + } + xp += p.inStride.y - w * p.inStride.x; + fp += filterStepY - w * filterStepX; + } + + // Store result. + v *= p.gain; + ((T*)p.y)[outX * p.outStride.x + outY * p.outStride.y + c * p.outStride.z + n * p.outStride.w] = (T)v; + } + } +} + +//------------------------------------------------------------------------ +// Specialized CUDA implementation for small filters. + +template +static __global__ void upfirdn2d_kernel_small(upfirdn2d_kernel_params p) +{ + typedef typename InternalType::scalar_t scalar_t; + const int tileInW = ((tileOutW - 1) * downx + filterW - 1) / upx + 1; + const int tileInH = ((tileOutH - 1) * downy + filterH - 1) / upy + 1; + __shared__ volatile scalar_t sf[filterH][filterW]; + __shared__ volatile scalar_t sx[tileInH][tileInW][loopMinor]; + + // Calculate tile index. + int minorBase = blockIdx.x; + int tileOutY = minorBase / p.launchMinor; + minorBase -= tileOutY * p.launchMinor; + minorBase *= loopMinor; + tileOutY *= tileOutH; + int tileOutXBase = blockIdx.y * p.loopX * tileOutW; + int majorBase = blockIdx.z * p.loopMajor; + if (tileOutXBase >= p.outSize.x | tileOutY >= p.outSize.y | majorBase >= p.sizeMajor) + return; + + // Load filter (flipped). + for (int tapIdx = threadIdx.x; tapIdx < filterH * filterW; tapIdx += blockDim.x) + { + int fy = tapIdx / filterW; + int fx = tapIdx - fy * filterW; + scalar_t v = 0; + if (fx < p.filterSize.x & fy < p.filterSize.y) + { + int ffx = (p.flip) ? fx : p.filterSize.x - 1 - fx; + int ffy = (p.flip) ? fy : p.filterSize.y - 1 - fy; + v = (scalar_t)p.f[ffx * p.filterStride.x + ffy * p.filterStride.y]; + } + sf[fy][fx] = v; + } + + // Loop over major and X. + for (int majorIdx = 0, major = majorBase; majorIdx < p.loopMajor & major < p.sizeMajor; majorIdx++, major++) + { + int baseNC = major * p.sizeMinor + minorBase; + int n = baseNC / p.inSize.z; + int baseC = baseNC - n * p.inSize.z; + for (int loopX = 0, tileOutX = tileOutXBase; loopX < p.loopX & tileOutX < p.outSize.x; loopX++, tileOutX += tileOutW) + { + // Load input pixels. + int tileMidX = tileOutX * downx + upx - 1 - p.pad0.x; + int tileMidY = tileOutY * downy + upy - 1 - p.pad0.y; + int tileInX = floor_div(tileMidX, upx); + int tileInY = floor_div(tileMidY, upy); + __syncthreads(); + for (int inIdx = threadIdx.x; inIdx < tileInH * tileInW * loopMinor; inIdx += blockDim.x) + { + int relC = inIdx; + int relInX = relC / loopMinor; + int relInY = relInX / tileInW; + relC -= relInX * loopMinor; + relInX -= relInY * tileInW; + int c = baseC + relC; + int inX = tileInX + relInX; + int inY = tileInY + relInY; + scalar_t v = 0; + if (inX >= 0 & inY >= 0 & inX < p.inSize.x & inY < p.inSize.y & c < p.inSize.z) + v = (scalar_t)((const T*)p.x)[inX * p.inStride.x + inY * p.inStride.y + c * p.inStride.z + n * p.inStride.w]; + sx[relInY][relInX][relC] = v; + } + + // Loop over output pixels. + __syncthreads(); + for (int outIdx = threadIdx.x; outIdx < tileOutH * tileOutW * loopMinor; outIdx += blockDim.x) + { + int relC = outIdx; + int relOutX = relC / loopMinor; + int relOutY = relOutX / tileOutW; + relC -= relOutX * loopMinor; + relOutX -= relOutY * tileOutW; + int c = baseC + relC; + int outX = tileOutX + relOutX; + int outY = tileOutY + relOutY; + + // Setup receptive field. + int midX = tileMidX + relOutX * downx; + int midY = tileMidY + relOutY * downy; + int inX = floor_div(midX, upx); + int inY = floor_div(midY, upy); + int relInX = inX - tileInX; + int relInY = inY - tileInY; + int filterX = (inX + 1) * upx - midX - 1; // flipped + int filterY = (inY + 1) * upy - midY - 1; // flipped + + // Inner loop. + if (outX < p.outSize.x & outY < p.outSize.y & c < p.outSize.z) + { + scalar_t v = 0; + #pragma unroll + for (int y = 0; y < filterH / upy; y++) + #pragma unroll + for (int x = 0; x < filterW / upx; x++) + v += sx[relInY + y][relInX + x][relC] * sf[filterY + y * upy][filterX + x * upx]; + v *= p.gain; + ((T*)p.y)[outX * p.outStride.x + outY * p.outStride.y + c * p.outStride.z + n * p.outStride.w] = (T)v; + } + } + } + } +} + +//------------------------------------------------------------------------ +// CUDA kernel selection. + +template upfirdn2d_kernel_spec choose_upfirdn2d_kernel(const upfirdn2d_kernel_params& p) +{ + int s = p.inStride.z, fx = p.filterSize.x, fy = p.filterSize.y; + upfirdn2d_kernel_spec spec = {(void*)upfirdn2d_kernel_large, -1,-1,1, 4}; // contiguous + if (s == 1) spec = {(void*)upfirdn2d_kernel_large, -1,-1,4, 1}; // channels_last + + // No up/downsampling. + if (p.up.x == 1 && p.up.y == 1 && p.down.x == 1 && p.down.y == 1) + { + // contiguous + if (s != 1 && fx <= 24 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 64,32,1, 1}; + if (s != 1 && fx <= 16 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 64,32,1, 1}; + if (s != 1 && fx <= 7 && fy <= 7 ) spec = {(void*)upfirdn2d_kernel_small, 64,16,1, 1}; + if (s != 1 && fx <= 6 && fy <= 6 ) spec = {(void*)upfirdn2d_kernel_small, 64,16,1, 1}; + if (s != 1 && fx <= 5 && fy <= 5 ) spec = {(void*)upfirdn2d_kernel_small, 64,16,1, 1}; + if (s != 1 && fx <= 4 && fy <= 4 ) spec = {(void*)upfirdn2d_kernel_small, 64,16,1, 1}; + if (s != 1 && fx <= 3 && fy <= 3 ) spec = {(void*)upfirdn2d_kernel_small, 64,16,1, 1}; + if (s != 1 && fx <= 24 && fy <= 1 ) spec = {(void*)upfirdn2d_kernel_small, 128,8,1, 1}; + if (s != 1 && fx <= 16 && fy <= 1 ) spec = {(void*)upfirdn2d_kernel_small, 128,8,1, 1}; + if (s != 1 && fx <= 8 && fy <= 1 ) spec = {(void*)upfirdn2d_kernel_small, 128,8,1, 1}; + if (s != 1 && fx <= 1 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + if (s != 1 && fx <= 1 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + if (s != 1 && fx <= 1 && fy <= 8 ) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + // channels_last + if (s == 1 && fx <= 24 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + if (s == 1 && fx <= 16 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + if (s == 1 && fx <= 7 && fy <= 7 ) spec = {(void*)upfirdn2d_kernel_small, 16,16,8, 1}; + if (s == 1 && fx <= 6 && fy <= 6 ) spec = {(void*)upfirdn2d_kernel_small, 16,16,8, 1}; + if (s == 1 && fx <= 5 && fy <= 5 ) spec = {(void*)upfirdn2d_kernel_small, 16,16,8, 1}; + if (s == 1 && fx <= 4 && fy <= 4 ) spec = {(void*)upfirdn2d_kernel_small, 16,16,8, 1}; + if (s == 1 && fx <= 3 && fy <= 3 ) spec = {(void*)upfirdn2d_kernel_small, 16,16,8, 1}; + if (s == 1 && fx <= 24 && fy <= 1 ) spec = {(void*)upfirdn2d_kernel_small, 128,1,16, 1}; + if (s == 1 && fx <= 16 && fy <= 1 ) spec = {(void*)upfirdn2d_kernel_small, 128,1,16, 1}; + if (s == 1 && fx <= 8 && fy <= 1 ) spec = {(void*)upfirdn2d_kernel_small, 128,1,16, 1}; + if (s == 1 && fx <= 1 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 1,128,16, 1}; + if (s == 1 && fx <= 1 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 1,128,16, 1}; + if (s == 1 && fx <= 1 && fy <= 8 ) spec = {(void*)upfirdn2d_kernel_small, 1,128,16, 1}; + } + + // 2x upsampling. + if (p.up.x == 2 && p.up.y == 2 && p.down.x == 1 && p.down.y == 1) + { + // contiguous + if (s != 1 && fx <= 24 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 64,32,1, 1}; + if (s != 1 && fx <= 16 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 64,32,1, 1}; + if (s != 1 && fx <= 8 && fy <= 8 ) spec = {(void*)upfirdn2d_kernel_small, 64,16,1, 1}; + if (s != 1 && fx <= 6 && fy <= 6 ) spec = {(void*)upfirdn2d_kernel_small, 64,16,1, 1}; + if (s != 1 && fx <= 4 && fy <= 4 ) spec = {(void*)upfirdn2d_kernel_small, 64,16,1, 1}; + if (s != 1 && fx <= 2 && fy <= 2 ) spec = {(void*)upfirdn2d_kernel_small, 64,16,1, 1}; + // channels_last + if (s == 1 && fx <= 24 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + if (s == 1 && fx <= 16 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + if (s == 1 && fx <= 8 && fy <= 8 ) spec = {(void*)upfirdn2d_kernel_small, 16,16,8, 1}; + if (s == 1 && fx <= 6 && fy <= 6 ) spec = {(void*)upfirdn2d_kernel_small, 16,16,8, 1}; + if (s == 1 && fx <= 4 && fy <= 4 ) spec = {(void*)upfirdn2d_kernel_small, 16,16,8, 1}; + if (s == 1 && fx <= 2 && fy <= 2 ) spec = {(void*)upfirdn2d_kernel_small, 16,16,8, 1}; + } + if (p.up.x == 2 && p.up.y == 1 && p.down.x == 1 && p.down.y == 1) + { + // contiguous + if (s != 1 && fx <= 24 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 128,8,1, 1}; + if (s != 1 && fx <= 16 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 128,8,1, 1}; + if (s != 1 && fx <= 8 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 128,8,1, 1}; + // channels_last + if (s == 1 && fx <= 24 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 128,1,16, 1}; + if (s == 1 && fx <= 16 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 128,1,16, 1}; + if (s == 1 && fx <= 8 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 128,1,16, 1}; + } + if (p.up.x == 1 && p.up.y == 2 && p.down.x == 1 && p.down.y == 1) + { + // contiguous + if (s != 1 && fx <= 1 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + if (s != 1 && fx <= 1 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + if (s != 1 && fx <= 1 && fy <= 8 ) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + // channels_last + if (s == 1 && fx <= 1 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 1,128,16, 1}; + if (s == 1 && fx <= 1 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 1,128,16, 1}; + if (s == 1 && fx <= 1 && fy <= 8 ) spec = {(void*)upfirdn2d_kernel_small, 1,128,16, 1}; + } + + // 2x downsampling. + if (p.up.x == 1 && p.up.y == 1 && p.down.x == 2 && p.down.y == 2) + { + // contiguous + if (s != 1 && fx <= 24 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 32,16,1, 1}; + if (s != 1 && fx <= 16 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 32,16,1, 1}; + if (s != 1 && fx <= 8 && fy <= 8 ) spec = {(void*)upfirdn2d_kernel_small, 32,8,1, 1}; + if (s != 1 && fx <= 6 && fy <= 6 ) spec = {(void*)upfirdn2d_kernel_small, 32,8,1, 1}; + if (s != 1 && fx <= 4 && fy <= 4 ) spec = {(void*)upfirdn2d_kernel_small, 32,8,1, 1}; + if (s != 1 && fx <= 2 && fy <= 2 ) spec = {(void*)upfirdn2d_kernel_small, 32,8,1, 1}; + // channels_last + if (s == 1 && fx <= 24 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 16,16,1, 1}; + if (s == 1 && fx <= 16 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 16,16,1, 1}; + if (s == 1 && fx <= 8 && fy <= 8 ) spec = {(void*)upfirdn2d_kernel_small, 8,8,8, 1}; + if (s == 1 && fx <= 6 && fy <= 6 ) spec = {(void*)upfirdn2d_kernel_small, 8,8,8, 1}; + if (s == 1 && fx <= 4 && fy <= 4 ) spec = {(void*)upfirdn2d_kernel_small, 8,8,8, 1}; + if (s == 1 && fx <= 2 && fy <= 2 ) spec = {(void*)upfirdn2d_kernel_small, 8,8,8, 1}; + } + if (p.up.x == 1 && p.up.y == 1 && p.down.x == 2 && p.down.y == 1) + { + // contiguous + if (s != 1 && fx <= 24 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 64,8,1, 1}; + if (s != 1 && fx <= 16 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 64,8,1, 1}; + if (s != 1 && fx <= 8 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 64,8,1, 1}; + // channels_last + if (s == 1 && fx <= 24 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 64,1,8, 1}; + if (s == 1 && fx <= 16 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 64,1,8, 1}; + if (s == 1 && fx <= 8 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 64,1,8, 1}; + } + if (p.up.x == 1 && p.up.y == 1 && p.down.x == 1 && p.down.y == 2) + { + // contiguous + if (s != 1 && fx <= 1 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 32,16,1, 1}; + if (s != 1 && fx <= 1 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 32,16,1, 1}; + if (s != 1 && fx <= 1 && fy <= 8 ) spec = {(void*)upfirdn2d_kernel_small, 32,16,1, 1}; + // channels_last + if (s == 1 && fx <= 1 && fy <= 24) spec = {(void*)upfirdn2d_kernel_small, 1,64,8, 1}; + if (s == 1 && fx <= 1 && fy <= 16) spec = {(void*)upfirdn2d_kernel_small, 1,64,8, 1}; + if (s == 1 && fx <= 1 && fy <= 8 ) spec = {(void*)upfirdn2d_kernel_small, 1,64,8, 1}; + } + + // 4x upsampling. + if (p.up.x == 4 && p.up.y == 4 && p.down.x == 1 && p.down.y == 1) + { + // contiguous + if (s != 1 && fx <= 48 && fy <= 48) spec = {(void*)upfirdn2d_kernel_small, 64,32,1, 1}; + if (s != 1 && fx <= 32 && fy <= 32) spec = {(void*)upfirdn2d_kernel_small, 64,32,1, 1}; + // channels_last + if (s == 1 && fx <= 48 && fy <= 48) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + if (s == 1 && fx <= 32 && fy <= 32) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + } + if (p.up.x == 4 && p.up.y == 1 && p.down.x == 1 && p.down.y == 1) + { + // contiguous + if (s != 1 && fx <= 48 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 128,8,1, 1}; + if (s != 1 && fx <= 32 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 128,8,1, 1}; + // channels_last + if (s == 1 && fx <= 48 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 128,1,16, 1}; + if (s == 1 && fx <= 32 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 128,1,16, 1}; + } + if (p.up.x == 1 && p.up.y == 4 && p.down.x == 1 && p.down.y == 1) + { + // contiguous + if (s != 1 && fx <= 1 && fy <= 48) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + if (s != 1 && fx <= 1 && fy <= 32) spec = {(void*)upfirdn2d_kernel_small, 32,32,1, 1}; + // channels_last + if (s == 1 && fx <= 1 && fy <= 48) spec = {(void*)upfirdn2d_kernel_small, 1,128,16, 1}; + if (s == 1 && fx <= 1 && fy <= 32) spec = {(void*)upfirdn2d_kernel_small, 1,128,16, 1}; + } + + // 4x downsampling (inefficient). + if (p.up.x == 1 && p.up.y == 1 && p.down.x == 4 && p.down.y == 1) + { + // contiguous + if (s != 1 && fx <= 48 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 32,8,1, 1}; + if (s != 1 && fx <= 32 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 32,8,1, 1}; + // channels_last + if (s == 1 && fx <= 48 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 32,1,8, 1}; + if (s == 1 && fx <= 32 && fy <= 1) spec = {(void*)upfirdn2d_kernel_small, 32,1,8, 1}; + } + if (p.up.x == 1 && p.up.y == 1 && p.down.x == 1 && p.down.y == 4) + { + // contiguous + if (s != 1 && fx <= 1 && fy <= 48) spec = {(void*)upfirdn2d_kernel_small, 32,8,1, 1}; + if (s != 1 && fx <= 1 && fy <= 32) spec = {(void*)upfirdn2d_kernel_small, 32,8,1, 1}; + // channels_last + if (s == 1 && fx <= 1 && fy <= 48) spec = {(void*)upfirdn2d_kernel_small, 1,32,8, 1}; + if (s == 1 && fx <= 1 && fy <= 32) spec = {(void*)upfirdn2d_kernel_small, 1,32,8, 1}; + } + return spec; +} + +//------------------------------------------------------------------------ +// Template specializations. + +template upfirdn2d_kernel_spec choose_upfirdn2d_kernel (const upfirdn2d_kernel_params& p); +template upfirdn2d_kernel_spec choose_upfirdn2d_kernel (const upfirdn2d_kernel_params& p); +template upfirdn2d_kernel_spec choose_upfirdn2d_kernel(const upfirdn2d_kernel_params& p); + +//------------------------------------------------------------------------ diff --git a/recon/torch_utils/ops/upfirdn2d.h b/recon/torch_utils/ops/upfirdn2d.h new file mode 100644 index 0000000000000000000000000000000000000000..d5de893d6489921d4689ac1e2cdb45da9a253f18 --- /dev/null +++ b/recon/torch_utils/ops/upfirdn2d.h @@ -0,0 +1,63 @@ +/* + * SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. + * SPDX-License-Identifier: LicenseRef-NvidiaProprietary + * + * NVIDIA CORPORATION, its affiliates and licensors retain all intellectual + * property and proprietary rights in and to this material, related + * documentation and any modifications thereto. Any use, reproduction, + * disclosure or distribution of this material and related documentation + * without an express license agreement from NVIDIA CORPORATION or + * its affiliates is strictly prohibited. + */ + +#include + +//------------------------------------------------------------------------ +// CUDA kernel parameters. + +struct upfirdn2d_kernel_params +{ + const void* x; + const float* f; + void* y; + + int2 up; + int2 down; + int2 pad0; + int flip; + float gain; + + int4 inSize; // [width, height, channel, batch] + int4 inStride; + int2 filterSize; // [width, height] + int2 filterStride; + int4 outSize; // [width, height, channel, batch] + int4 outStride; + int sizeMinor; + int sizeMajor; + + int loopMinor; + int loopMajor; + int loopX; + int launchMinor; + int launchMajor; +}; + +//------------------------------------------------------------------------ +// CUDA kernel specialization. + +struct upfirdn2d_kernel_spec +{ + void* kernel; + int tileOutW; + int tileOutH; + int loopMinor; + int loopX; +}; + +//------------------------------------------------------------------------ +// CUDA kernel selection. + +template upfirdn2d_kernel_spec choose_upfirdn2d_kernel(const upfirdn2d_kernel_params& p); + +//------------------------------------------------------------------------ diff --git a/recon/torch_utils/ops/upfirdn2d.py b/recon/torch_utils/ops/upfirdn2d.py new file mode 100644 index 0000000000000000000000000000000000000000..5d634714167043daf63ec7f643ddd85d98d926dc --- /dev/null +++ b/recon/torch_utils/ops/upfirdn2d.py @@ -0,0 +1,391 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Custom PyTorch ops for efficient resampling of 2D images.""" + +import os +import numpy as np +import torch + +from .. import custom_ops +from .. import misc +from . import conv2d_gradfix + +#---------------------------------------------------------------------------- + +_plugin = None + +def _init(): + global _plugin + if _plugin is None: + _plugin = custom_ops.get_plugin( + module_name='upfirdn2d_plugin', + sources=['upfirdn2d.cpp', 'upfirdn2d.cu'], + headers=['upfirdn2d.h'], + source_dir=os.path.dirname(__file__), + extra_cuda_cflags=['--use_fast_math'], + ) + return True + +def _parse_scaling(scaling): + if isinstance(scaling, int): + scaling = [scaling, scaling] + assert isinstance(scaling, (list, tuple)) + assert all(isinstance(x, int) for x in scaling) + sx, sy = scaling + assert sx >= 1 and sy >= 1 + return sx, sy + +def _parse_padding(padding): + if isinstance(padding, int): + padding = [padding, padding] + assert isinstance(padding, (list, tuple)) + assert all(isinstance(x, int) for x in padding) + if len(padding) == 2: + padx, pady = padding + padding = [padx, padx, pady, pady] + padx0, padx1, pady0, pady1 = padding + return padx0, padx1, pady0, pady1 + +def _get_filter_size(f): + if f is None: + return 1, 1 + assert isinstance(f, torch.Tensor) and f.ndim in [1, 2] + fw = f.shape[-1] + fh = f.shape[0] + with misc.suppress_tracer_warnings(): + fw = int(fw) + fh = int(fh) + misc.assert_shape(f, [fh, fw][:f.ndim]) + assert fw >= 1 and fh >= 1 + return fw, fh + +#---------------------------------------------------------------------------- + +def setup_filter(f, device=torch.device('cpu'), normalize=True, flip_filter=False, gain=1, separable=None): + r"""Convenience function to setup 2D FIR filter for `upfirdn2d()`. + + Args: + f: Torch tensor, numpy array, or python list of the shape + `[filter_height, filter_width]` (non-separable), + `[filter_taps]` (separable), + `[]` (impulse), or + `None` (identity). + device: Result device (default: cpu). + normalize: Normalize the filter so that it retains the magnitude + for constant input signal (DC)? (default: True). + flip_filter: Flip the filter? (default: False). + gain: Overall scaling factor for signal magnitude (default: 1). + separable: Return a separable filter? (default: select automatically). + + Returns: + Float32 tensor of the shape + `[filter_height, filter_width]` (non-separable) or + `[filter_taps]` (separable). + """ + # Validate. + if f is None: + f = 1 + f = torch.as_tensor(f, dtype=torch.float32) + assert f.ndim in [0, 1, 2] + assert f.numel() > 0 + if f.ndim == 0: + f = f[np.newaxis] + + # Separable? + if separable is None: + separable = (f.ndim == 1 and f.numel() >= 8) + if f.ndim == 1 and not separable: + f = f.ger(f) + assert f.ndim == (1 if separable else 2) + + # Apply normalize, flip, gain, and device. + if normalize: + f /= f.sum() + if flip_filter: + f = f.flip(list(range(f.ndim))) + f = f * (gain ** (f.ndim / 2)) + f = f.to(device=device) + return f + +#---------------------------------------------------------------------------- + +def upfirdn2d(x, f, up=1, down=1, padding=0, flip_filter=False, gain=1, impl='cuda'): + r"""Pad, upsample, filter, and downsample a batch of 2D images. + + Performs the following sequence of operations for each channel: + + 1. Upsample the image by inserting N-1 zeros after each pixel (`up`). + + 2. Pad the image with the specified number of zeros on each side (`padding`). + Negative padding corresponds to cropping the image. + + 3. Convolve the image with the specified 2D FIR filter (`f`), shrinking it + so that the footprint of all output pixels lies within the input image. + + 4. Downsample the image by keeping every Nth pixel (`down`). + + This sequence of operations bears close resemblance to scipy.signal.upfirdn(). + The fused op is considerably more efficient than performing the same calculation + using standard PyTorch ops. It supports gradients of arbitrary order. + + Args: + x: Float32/float64/float16 input tensor of the shape + `[batch_size, num_channels, in_height, in_width]`. + f: Float32 FIR filter of the shape + `[filter_height, filter_width]` (non-separable), + `[filter_taps]` (separable), or + `None` (identity). + up: Integer upsampling factor. Can be a single int or a list/tuple + `[x, y]` (default: 1). + down: Integer downsampling factor. Can be a single int or a list/tuple + `[x, y]` (default: 1). + padding: Padding with respect to the upsampled image. Can be a single number + or a list/tuple `[x, y]` or `[x_before, x_after, y_before, y_after]` + (default: 0). + flip_filter: False = convolution, True = correlation (default: False). + gain: Overall scaling factor for signal magnitude (default: 1). + impl: Implementation to use. Can be `'ref'` or `'cuda'` (default: `'cuda'`). + + Returns: + Tensor of the shape `[batch_size, num_channels, out_height, out_width]`. + """ + assert isinstance(x, torch.Tensor) + assert impl in ['ref', 'cuda'] + if impl == 'cuda' and x.device.type == 'cuda' and _init(): + return _upfirdn2d_cuda(up=up, down=down, padding=padding, flip_filter=flip_filter, gain=gain).apply(x, f) + return _upfirdn2d_ref(x, f, up=up, down=down, padding=padding, flip_filter=flip_filter, gain=gain) + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def _upfirdn2d_ref(x, f, up=1, down=1, padding=0, flip_filter=False, gain=1): + """Slow reference implementation of `upfirdn2d()` using standard PyTorch ops. + """ + # Validate arguments. + assert isinstance(x, torch.Tensor) and x.ndim == 4 + if f is None: + f = torch.ones([1, 1], dtype=torch.float32, device=x.device) + assert isinstance(f, torch.Tensor) and f.ndim in [1, 2] + assert f.dtype == torch.float32 and not f.requires_grad + batch_size, num_channels, in_height, in_width = x.shape + upx, upy = _parse_scaling(up) + downx, downy = _parse_scaling(down) + padx0, padx1, pady0, pady1 = _parse_padding(padding) + + # Check that upsampled buffer is not smaller than the filter. + upW = in_width * upx + padx0 + padx1 + upH = in_height * upy + pady0 + pady1 + assert upW >= f.shape[-1] and upH >= f.shape[0] + + # Upsample by inserting zeros. + x = x.reshape([batch_size, num_channels, in_height, 1, in_width, 1]) + x = torch.nn.functional.pad(x, [0, upx - 1, 0, 0, 0, upy - 1]) + x = x.reshape([batch_size, num_channels, in_height * upy, in_width * upx]) + + # Pad or crop. + x = torch.nn.functional.pad(x, [max(padx0, 0), max(padx1, 0), max(pady0, 0), max(pady1, 0)]) + x = x[:, :, max(-pady0, 0) : x.shape[2] - max(-pady1, 0), max(-padx0, 0) : x.shape[3] - max(-padx1, 0)] + + # Setup filter. + f = f * (gain ** (f.ndim / 2)) + f = f.to(x.dtype) + if not flip_filter: + f = f.flip(list(range(f.ndim))) + + # Convolve with the filter. + f = f[np.newaxis, np.newaxis].repeat([num_channels, 1] + [1] * f.ndim) + if f.ndim == 4: + x = conv2d_gradfix.conv2d(input=x, weight=f, groups=num_channels) + else: + x = conv2d_gradfix.conv2d(input=x, weight=f.unsqueeze(2), groups=num_channels) + x = conv2d_gradfix.conv2d(input=x, weight=f.unsqueeze(3), groups=num_channels) + + # Downsample by throwing away pixels. + x = x[:, :, ::downy, ::downx] + return x + +#---------------------------------------------------------------------------- + +_upfirdn2d_cuda_cache = dict() + +def _upfirdn2d_cuda(up=1, down=1, padding=0, flip_filter=False, gain=1): + """Fast CUDA implementation of `upfirdn2d()` using custom ops. + """ + # Parse arguments. + upx, upy = _parse_scaling(up) + downx, downy = _parse_scaling(down) + padx0, padx1, pady0, pady1 = _parse_padding(padding) + + # Lookup from cache. + key = (upx, upy, downx, downy, padx0, padx1, pady0, pady1, flip_filter, gain) + if key in _upfirdn2d_cuda_cache: + return _upfirdn2d_cuda_cache[key] + + # Forward op. + class Upfirdn2dCuda(torch.autograd.Function): + @staticmethod + def forward(ctx, x, f): # pylint: disable=arguments-differ + assert isinstance(x, torch.Tensor) and x.ndim == 4 + if f is None: + f = torch.ones([1, 1], dtype=torch.float32, device=x.device) + if f.ndim == 1 and f.shape[0] == 1: + f = f.square().unsqueeze(0) # Convert separable-1 into full-1x1. + assert isinstance(f, torch.Tensor) and f.ndim in [1, 2] + y = x + if f.ndim == 2: + y = _plugin.upfirdn2d(y, f, upx, upy, downx, downy, padx0, padx1, pady0, pady1, flip_filter, gain) + else: + y = _plugin.upfirdn2d(y, f.unsqueeze(0), upx, 1, downx, 1, padx0, padx1, 0, 0, flip_filter, 1.0) + y = _plugin.upfirdn2d(y, f.unsqueeze(1), 1, upy, 1, downy, 0, 0, pady0, pady1, flip_filter, gain) + ctx.save_for_backward(f) + ctx.x_shape = x.shape + return y + + @staticmethod + def backward(ctx, dy): # pylint: disable=arguments-differ + f, = ctx.saved_tensors + _, _, ih, iw = ctx.x_shape + _, _, oh, ow = dy.shape + fw, fh = _get_filter_size(f) + p = [ + fw - padx0 - 1, + iw * upx - ow * downx + padx0 - upx + 1, + fh - pady0 - 1, + ih * upy - oh * downy + pady0 - upy + 1, + ] + dx = None + df = None + + if ctx.needs_input_grad[0]: + dx = _upfirdn2d_cuda(up=down, down=up, padding=p, flip_filter=(not flip_filter), gain=gain).apply(dy, f) + + assert not ctx.needs_input_grad[1] + return dx, df + + # Add to cache. + _upfirdn2d_cuda_cache[key] = Upfirdn2dCuda + return Upfirdn2dCuda + +#---------------------------------------------------------------------------- + +def filter2d(x, f, padding=0, flip_filter=False, gain=1, impl='cuda'): + r"""Filter a batch of 2D images using the given 2D FIR filter. + + By default, the result is padded so that its shape matches the input. + User-specified padding is applied on top of that, with negative values + indicating cropping. Pixels outside the image are assumed to be zero. + + Args: + x: Float32/float64/float16 input tensor of the shape + `[batch_size, num_channels, in_height, in_width]`. + f: Float32 FIR filter of the shape + `[filter_height, filter_width]` (non-separable), + `[filter_taps]` (separable), or + `None` (identity). + padding: Padding with respect to the output. Can be a single number or a + list/tuple `[x, y]` or `[x_before, x_after, y_before, y_after]` + (default: 0). + flip_filter: False = convolution, True = correlation (default: False). + gain: Overall scaling factor for signal magnitude (default: 1). + impl: Implementation to use. Can be `'ref'` or `'cuda'` (default: `'cuda'`). + + Returns: + Tensor of the shape `[batch_size, num_channels, out_height, out_width]`. + """ + padx0, padx1, pady0, pady1 = _parse_padding(padding) + fw, fh = _get_filter_size(f) + p = [ + padx0 + fw // 2, + padx1 + (fw - 1) // 2, + pady0 + fh // 2, + pady1 + (fh - 1) // 2, + ] + return upfirdn2d(x, f, padding=p, flip_filter=flip_filter, gain=gain, impl=impl) + +#---------------------------------------------------------------------------- + +def upsample2d(x, f, up=2, padding=0, flip_filter=False, gain=1, impl='cuda'): + r"""Upsample a batch of 2D images using the given 2D FIR filter. + + By default, the result is padded so that its shape is a multiple of the input. + User-specified padding is applied on top of that, with negative values + indicating cropping. Pixels outside the image are assumed to be zero. + + Args: + x: Float32/float64/float16 input tensor of the shape + `[batch_size, num_channels, in_height, in_width]`. + f: Float32 FIR filter of the shape + `[filter_height, filter_width]` (non-separable), + `[filter_taps]` (separable), or + `None` (identity). + up: Integer upsampling factor. Can be a single int or a list/tuple + `[x, y]` (default: 1). + padding: Padding with respect to the output. Can be a single number or a + list/tuple `[x, y]` or `[x_before, x_after, y_before, y_after]` + (default: 0). + flip_filter: False = convolution, True = correlation (default: False). + gain: Overall scaling factor for signal magnitude (default: 1). + impl: Implementation to use. Can be `'ref'` or `'cuda'` (default: `'cuda'`). + + Returns: + Tensor of the shape `[batch_size, num_channels, out_height, out_width]`. + """ + upx, upy = _parse_scaling(up) + padx0, padx1, pady0, pady1 = _parse_padding(padding) + fw, fh = _get_filter_size(f) + p = [ + padx0 + (fw + upx - 1) // 2, + padx1 + (fw - upx) // 2, + pady0 + (fh + upy - 1) // 2, + pady1 + (fh - upy) // 2, + ] + return upfirdn2d(x, f, up=up, padding=p, flip_filter=flip_filter, gain=gain*upx*upy, impl=impl) + +#---------------------------------------------------------------------------- + +def downsample2d(x, f, down=2, padding=0, flip_filter=False, gain=1, impl='cuda'): + r"""Downsample a batch of 2D images using the given 2D FIR filter. + + By default, the result is padded so that its shape is a fraction of the input. + User-specified padding is applied on top of that, with negative values + indicating cropping. Pixels outside the image are assumed to be zero. + + Args: + x: Float32/float64/float16 input tensor of the shape + `[batch_size, num_channels, in_height, in_width]`. + f: Float32 FIR filter of the shape + `[filter_height, filter_width]` (non-separable), + `[filter_taps]` (separable), or + `None` (identity). + down: Integer downsampling factor. Can be a single int or a list/tuple + `[x, y]` (default: 1). + padding: Padding with respect to the input. Can be a single number or a + list/tuple `[x, y]` or `[x_before, x_after, y_before, y_after]` + (default: 0). + flip_filter: False = convolution, True = correlation (default: False). + gain: Overall scaling factor for signal magnitude (default: 1). + impl: Implementation to use. Can be `'ref'` or `'cuda'` (default: `'cuda'`). + + Returns: + Tensor of the shape `[batch_size, num_channels, out_height, out_width]`. + """ + downx, downy = _parse_scaling(down) + padx0, padx1, pady0, pady1 = _parse_padding(padding) + fw, fh = _get_filter_size(f) + p = [ + padx0 + (fw - downx + 1) // 2, + padx1 + (fw - downx) // 2, + pady0 + (fh - downy + 1) // 2, + pady1 + (fh - downy) // 2, + ] + return upfirdn2d(x, f, down=down, padding=p, flip_filter=flip_filter, gain=gain, impl=impl) + +#---------------------------------------------------------------------------- diff --git a/recon/torch_utils/persistence.py b/recon/torch_utils/persistence.py new file mode 100644 index 0000000000000000000000000000000000000000..af3c5e99c7a9f18bba9b08ae32b35a462ba1a379 --- /dev/null +++ b/recon/torch_utils/persistence.py @@ -0,0 +1,253 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Facilities for pickling Python code alongside other data. + +The pickled code is automatically imported into a separate Python module +during unpickling. This way, any previously exported pickles will remain +usable even if the original code is no longer available, or if the current +version of the code is not consistent with what was originally pickled.""" + +import sys +import pickle +import io +import inspect +import copy +import uuid +import types +import recon.dnnlib as dnnlib + +#---------------------------------------------------------------------------- + +_version = 6 # internal version number +_decorators = set() # {decorator_class, ...} +_import_hooks = [] # [hook_function, ...] +_module_to_src_dict = dict() # {module: src, ...} +_src_to_module_dict = dict() # {src: module, ...} + +#---------------------------------------------------------------------------- + +def persistent_class(orig_class): + r"""Class decorator that extends a given class to save its source code + when pickled. + + Example: + + from torch_utils import persistence + + @persistence.persistent_class + class MyNetwork(torch.nn.Module): + def __init__(self, num_inputs, num_outputs): + super().__init__() + self.fc = MyLayer(num_inputs, num_outputs) + ... + + @persistence.persistent_class + class MyLayer(torch.nn.Module): + ... + + When pickled, any instance of `MyNetwork` and `MyLayer` will save its + source code alongside other internal state (e.g., parameters, buffers, + and submodules). This way, any previously exported pickle will remain + usable even if the class definitions have been modified or are no + longer available. + + The decorator saves the source code of the entire Python module + containing the decorated class. It does *not* save the source code of + any imported modules. Thus, the imported modules must be available + during unpickling, also including `torch_utils.persistence` itself. + + It is ok to call functions defined in the same module from the + decorated class. However, if the decorated class depends on other + classes defined in the same module, they must be decorated as well. + This is illustrated in the above example in the case of `MyLayer`. + + It is also possible to employ the decorator just-in-time before + calling the constructor. For example: + + cls = MyLayer + if want_to_make_it_persistent: + cls = persistence.persistent_class(cls) + layer = cls(num_inputs, num_outputs) + + As an additional feature, the decorator also keeps track of the + arguments that were used to construct each instance of the decorated + class. The arguments can be queried via `obj.init_args` and + `obj.init_kwargs`, and they are automatically pickled alongside other + object state. A typical use case is to first unpickle a previous + instance of a persistent class, and then upgrade it to use the latest + version of the source code: + + with open('old_pickle.pkl', 'rb') as f: + old_net = pickle.load(f) + new_net = MyNetwork(*old_obj.init_args, **old_obj.init_kwargs) + misc.copy_params_and_buffers(old_net, new_net, require_all=True) + """ + assert isinstance(orig_class, type) + if is_persistent(orig_class): + return orig_class + + assert orig_class.__module__ in sys.modules + orig_module = sys.modules[orig_class.__module__] + orig_module_src = _module_to_src(orig_module) + + class Decorator(orig_class): + _orig_module_src = orig_module_src + _orig_class_name = orig_class.__name__ + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + self._init_args = copy.deepcopy(args) + self._init_kwargs = copy.deepcopy(kwargs) + assert orig_class.__name__ in orig_module.__dict__ + _check_pickleable(self.__reduce__()) + + @property + def init_args(self): + return copy.deepcopy(self._init_args) + + @property + def init_kwargs(self): + return dnnlib.EasyDict(copy.deepcopy(self._init_kwargs)) + + def __reduce__(self): + fields = list(super().__reduce__()) + fields += [None] * max(3 - len(fields), 0) + if fields[0] is not _reconstruct_persistent_obj: + meta = dict(type='class', version=_version, module_src=self._orig_module_src, class_name=self._orig_class_name, state=fields[2]) + fields[0] = _reconstruct_persistent_obj # reconstruct func + fields[1] = (meta,) # reconstruct args + fields[2] = None # state dict + return tuple(fields) + + Decorator.__name__ = orig_class.__name__ + _decorators.add(Decorator) + return Decorator + +#---------------------------------------------------------------------------- + +def is_persistent(obj): + r"""Test whether the given object or class is persistent, i.e., + whether it will save its source code when pickled. + """ + try: + if obj in _decorators: + return True + except TypeError: + pass + return type(obj) in _decorators # pylint: disable=unidiomatic-typecheck + +#---------------------------------------------------------------------------- + +def import_hook(hook): + r"""Register an import hook that is called whenever a persistent object + is being unpickled. A typical use case is to patch the pickled source + code to avoid errors and inconsistencies when the API of some imported + module has changed. + + The hook should have the following signature: + + hook(meta) -> modified meta + + `meta` is an instance of `dnnlib.EasyDict` with the following fields: + + type: Type of the persistent object, e.g. `'class'`. + version: Internal version number of `torch_utils.persistence`. + module_src Original source code of the Python module. + class_name: Class name in the original Python module. + state: Internal state of the object. + + Example: + + @persistence.import_hook + def wreck_my_network(meta): + if meta.class_name == 'MyNetwork': + print('MyNetwork is being imported. I will wreck it!') + meta.module_src = meta.module_src.replace("True", "False") + return meta + """ + assert callable(hook) + _import_hooks.append(hook) + +#---------------------------------------------------------------------------- + +def _reconstruct_persistent_obj(meta): + r"""Hook that is called internally by the `pickle` module to unpickle + a persistent object. + """ + meta = dnnlib.EasyDict(meta) + meta.state = dnnlib.EasyDict(meta.state) + for hook in _import_hooks: + meta = hook(meta) + assert meta is not None + + assert meta.version == _version + module = _src_to_module(meta.module_src) + + assert meta.type == 'class' + orig_class = module.__dict__[meta.class_name] + decorator_class = persistent_class(orig_class) + obj = decorator_class.__new__(decorator_class) + + setstate = getattr(obj, '__setstate__', None) + if callable(setstate): + setstate(meta.state) # pylint: disable=not-callable + else: + obj.__dict__.update(meta.state) + return obj + +#---------------------------------------------------------------------------- + +def _module_to_src(module): + r"""Query the source code of a given Python module. + """ + src = _module_to_src_dict.get(module, None) + if src is None: + src = inspect.getsource(module) + _module_to_src_dict[module] = src + _src_to_module_dict[src] = module + return src + +def _src_to_module(src): + r"""Get or create a Python module for the given source code. + """ + module = _src_to_module_dict.get(src, None) + if module is None: + module_name = "_imported_module_" + uuid.uuid4().hex + module = types.ModuleType(module_name) + sys.modules[module_name] = module + _module_to_src_dict[module] = src + _src_to_module_dict[src] = module + exec(src, module.__dict__) # pylint: disable=exec-used + return module + +#---------------------------------------------------------------------------- + +def _check_pickleable(obj): + r"""Check that the given object is pickleable, raising an exception if + it is not. This function is expected to be considerably more efficient + than actually pickling the object. + """ + def recurse(obj): + if isinstance(obj, (list, tuple, set)): + return [recurse(x) for x in obj] + if isinstance(obj, dict): + return [[recurse(x), recurse(y)] for x, y in obj.items()] + if isinstance(obj, (str, int, float, bool, bytes, bytearray)): + return None # Python primitive types are pickleable. + if f'{type(obj).__module__}.{type(obj).__name__}' in ['numpy.ndarray', 'torch.Tensor', 'torch.nn.parameter.Parameter']: + return None # NumPy arrays and PyTorch tensors are pickleable. + if is_persistent(obj): + return None # Persistent objects are pickleable, by virtue of the constructor check. + return obj + with io.BytesIO() as f: + pickle.dump(recurse(obj), f) + +#---------------------------------------------------------------------------- diff --git a/recon/torch_utils/training_stats.py b/recon/torch_utils/training_stats.py new file mode 100644 index 0000000000000000000000000000000000000000..636dd7f9919632c84795265b7c472f1138c901b2 --- /dev/null +++ b/recon/torch_utils/training_stats.py @@ -0,0 +1,270 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Facilities for reporting and collecting training statistics across +multiple processes and devices. The interface is designed to minimize +synchronization overhead as well as the amount of boilerplate in user +code.""" + +import re +import numpy as np +import torch +import dnnlib + +from . import misc + +#---------------------------------------------------------------------------- + +_num_moments = 3 # [num_scalars, sum_of_scalars, sum_of_squares] +_reduce_dtype = torch.float32 # Data type to use for initial per-tensor reduction. +_counter_dtype = torch.float64 # Data type to use for the internal counters. +_rank = 0 # Rank of the current process. +_sync_device = None # Device to use for multiprocess communication. None = single-process. +_sync_called = False # Has _sync() been called yet? +_counters = dict() # Running counters on each device, updated by report(): name => device => torch.Tensor +_cumulative = dict() # Cumulative counters on the CPU, updated by _sync(): name => torch.Tensor + +#---------------------------------------------------------------------------- + +def init_multiprocessing(rank, sync_device): + r"""Initializes `torch_utils.training_stats` for collecting statistics + across multiple processes. + + This function must be called after + `torch.distributed.init_process_group()` and before `Collector.update()`. + The call is not necessary if multi-process collection is not needed. + + Args: + rank: Rank of the current process. + sync_device: PyTorch device to use for inter-process + communication, or None to disable multi-process + collection. Typically `torch.device('cuda', rank)`. + """ + global _rank, _sync_device + assert not _sync_called + _rank = rank + _sync_device = sync_device + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def report(name, value): + r"""Broadcasts the given set of scalars to all interested instances of + `Collector`, across device and process boundaries. + + This function is expected to be extremely cheap and can be safely + called from anywhere in the training loop, loss function, or inside a + `torch.nn.Module`. + + Warning: The current implementation expects the set of unique names to + be consistent across processes. Please make sure that `report()` is + called at least once for each unique name by each process, and in the + same order. If a given process has no scalars to broadcast, it can do + `report(name, [])` (empty list). + + Args: + name: Arbitrary string specifying the name of the statistic. + Averages are accumulated separately for each unique name. + value: Arbitrary set of scalars. Can be a list, tuple, + NumPy array, PyTorch tensor, or Python scalar. + + Returns: + The same `value` that was passed in. + """ + if name not in _counters: + _counters[name] = dict() + + elems = torch.as_tensor(value) + if elems.numel() == 0: + return value + + elems = elems.detach().flatten().to(_reduce_dtype) + moments = torch.stack([ + torch.ones_like(elems).sum(), + elems.sum(), + elems.square().sum(), + ]) + assert moments.ndim == 1 and moments.shape[0] == _num_moments + moments = moments.to(_counter_dtype) + + device = moments.device + if device not in _counters[name]: + _counters[name][device] = torch.zeros_like(moments) + _counters[name][device].add_(moments) + return value + +#---------------------------------------------------------------------------- + +def report0(name, value): + r"""Broadcasts the given set of scalars by the first process (`rank = 0`), + but ignores any scalars provided by the other processes. + See `report()` for further details. + """ + report(name, value if _rank == 0 else []) + return value + +#---------------------------------------------------------------------------- + +class Collector: + r"""Collects the scalars broadcasted by `report()` and `report0()` and + computes their long-term averages (mean and standard deviation) over + user-defined periods of time. + + The averages are first collected into internal counters that are not + directly visible to the user. They are then copied to the user-visible + state as a result of calling `update()` and can then be queried using + `mean()`, `std()`, `as_dict()`, etc. Calling `update()` also resets the + internal counters for the next round, so that the user-visible state + effectively reflects averages collected between the last two calls to + `update()`. + + Args: + regex: Regular expression defining which statistics to + collect. The default is to collect everything. + keep_previous: Whether to retain the previous averages if no + scalars were collected on a given round + (default: True). + """ + def __init__(self, regex='.*', keep_previous=True): + self._regex = re.compile(regex) + self._keep_previous = keep_previous + self._cumulative = dict() + self._moments = dict() + self.update() + self._moments.clear() + + def names(self): + r"""Returns the names of all statistics broadcasted so far that + match the regular expression specified at construction time. + """ + return [name for name in _counters if self._regex.fullmatch(name)] + + def update(self): + r"""Copies current values of the internal counters to the + user-visible state and resets them for the next round. + + If `keep_previous=True` was specified at construction time, the + operation is skipped for statistics that have received no scalars + since the last update, retaining their previous averages. + + This method performs a number of GPU-to-CPU transfers and one + `torch.distributed.all_reduce()`. It is intended to be called + periodically in the main training loop, typically once every + N training steps. + """ + if not self._keep_previous: + self._moments.clear() + for name, cumulative in _sync(self.names()): + if name not in self._cumulative: + self._cumulative[name] = torch.zeros([_num_moments], dtype=_counter_dtype) + delta = cumulative - self._cumulative[name] + self._cumulative[name].copy_(cumulative) + if float(delta[0]) != 0: + self._moments[name] = delta + + def _get_delta(self, name): + r"""Returns the raw moments that were accumulated for the given + statistic between the last two calls to `update()`, or zero if + no scalars were collected. + """ + assert self._regex.fullmatch(name) + if name not in self._moments: + self._moments[name] = torch.zeros([_num_moments], dtype=_counter_dtype) + return self._moments[name] + + def num(self, name): + r"""Returns the number of scalars that were accumulated for the given + statistic between the last two calls to `update()`, or zero if + no scalars were collected. + """ + delta = self._get_delta(name) + return int(delta[0]) + + def mean(self, name): + r"""Returns the mean of the scalars that were accumulated for the + given statistic between the last two calls to `update()`, or NaN if + no scalars were collected. + """ + delta = self._get_delta(name) + if int(delta[0]) == 0: + return float('nan') + return float(delta[1] / delta[0]) + + def std(self, name): + r"""Returns the standard deviation of the scalars that were + accumulated for the given statistic between the last two calls to + `update()`, or NaN if no scalars were collected. + """ + delta = self._get_delta(name) + if int(delta[0]) == 0 or not np.isfinite(float(delta[1])): + return float('nan') + if int(delta[0]) == 1: + return float(0) + mean = float(delta[1] / delta[0]) + raw_var = float(delta[2] / delta[0]) + return np.sqrt(max(raw_var - np.square(mean), 0)) + + def as_dict(self): + r"""Returns the averages accumulated between the last two calls to + `update()` as an `dnnlib.EasyDict`. The contents are as follows: + + dnnlib.EasyDict( + NAME = dnnlib.EasyDict(num=FLOAT, mean=FLOAT, std=FLOAT), + ... + ) + """ + stats = dnnlib.EasyDict() + for name in self.names(): + stats[name] = dnnlib.EasyDict(num=self.num(name), mean=self.mean(name), std=self.std(name)) + return stats + + def __getitem__(self, name): + r"""Convenience getter. + `collector[name]` is a synonym for `collector.mean(name)`. + """ + return self.mean(name) + +#---------------------------------------------------------------------------- + +def _sync(names): + r"""Synchronize the global cumulative counters across devices and + processes. Called internally by `Collector.update()`. + """ + if len(names) == 0: + return [] + global _sync_called + _sync_called = True + + # Collect deltas within current rank. + deltas = [] + device = _sync_device if _sync_device is not None else torch.device('cpu') + for name in names: + delta = torch.zeros([_num_moments], dtype=_counter_dtype, device=device) + for counter in _counters[name].values(): + delta.add_(counter.to(device)) + counter.copy_(torch.zeros_like(counter)) + deltas.append(delta) + deltas = torch.stack(deltas) + + # Sum deltas across ranks. + if _sync_device is not None: + torch.distributed.all_reduce(deltas) + + # Update cumulative values. + deltas = deltas.cpu() + for idx, name in enumerate(names): + if name not in _cumulative: + _cumulative[name] = torch.zeros([_num_moments], dtype=_counter_dtype) + _cumulative[name].add_(deltas[idx]) + + # Return name-value pairs. + return [(name, _cumulative[name]) for name in names] + +#---------------------------------------------------------------------------- diff --git a/recon/train_recon_gallery.py b/recon/train_recon_gallery.py new file mode 100644 index 0000000000000000000000000000000000000000..79113f2effe5e4ea1afffdd74383de1d991a7f4f --- /dev/null +++ b/recon/train_recon_gallery.py @@ -0,0 +1,388 @@ +# Training script of Portrait4D, modified from EG3D: https://github.com/NVlabs/eg3d + +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Train a 4D head reconstructor using the techniques described in the paper +"Portrait4D: Learning One-Shot 4D Head Avatar Synthesis using Synthetic Data." +""" + + +from configs import cfg as opts + +import os +import click +import re +import json +import tempfile +import torch +import sys + +import dnnlib +from training import training_loop_recon_gallery as training_loop +from metrics import metric_main +from torch_utils import training_stats +from torch_utils import custom_ops + + +# ---------------------------------------------------------------------------- + + +def subprocess_fn(rank, c, temp_dir): + dnnlib.util.Logger(file_name=os.path.join(c.run_dir, 'log.txt'), file_mode='a', should_flush=True) + + # Init torch.distributed. + if c.num_gpus > 1: + init_file = os.path.abspath(os.path.join(temp_dir, '.torch_distributed_init')) + if os.name == 'nt': + init_method = 'file:///' + init_file.replace('\\', '/') + torch.distributed.init_process_group(backend='gloo', init_method=init_method, rank=rank, + world_size=c.num_gpus) + else: + init_method = f'file://{init_file}' + torch.distributed.init_process_group(backend='nccl', init_method=init_method, rank=rank, + world_size=c.num_gpus) + + # Init torch_utils. + sync_device = torch.device('cuda', rank) if c.num_gpus > 1 else None + training_stats.init_multiprocessing(rank=rank, sync_device=sync_device) + if rank != 0: + custom_ops.verbosity = 'none' + + # Execute training loop. + training_loop.training_loop(rank=rank, **c) + + +# ---------------------------------------------------------------------------- + +def launch_training(c, desc, outdir, dry_run): + dnnlib.util.Logger(should_flush=True) + + # Pick output directory. + prev_run_dirs = [] + if os.path.isdir(outdir): + prev_run_dirs = [x for x in os.listdir(outdir) if os.path.isdir(os.path.join(outdir, x))] + prev_run_ids = [re.match(r'^\d+', x) for x in prev_run_dirs] + prev_run_ids = [int(x.group()) for x in prev_run_ids if x is not None] + cur_run_id = max(prev_run_ids, default=-1) + 1 + c.run_dir = os.path.join(outdir, f'{cur_run_id:05d}-{desc}') + + # Print options. + print() + print('Training options:') + print(json.dumps(c, indent=2)) + print() + print(f'Output directory: {c.run_dir}') + print(f'Number of GPUs: {c.num_gpus}') + print(f'Batch size: {c.batch_size} images') + print(f'Training duration: {c.total_kimg} kimg') + print(f'Dataset path: {c.training_set_kwargs.path}') + print(f'Dataset size: {c.training_set_kwargs.max_size} images') + print(f'Dataset resolution: {c.training_set_kwargs.resolution}') + print(f'Dataset labels: {c.training_set_kwargs.use_labels}') + print(f'Dataset x-flips: {c.training_set_kwargs.xflip}') + print() + + # Dry run? + if dry_run: + print('Dry run; exiting.') + return + + # Create output directory. + print('Creating output directory...') + os.makedirs(c.run_dir) + with open(os.path.join(c.run_dir, 'training_options.json'), 'wt') as f: + json.dump(c, f, indent=2) + + # Launch processes. + print('Launching processes...') + torch.multiprocessing.set_start_method('spawn') + with tempfile.TemporaryDirectory() as temp_dir: + if c.num_gpus == 1: + subprocess_fn(rank=0, c=c, temp_dir=temp_dir) + else: + torch.multiprocessing.spawn(fn=subprocess_fn, args=(c, temp_dir), nprocs=c.num_gpus) + + +# ---------------------------------------------------------------------------- + + +def init_dataset_kwargs(opts, class_name='training.dataloader.dataset_gallery.ImageFolderDataset'): + try: + dataset_kwargs = dnnlib.EasyDict(class_name=class_name, + path=opts.data, data_label_path=opts.data_label_path, + label_file_vfhq=opts.label_file_vfhq, label_file_ffhq=opts.label_file_ffhq, + mesh_path_ffhq = opts.mesh_path_ffhq, motion_path_ffhq=opts.motion_path_ffhq, mesh_path_vfhq=opts.mesh_path_vfhq, motion_path_vfhq=opts.motion_path_vfhq, + use_labels=True, max_size=None, xflip=False) + dataset_obj = dnnlib.util.construct_class_by_name(**dataset_kwargs) # Subclass of training.dataset.Dataset. + + dataset_kwargs.resolution = dataset_obj.resolution # Be explicit about resolution. + dataset_kwargs.use_labels = dataset_obj.has_labels # Be explicit about labels. + dataset_kwargs.max_size = len(dataset_obj) # Be explicit about dataset size. + + return dataset_kwargs, dataset_obj.name + except IOError as err: + raise click.ClickException(f'--data: {err}') + + +# ---------------------------------------------------------------------------- + +def parse_comma_separated_list(s): + if isinstance(s, list): + return s + if s is None or s.lower() == 'none' or s == '': + return [] + return s.split(',') + + +# ---------------------------------------------------------------------------- + +def main(**kwargs): + # Initialize config. + # opts = dnnlib.EasyDict(kwargs) # Command line arguments. + c = dnnlib.EasyDict() # Main config dict. + + c.G_kwargs = dnnlib.EasyDict(class_name=None, mot_dims = 548) + + c.D_kwargs = dnnlib.EasyDict(class_name=None, + block_kwargs=dnnlib.EasyDict(), mapping_kwargs=dnnlib.EasyDict(), + epilogue_kwargs=dnnlib.EasyDict()) + c.D_patch_kwargs = dnnlib.EasyDict(class_name=None, block_kwargs=dnnlib.EasyDict(), + epilogue_kwargs=dnnlib.EasyDict()) + c.G_opt_kwargs = dnnlib.EasyDict(class_name='torch.optim.Adam', betas=[0.9, 0.999], eps=1e-5) + c.D_opt_kwargs = dnnlib.EasyDict(class_name='torch.optim.Adam', betas=[0.9, 0.999], eps=1e-5) + c.D_patch_opt_kwargs = dnnlib.EasyDict(class_name='torch.optim.Adam', betas=[0, 0.99], eps=1e-5) + c.loss_kwargs = dnnlib.EasyDict(class_name='training.loss.loss_recon_gallery.AnimatablePortraitReconLoss') + c.data_loader_kwargs = dnnlib.EasyDict() + + # Training set. + + c.training_set_kwargs, dataset_name = init_dataset_kwargs(opts) + # c.training_set_kwargs = dnnlib.EasyDict(class_name='online', resolution=512, data_type=None, path='', + # use_labels=True, max_size=None, xflip=False) + # dataset_name = 'online' + # if opts.static: + # dataset_name += '-static' + + if opts.cond and not c.training_set_kwargs.use_labels: + raise click.ClickException('--cond=True requires labels specified in dataset.json') + c.training_set_kwargs.use_labels = opts.cond + c.training_set_kwargs.xflip = opts.mirror + + c.training_set_kwargs.static = opts.static # set true for static multiview reconstruction + # c.training_set_kwargs.motion_params_path1 = opts.motion_params_path1 # check what is this + # c.training_set_kwargs.motion_params_path2 = opts.motion_params_path2 + + # Hyperparameters & settings. + c.num_gpus = opts.gpus + c.resume_kimg = opts.resume_kimg + c.batch_size = opts.batch + c.batch_gpu = opts.batch_gpu or opts.batch // opts.gpus + c.G_kwargs.channel_base = c.D_kwargs.channel_base = opts.cbase + c.G_kwargs.channel_max = c.D_kwargs.channel_max = opts.cmax + + c.D_kwargs.block_kwargs.freeze_layers = opts.freezed + c.D_kwargs.epilogue_kwargs.mbstd_group_size = opts.mbstd_group + c.D_patch_kwargs.block_kwargs.freeze_layers = opts.freezed + c.D_patch_kwargs.epilogue_kwargs.mbstd_group_size = opts.mbstd_group + c.loss_kwargs.r1_gamma = opts.gamma + c.loss_kwargs.r1_gamma_seg = opts.gamma_seg # check what is this + c.loss_kwargs.r1_gamma_patch = opts.gamma_patch# check what is this + c.loss_kwargs.truncation_psi = opts.truncation_psi # check what is this + c.G_opt_kwargs.lr = opts.glr + c.cross_lr_scale = opts.cross_lr_scale # check what is this + + c.motion_scale = 1 if opts.static is False else 0 + c.swapping_prob = None + c.half_static = True if opts.static is False else False + c.truncation_psi = opts.truncation_psi + c.render_pretrain = opts.render_pretrain + + c.gan_model_base_dir = opts.gan_model_base_dir + c.vae_pretrained = opts.vae_pretrained + + c.D_opt_kwargs.lr = opts.dlr + c.D_patch_opt_kwargs.lr = opts.dlr + c.metrics = opts.metrics + c.total_kimg = opts.kimg + c.kimg_per_tick = opts.tick + c.image_snapshot_ticks = opts.snap + c.network_snapshot_ticks = 100 + # c.network_snapshot_ticks = opts.snap + c.random_seed = c.training_set_kwargs.random_seed = opts.seed + c.data_loader_kwargs.num_workers = opts.workers + + # Sanity checks. + if c.batch_size % c.num_gpus != 0: + raise click.ClickException('--batch must be a multiple of --gpus') + if c.batch_size % (c.num_gpus * c.batch_gpu) != 0: + raise click.ClickException('--batch must be a multiple of --gpus times --batch-gpu') + if c.batch_gpu < c.D_kwargs.epilogue_kwargs.mbstd_group_size: + raise click.ClickException('--batch-gpu cannot be smaller than --mbstd') + if any(not metric_main.is_valid_metric(metric) for metric in c.metrics): + raise click.ClickException( + '\n'.join(['--metrics can only contain the following values:'] + metric_main.list_valid_metrics())) + + # Base configuration. + c.ema_kimg = c.batch_size * 10 / 32 + c.G_kwargs.class_name = opts.g_module + c.D_kwargs.class_name = opts.d_module + if opts.patch_scale < 1: + c.D_patch_kwargs.class_name = opts.d_patch_module + c.G_kwargs.fused_modconv_default = 'inference_only' # Speed up training by using regular convolutions instead of grouped convolutions. + c.loss_kwargs.filter_mode = 'antialiased' # Filter mode for raw images ['antialiased', 'none', float [0-1]] + c.D_kwargs.disc_c_noise = opts.disc_c_noise # Regularization for discriminator pose conditioning + + c.G_kwargs.flame_full = opts.g_flame_full + c.G_kwargs.has_superresolution = opts.g_has_superresolution + c.G_kwargs.has_background = opts.g_has_background + c.G_kwargs.num_blocks_neutral = opts.g_num_blocks_neutral + c.G_kwargs.num_blocks_motion = opts.g_num_blocks_motion + c.G_kwargs.motion_map_layers = opts.g_motion_map_layers + + + + # c.D_kwargs.has_superresolution = opts.d_has_superresolution + # c.D_kwargs.has_uv = opts.d_has_uv + # c.D_kwargs.has_seg = opts.d_has_seg + # c.D_patch_kwargs.has_superresolution = False + # c.D_patch_kwargs.has_uv = False + # c.D_patch_kwargs.has_seg = False + + if c.training_set_kwargs.resolution == 512: + sr_module = 'models.stylegan.superresolution.SuperresolutionHybrid8XDC' + elif c.training_set_kwargs.resolution == 256: + sr_module = 'models.stylegan.superresolution.SuperresolutionHybrid4X' + elif c.training_set_kwargs.resolution == 128: + sr_module = 'models.stylegan.superresolution.SuperresolutionHybrid2X' + elif c.training_set_kwargs.resolution == 64: + sr_module = None + else: + assert False, f"Unsupported resolution {c.training_set_kwargs.resolution}; make a new superresolution module" + + if opts.sr_module != None: + sr_module = opts.sr_module + + rendering_options = { + 'image_resolution': c.training_set_kwargs.resolution, + 'disparity_space_sampling': False, + 'clamp_mode': 'softplus', + 'superresolution_module': sr_module, + 'c_gen_conditioning_zero': not opts.gen_pose_cond, + # if true, fill generator pose conditioning label with dummy zero vector + 'gpc_reg_prob': opts.gpc_reg_prob if opts.gen_pose_cond else None, + 'c_scale': opts.c_scale, # mutliplier for generator pose conditioning label + 'superresolution_noise_mode': opts.sr_noise_mode, + # [random or none], whether to inject pixel noise into super-resolution layers + 'density_reg': opts.density_reg, # strength of density regularization + 'density_reg_p_dist': opts.density_reg_p_dist, + # distance at which to sample perturbed points for density regularization + 'reg_type': opts.reg_type, # for experimenting with variations on density regularization + 'decoder_lr_mul': opts.decoder_lr_mul, # learning rate multiplier for decoder + 'sr_antialias': True, + 'gen_exp_cond': opts.gen_exp_cond, + 'gen_lms_cond': opts.gen_lms_cond, + 'gen_mask_cond': opts.gen_mask_cond + } + + rendering_options.update({ + 'depth_resolution': 48, # number of uniform samples to take per ray. + 'depth_resolution_importance': 48, # number of importance samples to take per ray. + 'ray_start': 2.25, # near point along each ray to start taking samples. + 'ray_end': 3.3, # far point along each ray to stop taking samples. + 'box_warp': 1, + # the side-length of the bounding box spanned by the tri-planes; box_warp=1 means [-0.5, -0.5, -0.5] -> [0.5, 0.5, 0.5]. + 'avg_camera_radius': 2.7, # used only in the visualizer to specify camera orbit radius. + 'avg_camera_pivot': [0, 0, 0.2], # used only in the visualizer to control center of camera rotation. + }) + + + + if opts.density_reg > 0: + c.G_reg_interval = opts.density_reg_every + c.G_kwargs.rendering_kwargs = rendering_options + c.G_kwargs.num_fp16_res = 0 + c.loss_kwargs.blur_init_sigma = 0 # Blur the images seen by the discriminator. + c.loss_kwargs.blur_patch_seg = opts.blur_patch_seg + c.loss_kwargs.blur_fade_kimg = c.batch_size * opts.blur_fade_kimg / 32 # Fade out the blur during the first N kimg. + c.loss_kwargs.discrimination_kimg = 1000 # where to add adversarial loss + c.loss_kwargs.gmain = 0.01 # check what is this + + c.loss_kwargs.gpc_reg_prob = opts.gpc_reg_prob if opts.gen_pose_cond else None + c.loss_kwargs.gpc_reg_fade_kimg = opts.gpc_reg_fade_kimg + c.loss_kwargs.dual_discrimination = True + c.loss_kwargs.neural_rendering_resolution_initial = opts.neural_rendering_resolution_initial + c.loss_kwargs.neural_rendering_resolution_final = opts.neural_rendering_resolution_final + c.loss_kwargs.neural_rendering_resolution_fade_kimg = opts.neural_rendering_resolution_fade_kimg + c.G_kwargs.sr_num_fp16_res = opts.sr_num_fp16_res + + + c.loss_kwargs.patch_scale = opts.patch_scale + c.loss_kwargs.patch_gan = opts.patch_gan + c.G_kwargs.add_block = opts.patch_scale < 1 + c.G_kwargs.masked_sampling = opts.masked_sampling + c.loss_kwargs.masked_sampling = opts.masked_sampling + c.loss_kwargs.perturb_params = True + + c.G_kwargs.sr_kwargs = dnnlib.EasyDict(channel_base=opts.cbase, channel_max=opts.cmax, + fused_modconv_default='inference_only') + + c.loss_kwargs.style_mixing_prob = opts.style_mixing_prob + + # Augmentation. + if opts.aug != 'noaug': + c.augment_kwargs = dnnlib.EasyDict(class_name='training.augment.AugmentPipe', xflip=1, rotate90=1, xint=1, + scale=1, rotate=1, aniso=1, xfrac=1, brightness=1, contrast=1, lumaflip=1, + hue=1, saturation=1) + if opts.aug == 'ada': + c.ada_target = opts.target + if opts.aug == 'fixed': + c.augment_p = opts.p + + # Resume. + if opts.resume is not None: + c.resume_pkl = opts.resume + c.ada_kimg = 100 # Make ADA react faster at the beginning. + c.ema_rampup = None # Disable EMA rampup. + if not opts.resume_blur: + c.loss_kwargs.blur_init_sigma = 0 # Disable blur rampup. + c.loss_kwargs.gpc_reg_fade_kimg = 0 # Disable swapping rampup + + if opts.resume_syn is not None: + c.resume_pkl_G_syn = opts.resume_syn + + # Performance-related toggles. + # if opts.fp32: + # c.G_kwargs.num_fp16_res = c.D_kwargs.num_fp16_res = 0 + # c.G_kwargs.conv_clamp = c.D_kwargs.conv_clamp = None + c.G_kwargs.num_fp16_res = opts.g_num_fp16_res + c.G_kwargs.conv_clamp = 256 if opts.g_num_fp16_res > 0 else None + c.D_kwargs.num_fp16_res = opts.d_num_fp16_res + c.D_kwargs.conv_clamp = 256 if opts.d_num_fp16_res > 0 else None + + + if opts.nobench: + c.cudnn_benchmark = False + + # Description string. + desc = f'{opts.cfg:s}-{dataset_name:s}-gpus{c.num_gpus:d}-batch{c.batch_size:d}' + if opts.desc is not None: + desc += f'-{opts.desc}' + + # Launch. + launch_training(c=c, desc=desc, outdir=opts.outdir, dry_run=opts.dry_run) + + +# ---------------------------------------------------------------------------- + +if __name__ == "__main__": + main() # pylint: disable=no-value-for-parameter + +# ---------------------------------------------------------------------------- diff --git a/recon/training/__init__.py b/recon/training/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..dfebd04f47e6f6b1b44984c14c23b57d56f72240 --- /dev/null +++ b/recon/training/__init__.py @@ -0,0 +1,11 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +# empty diff --git a/recon/training/crosssection_utils.py b/recon/training/crosssection_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..72d49f29534ae98b6c4cbd807677dcc55fd5e5ce --- /dev/null +++ b/recon/training/crosssection_utils.py @@ -0,0 +1,26 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +import torch + +def sample_cross_section(G, ws, resolution=256, w=1.2): + axis=0 + A, B = torch.meshgrid(torch.linspace(w/2, -w/2, resolution, device=ws.device), torch.linspace(-w/2, w/2, resolution, device=ws.device), indexing='ij') + A, B = A.reshape(-1, 1), B.reshape(-1, 1) + C = torch.zeros_like(A) + coordinates = [A, B] + coordinates.insert(axis, C) + coordinates = torch.cat(coordinates, dim=-1).expand(ws.shape[0], -1, -1) + + sigma = G.sample_mixed(coordinates, torch.randn_like(coordinates), ws)['sigma'] + return sigma.reshape(-1, 1, resolution, resolution) + +# if __name__ == '__main__': +# sample_crossection(None) \ No newline at end of file diff --git a/recon/training/dataloader/augment.py b/recon/training/dataloader/augment.py new file mode 100644 index 0000000000000000000000000000000000000000..7b00a4ade50459c16e34fa4c132b2cb947cfff28 --- /dev/null +++ b/recon/training/dataloader/augment.py @@ -0,0 +1,441 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Augmentation pipeline from the paper +"Training Generative Adversarial Networks with Limited Data". +Matches the original implementation by Karras et al. at +https://github.com/NVlabs/stylegan2-ada/blob/main/training/augment.py""" + +import numpy as np +import scipy.signal +import torch +from torch_utils import persistence +from torch_utils import misc +from torch_utils.ops import upfirdn2d +from torch_utils.ops import grid_sample_gradfix +from torch_utils.ops import conv2d_gradfix + +#---------------------------------------------------------------------------- +# Coefficients of various wavelet decomposition low-pass filters. + +wavelets = { + 'haar': [0.7071067811865476, 0.7071067811865476], + 'db1': [0.7071067811865476, 0.7071067811865476], + 'db2': [-0.12940952255092145, 0.22414386804185735, 0.836516303737469, 0.48296291314469025], + 'db3': [0.035226291882100656, -0.08544127388224149, -0.13501102001039084, 0.4598775021193313, 0.8068915093133388, 0.3326705529509569], + 'db4': [-0.010597401784997278, 0.032883011666982945, 0.030841381835986965, -0.18703481171888114, -0.02798376941698385, 0.6308807679295904, 0.7148465705525415, 0.23037781330885523], + 'db5': [0.003335725285001549, -0.012580751999015526, -0.006241490213011705, 0.07757149384006515, -0.03224486958502952, -0.24229488706619015, 0.13842814590110342, 0.7243085284385744, 0.6038292697974729, 0.160102397974125], + 'db6': [-0.00107730108499558, 0.004777257511010651, 0.0005538422009938016, -0.031582039318031156, 0.02752286553001629, 0.09750160558707936, -0.12976686756709563, -0.22626469396516913, 0.3152503517092432, 0.7511339080215775, 0.4946238903983854, 0.11154074335008017], + 'db7': [0.0003537138000010399, -0.0018016407039998328, 0.00042957797300470274, 0.012550998556013784, -0.01657454163101562, -0.03802993693503463, 0.0806126091510659, 0.07130921926705004, -0.22403618499416572, -0.14390600392910627, 0.4697822874053586, 0.7291320908465551, 0.39653931948230575, 0.07785205408506236], + 'db8': [-0.00011747678400228192, 0.0006754494059985568, -0.0003917403729959771, -0.00487035299301066, 0.008746094047015655, 0.013981027917015516, -0.04408825393106472, -0.01736930100202211, 0.128747426620186, 0.00047248457399797254, -0.2840155429624281, -0.015829105256023893, 0.5853546836548691, 0.6756307362980128, 0.3128715909144659, 0.05441584224308161], + 'sym2': [-0.12940952255092145, 0.22414386804185735, 0.836516303737469, 0.48296291314469025], + 'sym3': [0.035226291882100656, -0.08544127388224149, -0.13501102001039084, 0.4598775021193313, 0.8068915093133388, 0.3326705529509569], + 'sym4': [-0.07576571478927333, -0.02963552764599851, 0.49761866763201545, 0.8037387518059161, 0.29785779560527736, -0.09921954357684722, -0.012603967262037833, 0.0322231006040427], + 'sym5': [0.027333068345077982, 0.029519490925774643, -0.039134249302383094, 0.1993975339773936, 0.7234076904024206, 0.6339789634582119, 0.01660210576452232, -0.17532808990845047, -0.021101834024758855, 0.019538882735286728], + 'sym6': [0.015404109327027373, 0.0034907120842174702, -0.11799011114819057, -0.048311742585633, 0.4910559419267466, 0.787641141030194, 0.3379294217276218, -0.07263752278646252, -0.021060292512300564, 0.04472490177066578, 0.0017677118642428036, -0.007800708325034148], + 'sym7': [0.002681814568257878, -0.0010473848886829163, -0.01263630340325193, 0.03051551316596357, 0.0678926935013727, -0.049552834937127255, 0.017441255086855827, 0.5361019170917628, 0.767764317003164, 0.2886296317515146, -0.14004724044296152, -0.10780823770381774, 0.004010244871533663, 0.010268176708511255], + 'sym8': [-0.0033824159510061256, -0.0005421323317911481, 0.03169508781149298, 0.007607487324917605, -0.1432942383508097, -0.061273359067658524, 0.4813596512583722, 0.7771857517005235, 0.3644418948353314, -0.05194583810770904, -0.027219029917056003, 0.049137179673607506, 0.003808752013890615, -0.01495225833704823, -0.0003029205147213668, 0.0018899503327594609], +} + +#---------------------------------------------------------------------------- +# Helpers for constructing transformation matrices. + +def matrix(*rows, device=None): + assert all(len(row) == len(rows[0]) for row in rows) + elems = [x for row in rows for x in row] + ref = [x for x in elems if isinstance(x, torch.Tensor)] + if len(ref) == 0: + return misc.constant(np.asarray(rows), device=device) + assert device is None or device == ref[0].device + elems = [x if isinstance(x, torch.Tensor) else misc.constant(x, shape=ref[0].shape, device=ref[0].device) for x in elems] + return torch.stack(elems, dim=-1).reshape(ref[0].shape + (len(rows), -1)) + +def translate2d(tx, ty, **kwargs): + return matrix( + [1, 0, tx], + [0, 1, ty], + [0, 0, 1], + **kwargs) + +def translate3d(tx, ty, tz, **kwargs): + return matrix( + [1, 0, 0, tx], + [0, 1, 0, ty], + [0, 0, 1, tz], + [0, 0, 0, 1], + **kwargs) + +def scale2d(sx, sy, **kwargs): + return matrix( + [sx, 0, 0], + [0, sy, 0], + [0, 0, 1], + **kwargs) + +def scale3d(sx, sy, sz, **kwargs): + return matrix( + [sx, 0, 0, 0], + [0, sy, 0, 0], + [0, 0, sz, 0], + [0, 0, 0, 1], + **kwargs) + +def rotate2d(theta, **kwargs): + return matrix( + [torch.cos(theta), torch.sin(-theta), 0], + [torch.sin(theta), torch.cos(theta), 0], + [0, 0, 1], + **kwargs) + +def rotate3d(v, theta, **kwargs): + vx = v[..., 0]; vy = v[..., 1]; vz = v[..., 2] + s = torch.sin(theta); c = torch.cos(theta); cc = 1 - c + return matrix( + [vx*vx*cc+c, vx*vy*cc-vz*s, vx*vz*cc+vy*s, 0], + [vy*vx*cc+vz*s, vy*vy*cc+c, vy*vz*cc-vx*s, 0], + [vz*vx*cc-vy*s, vz*vy*cc+vx*s, vz*vz*cc+c, 0], + [0, 0, 0, 1], + **kwargs) + +def translate2d_inv(tx, ty, **kwargs): + return translate2d(-tx, -ty, **kwargs) + +def scale2d_inv(sx, sy, **kwargs): + return scale2d(1 / sx, 1 / sy, **kwargs) + +def rotate2d_inv(theta, **kwargs): + return rotate2d(-theta, **kwargs) + +#---------------------------------------------------------------------------- +# Versatile image augmentation pipeline from the paper +# "Training Generative Adversarial Networks with Limited Data". +# +# All augmentations are disabled by default; individual augmentations can +# be enabled by setting their probability multipliers to 1. + +@persistence.persistent_class +class AugmentPipe(torch.nn.Module): + def __init__(self, + xflip=0, rotate90=0, xint=0, xint_max=0.125, + scale=0, rotate=0, aniso=0, xfrac=0, scale_std=0.2, rotate_max=1, aniso_std=0.2, xfrac_std=0.125, + brightness=0, contrast=0, lumaflip=0, hue=0, saturation=0, brightness_std=0.2, contrast_std=0.5, hue_max=1, saturation_std=1, + imgfilter=0, imgfilter_bands=[1,1,1,1], imgfilter_std=1, + noise=0, cutout=0, noise_std=0.1, cutout_size=0.5, + ): + super().__init__() + self.register_buffer('p', torch.ones([])) # Overall multiplier for augmentation probability. + + # Pixel blitting. + self.xflip = float(xflip) # Probability multiplier for x-flip. + self.rotate90 = float(rotate90) # Probability multiplier for 90 degree rotations. + self.xint = float(xint) # Probability multiplier for integer translation. + self.xint_max = float(xint_max) # Range of integer translation, relative to image dimensions. + + # General geometric transformations. + self.scale = float(scale) # Probability multiplier for isotropic scaling. + self.rotate = float(rotate) # Probability multiplier for arbitrary rotation. + self.aniso = float(aniso) # Probability multiplier for anisotropic scaling. + self.xfrac = float(xfrac) # Probability multiplier for fractional translation. + self.scale_std = float(scale_std) # Log2 standard deviation of isotropic scaling. + self.rotate_max = float(rotate_max) # Range of arbitrary rotation, 1 = full circle. + self.aniso_std = float(aniso_std) # Log2 standard deviation of anisotropic scaling. + self.xfrac_std = float(xfrac_std) # Standard deviation of frational translation, relative to image dimensions. + + # Color transformations. + self.brightness = float(brightness) # Probability multiplier for brightness. + self.contrast = float(contrast) # Probability multiplier for contrast. + self.lumaflip = float(lumaflip) # Probability multiplier for luma flip. + self.hue = float(hue) # Probability multiplier for hue rotation. + self.saturation = float(saturation) # Probability multiplier for saturation. + self.brightness_std = float(brightness_std) # Standard deviation of brightness. + self.contrast_std = float(contrast_std) # Log2 standard deviation of contrast. + self.hue_max = float(hue_max) # Range of hue rotation, 1 = full circle. + self.saturation_std = float(saturation_std) # Log2 standard deviation of saturation. + + # Image-space filtering. + self.imgfilter = float(imgfilter) # Probability multiplier for image-space filtering. + self.imgfilter_bands = list(imgfilter_bands) # Probability multipliers for individual frequency bands. + self.imgfilter_std = float(imgfilter_std) # Log2 standard deviation of image-space filter amplification. + + # Image-space corruptions. + self.noise = float(noise) # Probability multiplier for additive RGB noise. + self.cutout = float(cutout) # Probability multiplier for cutout. + self.noise_std = float(noise_std) # Standard deviation of additive RGB noise. + self.cutout_size = float(cutout_size) # Size of the cutout rectangle, relative to image dimensions. + + # Setup orthogonal lowpass filter for geometric augmentations. + self.register_buffer('Hz_geom', upfirdn2d.setup_filter(wavelets['sym6'])) + + # Construct filter bank for image-space filtering. + Hz_lo = np.asarray(wavelets['sym2']) # H(z) + Hz_hi = Hz_lo * ((-1) ** np.arange(Hz_lo.size)) # H(-z) + Hz_lo2 = np.convolve(Hz_lo, Hz_lo[::-1]) / 2 # H(z) * H(z^-1) / 2 + Hz_hi2 = np.convolve(Hz_hi, Hz_hi[::-1]) / 2 # H(-z) * H(-z^-1) / 2 + Hz_fbank = np.eye(4, 1) # Bandpass(H(z), b_i) + for i in range(1, Hz_fbank.shape[0]): + Hz_fbank = np.dstack([Hz_fbank, np.zeros_like(Hz_fbank)]).reshape(Hz_fbank.shape[0], -1)[:, :-1] + Hz_fbank = scipy.signal.convolve(Hz_fbank, [Hz_lo2]) + Hz_fbank[i, (Hz_fbank.shape[1] - Hz_hi2.size) // 2 : (Hz_fbank.shape[1] + Hz_hi2.size) // 2] += Hz_hi2 + self.register_buffer('Hz_fbank', torch.as_tensor(Hz_fbank, dtype=torch.float32)) + + def forward(self, images, debug_percentile=None): + assert isinstance(images, torch.Tensor) and images.ndim == 4 + batch_size, num_channels, height, width = images.shape + device = images.device + if debug_percentile is not None: + debug_percentile = torch.as_tensor(debug_percentile, dtype=torch.float32, device=device) + + # ------------------------------------- + # Select parameters for pixel blitting. + # ------------------------------------- + + # Initialize inverse homogeneous 2D transform: G_inv @ pixel_out ==> pixel_in + I_3 = torch.eye(3, device=device) + G_inv = I_3 + + # Apply x-flip with probability (xflip * strength). + if self.xflip > 0: + i = torch.floor(torch.rand([batch_size], device=device) * 2) + i = torch.where(torch.rand([batch_size], device=device) < self.xflip * self.p, i, torch.zeros_like(i)) + if debug_percentile is not None: + i = torch.full_like(i, torch.floor(debug_percentile * 2)) + G_inv = G_inv @ scale2d_inv(1 - 2 * i, 1) + + # Apply 90 degree rotations with probability (rotate90 * strength). + if self.rotate90 > 0: + i = torch.floor(torch.rand([batch_size], device=device) * 4) + i = torch.where(torch.rand([batch_size], device=device) < self.rotate90 * self.p, i, torch.zeros_like(i)) + if debug_percentile is not None: + i = torch.full_like(i, torch.floor(debug_percentile * 4)) + G_inv = G_inv @ rotate2d_inv(-np.pi / 2 * i) + + # Apply integer translation with probability (xint * strength). + if self.xint > 0: + t = (torch.rand([batch_size, 2], device=device) * 2 - 1) * self.xint_max + t = torch.where(torch.rand([batch_size, 1], device=device) < self.xint * self.p, t, torch.zeros_like(t)) + if debug_percentile is not None: + t = torch.full_like(t, (debug_percentile * 2 - 1) * self.xint_max) + G_inv = G_inv @ translate2d_inv(torch.round(t[:,0] * width), torch.round(t[:,1] * height)) + + # -------------------------------------------------------- + # Select parameters for general geometric transformations. + # -------------------------------------------------------- + + # Apply isotropic scaling with probability (scale * strength). + if self.scale > 0: + s = torch.exp2(torch.randn([batch_size], device=device) * self.scale_std) + s = torch.where(torch.rand([batch_size], device=device) < self.scale * self.p, s, torch.ones_like(s)) + if debug_percentile is not None: + s = torch.full_like(s, torch.exp2(torch.erfinv(debug_percentile * 2 - 1) * self.scale_std)) + G_inv = G_inv @ scale2d_inv(s, s) + + # Apply pre-rotation with probability p_rot. + p_rot = 1 - torch.sqrt((1 - self.rotate * self.p).clamp(0, 1)) # P(pre OR post) = p + if self.rotate > 0: + theta = (torch.rand([batch_size], device=device) * 2 - 1) * np.pi * self.rotate_max + theta = torch.where(torch.rand([batch_size], device=device) < p_rot, theta, torch.zeros_like(theta)) + if debug_percentile is not None: + theta = torch.full_like(theta, (debug_percentile * 2 - 1) * np.pi * self.rotate_max) + G_inv = G_inv @ rotate2d_inv(-theta) # Before anisotropic scaling. + + # Apply anisotropic scaling with probability (aniso * strength). + if self.aniso > 0: + s = torch.exp2(torch.randn([batch_size], device=device) * self.aniso_std) + s = torch.where(torch.rand([batch_size], device=device) < self.aniso * self.p, s, torch.ones_like(s)) + if debug_percentile is not None: + s = torch.full_like(s, torch.exp2(torch.erfinv(debug_percentile * 2 - 1) * self.aniso_std)) + G_inv = G_inv @ scale2d_inv(s, 1 / s) + + # Apply post-rotation with probability p_rot. + if self.rotate > 0: + theta = (torch.rand([batch_size], device=device) * 2 - 1) * np.pi * self.rotate_max + theta = torch.where(torch.rand([batch_size], device=device) < p_rot, theta, torch.zeros_like(theta)) + if debug_percentile is not None: + theta = torch.zeros_like(theta) + G_inv = G_inv @ rotate2d_inv(-theta) # After anisotropic scaling. + + # Apply fractional translation with probability (xfrac * strength). + if self.xfrac > 0: + t = torch.randn([batch_size, 2], device=device) * self.xfrac_std + t = torch.where(torch.rand([batch_size, 1], device=device) < self.xfrac * self.p, t, torch.zeros_like(t)) + if debug_percentile is not None: + t = torch.full_like(t, torch.erfinv(debug_percentile * 2 - 1) * self.xfrac_std) + G_inv = G_inv @ translate2d_inv(t[:,0] * width, t[:,1] * height) + + # ---------------------------------- + # Execute geometric transformations. + # ---------------------------------- + + # Execute if the transform is not identity. + if G_inv is not I_3: + + # Calculate padding. + cx = (width - 1) / 2 + cy = (height - 1) / 2 + cp = matrix([-cx, -cy, 1], [cx, -cy, 1], [cx, cy, 1], [-cx, cy, 1], device=device) # [idx, xyz] + cp = G_inv @ cp.t() # [batch, xyz, idx] + Hz_pad = self.Hz_geom.shape[0] // 4 + margin = cp[:, :2, :].permute(1, 0, 2).flatten(1) # [xy, batch * idx] + margin = torch.cat([-margin, margin]).max(dim=1).values # [x0, y0, x1, y1] + margin = margin + misc.constant([Hz_pad * 2 - cx, Hz_pad * 2 - cy] * 2, device=device) + margin = margin.max(misc.constant([0, 0] * 2, device=device)) + margin = margin.min(misc.constant([width-1, height-1] * 2, device=device)) + mx0, my0, mx1, my1 = margin.ceil().to(torch.int32) + + # Pad image and adjust origin. + images = torch.nn.functional.pad(input=images, pad=[mx0,mx1,my0,my1], mode='reflect') + G_inv = translate2d((mx0 - mx1) / 2, (my0 - my1) / 2) @ G_inv + + # Upsample. + images = upfirdn2d.upsample2d(x=images, f=self.Hz_geom, up=2) + G_inv = scale2d(2, 2, device=device) @ G_inv @ scale2d_inv(2, 2, device=device) + G_inv = translate2d(-0.5, -0.5, device=device) @ G_inv @ translate2d_inv(-0.5, -0.5, device=device) + + # Execute transformation. + shape = [batch_size, num_channels, (height + Hz_pad * 2) * 2, (width + Hz_pad * 2) * 2] + G_inv = scale2d(2 / images.shape[3], 2 / images.shape[2], device=device) @ G_inv @ scale2d_inv(2 / shape[3], 2 / shape[2], device=device) + grid = torch.nn.functional.affine_grid(theta=G_inv[:,:2,:], size=shape, align_corners=False) + images = grid_sample_gradfix.grid_sample(images, grid) + + # Downsample and crop. + images = upfirdn2d.downsample2d(x=images, f=self.Hz_geom, down=2, padding=-Hz_pad*2, flip_filter=True) + + # -------------------------------------------- + # Select parameters for color transformations. + # -------------------------------------------- + + # Initialize homogeneous 3D transformation matrix: C @ color_in ==> color_out + I_4 = torch.eye(4, device=device) + C = I_4 + + # Apply brightness with probability (brightness * strength). + if self.brightness > 0: + b = torch.randn([batch_size], device=device) * self.brightness_std + b = torch.where(torch.rand([batch_size], device=device) < self.brightness * self.p, b, torch.zeros_like(b)) + if debug_percentile is not None: + b = torch.full_like(b, torch.erfinv(debug_percentile * 2 - 1) * self.brightness_std) + C = translate3d(b, b, b) @ C + + # Apply contrast with probability (contrast * strength). + if self.contrast > 0: + c = torch.exp2(torch.randn([batch_size], device=device) * self.contrast_std) + c = torch.where(torch.rand([batch_size], device=device) < self.contrast * self.p, c, torch.ones_like(c)) + if debug_percentile is not None: + c = torch.full_like(c, torch.exp2(torch.erfinv(debug_percentile * 2 - 1) * self.contrast_std)) + C = scale3d(c, c, c) @ C + + # Apply luma flip with probability (lumaflip * strength). + v = misc.constant(np.asarray([1, 1, 1, 0]) / np.sqrt(3), device=device) # Luma axis. + if self.lumaflip > 0: + i = torch.floor(torch.rand([batch_size, 1, 1], device=device) * 2) + i = torch.where(torch.rand([batch_size, 1, 1], device=device) < self.lumaflip * self.p, i, torch.zeros_like(i)) + if debug_percentile is not None: + i = torch.full_like(i, torch.floor(debug_percentile * 2)) + C = (I_4 - 2 * v.ger(v) * i) @ C # Householder reflection. + + # Apply hue rotation with probability (hue * strength). + if self.hue > 0 and num_channels > 1: + theta = (torch.rand([batch_size], device=device) * 2 - 1) * np.pi * self.hue_max + theta = torch.where(torch.rand([batch_size], device=device) < self.hue * self.p, theta, torch.zeros_like(theta)) + if debug_percentile is not None: + theta = torch.full_like(theta, (debug_percentile * 2 - 1) * np.pi * self.hue_max) + C = rotate3d(v, theta) @ C # Rotate around v. + + # Apply saturation with probability (saturation * strength). + if self.saturation > 0 and num_channels > 1: + s = torch.exp2(torch.randn([batch_size, 1, 1], device=device) * self.saturation_std) + s = torch.where(torch.rand([batch_size, 1, 1], device=device) < self.saturation * self.p, s, torch.ones_like(s)) + if debug_percentile is not None: + s = torch.full_like(s, torch.exp2(torch.erfinv(debug_percentile * 2 - 1) * self.saturation_std)) + C = (v.ger(v) + (I_4 - v.ger(v)) * s) @ C + + # ------------------------------ + # Execute color transformations. + # ------------------------------ + + # Execute if the transform is not identity. + if C is not I_4: + images = images.reshape([batch_size, num_channels, height * width]) + if num_channels == 3: + images = C[:, :3, :3] @ images + C[:, :3, 3:] + elif num_channels == 1: + C = C[:, :3, :].mean(dim=1, keepdims=True) + images = images * C[:, :, :3].sum(dim=2, keepdims=True) + C[:, :, 3:] + elif num_channels == 6: + images[:, :3] = C[:, :3, :3] @ images[:, :3] + C[:, :3, 3:] + images[:, 3:] = C[:, :3, :3] @ images[:, 3:] + C[:, :3, 3:] + else: + raise ValueError('Image must be RGB (3 channels) or L (1 channel)') + images = images.reshape([batch_size, num_channels, height, width]) + + # ---------------------- + # Image-space filtering. + # ---------------------- + + if self.imgfilter > 0: + num_bands = self.Hz_fbank.shape[0] + assert len(self.imgfilter_bands) == num_bands + expected_power = misc.constant(np.array([10, 1, 1, 1]) / 13, device=device) # Expected power spectrum (1/f). + + # Apply amplification for each band with probability (imgfilter * strength * band_strength). + g = torch.ones([batch_size, num_bands], device=device) # Global gain vector (identity). + for i, band_strength in enumerate(self.imgfilter_bands): + t_i = torch.exp2(torch.randn([batch_size], device=device) * self.imgfilter_std) + t_i = torch.where(torch.rand([batch_size], device=device) < self.imgfilter * self.p * band_strength, t_i, torch.ones_like(t_i)) + if debug_percentile is not None: + t_i = torch.full_like(t_i, torch.exp2(torch.erfinv(debug_percentile * 2 - 1) * self.imgfilter_std)) if band_strength > 0 else torch.ones_like(t_i) + t = torch.ones([batch_size, num_bands], device=device) # Temporary gain vector. + t[:, i] = t_i # Replace i'th element. + t = t / (expected_power * t.square()).sum(dim=-1, keepdims=True).sqrt() # Normalize power. + g = g * t # Accumulate into global gain. + + # Construct combined amplification filter. + Hz_prime = g @ self.Hz_fbank # [batch, tap] + Hz_prime = Hz_prime.unsqueeze(1).repeat([1, num_channels, 1]) # [batch, channels, tap] + Hz_prime = Hz_prime.reshape([batch_size * num_channels, 1, -1]) # [batch * channels, 1, tap] + + # Apply filter. + p = self.Hz_fbank.shape[1] // 2 + images = images.reshape([1, batch_size * num_channels, height, width]) + images = torch.nn.functional.pad(input=images, pad=[p,p,p,p], mode='reflect') + images = conv2d_gradfix.conv2d(input=images, weight=Hz_prime.unsqueeze(2), groups=batch_size*num_channels) + images = conv2d_gradfix.conv2d(input=images, weight=Hz_prime.unsqueeze(3), groups=batch_size*num_channels) + images = images.reshape([batch_size, num_channels, height, width]) + + # ------------------------ + # Image-space corruptions. + # ------------------------ + + # Apply additive RGB noise with probability (noise * strength). + if self.noise > 0: + sigma = torch.randn([batch_size, 1, 1, 1], device=device).abs() * self.noise_std + sigma = torch.where(torch.rand([batch_size, 1, 1, 1], device=device) < self.noise * self.p, sigma, torch.zeros_like(sigma)) + if debug_percentile is not None: + sigma = torch.full_like(sigma, torch.erfinv(debug_percentile) * self.noise_std) + images = images + torch.randn([batch_size, num_channels, height, width], device=device) * sigma + + # Apply cutout with probability (cutout * strength). + if self.cutout > 0: + size = torch.full([batch_size, 2, 1, 1, 1], self.cutout_size, device=device) + size = torch.where(torch.rand([batch_size, 1, 1, 1, 1], device=device) < self.cutout * self.p, size, torch.zeros_like(size)) + center = torch.rand([batch_size, 2, 1, 1, 1], device=device) + if debug_percentile is not None: + size = torch.full_like(size, self.cutout_size) + center = torch.full_like(center, debug_percentile) + coord_x = torch.arange(width, device=device).reshape([1, 1, 1, -1]) + coord_y = torch.arange(height, device=device).reshape([1, 1, -1, 1]) + mask_x = (((coord_x + 0.5) / width - center[:, 0]).abs() >= size[:, 0] / 2) + mask_y = (((coord_y + 0.5) / height - center[:, 1]).abs() >= size[:, 1] / 2) + mask = torch.logical_or(mask_x, mask_y).to(torch.float32) + images = images * mask + + return images + +#---------------------------------------------------------------------------- diff --git a/recon/training/dataloader/data_gallery.py b/recon/training/dataloader/data_gallery.py new file mode 100644 index 0000000000000000000000000000000000000000..6a780c0e3d3898a62ff8a45e815e33f84a8f4ad8 --- /dev/null +++ b/recon/training/dataloader/data_gallery.py @@ -0,0 +1,406 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Streaming images and labels from datasets created with dataset_tool.py.""" + +import os +from unittest import skip +import numpy as np +import zipfile +import PIL.Image +import json +import torch +import dnnlib +import cv2 + +try: + import pyspng +except ImportError: + pyspng = None + +mouth_idx = list(range(22, 52)) + + +class Dataset(torch.utils.data.Dataset): + def __init__(self, + name, # Name of the dataset. + raw_shape, # Shape of the raw image data (NCHW). + max_size=None, # Artificially limit the size of the dataset. None = no limit. Applied before xflip. + use_labels=True, # Enable conditioning labels? False = label dimension is zero. + xflip=False, # Artificially double the size of the dataset via x-flips. Applied after max_size. + load_obj=True, + return_name=False, + random_seed=0, # Random seed to use when applying max_size. + ): + self._name = name + self._raw_shape = list(raw_shape) + self._use_labels = use_labels + self._raw_labels = None + self._label_shape = None + self.load_obj = load_obj + self.return_name = return_name + + # Apply max_size. + self._raw_idx = np.arange(self._raw_shape[0], dtype=np.int64) + if (max_size is not None) and (self._raw_idx.size > max_size): + np.random.RandomState(random_seed).shuffle(self._raw_idx) + self._raw_idx = np.sort(self._raw_idx[:max_size]) + + # Apply xflip. + self._xflip = np.zeros(self._raw_idx.size, dtype=np.uint8) + if xflip: + self._raw_idx = np.tile(self._raw_idx, 2) + self._xflip = np.concatenate([self._xflip, np.ones_like(self._xflip)]) + + def _get_raw_labels(self): + if self._raw_labels is None: + self._raw_labels = self._load_raw_labels() if self._use_labels else None + if self._raw_labels is None: + self._raw_labels = np.zeros([self._raw_shape[0], 0], dtype=np.float32) + assert isinstance(self._raw_labels, np.ndarray) + assert self._raw_labels.shape[0] == self._raw_shape[0] + assert self._raw_labels.dtype in [np.float32, np.int64] + if self._raw_labels.dtype == np.int64: + assert self._raw_labels.ndim == 1 + assert np.all(self._raw_labels >= 0) + self._raw_labels_std = self._raw_labels.std(0) + return self._raw_labels + + def close(self): # to be overridden by subclass + pass + + def _load_raw_image(self, raw_idx): # to be overridden by subclass + raise NotImplementedError + + def _load_raw_verts_ply(self, raw_idx): # to be overridden by subclass + raise NotImplementedError + + def _load_geo(self, raw_idx): # to be overridden by subclass + raise NotImplementedError + + def _load_raw_labels(self): # to be overridden by subclass + raise NotImplementedError + + def __getstate__(self): + return dict(self.__dict__, _raw_labels=None) + + def __del__(self): + try: + self.close() + except: + pass + + def __len__(self): + return self._raw_idx.size + + def __getitem__(self, idx): + image = self._load_raw_image(self._raw_idx[idx], resolution=self.resolution) + # assert isinstance(image, np.ndarray) + # assert list(image.shape) == self.image_shape + # assert image.dtype == np.uint8 + + label_cam = self.get_label(idx) + mesh_cond = self.get_vert(self._raw_idx[idx]) + if self._xflip[idx]: + assert image.ndim == 3 # CHW + image = image[:, :, ::-1] + if self._use_labels: + label_1 = label_cam[0:25] + label_2 = label_cam[25:] + assert label_1.shape == (25,) + assert label_2.shape == (25,) + + label_1[[1, 2, 3, 4, 8]] *= -1 + label_2[[1, 2, 3, 4, 8]] *= -1 + label_cam = np.concatenate([label_1, label_2], axis=-1) + if self.return_name: + return self._image_fnames[self._raw_idx[idx]], image.copy(), label_cam, mesh_cond + else: + return image.copy(), label_cam, mesh_cond + + def load_random_data(self): + gen_cond_sample_idx = [np.random.randint(self.__len__()) for _ in range(self.random_sample_num)] + all_gen_c = np.stack([self.get_label(i) for i in gen_cond_sample_idx]) + all_gen_v = [self.get_vert(i) for i in gen_cond_sample_idx] + all_gt_img = np.stack([self.get_image(i).astype(np.float32) / 127.5 - 1 for i in gen_cond_sample_idx]) + + return all_gen_c, all_gen_v, all_gt_img + + def get_by_name(self, name): + raw_idx = self._image_fnames.index(name) + image = self._load_raw_image(raw_idx, resolution=self.resolution) + mesh_cond = self.get_vert(raw_idx) + label = self._get_raw_labels()[raw_idx] + cam = self._raw_cams[raw_idx] + label_cam = np.concatenate([label, cam], axis=-1) + return image.copy(), label_cam, mesh_cond + + def get_label(self, idx): + raise NotImplementedError + + def get_vert(self, idx): + raise NotImplementedError + + def get_details(self, idx): + d = dnnlib.EasyDict() + d.raw_idx = int(self._raw_idx[idx]) + d.xflip = (int(self._xflip[idx]) != 0) + d.raw_label = self._get_raw_labels()[d.raw_idx].copy() + return d + + def get_label_std(self): + return self._raw_labels_std + + @property + def name(self): + return self._name + + @property + def image_shape(self): + return list(self._raw_shape[1:]) + + @property + def num_channels(self): + assert len(self.image_shape) == 3 # CHW + return self.image_shape[0] + + @property + def resolution(self): + assert len(self.image_shape) == 3 # CHW + assert self.image_shape[1] == self.image_shape[2] + return self.image_shape[1] + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels = self._get_raw_labels() + if raw_labels.dtype == np.int64: + self._label_shape = [int(np.max(raw_labels)) + 1] + else: + self._label_shape = raw_labels.shape[1:] + return list(self._label_shape) + + @property + def label_dim(self): + assert len(self.label_shape) == 1 + return self.label_shape[0] + + # @property + # def gen_label_dim(self): + # return 25 # 25 for camera params only + + @property + def has_labels(self): + return any(x != 0 for x in [25]) + + @property + def has_onehot_labels(self): + return self._get_raw_labels().dtype == np.int64 + + +class ImageFolderDataset(Dataset): + def __init__(self, + path, # Path to directory or zip. + data_label_path, + label_file_vfhq, + label_file_ffhq, + mesh_path_ffhq, + motion_path_ffhq, + mesh_path_vfhq, + motion_path_vfhq, + mesh_path_ffhq_label, + mesh_path_vfhq_label, + resolution=512, + static=False, + **super_kwargs, + ): + self._path = path + self._mesh_ffhq = mesh_path_ffhq + self._motion_ffhq = np.load(motion_path_ffhq) + # self._label_ffhq = np.load(label_file_ffhq) + self._mesh_vfhq = mesh_path_vfhq + self._motion_vfhq = np.load(motion_path_vfhq, allow_pickle=True) + # self._label_vfhq = np.load(label_file_vfhq) + + self._data_label_path = data_label_path + self.data_json = json.loads(open(data_label_path).read()) + PIL.Image.init() + self._raw_cams_ffhq = json.loads(open(label_file_ffhq).read())['labels'] + self.mesh_path_ffhq_label = json.loads(open(mesh_path_ffhq_label).read()) + self.mesh_path_vfhq_label = json.loads(open(mesh_path_vfhq_label).read()) + # self._image_fnames = list(dict(json.loads(open(self._raw_cams_ffhq).read())['labels']).keys()) + # self._raw_cams_vfhq = self._load_raw_label(self._mesh_path_vfhq, 'labels') + + self.all_input_ids = list(self.data_json.keys()) + + name = os.path.splitext(os.path.basename(self._path))[0] + # raw_shape = [len(self._image_fnames)] + [3, resolution, resolution] + raw_shape = [len(self.all_input_ids)] + list([3, 512, 512]) + super().__init__(name=name, raw_shape=raw_shape, **super_kwargs) + + def __del__(self): + try: + self.close() + except: + pass + + def __len__(self): + return len(self.all_input_ids) + + # phase_real_z, phase_real_latent, phase_real_c_1_d, phase_real_c_2_d, phase_real_c_3_d, phase_real_v_1_d, phase_real_v_2_d, phase_real_v_s, motion_1, motion_2, motion_ffhq, model_list + + def __getitem__(self, idx): + + for _ in range(20): + try: + return self.getdata(idx) + except Exception as e: + print(f"Error details: {str(e)}") + idx = np.random.randint(len(self)) + raise RuntimeError('Too many bad data.') + + + def getdata(self, idx): + base_dir = self.all_input_ids[idx] + model_name = self.data_json[base_dir] + latent_dir = os.path.join(self._path, base_dir, '0.pt') + latent_dit_dir = os.path.join(self._path, base_dir, '0_dit.pt') + phase_real_z = torch.load(latent_dir).float() + phase_real_latent = torch.load(latent_dit_dir).float() + + phase_real_c_1_d, phase_real_c_2_d, phase_real_c_3_d = self.get_label(idx) + motion_ffhq, phase_real_v_s = self.get_ffhq_motion() + motion_1, motion_2, phase_real_v_1_d, phase_real_v_2_d = self.get_vfhq_motion() + + + return { + "model_name": model_name, + "phase_real_z": phase_real_z, + "phase_real_latent": phase_real_latent, + "phase_real_c_1_d": phase_real_c_1_d.unsqueeze(0), + "phase_real_c_2_d": phase_real_c_2_d.unsqueeze(0), + "phase_real_c_3_d": phase_real_c_3_d.unsqueeze(0), + "phase_real_v_s": phase_real_v_s.unsqueeze(0), + "motion_ffhq": motion_ffhq.unsqueeze(0), + "motion_1": motion_1.unsqueeze(0), + "motion_2": motion_2.unsqueeze(0), + "phase_real_v_1_d": phase_real_v_1_d.unsqueeze(0), + "phase_real_v_2_d": phase_real_v_2_d.unsqueeze(0) + } + @staticmethod + def _file_ext(fname): + return os.path.splitext(fname)[1].lower() + + def _get_zipfile(self): + assert self._type == 'zip' + if self._zipfile is None: + self._zipfile = zipfile.ZipFile(self._path) + return self._zipfile + + def _open_file(self, fname, path=None): + if not path: + path = self._path + if self._type == 'dir': + return open(os.path.join(path, fname), 'rb') + if self._type == 'zip': + return self._get_zipfile().open(fname, 'r') + return None + + def close(self): + try: + if self._zipfile is not None: + self._zipfile.close() + finally: + self._zipfile = None + + def __getstate__(self): + return dict(super().__getstate__(), _zipfile=None) + + def _load_raw_label(self, json_path, sub_key=None): + with open(json_path, 'rb') as f: + labels = json.load(f) + if sub_key is not None: labels = labels[sub_key] + labels = dict(labels) + labels = [labels[fname.replace('\\', '/')] for fname in self._image_fnames] + return np.array(labels).astype(np.float32) + + def _load_raw_image_core(self, fname, path=None, resolution=None): + with self._open_file(fname, path) as f: + image = PIL.Image.open(f) + if resolution: + image = image.resize((resolution, resolution)) + image = np.array(image) # .astype(np.float32) + if image.ndim == 2: + image = image[:, :, np.newaxis] # HW => HWC + image = image.transpose(2, 0, 1) # HWC => CHW + return image + + def _load_raw_motion(self, raw_idx, resolution=None): + fname = self._image_fnames[raw_idx] + image = self._load_raw_image_core(fname, resolution=resolution) # [C, H, W] + return image + + def _load_vfhq_raw_labels(self): + labels = self._load_raw_label(os.path.join(self._path, self.label_file), 'labels') + return labels + + def _load_ffhq_raw_labels(self): + labels = self._load_raw_label(os.path.join(self._path, self.label_file), 'labels') + return labels + + def get_vert(self, vert_dir): + uvcoords_image = np.load(os.path.join(vert_dir))[..., + :3] # [HW3] 前两维date range(-1, 1),第三维是face_mask,最后一维是render_mask + uvcoords_image[..., -1][uvcoords_image[..., -1] < 0.5] = 0; + uvcoords_image[..., -1][uvcoords_image[..., -1] >= 0.5] = 1 + # out = {'uvcoords_image': torch.tensor(uvcoords_image.copy()).float()} + return torch.tensor(uvcoords_image.copy()).float() + + def load_random_data(self): + gen_cond_sample_idx = [np.random.randint(self.__len__()) for _ in range(self.random_sample_num)] + all_gen_c = np.stack([self.get_label(i) for i in gen_cond_sample_idx]) + all_gen_v = [self.get_vert(i) for i in gen_cond_sample_idx] + all_gt_img = np.stack([self.get_image(i).astype(np.float32) / 127.5 - 1 for i in gen_cond_sample_idx]) + + return all_gen_c, all_gen_v, all_gt_img + + def get_label(self, idx): + # all_nums = self._raw_cams_ffhq + gen_cond_sample_idx = [np.random.randint(len(self._raw_cams_ffhq)) for _ in range(3)] + cam = [self._raw_cams_ffhq[i][1] for i in gen_cond_sample_idx] + return torch.tensor(np.array(cam[0]).astype(np.float32)).float(), torch.tensor(np.array(cam[1]).astype(np.float32)).float(), torch.tensor(np.array(cam[2]).astype(np.float32)).float() + + def get_ffhq_motion(self): + assert len(self.mesh_path_ffhq_label) == self._motion_ffhq.shape[0] + gen_cond_sample_idx = np.random.randint(self._motion_ffhq.shape[0]) + motion = self._motion_ffhq[gen_cond_sample_idx] + vert_dir = os.path.join(self._mesh_ffhq, self.mesh_path_ffhq_label[gen_cond_sample_idx]) + vert = self.get_vert(vert_dir) + + + return torch.tensor(motion).float(), vert + + def get_vfhq_motion(self): + assert len(self.mesh_path_vfhq_label) == self._motion_vfhq.shape[0] + gen_cond_sample_idx_row = np.random.randint(self._motion_vfhq.shape[0]) + motions = self._motion_vfhq[gen_cond_sample_idx_row] + verts = self.mesh_path_vfhq_label[gen_cond_sample_idx_row] + assert motions.shape[0] == len(verts) + # print('motions.shape', motions.shape) + # print('motions.shape[0]', motions.shape[0]) + + gen_cond_sample_idx_col = np.random.randint(motions.shape[0], size=2) + motions_1 = motions[gen_cond_sample_idx_col[0]] + motions_2 = motions[gen_cond_sample_idx_col[1]] + verts_1_dir = os.path.join(self._mesh_vfhq, verts[gen_cond_sample_idx_col[0]]) + verts_2_dir = os.path.join(self._mesh_vfhq, verts[gen_cond_sample_idx_col[1]]) + verts_1 = self.get_vert(verts_1_dir) + verts_2 = self.get_vert(verts_2_dir) + return torch.tensor(motions_1).float(), torch.tensor(motions_2).float(), verts_1, verts_2 diff --git a/recon/training/dataloader/data_gallery_zip.py b/recon/training/dataloader/data_gallery_zip.py new file mode 100644 index 0000000000000000000000000000000000000000..63402478f1c623c4f658a3e25393af6fb2118802 --- /dev/null +++ b/recon/training/dataloader/data_gallery_zip.py @@ -0,0 +1,440 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Streaming images and labels from datasets created with dataset_tool.py.""" +import io +import os +from unittest import skip +import numpy as np +import zipfile +import PIL.Image +import json +import torch +import dnnlib +import cv2 + +try: + import pyspng +except ImportError: + pyspng = None + +mouth_idx = list(range(22, 52)) + + +class Dataset(torch.utils.data.Dataset): + def __init__(self, + name, # Name of the dataset. + raw_shape, # Shape of the raw image data (NCHW). + max_size=None, # Artificially limit the size of the dataset. None = no limit. Applied before xflip. + use_labels=True, # Enable conditioning labels? False = label dimension is zero. + xflip=False, # Artificially double the size of the dataset via x-flips. Applied after max_size. + load_obj=True, + return_name=False, + random_seed=0, # Random seed to use when applying max_size. + ): + self._name = name + self._raw_shape = list(raw_shape) + self._use_labels = use_labels + self._raw_labels = None + self._label_shape = None + self.load_obj = load_obj + self.return_name = return_name + + # Apply max_size. + self._raw_idx = np.arange(self._raw_shape[0], dtype=np.int64) + if (max_size is not None) and (self._raw_idx.size > max_size): + np.random.RandomState(random_seed).shuffle(self._raw_idx) + self._raw_idx = np.sort(self._raw_idx[:max_size]) + + # Apply xflip. + self._xflip = np.zeros(self._raw_idx.size, dtype=np.uint8) + if xflip: + self._raw_idx = np.tile(self._raw_idx, 2) + self._xflip = np.concatenate([self._xflip, np.ones_like(self._xflip)]) + + def _get_raw_labels(self): + if self._raw_labels is None: + self._raw_labels = self._load_raw_labels() if self._use_labels else None + if self._raw_labels is None: + self._raw_labels = np.zeros([self._raw_shape[0], 0], dtype=np.float32) + assert isinstance(self._raw_labels, np.ndarray) + assert self._raw_labels.shape[0] == self._raw_shape[0] + assert self._raw_labels.dtype in [np.float32, np.int64] + if self._raw_labels.dtype == np.int64: + assert self._raw_labels.ndim == 1 + assert np.all(self._raw_labels >= 0) + self._raw_labels_std = self._raw_labels.std(0) + return self._raw_labels + + def close(self): # to be overridden by subclass + pass + + def _load_raw_image(self, raw_idx): # to be overridden by subclass + raise NotImplementedError + + def _load_raw_verts_ply(self, raw_idx): # to be overridden by subclass + raise NotImplementedError + + def _load_geo(self, raw_idx): # to be overridden by subclass + raise NotImplementedError + + def _load_raw_labels(self): # to be overridden by subclass + raise NotImplementedError + + def __getstate__(self): + return dict(self.__dict__, _raw_labels=None) + + def __del__(self): + try: + self.close() + except: + pass + + def __len__(self): + return self._raw_idx.size + + def __getitem__(self, idx): + image = self._load_raw_image(self._raw_idx[idx], resolution=self.resolution) + # assert isinstance(image, np.ndarray) + # assert list(image.shape) == self.image_shape + # assert image.dtype == np.uint8 + + label_cam = self.get_label(idx) + mesh_cond = self.get_vert(self._raw_idx[idx]) + if self._xflip[idx]: + assert image.ndim == 3 # CHW + image = image[:, :, ::-1] + if self._use_labels: + label_1 = label_cam[0:25] + label_2 = label_cam[25:] + assert label_1.shape == (25,) + assert label_2.shape == (25,) + + label_1[[1, 2, 3, 4, 8]] *= -1 + label_2[[1, 2, 3, 4, 8]] *= -1 + label_cam = np.concatenate([label_1, label_2], axis=-1) + if self.return_name: + return self._image_fnames[self._raw_idx[idx]], image.copy(), label_cam, mesh_cond + else: + return image.copy(), label_cam, mesh_cond + + def load_random_data(self): + gen_cond_sample_idx = [np.random.randint(self.__len__()) for _ in range(self.random_sample_num)] + all_gen_c = np.stack([self.get_label(i) for i in gen_cond_sample_idx]) + all_gen_v = [self.get_vert(i) for i in gen_cond_sample_idx] + all_gt_img = np.stack([self.get_image(i).astype(np.float32) / 127.5 - 1 for i in gen_cond_sample_idx]) + + return all_gen_c, all_gen_v, all_gt_img + + def get_by_name(self, name): + raw_idx = self._image_fnames.index(name) + image = self._load_raw_image(raw_idx, resolution=self.resolution) + mesh_cond = self.get_vert(raw_idx) + label = self._get_raw_labels()[raw_idx] + cam = self._raw_cams[raw_idx] + label_cam = np.concatenate([label, cam], axis=-1) + return image.copy(), label_cam, mesh_cond + + def get_label(self, idx): + raise NotImplementedError + + def get_vert(self, vert_dir, zip_file_select): + raise NotImplementedError + + def get_details(self, idx): + d = dnnlib.EasyDict() + d.raw_idx = int(self._raw_idx[idx]) + d.xflip = (int(self._xflip[idx]) != 0) + d.raw_label = self._get_raw_labels()[d.raw_idx].copy() + return d + + def get_label_std(self): + return self._raw_labels_std + + @property + def name(self): + return self._name + + @property + def image_shape(self): + return list(self._raw_shape[1:]) + + @property + def num_channels(self): + assert len(self.image_shape) == 3 # CHW + return self.image_shape[0] + + @property + def resolution(self): + assert len(self.image_shape) == 3 # CHW + assert self.image_shape[1] == self.image_shape[2] + return self.image_shape[1] + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels = self._get_raw_labels() + if raw_labels.dtype == np.int64: + self._label_shape = [int(np.max(raw_labels)) + 1] + else: + self._label_shape = raw_labels.shape[1:] + return list(self._label_shape) + + @property + def label_dim(self): + assert len(self.label_shape) == 1 + return self.label_shape[0] + + # @property + # def gen_label_dim(self): + # return 25 # 25 for camera params only + + @property + def has_labels(self): + return any(x != 0 for x in [25]) + + @property + def has_onehot_labels(self): + return self._get_raw_labels().dtype == np.int64 + + +class ImageFolderDataset(Dataset): + def __init__(self, + path, # Path to directory or zip. + data_label_path, + label_file_vfhq, + label_file_ffhq, + mesh_path_ffhq, + motion_path_ffhq, + mesh_path_vfhq, + motion_path_vfhq, + mesh_path_ffhq_label, + mesh_path_vfhq_label, + resolution=512, + static=False, + **super_kwargs, + ): + self._path = path + self._mesh_ffhq = mesh_path_ffhq + self._motion_ffhq = np.load(motion_path_ffhq) + # self._label_ffhq = np.load(label_file_ffhq) + self._mesh_vfhq = mesh_path_vfhq + self._motion_vfhq = np.load(motion_path_vfhq, allow_pickle=True) + # self._label_vfhq = np.load(label_file_vfhq) + + self._data_label_path = data_label_path + self.data_json = json.loads(open(data_label_path).read()) + PIL.Image.init() + self._raw_cams_ffhq = json.loads(open(label_file_ffhq).read())['labels'] + self.mesh_path_ffhq_label = json.loads(open(mesh_path_ffhq_label).read()) + self.mesh_path_vfhq_label = json.loads(open(mesh_path_vfhq_label).read()) + # self._image_fnames = list(dict(json.loads(open(self._raw_cams_ffhq).read())['labels']).keys()) + # self._raw_cams_vfhq = self._load_raw_label(self._mesh_path_vfhq, 'labels') + + self.all_input_ids = list(self.data_json.keys()) + self._type = 'zip' + name = os.path.splitext(os.path.basename(self._path))[0] + + # self.base_file_zip = zipfile.ZipFile(path) + # self.vfhq_verts_zip = zipfile.ZipFile(mesh_path_vfhq) + # self.ffhq_verts_zip = zipfile.ZipFile(mesh_path_ffhq) + + self.base_file_zip = None + self.vfhq_verts_zip = None + self.ffhq_verts_zip = None + # raw_shape = [len(self._image_fnames)] + [3, resolution, resolution] + raw_shape = [len(self.all_input_ids)] + list([3, 512, 512]) + super().__init__(name=name, raw_shape=raw_shape, **super_kwargs) + + def __del__(self): + try: + self.close() + except: + pass + + def __len__(self): + return len(self.all_input_ids) + + # phase_real_z, phase_real_latent, phase_real_c_1_d, phase_real_c_2_d, phase_real_c_3_d, phase_real_v_1_d, phase_real_v_2_d, phase_real_v_s, motion_1, motion_2, motion_ffhq, model_list + + def __getitem__(self, idx): + + for _ in range(20): + try: + return self.getdata(idx) + except Exception as e: + print(f"Error details: {str(e)}") + idx = np.random.randint(len(self)) + raise RuntimeError('Too many bad data.') + + + def getdata(self, idx): + base_dir = self.all_input_ids[idx] + model_name = self.data_json[base_dir] + + + latent_dir = os.path.join('multi_style', base_dir, '0.pt') + latent_dit_dir = os.path.join('multi_style', base_dir, '0_dit.pt') + + if self.base_file_zip is None: + self.base_file_zip = zipfile.ZipFile(self._path) + + with self._open_file(self.base_file_zip, latent_dir) as f: + phase_real_z = torch.load(f).float() + # with base_file_zip.open(latent_dir, 'r') as f: + # buffer = io.BytesIO(f.read()) + + with self._open_file(self.base_file_zip, latent_dit_dir) as f: + phase_real_latent = torch.load(f).float() + # with base_file_zip.open(latent_dit_dir, 'r') as f: + # # buffer = io.BytesIO(f.read()) + # phase_real_latent = torch.load(f).float() + # f.close() + + + # phase_real_z = torch.load(latent_dir).float() + # phase_real_latent = torch.load(latent_dit_dir).float() + + phase_real_c_1_d, phase_real_c_2_d, phase_real_c_3_d = self.get_label(idx) + motion_ffhq, phase_real_v_s = self.get_ffhq_motion() + motion_1, motion_2, phase_real_v_1_d, phase_real_v_2_d = self.get_vfhq_motion() + + + return { + "model_name": model_name, + "phase_real_z": phase_real_z, + "phase_real_latent": phase_real_latent, + "phase_real_c_1_d": phase_real_c_1_d.unsqueeze(0), + "phase_real_c_2_d": phase_real_c_2_d.unsqueeze(0), + "phase_real_c_3_d": phase_real_c_3_d.unsqueeze(0), + "phase_real_v_s": phase_real_v_s.unsqueeze(0), + "motion_ffhq": motion_ffhq.unsqueeze(0), + "motion_1": motion_1.unsqueeze(0), + "motion_2": motion_2.unsqueeze(0), + "phase_real_v_1_d": phase_real_v_1_d.unsqueeze(0), + "phase_real_v_2_d": phase_real_v_2_d.unsqueeze(0) + } + @staticmethod + def _file_ext(fname): + return os.path.splitext(fname)[1].lower() + + def _get_zipfile(self): + assert self._type == 'zip' + if self._zipfile is None: + self._zipfile = zipfile.ZipFile(self._path) + return self._zipfile + + def _open_file(self, zip_file, fname, path=None): + if not path: + path = self._path + if self._type == 'dir': + return open(os.path.join(path, fname), 'rb') + if self._type == 'zip': + return zip_file.open(fname, 'r') + return None + + def close(self): + try: + if self._zipfile is not None: + self._zipfile.close() + finally: + self._zipfile = None + + def __getstate__(self): + return dict(super().__getstate__(), _zipfile=None) + + def _load_raw_label(self, json_path, sub_key=None): + with open(json_path, 'rb') as f: + labels = json.load(f) + if sub_key is not None: labels = labels[sub_key] + labels = dict(labels) + labels = [labels[fname.replace('\\', '/')] for fname in self._image_fnames] + return np.array(labels).astype(np.float32) + + def _load_raw_image_core(self, fname, path=None, resolution=None): + with self._open_file(fname, path) as f: + image = PIL.Image.open(f) + if resolution: + image = image.resize((resolution, resolution)) + image = np.array(image) # .astype(np.float32) + if image.ndim == 2: + image = image[:, :, np.newaxis] # HW => HWC + image = image.transpose(2, 0, 1) # HWC => CHW + return image + + def _load_raw_motion(self, raw_idx, resolution=None): + fname = self._image_fnames[raw_idx] + image = self._load_raw_image_core(fname, resolution=resolution) # [C, H, W] + return image + + def _load_vfhq_raw_labels(self): + labels = self._load_raw_label(os.path.join(self._path, self.label_file), 'labels') + return labels + + def _load_ffhq_raw_labels(self): + labels = self._load_raw_label(os.path.join(self._path, self.label_file), 'labels') + return labels + + def get_vert(self, vert_dir, zip_file_select): + with zip_file_select.open(vert_dir, 'r') as f: + # buffer = io.BytesIO(f.read()) + uvcoords_image = np.load(f)[..., + :3] + # uvcoords_image = np.load(os.path.join(vert_dir))[..., + # :3] # [HW3] 前两维date range(-1, 1),第三维是face_mask,最后一维是render_mask + uvcoords_image[..., -1][uvcoords_image[..., -1] < 0.5] = 0; + uvcoords_image[..., -1][uvcoords_image[..., -1] >= 0.5] = 1 + # out = {'uvcoords_image': torch.tensor(uvcoords_image.copy()).float()} + f.close() + return torch.tensor(uvcoords_image.copy()).float() + + def load_random_data(self): + gen_cond_sample_idx = [np.random.randint(self.__len__()) for _ in range(self.random_sample_num)] + all_gen_c = np.stack([self.get_label(i) for i in gen_cond_sample_idx]) + all_gen_v = [self.get_vert(i) for i in gen_cond_sample_idx] + all_gt_img = np.stack([self.get_image(i).astype(np.float32) / 127.5 - 1 for i in gen_cond_sample_idx]) + + return all_gen_c, all_gen_v, all_gt_img + + def get_label(self, idx): + # all_nums = self._raw_cams_ffhq + gen_cond_sample_idx = [np.random.randint(len(self._raw_cams_ffhq)) for _ in range(3)] + cam = [self._raw_cams_ffhq[i][1] for i in gen_cond_sample_idx] + return torch.tensor(np.array(cam[0]).astype(np.float32)).float(), torch.tensor(np.array(cam[1]).astype(np.float32)).float(), torch.tensor(np.array(cam[2]).astype(np.float32)).float() + + def get_ffhq_motion(self): + assert len(self.mesh_path_ffhq_label) == self._motion_ffhq.shape[0] + gen_cond_sample_idx = np.random.randint(self._motion_ffhq.shape[0]) + motion = self._motion_ffhq[gen_cond_sample_idx] + vert_dir = os.path.join('orthRender256x256_face_eye', self.mesh_path_ffhq_label[gen_cond_sample_idx]) + if self.ffhq_verts_zip is None: + self.ffhq_verts_zip = zipfile.ZipFile(self._mesh_ffhq) + + vert = self.get_vert(vert_dir, self.ffhq_verts_zip) + + return torch.tensor(motion).float(), vert + + def get_vfhq_motion(self): + assert len(self.mesh_path_vfhq_label) == self._motion_vfhq.shape[0] + gen_cond_sample_idx_row = np.random.randint(self._motion_vfhq.shape[0]) + motions = self._motion_vfhq[gen_cond_sample_idx_row] + verts = self.mesh_path_vfhq_label[gen_cond_sample_idx_row] + assert motions.shape[0] == len(verts) + gen_cond_sample_idx_col = np.random.randint(motions.shape[0], size=2) + motions_1 = motions[gen_cond_sample_idx_col[0]] + motions_2 = motions[gen_cond_sample_idx_col[1]] + verts_1_dir = os.path.join('orthRender256x256_face_eye', verts[gen_cond_sample_idx_col[0]]) + verts_2_dir = os.path.join('orthRender256x256_face_eye', verts[gen_cond_sample_idx_col[1]]) + if self.vfhq_verts_zip is None: + self.vfhq_verts_zip = zipfile.ZipFile(self._mesh_vfhq) + + verts_1 = self.get_vert(verts_1_dir, self.vfhq_verts_zip) + verts_2 = self.get_vert(verts_2_dir, self.vfhq_verts_zip) + return torch.tensor(motions_1).float(), torch.tensor(motions_2).float(), verts_1, verts_2 diff --git a/recon/training/dataloader/dataset.py b/recon/training/dataloader/dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..d622bad8894e688ac22d59e1d25c6133283cb80d --- /dev/null +++ b/recon/training/dataloader/dataset.py @@ -0,0 +1,338 @@ +# Dataloader for training GenHead, modified from EG3D: https://github.com/NVlabs/eg3d + +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Streaming images and labels from datasets created with dataset_tool.py.""" + +import os +import sys +import numpy as np +import zipfile +import PIL.Image +import json +import torch +import dnnlib +from training.dataloader.protocols import datum_genhead_pb2 as datum_pb2 +import lmdb +import cv2 +# try: +# import pyspng +# except ImportError: +pyspng = None + +#---------------------------------------------------------------------------- + +class Dataset(torch.utils.data.Dataset): + def __init__(self, + name, # Name of the dataset. + raw_shape, # Shape of the raw image data (NCHW). + max_size = None, # Artificially limit the size of the dataset. None = no limit. Applied before xflip. + use_labels = False, # Enable conditioning labels? False = label dimension is zero. + xflip = False, # Artificially double the size of the dataset via x-flips. Applied after max_size. + random_seed = 0, # Random seed to use when applying max_size. + ): + self._name = name + self._raw_shape = list(raw_shape) + self._use_labels = use_labels + self._raw_labels = None + self._label_shape = None + + # Apply max_size. + self._raw_idx = np.arange(self._raw_shape[0], dtype=np.int64) + if (max_size is not None) and (self._raw_idx.size > max_size): + np.random.RandomState(random_seed).shuffle(self._raw_idx) + self._raw_idx = np.sort(self._raw_idx[:max_size]) + + # Apply xflip. + self._xflip = np.zeros(self._raw_idx.size, dtype=np.uint8) + if xflip: + self._raw_idx = np.tile(self._raw_idx, 2) + self._xflip = np.concatenate([self._xflip, np.ones_like(self._xflip)]) + + def _get_raw_labels(self): + if self._raw_labels is None: + self._raw_labels = self._load_raw_labels() if self._use_labels else None + if self._raw_labels is None: + self._raw_labels = np.zeros([self._raw_shape[0], 0], dtype=np.float32) + assert isinstance(self._raw_labels, np.ndarray) + assert self._raw_labels.shape[0] == self._raw_shape[0] + assert self._raw_labels.dtype in [np.float32, np.int64] + if self._raw_labels.dtype == np.int64: + assert self._raw_labels.ndim == 1 + assert np.all(self._raw_labels >= 0) + self._raw_labels_std = self._raw_labels.std(0) + return self._raw_labels + + def close(self): # to be overridden by subclass + pass + + def _load_raw_image(self, raw_idx): # to be overridden by subclass + raise NotImplementedError + + def _load_raw_labels(self): # to be overridden by subclass + raise NotImplementedError + + def __getstate__(self): + return dict(self.__dict__, _raw_labels=None) + + def __del__(self): + try: + self.close() + except: + pass + + def __len__(self): + return self._raw_idx.size + + def __getitem__(self, idx): + image = self._load_raw_image(self._raw_idx[idx]) + assert isinstance(image, np.ndarray) + assert list(image.shape) == self.image_shape + assert image.dtype == np.uint8 + if self._xflip[idx]: + assert image.ndim == 3 # CHW + image = image[:, :, ::-1] + return image.copy(), self.get_label(idx) + + def get_label(self, idx): + label = self._get_raw_labels()[self._raw_idx[idx]] + if label.dtype == np.int64: + onehot = np.zeros(self.label_shape, dtype=np.float32) + onehot[label] = 1 + label = onehot + return label.copy() + + def get_details(self, idx): + d = dnnlib.EasyDict() + d.raw_idx = int(self._raw_idx[idx]) + d.xflip = (int(self._xflip[idx]) != 0) + d.raw_label = self._get_raw_labels()[d.raw_idx].copy() + return d + + def get_label_std(self): + return self._raw_labels_std + + @property + def name(self): + return self._name + + @property + def image_shape(self): + return list(self._raw_shape[1:]) + + @property + def num_channels(self): + assert len(self.image_shape) == 3 # CHW + return self.image_shape[0] + + @property + def resolution(self): + assert len(self.image_shape) == 3 # CHW + assert self.image_shape[1] == self.image_shape[2] + return self.image_shape[1] + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels = self._get_raw_labels() + if raw_labels.dtype == np.int64: + self._label_shape = [int(np.max(raw_labels)) + 1] + else: + self._label_shape = raw_labels.shape[1:] + return list(self._label_shape) + + @property + def label_dim(self): + assert len(self.label_shape) == 1 + return self.label_shape[0] + + @property + def has_labels(self): + return any(x != 0 for x in self.label_shape) + + @property + def has_onehot_labels(self): + return self._get_raw_labels().dtype == np.int64 + + +class PortraitSynthesisSegLmdbFolderDatasetV2(Dataset): + def __init__(self, + path, # Path to datalist. + resolution = None, # Ensure specific resolution, None = highest available. + data_type = "vox2",# Set dataset type, deprecated + rescale_camera = False, # Rescale camera extrinsics and intrinscs to align with an older version of camera labels + **super_kwargs, # Additional arguments for the Dataset base class. + ): + self._path = path + print(self._path) + self._resolution = resolution + self._zipfile = None + self._data_type = data_type + self.rescale_camera = rescale_camera + + # initialize lmdb + if os.path.isdir(self._path): + self.db = None + self.txn = None + self.num = None + self.datum = None + else: + raise IOError('Path must point to a directory or zip') + # print('./data/FFHQ_512_50/'.split("/")[-2]) + # print(self._path) + # print((self._path.split("/")[-2].split("_")[-2])) + img_size = int(self._path.split("/")[-2].split("_")[-2]) + num = int(self._path.split("/")[-2].split("_")[-1]) + img_shape = [3, img_size, img_size] + raw_shape = [num] + img_shape + if resolution is None: + self._resolution = raw_shape[2] + name = os.path.splitext(os.path.basename(self._path))[0] + super().__init__(name=name, raw_shape=raw_shape, **super_kwargs) + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2.Datum_genhead() + + def get_details(self, idx): + d = dnnlib.EasyDict() + d.raw_idx = int(self._raw_idx[idx]) + d.xflip = (int(self._xflip[idx]) != 0) + d.raw_label = self._load_raw_labels(d.raw_idx).copy() + return d + + def get_label_std(self): + return 0 + + @property + def resolution(self): + return self._resolution + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels = self._load_raw_labels(0) + self._label_shape = raw_labels.shape + return list(self._label_shape) + + @property + def label_dim(self): + assert len(self.label_shape) == 1 + return self.label_shape[0] + + @property + def has_labels(self): + return any(x != 0 for x in self.label_shape) + + @property + def has_onehot_labels(self): + return self._load_raw_labels(0).dtype == np.int64 + + def __getstate__(self): + return dict(super().__getstate__(), _zipfile=None) + + def _load_raw_image(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + image = np.fromstring(self.datum.image, dtype=np.uint8) + image = cv2.imdecode(image, cv2.IMREAD_COLOR) + image = image[:, :, [2, 1, 0]] # bgr -> rgb + if image.ndim == 2: + image = image[:, :, np.newaxis] # HW => HWC + image = image.transpose(2, 0, 1) # HWC => CHW + return image + + def _load_raw_seg(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.seg, dtype=np.uint8) + seg = cv2.imdecode(seg, cv2.IMREAD_COLOR) + if seg.ndim == 2: + seg = seg[:, :, np.newaxis] # HW => HWC + seg = seg.transpose(2, 0, 1) # HWC => CHW + if seg.shape[0] == 1: + seg = np.tile(seg, (3, 1, 1)) + return seg + + def _load_raw_labels(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + labels = np.fromstring(self.datum.labels, dtype=np.float32) + intrinsics = labels[16:25].reshape(3,3) + + if self.rescale_camera: + # normalize intrinsics + if self._resolution != intrinsics[0,2]*2: + intrinsics[:2,:] *= (0.5*self._resolution/intrinsics[0,2]) + + intrinsics[0, 0] /= self._resolution + intrinsics[1, 1] /= self._resolution + intrinsics[0, 2] /= self._resolution + intrinsics[1, 2] /= self._resolution + + # rescale extrinsics + extrinsics = labels[:16].reshape(4,4) # Our face scale is around 0.1~0.2. Multiply by 3 to match the scale of EG3D + extrinsics[:3,3] *= 3 + + return labels + + def get_label(self, idx): + label = self._load_raw_labels(self._raw_idx[idx])[:25] + return label.copy() + + def get_shape_param(self, idx): + label = self._load_raw_labels(self._raw_idx[idx])[25:325] + return label.copy() + + def get_exp_param(self, idx): + label = self._load_raw_labels(self._raw_idx[idx])[325:425] + return label.copy() + + def get_exp_param_w_jaw_pose(self, idx): + label = self._load_raw_labels(self._raw_idx[idx]) + label = np.concatenate([label[325:425],label[428:431]],axis=0) + return label.copy() + + def get_pose_param(self, idx): + label = self._load_raw_labels(self._raw_idx[idx])[425:431] + return label.copy() + + def get_eye_pose_param(self, idx): + label = self._load_raw_labels(self._raw_idx[idx])[431:437] + return label.copy() + + def get_label_all(self,idx): + c = self.get_label(idx) + shape_param = self.get_shape_param(idx) + exp_param = self.get_exp_param(idx) + pose_param = self.get_pose_param(idx) + eye_pose_param = self.get_eye_pose_param(idx) + return c, shape_param, exp_param, pose_param, eye_pose_param + + def __getitem__(self, idx): + image = self._load_raw_image(self._raw_idx[idx]) + seg = self._load_raw_seg(self._raw_idx[idx]) + + assert isinstance(image, np.ndarray) + assert isinstance(seg, np.ndarray) + assert list(image.shape) == self.image_shape + assert seg.shape[1] == self.image_shape[1] and seg.shape[2] == self.image_shape[2] + assert image.dtype == np.uint8 + + return image.copy(), seg.copy(), self.get_label(idx), self.get_shape_param(idx), self.get_exp_param(idx), self.get_pose_param(idx), self.get_eye_pose_param(idx) \ No newline at end of file diff --git a/recon/training/dataloader/dataset_recon.py b/recon/training/dataloader/dataset_recon.py new file mode 100644 index 0000000000000000000000000000000000000000..759083f87c9bc08147c4b9cca1f32f3409e688ac --- /dev/null +++ b/recon/training/dataloader/dataset_recon.py @@ -0,0 +1,1112 @@ +# Dataloader for training Portrait4D, modified from EG3D: https://github.com/NVlabs/eg3d + +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Streaming images and labels from datasets created with dataset_tool.py.""" + +import os +import sys +import numpy as np +import zipfile +import PIL.Image +import json +import torch +import dnnlib +from training.dataloader.protocols import datum_portrait_genhead_pb2 as datum_pb2_genhead +from training.dataloader.protocols import datum_portrait_genhead_static_pb2 as datum_pb2_genhead_static +from training.dataloader.protocols import datum_portrait_genhead_new_pb2 as datum_pb2_genhead_new +from training.dataloader.protocols import datum_portrait_genhead_static_new_pb2 as datum_pb2_genhead_static_new +from training.dataloader.protocols import datum_portrait_vfhq_pb2 as datum_pb2_vfhq +from training.dataloader.protocols import datum_portrait_ffhq_pb2 as datum_pb2_ffhq +import lmdb +import cv2 +from scipy.spatial.transform import Rotation as R +# try: +# import pyspng +# except ImportError: +pyspng = None + +#---------------------------------------------------------------------------- + +class Dataset(torch.utils.data.Dataset): + def __init__(self, + name, # Name of the dataset. + raw_shape, # Shape of the raw image data (NCHW). + max_size = None, # Artificially limit the size of the dataset. None = no limit. Applied before xflip. + use_labels = False, # Enable conditioning labels? False = label dimension is zero. + xflip = False, # Artificially double the size of the dataset via x-flips. Applied after max_size. + random_seed = 0, # Random seed to use when applying max_size. + ): + self._name = name + self._raw_shape = list(raw_shape) + self._use_labels = use_labels + self._raw_labels = None + self._label_shape = None + + # Apply max_size. + self._raw_idx = np.arange(self._raw_shape[0], dtype=np.int64) + if (max_size is not None) and (self._raw_idx.size > max_size): + np.random.RandomState(random_seed).shuffle(self._raw_idx) + self._raw_idx = np.sort(self._raw_idx[:max_size]) + + # Apply xflip. + self._xflip = np.zeros(self._raw_idx.size, dtype=np.uint8) + if xflip: + self._raw_idx = np.tile(self._raw_idx, 2) + self._xflip = np.concatenate([self._xflip, np.ones_like(self._xflip)]) + + def _get_raw_labels(self): + if self._raw_labels is None: + self._raw_labels = self._load_raw_labels() if self._use_labels else None + if self._raw_labels is None: + self._raw_labels = np.zeros([self._raw_shape[0], 0], dtype=np.float32) + assert isinstance(self._raw_labels, np.ndarray) + assert self._raw_labels.shape[0] == self._raw_shape[0] + assert self._raw_labels.dtype in [np.float32, np.int64] + if self._raw_labels.dtype == np.int64: + assert self._raw_labels.ndim == 1 + assert np.all(self._raw_labels >= 0) + self._raw_labels_std = self._raw_labels.std(0) + return self._raw_labels + + def close(self): # to be overridden by subclass + pass + + def _load_raw_image(self, raw_idx): # to be overridden by subclass + raise NotImplementedError + + def _load_raw_labels(self): # to be overridden by subclass + raise NotImplementedError + + def __getstate__(self): + return dict(self.__dict__, _raw_labels=None) + + def __del__(self): + try: + self.close() + except: + pass + + def __len__(self): + return self._raw_idx.size + + def __getitem__(self, idx): + image = self._load_raw_image(self._raw_idx[idx]) + assert isinstance(image, np.ndarray) + assert list(image.shape) == self.image_shape + assert image.dtype == np.uint8 + if self._xflip[idx]: + assert image.ndim == 3 # CHW + image = image[:, :, ::-1] + return image.copy(), self.get_label(idx) + + def get_label(self, idx): + label = self._get_raw_labels()[self._raw_idx[idx]] + if label.dtype == np.int64: + onehot = np.zeros(self.label_shape, dtype=np.float32) + onehot[label] = 1 + label = onehot + return label.copy() + + def get_details(self, idx): + d = dnnlib.EasyDict() + d.raw_idx = int(self._raw_idx[idx]) + d.xflip = (int(self._xflip[idx]) != 0) + d.raw_label = self._get_raw_labels()[d.raw_idx].copy() + return d + + def get_label_std(self): + return self._raw_labels_std + + @property + def name(self): + return self._name + + @property + def image_shape(self): + return list(self._raw_shape[1:]) + + @property + def num_channels(self): + assert len(self.image_shape) == 3 # CHW + return self.image_shape[0] + + @property + def resolution(self): + assert len(self.image_shape) == 3 # CHW + assert self.image_shape[1] == self.image_shape[2] + return self.image_shape[1] + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels = self._get_raw_labels() + if raw_labels.dtype == np.int64: + self._label_shape = [int(np.max(raw_labels)) + 1] + else: + self._label_shape = raw_labels.shape[1:] + return list(self._label_shape) + + @property + def label_dim(self): + assert len(self.label_shape) == 1 + return self.label_shape[0] + + @property + def has_labels(self): + return any(x != 0 for x in self.label_shape) + + @property + def has_onehot_labels(self): + return self._get_raw_labels().dtype == np.int64 + +#---------------------------------------------------------------------------- +# Dataloader for real video set +class OneShotReconSegLmdbFolderDataset(Dataset): + def __init__(self, + path, # Path to datalist. + resolution = None, # Ensure specific resolution, None = highest available. + data_type = "vfhq",# Deprecated + static = False, # if True, only select multiview static frames instead of frames with different motions + use_flame_mot = False, # whether or not to use FLAME parameters as motion embedding + max_num = None, + rescale_camera = False, # Rescale camera extrinsics and intrinscs to align with an older version of camera labels + **super_kwargs, # Additional arguments for the Dataset base class. + ): + self._path = path + print(self._path) + self._resolution = resolution + self._zipfile = None + self._data_type = data_type + self.static = static + self.use_flame_mot = use_flame_mot + self.rescale_camera = rescale_camera + + # initialize lmdb + if os.path.isdir(self._path): + self.db = None + self.txn = None + self.num = None + self.datum = None + else: + raise IOError('Path must point to a directory or zip') + + img_size = int(self._path.split("/")[-2].split("_")[-2]) + num = int(self._path.split("/")[-2].split("_")[-1]) + img_shape = [3, img_size, img_size] + raw_shape = [num] + img_shape + if max_num is not None: + raw_shape = [max_num] + img_shape + if resolution is None: + self._resolution = raw_shape[2] + name = os.path.splitext(os.path.basename(self._path))[0] + super().__init__(name=name, raw_shape=raw_shape, **super_kwargs) + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_vfhq.Datum_vfhq() + + def get_details(self, idx): + return None + + def get_label_std(self): + return 0 + + @property + def resolution(self): + return self._resolution + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels, _ = self._load_raw_labels(0,[0,0]) + self._label_shape = raw_labels.shape + return list(self._label_shape) + + @property + def label_dim(self): + assert len(self.label_shape) == 1 + return self.label_shape[0] + + @property + def has_labels(self): + return any(x != 0 for x in self.label_shape) + + @property + def has_onehot_labels(self): + return None + + def __getstate__(self): + return dict(super().__getstate__(), _zipfile=None) + + def _load_raw_image(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + images = np.fromstring(self.datum.images, dtype=np.uint8).reshape(self.datum.num,-1) + frame_idx = np.random.randint(self.datum.num,size=2) + + source_image = images[frame_idx[0]] + driving_image = images[frame_idx[1]] + source_image = source_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + driving_image = driving_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + + if source_image.ndim == 2: + source_image = source_image[:, :, np.newaxis] # HW => HWC + if driving_image.ndim == 2: + driving_image = driving_image[:, :, np.newaxis] # HW => HWC + + source_image = source_image.transpose(2, 0, 1) # HWC => CHW + driving_image = driving_image.transpose(2, 0, 1) # HWC => CHW + + return source_image, driving_image, frame_idx + + def _load_raw_seg(self, raw_idx, frame_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs, dtype=np.uint8).reshape(self.datum.num,-1) + + source_seg = seg[frame_idx[0]] + driving_seg = seg[frame_idx[1]] + source_seg = source_seg.reshape(self.datum.height,self.datum.width,-1) + driving_seg = driving_seg.reshape(self.datum.height,self.datum.width,-1) + + if source_seg.ndim == 2: + source_seg = source_seg[:, :, np.newaxis] # HW => HWC + if driving_seg.ndim == 2: + driving_seg = driving_seg[:, :, np.newaxis] # HW => HWC + source_seg = source_seg.transpose(2, 0, 1) # HWC => CHW + driving_seg = driving_seg.transpose(2, 0, 1) # HWC => CHW + + if source_seg.shape[0] == 1: + source_seg = np.tile(source_seg, (3, 1, 1)) + + if driving_seg.shape[0] == 1: + driving_seg = np.tile(driving_seg, (3, 1, 1)) + return source_seg, driving_seg + + def _load_raw_labels(self, raw_idx, frame_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + labels = np.fromstring(self.datum.labels, dtype=np.float32).reshape(self.datum.num,-1) + + # Use average yaw and roll angles across all frames in a video clip as the camera pose to rectify extracted head pose + head_poses = labels[:,425:428] + compose_rot = R.from_rotvec(head_poses) + compose_euler = compose_rot.as_euler('xyz') + compose_euler_mean = np.mean(compose_euler,axis=0,keepdims=True) + cam_euler = np.stack([np.zeros_like(compose_euler_mean[...,0]), compose_euler_mean[...,1], compose_euler_mean[...,2]], axis=-1) + cam_rot = R.from_euler('xyz', cam_euler).as_matrix() + cam_rot_inverse = np.transpose(cam_rot,[0,2,1]) + head_rot_rectified = np.matmul(cam_rot_inverse,compose_rot.as_matrix()) + head_poses = R.from_matrix(head_rot_rectified).as_rotvec() + labels[:,425:428] = head_poses + + source_labels = labels[frame_idx[0]] + driving_labels = labels[frame_idx[1]] + + if self.rescale_camera: + if frame_idx[0] == frame_idx[1]: + intrinsics = source_labels[16:25].reshape(3,3) + + # normalize intrinsics + if self._resolution != intrinsics[0,2]*2: + intrinsics[:2,:] *= (0.5*self._resolution/intrinsics[0,2]) + + intrinsics[0, 0] /= self._resolution + intrinsics[1, 1] /= self._resolution + intrinsics[0, 2] /= self._resolution + intrinsics[1, 2] /= self._resolution + + # rescale extrinsics + extrinsics = source_labels[:16].reshape(4,4) # Our face scale is around 0.1~0.2. Multiply by 3 to match the scale of EG3D + extrinsics[:3,3] *= 3 + else: + for labels in [source_labels, driving_labels]: + intrinsics = labels[16:25].reshape(3,3) + if self._resolution != intrinsics[0,2]*2: + intrinsics[:2,:] *= (0.5*self._resolution/intrinsics[0,2]) + + intrinsics[0, 0] /= self._resolution + intrinsics[1, 1] /= self._resolution + intrinsics[0, 2] /= self._resolution + intrinsics[1, 2] /= self._resolution + + extrinsics = labels[:16].reshape(4,4) + extrinsics[:3,3] *= 3 + + return source_labels, driving_labels + + def _load_raw_motions(self, raw_idx, frame_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + motions = np.fromstring(self.datum.mots, dtype=np.float32).reshape(self.datum.num,-1) + motions = motions[:,:548] + source_motions = motions[frame_idx[0]] + driving_motions = motions[frame_idx[1]] + + return source_motions, driving_motions + + def get_label(self, raw_labels): + label = raw_labels[:25] + return label.copy() + + def get_shape_param(self, raw_labels): + label = raw_labels[25:325] + return label.copy() + + def get_exp_param(self, raw_labels): + label = raw_labels[325:425] + return label.copy() + + def get_exp_param_w_jaw_pose(self, raw_labels): + label = np.concatenate([raw_labels[325:425],raw_labels[428:431]],axis=0) + return label.copy() + + def get_pose_param(self, raw_labels): + label = raw_labels[425:431] + return label.copy() + + def get_eye_pose_param(self, raw_labels): + label = raw_labels[431:437] + return label.copy() + + def get_label_all(self,raw_labels): + c = self.get_label(raw_labels) + shape_param = self.get_shape_param(raw_labels) + exp_param = self.get_exp_param(raw_labels) + pose_param = self.get_pose_param(raw_labels) + eye_pose_param = self.get_eye_pose_param(raw_labels) + return c, shape_param, exp_param, pose_param, eye_pose_param + + def __getitem__(self, idx): + source_image, driving_image, frame_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg = self._load_raw_seg(self._raw_idx[idx], frame_idx) + source_labels, driving_labels = self._load_raw_labels(self._raw_idx[idx], frame_idx) + source_motions, driving_motions = self._load_raw_motions(self._raw_idx[idx], frame_idx) + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + # use flame parameters as motion embedding if use_flame_mot is true + if self.use_flame_mot: + source_motions = np.concatenate([self.get_exp_param_w_jaw_pose(source_labels),self.get_eye_pose_param(source_labels)],axis=0) + driving_motions = np.concatenate([self.get_exp_param_w_jaw_pose(driving_labels),self.get_eye_pose_param(driving_labels)],axis=0) + + return source_image.copy(), driving_image.copy(), driving_image.copy(), driving_seg.copy(), np.zeros([]), np.zeros([]), np.zeros([]), np.zeros([]), np.zeros([]), self.get_label(driving_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), source_motions.copy(), driving_motions.copy() + +#---------------------------------------------------------------------------- +# Dataloader for real image set +class OneShotReconSegLmdbFolderDataset_Static(OneShotReconSegLmdbFolderDataset): + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels = self._load_raw_labels(0) + self._label_shape = raw_labels.shape + return list(self._label_shape) + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_ffhq.Datum_ffhq() + + def _load_raw_image(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + image = np.fromstring(self.datum.images, dtype=np.uint8) + image = cv2.imdecode(image, cv2.IMREAD_COLOR) + image = image[:, :, [2, 1, 0]] # bgr -> rgb + + image = image.reshape(self.datum.height,self.datum.width,self.datum.channels) + if image.ndim == 2: + image = image[:, :, np.newaxis] # HW => HWC + image = image.transpose(2, 0, 1) # HWC => CHW + return image + + def _load_raw_seg(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs, dtype=np.uint8) + seg = cv2.imdecode(seg, cv2.IMREAD_COLOR) + + if seg.ndim == 2: + seg = seg[:, :, np.newaxis] # HW => HWC + seg = seg.transpose(2, 0, 1) # HWC => CHW + + if seg.shape[0] == 1: + seg = np.tile(seg, (3, 1, 1)) + + return seg + + def _load_raw_labels(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + labels = np.fromstring(self.datum.labels, dtype=np.float32).reshape(-1) + labels[425:428] = 0 # set head pose to zero and use camera pose instead + + if self.rescale_camera: + intrinsics = labels[16:25].reshape(3,3) + + # normalize intrinsics + if self._resolution != intrinsics[0,2]*2: + intrinsics[:2,:] *= (0.5*self._resolution/intrinsics[0,2]) + + intrinsics[0, 0] /= self._resolution + intrinsics[1, 1] /= self._resolution + intrinsics[0, 2] /= self._resolution + intrinsics[1, 2] /= self._resolution + + # rescale extrinsics + extrinsics = labels[:16].reshape(4,4) # Our face scale is around 0.1~0.2. Multiply by 3 to match the scale of EG3D + extrinsics[:3,3] *= 3 + + return labels + + def _load_raw_motions(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + motions = np.fromstring(self.datum.mots, dtype=np.float32).reshape(-1) + motions = motions[:548] + + return motions + + def __getitem__(self, idx): + image = self._load_raw_image(self._raw_idx[idx]) + seg = self._load_raw_seg(self._raw_idx[idx]) + labels = self._load_raw_labels(self._raw_idx[idx]) + motions = self._load_raw_motions(self._raw_idx[idx]) + assert isinstance(image, np.ndarray) + assert isinstance(seg, np.ndarray) + assert list(image.shape) == self.image_shape + assert seg.shape[1] == self.image_shape[1] and seg.shape[2] == self.image_shape[2] + assert image.dtype == np.uint8 + + return image.copy(), image.copy(), image.copy(), seg.copy(), np.zeros([]), np.zeros([]), np.zeros([]), np.zeros([]), np.zeros([]), self.get_label(labels), self.get_shape_param(labels), self.get_exp_param(labels), self.get_pose_param(labels), self.get_eye_pose_param(labels), motions.copy(), motions.copy() + +#----------------------------------------------------------------------------- +# Dataloader for GenHead generated 4D data (base version) +class GenHeadReconSegLmdbFolderDataset(OneShotReconSegLmdbFolderDataset): + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels, _, _ = self._load_raw_labels(0,[0,0],[0,0,0]) + self._label_shape = raw_labels.shape + return list(self._label_shape) + + def _load_raw_image(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + images = np.fromstring(self.datum.images, dtype=np.uint8).reshape(self.datum.num//5,5,-1) + frame_idx = np.random.randint(self.datum.num//5,size=2) + + # use same motion for source and driving if static is true + if self.static: + frame_idx[1] = frame_idx[0] + + view_idx = np.random.randint(5,size=3) + source_image = images[frame_idx[0],view_idx[0]] + driving_image = images[frame_idx[1],view_idx[1]] + recon_image = images[frame_idx[1],view_idx[2]] + + source_image = source_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + driving_image = driving_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + recon_image = recon_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + if source_image.ndim == 2: + source_image = source_image[:, :, np.newaxis] # HW => HWC + if driving_image.ndim == 2: + driving_image = driving_image[:, :, np.newaxis] # HW => HWC + if recon_image.ndim == 2: + recon_image = recon_image[:, :, np.newaxis] # HW => HWC + + source_image = source_image.transpose(2, 0, 1) # HWC => CHW + driving_image = driving_image.transpose(2, 0, 1) # HWC => CHW + recon_image = recon_image.transpose(2, 0, 1) # HWC => CHW + + return source_image, driving_image, recon_image, frame_idx, view_idx + + def _load_raw_seg(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs, dtype=np.uint8).reshape(self.datum.num//5,5,-1) + + source_seg = seg[frame_idx[0],view_idx[0]] + driving_seg = seg[frame_idx[1],view_idx[1]] + recon_seg = seg[frame_idx[1],view_idx[2]] + source_seg = source_seg.reshape(self.datum.height,self.datum.width,-1) + driving_seg = driving_seg.reshape(self.datum.height,self.datum.width,-1) + recon_seg = recon_seg.reshape(self.datum.height,self.datum.width,-1) + if source_seg.ndim == 2: + source_seg = source_seg[:, :, np.newaxis] # HW => HWC + if driving_seg.ndim == 2: + driving_seg = driving_seg[:, :, np.newaxis] # HW => HWC + if recon_seg.ndim == 2: + recon_seg = recon_seg[:, :, np.newaxis] # HW => HWC + source_seg = source_seg.transpose(2, 0, 1) # HWC => CHW + driving_seg = driving_seg.transpose(2, 0, 1) # HWC => CHW + recon_seg = recon_seg.transpose(2, 0, 1) # HWC => CHW + + if source_seg.shape[0] == 1: + source_seg = np.tile(source_seg, (3, 1, 1)) + + if driving_seg.shape[0] == 1: + driving_seg = np.tile(driving_seg, (3, 1, 1)) + + if recon_seg.shape[0] == 1: + recon_seg = np.tile(recon_seg, (3, 1, 1)) + + return source_seg, driving_seg, recon_seg + + def _load_raw_labels(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + labels = np.fromstring(self.datum.labels, dtype=np.float32).reshape(self.datum.num//5,5,-1) + + source_labels = labels[frame_idx[0], view_idx[0]] + driving_labels = labels[frame_idx[1], view_idx[1]] + recon_labels = labels[frame_idx[1], view_idx[2]] + + return source_labels, driving_labels, recon_labels + + def _load_raw_motions(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + motions = np.fromstring(self.datum.mots, dtype=np.float32).reshape(self.datum.num//5,5,-1) + motions = motions[...,:548] + source_motions = motions[frame_idx[0], view_idx[0]] + driving_motions = motions[frame_idx[1], view_idx[1]] + recon_motios = motions[frame_idx[1], view_idx[2]] + + return source_motions, driving_motions, recon_motios + + def __getitem__(self, idx): + source_image, driving_image, recon_image, frame_idx, view_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg, recon_seg = self._load_raw_seg(self._raw_idx[idx], frame_idx, view_idx) + source_labels, driving_labels, recon_labels = self._load_raw_labels(self._raw_idx[idx], frame_idx, view_idx) + source_motions, driving_motions, recon_motions = self._load_raw_motions(self._raw_idx[idx], frame_idx, view_idx) + + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(recon_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert isinstance(recon_seg, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + return source_image.copy(), driving_image.copy(), recon_image.copy(), recon_seg.copy(), self.get_label(recon_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), driving_motions.copy() + +#----------------------------------------------------------------------------- +# Dataloader for GenHead generated 4D data (include depth, feature maps, and triplane features) +class GenHeadReconSegLmdbFolderDatasetV2(GenHeadReconSegLmdbFolderDataset): + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_genhead.Datum() + + def _load_raw_depth(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + depth = np.fromstring(self.datum.depths, dtype=np.float16).reshape(self.datum.num//5,5,-1) + + source_depth = depth[frame_idx[0],view_idx[0]] + driving_depth = depth[frame_idx[1],view_idx[1]] + recon_depth = depth[frame_idx[1],view_idx[2]] + source_depth = source_depth.reshape(64,64,-1) + driving_depth = driving_depth.reshape(64,64,-1) + recon_depth = recon_depth.reshape(64,64,-1) + + source_depth = source_depth.transpose(2, 0, 1) # HWC => CHW + driving_depth = driving_depth.transpose(2, 0, 1) # HWC => CHW + recon_depth = recon_depth.transpose(2, 0, 1) # HWC => CHW + + + return source_depth, driving_depth, recon_depth + + def _load_raw_feature(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + feature = np.fromstring(self.datum.features, dtype=np.float16).reshape(self.datum.num//5,5,-1) + + source_feature = feature[frame_idx[0],view_idx[0]] + driving_feature = feature[frame_idx[1],view_idx[1]] + recon_feature = feature[frame_idx[1],view_idx[2]] + + source_feature = source_feature.reshape(64,64,-1) + driving_feature = driving_feature.reshape(64,64,-1) + recon_feature = recon_feature.reshape(64,64,-1) + + source_feature = source_feature.transpose(2, 0, 1) # HWC => CHW + driving_feature = driving_feature.transpose(2, 0, 1) # HWC => CHW + recon_feature = recon_feature.transpose(2, 0, 1) # HWC => CHW + + + return source_feature, driving_feature, recon_feature + + def _load_raw_triplane(self, raw_idx, frame_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + triplane = np.fromstring(self.datum.triplanes, dtype=np.float16).reshape(self.datum.num//5,-1) + + source_triplane = triplane[frame_idx[0]] + driving_triplane = triplane[frame_idx[1]] + recon_triplane = triplane[frame_idx[1]] + + source_triplane = source_triplane.reshape(-1,35) # [N,3+32] + driving_triplane = driving_triplane.reshape(-1,35) + recon_triplane = recon_triplane.reshape(-1,35) + + return source_triplane, driving_triplane, recon_triplane + + def __getitem__(self, idx): + source_image, driving_image, recon_image, frame_idx, view_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg, recon_seg = self._load_raw_seg(self._raw_idx[idx], frame_idx, view_idx) + source_depth, driving_depth, recon_depth = self._load_raw_depth(self._raw_idx[idx], frame_idx, view_idx) + source_feature, driving_feature, recon_feature = self._load_raw_feature(self._raw_idx[idx], frame_idx, view_idx) + source_labels, driving_labels, recon_labels = self._load_raw_labels(self._raw_idx[idx], frame_idx, view_idx) + source_motions, driving_motions, recon_motions = self._load_raw_motions(self._raw_idx[idx], frame_idx, view_idx) + source_triplane, driving_triplane, recon_triplane = self._load_raw_triplane(self._raw_idx[idx], frame_idx) + + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(recon_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert isinstance(recon_seg, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + return source_image.copy(), driving_image.copy(), recon_image.copy(), recon_seg.copy(), recon_depth.copy(), recon_feature.copy(), recon_triplane.copy(), self.get_label(recon_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), source_motions.copy(), driving_motions.copy() + +#---------------------------------------------------------------------------- +# Dataloader for GenHead generated static multiview data (include depth, feature maps, and triplane features) +class GenHeadReconSegLmdbFolderDatasetV2_Static(OneShotReconSegLmdbFolderDataset): + + @property + def label_shape(self): + if self._label_shape is None: + raw_labels, _, _ = self._load_raw_labels(0,[0,0,0]) + self._label_shape = raw_labels.shape + return list(self._label_shape) + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_genhead_static.Datum_static() + + def _load_raw_image(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + images = np.fromstring(self.datum.images, dtype=np.uint8).reshape(self.datum.num,-1) + + view_idx = np.random.randint(self.datum.num,size=3) + + source_image = images[view_idx[0]] + driving_image = images[view_idx[1]] + recon_image = images[view_idx[2]] + + source_image = source_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + driving_image = driving_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + recon_image = recon_image.reshape(self.datum.height,self.datum.width,self.datum.channels) + if source_image.ndim == 2: + source_image = source_image[:, :, np.newaxis] # HW => HWC + if driving_image.ndim == 2: + driving_image = driving_image[:, :, np.newaxis] # HW => HWC + if recon_image.ndim == 2: + recon_image = recon_image[:, :, np.newaxis] # HW => HWC + + source_image = source_image.transpose(2, 0, 1) # HWC => CHW + driving_image = driving_image.transpose(2, 0, 1) # HWC => CHW + recon_image = recon_image.transpose(2, 0, 1) # HWC => CHW + return source_image, driving_image, recon_image, view_idx + + def _load_raw_seg(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs, dtype=np.uint8).reshape(self.datum.num,-1) + + source_seg = seg[view_idx[0]] + driving_seg = seg[view_idx[1]] + recon_seg = seg[view_idx[2]] + + source_seg = source_seg.reshape(self.datum.height,self.datum.width,-1) + driving_seg = driving_seg.reshape(self.datum.height,self.datum.width,-1) + recon_seg = recon_seg.reshape(self.datum.height,self.datum.width,-1) + if source_seg.ndim == 2: + source_seg = source_seg[:, :, np.newaxis] # HW => HWC + if driving_seg.ndim == 2: + driving_seg = driving_seg[:, :, np.newaxis] # HW => HWC + if recon_seg.ndim == 2: + recon_seg = recon_seg[:, :, np.newaxis] # HW => HWC + source_seg = source_seg.transpose(2, 0, 1) # HWC => CHW + driving_seg = driving_seg.transpose(2, 0, 1) # HWC => CHW + recon_seg = recon_seg.transpose(2, 0, 1) # HWC => CHW + + if source_seg.shape[0] == 1: + source_seg = np.tile(source_seg, (3, 1, 1)) + + if driving_seg.shape[0] == 1: + driving_seg = np.tile(driving_seg, (3, 1, 1)) + + if recon_seg.shape[0] == 1: + recon_seg = np.tile(recon_seg, (3, 1, 1)) + + return source_seg, driving_seg, recon_seg + + def _load_raw_labels(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + labels = np.fromstring(self.datum.labels, dtype=np.float32).reshape(self.datum.num,-1) + + source_labels = labels[view_idx[0]] + driving_labels = labels[view_idx[1]] + recon_labels = labels[view_idx[2]] + + return source_labels, driving_labels, recon_labels + + def _load_raw_motions(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + motions = np.fromstring(self.datum.mots, dtype=np.float32).reshape(self.datum.num,-1) + motions = motions[...,:548] + source_motions = motions[view_idx[0]] + driving_motions = motions[view_idx[1]] + recon_motios = motions[view_idx[2]] + + return source_motions, driving_motions, recon_motios + + def _load_raw_depth(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + depth = np.fromstring(self.datum.depths, dtype=np.float16).reshape(self.datum.num,-1) + + source_depth = depth[view_idx[0]] + driving_depth = depth[view_idx[1]] + recon_depth = depth[view_idx[2]] + + source_depth = source_depth.reshape(64,64,-1) + driving_depth = driving_depth.reshape(64,64,-1) + recon_depth = recon_depth.reshape(64,64,-1) + + source_depth = source_depth.transpose(2, 0, 1) # HWC => CHW + driving_depth = driving_depth.transpose(2, 0, 1) # HWC => CHW + recon_depth = recon_depth.transpose(2, 0, 1) # HWC => CHW + + return source_depth, driving_depth, recon_depth + + def _load_raw_feature(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + feature = np.fromstring(self.datum.features, dtype=np.float16).reshape(self.datum.num,-1) + + source_feature = feature[view_idx[0]] + driving_feature = feature[view_idx[1]] + recon_feature = feature[view_idx[2]] + + source_feature = source_feature.reshape(64,64,-1) + driving_feature = driving_feature.reshape(64,64,-1) + recon_feature = recon_feature.reshape(64,64,-1) + + source_feature = source_feature.transpose(2, 0, 1) # HWC => CHW + driving_feature = driving_feature.transpose(2, 0, 1) # HWC => CHW + recon_feature = recon_feature.transpose(2, 0, 1) # HWC => CHW + + return source_feature, driving_feature, recon_feature + + def _load_raw_triplane(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + triplane = np.fromstring(self.datum.triplanes, dtype=np.float16).reshape(-1) + + source_triplane = triplane + driving_triplane = triplane + recon_triplane = triplane + + source_triplane = source_triplane.reshape(-1,35) # [N,3+32] + driving_triplane = driving_triplane.reshape(-1,35) + recon_triplane = recon_triplane.reshape(-1,35) + + return source_triplane, driving_triplane, recon_triplane + + def __getitem__(self, idx): + source_image, driving_image, recon_image, view_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg, recon_seg = self._load_raw_seg(self._raw_idx[idx], view_idx) + source_depth, driving_depth, recon_depth = self._load_raw_depth(self._raw_idx[idx], view_idx) + source_feature, driving_feature, recon_feature = self._load_raw_feature(self._raw_idx[idx], view_idx) + source_labels, driving_labels, recon_labels = self._load_raw_labels(self._raw_idx[idx], view_idx) + source_motions, driving_motions, recon_motions = self._load_raw_motions(self._raw_idx[idx], view_idx) + source_triplane, driving_triplane, recon_triplane = self._load_raw_triplane(self._raw_idx[idx]) + + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(recon_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert isinstance(recon_seg, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + return source_image.copy(), driving_image.copy(), recon_image.copy(), recon_seg.copy(), recon_depth.copy(), recon_feature.copy(), recon_triplane.copy(), self.get_label(recon_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), source_motions.copy(), driving_motions.copy() + +#-------------------------------------------------------------------------------------------------------- +# Dataloader for GenHead generated 4D data (include depth, feature maps, triplane features, background, and rendered segmentation) +class GenHeadReconSegLmdbFolderDatasetV2New(GenHeadReconSegLmdbFolderDatasetV2): + + def __init__(self, + path, # Path to datalist. + resolution = None, # Ensure specific resolution, None = highest available. + data_type = "vfhq",# Deprecated + static = False, # if True, only select multiview static frames instead of frames with different motions + use_flame_mot = False, # whether or not to use FLAME parameters as motion embedding + **super_kwargs, # Additional arguments for the Dataset base class. + ): + super().__init__(path=path, resolution=resolution, data_type=data_type, static=static, **super_kwargs) + self.use_flame_mot = use_flame_mot + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_genhead_new.Datum_new() + + def _load_raw_bg_feature(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + feature = np.fromstring(self.datum.bgs, dtype=np.float16) + + recon_feature = feature + recon_feature = recon_feature.reshape(64,64,-1) + recon_feature = recon_feature.transpose(2, 0, 1) # HWC => CHW + + return recon_feature + + def _load_raw_seg_render(self, raw_idx, frame_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs_render, dtype=np.uint8).reshape(self.datum.num//5,5,-1) + + source_seg = seg[frame_idx[0],view_idx[0]] + driving_seg = seg[frame_idx[1],view_idx[1]] + recon_seg = seg[frame_idx[1],view_idx[2]] + source_seg = source_seg.reshape(64,64,-1) + driving_seg = driving_seg.reshape(64,64,-1) + recon_seg = recon_seg.reshape(64,64,-1) + if source_seg.ndim == 2: + source_seg = source_seg[:, :, np.newaxis] # HW => HWC + if driving_seg.ndim == 2: + driving_seg = driving_seg[:, :, np.newaxis] # HW => HWC + if recon_seg.ndim == 2: + recon_seg = recon_seg[:, :, np.newaxis] # HW => HWC + source_seg = source_seg.transpose(2, 0, 1) # HWC => CHW + driving_seg = driving_seg.transpose(2, 0, 1) # HWC => CHW + recon_seg = recon_seg.transpose(2, 0, 1) # HWC => CHW + + if source_seg.shape[0] == 1: + source_seg = np.tile(source_seg, (3, 1, 1)) + + if driving_seg.shape[0] == 1: + driving_seg = np.tile(driving_seg, (3, 1, 1)) + + if recon_seg.shape[0] == 1: + recon_seg = np.tile(recon_seg, (3, 1, 1)) + + return source_seg, driving_seg, recon_seg + + def __getitem__(self, idx): + source_image, driving_image, recon_image, frame_idx, view_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg, recon_seg = self._load_raw_seg(self._raw_idx[idx], frame_idx, view_idx) + source_seg_render, driving_seg_render, recon_seg_render = self._load_raw_seg_render(self._raw_idx[idx], frame_idx, view_idx) + source_depth, driving_depth, recon_depth = self._load_raw_depth(self._raw_idx[idx], frame_idx, view_idx) + source_feature, driving_feature, recon_feature = self._load_raw_feature(self._raw_idx[idx], frame_idx, view_idx) + recon_feature_bg = self._load_raw_bg_feature(self._raw_idx[idx]) + source_labels, driving_labels, recon_labels = self._load_raw_labels(self._raw_idx[idx], frame_idx, view_idx) + source_motions, driving_motions, recon_motions = self._load_raw_motions(self._raw_idx[idx], frame_idx, view_idx) + source_triplane, driving_triplane, recon_triplane = self._load_raw_triplane(self._raw_idx[idx], frame_idx) + + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(recon_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert isinstance(recon_seg, np.ndarray) + assert isinstance(source_seg_render, np.ndarray) + assert isinstance(driving_seg_render, np.ndarray) + assert isinstance(source_seg_render, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + # use flame parameters as motion embedding if use_flame_mot is true + if self.use_flame_mot: + source_motions = np.concatenate([self.get_exp_param_w_jaw_pose(source_labels),self.get_eye_pose_param(source_labels)],axis=0) + driving_motions = np.concatenate([self.get_exp_param_w_jaw_pose(driving_labels),self.get_eye_pose_param(driving_labels)],axis=0) + + return source_image.copy(), driving_image.copy(), recon_image.copy(), recon_seg.copy(), recon_seg_render.copy(), recon_depth.copy(), recon_feature.copy(), recon_feature_bg.copy(), recon_triplane.copy(), self.get_label(recon_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), source_motions.copy(), driving_motions.copy() + +#-------------------------------------------------------------------------------------------------------- +# Dataloader for GenHead generated static multiview data (include depth, feature maps, triplane features, background, and rendered segmentation) +class GenHeadReconSegLmdbFolderDatasetV2_StaticNew(GenHeadReconSegLmdbFolderDatasetV2_Static): + + def __init__(self, + path, # Path to datalist. + resolution = None, # Ensure specific resolution, None = highest available. + data_type = "vfhq",# Deprecated + static = False, # if True, only select multiview static frames instead of frames with different motions + use_flame_mot = False, # whether or not to use FLAME parameters as motion embedding + **super_kwargs, # Additional arguments for the Dataset base class. + ): + super().__init__(path=path, resolution=resolution, data_type=data_type, static=static, **super_kwargs) + self.use_flame_mot = use_flame_mot + + def open_lmdb(self): + self.db = lmdb.open(self._path, map_size=1024 ** 4, readonly=True, lock=False) + self.txn = self.db.begin() + self.num = int(self.txn.get('num_samples'.encode())) + self.datum = datum_pb2_genhead_static_new.Datum_static_new() + + def _load_raw_bg_feature(self, raw_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + feature = np.fromstring(self.datum.bgs, dtype=np.float16) + + recon_feature = feature + recon_feature = recon_feature.reshape(64,64,-1) + recon_feature = recon_feature.transpose(2, 0, 1) # HWC => CHW + + return recon_feature + + def _load_raw_seg_render(self, raw_idx, view_idx): + if self.txn is None: + self.open_lmdb() + value = self.txn.get('{:0>8d}'.format(raw_idx).encode()) + self.datum.ParseFromString(value) + seg = np.fromstring(self.datum.segs_render, dtype=np.uint8).reshape(self.datum.num,-1) + + source_seg = seg[view_idx[0]] + driving_seg = seg[view_idx[1]] + recon_seg = seg[view_idx[2]] + source_seg = source_seg.reshape(64,64,-1) + driving_seg = driving_seg.reshape(64,64,-1) + recon_seg = recon_seg.reshape(64,64,-1) + if source_seg.ndim == 2: + source_seg = source_seg[:, :, np.newaxis] # HW => HWC + if driving_seg.ndim == 2: + driving_seg = driving_seg[:, :, np.newaxis] # HW => HWC + if recon_seg.ndim == 2: + recon_seg = recon_seg[:, :, np.newaxis] # HW => HWC + source_seg = source_seg.transpose(2, 0, 1) # HWC => CHW + driving_seg = driving_seg.transpose(2, 0, 1) # HWC => CHW + recon_seg = recon_seg.transpose(2, 0, 1) # HWC => CHW + + if source_seg.shape[0] == 1: + source_seg = np.tile(source_seg, (3, 1, 1)) + + if driving_seg.shape[0] == 1: + driving_seg = np.tile(driving_seg, (3, 1, 1)) + + if recon_seg.shape[0] == 1: + recon_seg = np.tile(recon_seg, (3, 1, 1)) + + return source_seg, driving_seg, recon_seg + + def __getitem__(self, idx): + source_image, driving_image, recon_image, view_idx = self._load_raw_image(self._raw_idx[idx]) + source_seg, driving_seg, recon_seg = self._load_raw_seg(self._raw_idx[idx], view_idx) + source_seg_render, driving_seg_render, recon_seg_render = self._load_raw_seg_render(self._raw_idx[idx], view_idx) + source_depth, driving_depth, recon_depth = self._load_raw_depth(self._raw_idx[idx], view_idx) + source_feature, driving_feature, recon_feature = self._load_raw_feature(self._raw_idx[idx], view_idx) + recon_feature_bg = self._load_raw_bg_feature(self._raw_idx[idx]) + source_labels, driving_labels, recon_labels = self._load_raw_labels(self._raw_idx[idx], view_idx) + source_motions, driving_motions, recon_motions = self._load_raw_motions(self._raw_idx[idx], view_idx) + source_triplane, driving_triplane, recon_triplane = self._load_raw_triplane(self._raw_idx[idx]) + + assert isinstance(source_image, np.ndarray) + assert isinstance(driving_image, np.ndarray) + assert isinstance(recon_image, np.ndarray) + assert isinstance(source_seg, np.ndarray) + assert isinstance(driving_seg, np.ndarray) + assert isinstance(recon_seg, np.ndarray) + assert isinstance(source_seg_render, np.ndarray) + assert isinstance(driving_seg_render, np.ndarray) + assert isinstance(source_seg_render, np.ndarray) + assert list(source_image.shape) == self.image_shape + assert source_seg.shape[1] == self.image_shape[1] and source_seg.shape[2] == self.image_shape[2] + assert source_image.dtype == np.uint8 + + # use flame parameters as motion embedding if use_flame_mot is true + if self.use_flame_mot: + source_motions = np.concatenate([self.get_exp_param_w_jaw_pose(source_labels),self.get_eye_pose_param(source_labels)],axis=0) + driving_motions = np.concatenate([self.get_exp_param_w_jaw_pose(driving_labels),self.get_eye_pose_param(driving_labels)],axis=0) + + return source_image.copy(), driving_image.copy(), recon_image.copy(), recon_seg.copy(), recon_seg_render.copy(), recon_depth.copy(), recon_feature.copy(), recon_feature_bg.copy(), recon_triplane.copy(), self.get_label(recon_labels), self.get_shape_param(source_labels), self.get_exp_param(driving_labels), self.get_pose_param(driving_labels), self.get_eye_pose_param(driving_labels), source_motions.copy(), driving_motions.copy() \ No newline at end of file diff --git a/recon/training/dataloader/protocols/datum_genhead_pb2.py b/recon/training/dataloader/protocols/datum_genhead_pb2.py new file mode 100644 index 0000000000000000000000000000000000000000..f405918e7579e0608245be93b2ad9685e3b8db59 --- /dev/null +++ b/recon/training/dataloader/protocols/datum_genhead_pb2.py @@ -0,0 +1,111 @@ +# Generated by the protocol buffer compiler. DO NOT EDIT! +# source: datum_genhead.proto + +import sys +_b=sys.version_info[0]<3 and (lambda x:x) or (lambda x:x.encode('latin1')) +from google.protobuf import descriptor as _descriptor +from google.protobuf import message as _message +from google.protobuf import reflection as _reflection +from google.protobuf import symbol_database as _symbol_database +from google.protobuf import descriptor_pb2 +# @@protoc_insertion_point(imports) + +_sym_db = _symbol_database.Default() + + + + +DESCRIPTOR = _descriptor.FileDescriptor( + name='datum_genhead.proto', + package='', + syntax='proto2', + serialized_pb=_b('\n\x13\x64\x61tum_genhead.proto\"z\n\rDatum_genhead\x12\x10\n\x08\x63hannels\x18\x01 \x01(\x05\x12\x0e\n\x06height\x18\x02 \x01(\x05\x12\r\n\x05width\x18\x03 \x01(\x05\x12\r\n\x05image\x18\x04 \x01(\x0c\x12\x0b\n\x03seg\x18\x05 \x01(\x0c\x12\x0e\n\x06labels\x18\x06 \x01(\x0c\x12\x0c\n\x04mots\x18\x07 \x01(\x0c') +) +_sym_db.RegisterFileDescriptor(DESCRIPTOR) + + + + +_DATUM_GENHEAD = _descriptor.Descriptor( + name='Datum_genhead', + full_name='Datum_genhead', + filename=None, + file=DESCRIPTOR, + containing_type=None, + fields=[ + _descriptor.FieldDescriptor( + name='channels', full_name='Datum_genhead.channels', index=0, + number=1, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='height', full_name='Datum_genhead.height', index=1, + number=2, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='width', full_name='Datum_genhead.width', index=2, + number=3, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='image', full_name='Datum_genhead.image', index=3, + number=4, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='seg', full_name='Datum_genhead.seg', index=4, + number=5, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='labels', full_name='Datum_genhead.labels', index=5, + number=6, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='mots', full_name='Datum_genhead.mots', index=6, + number=7, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + ], + extensions=[ + ], + nested_types=[], + enum_types=[ + ], + options=None, + is_extendable=False, + syntax='proto2', + extension_ranges=[], + oneofs=[ + ], + serialized_start=23, + serialized_end=145, +) + +DESCRIPTOR.message_types_by_name['Datum_genhead'] = _DATUM_GENHEAD + +Datum_genhead = _reflection.GeneratedProtocolMessageType('Datum_genhead', (_message.Message,), dict( + DESCRIPTOR = _DATUM_GENHEAD, + __module__ = 'datum_genhead_pb2' + # @@protoc_insertion_point(class_scope:Datum_genhead) + )) +_sym_db.RegisterMessage(Datum_genhead) + + +# @@protoc_insertion_point(module_scope) diff --git a/recon/training/dataloader/protocols/datum_portrait_ffhq_pb2.py b/recon/training/dataloader/protocols/datum_portrait_ffhq_pb2.py new file mode 100644 index 0000000000000000000000000000000000000000..885866b40d9348a1e5edd698444bc190db4904b9 --- /dev/null +++ b/recon/training/dataloader/protocols/datum_portrait_ffhq_pb2.py @@ -0,0 +1,118 @@ +# Generated by the protocol buffer compiler. DO NOT EDIT! +# source: datum_portrait_ffhq.proto + +import sys +_b=sys.version_info[0]<3 and (lambda x:x) or (lambda x:x.encode('latin1')) +from google.protobuf import descriptor as _descriptor +from google.protobuf import message as _message +from google.protobuf import reflection as _reflection +from google.protobuf import symbol_database as _symbol_database +from google.protobuf import descriptor_pb2 +# @@protoc_insertion_point(imports) + +_sym_db = _symbol_database.Default() + + + + +DESCRIPTOR = _descriptor.FileDescriptor( + name='datum_portrait_ffhq.proto', + package='', + syntax='proto2', + serialized_pb=_b('\n\x19\x64\x61tum_portrait_ffhq.proto\"\x86\x01\n\nDatum_ffhq\x12\x10\n\x08\x63hannels\x18\x01 \x01(\x05\x12\x0e\n\x06height\x18\x02 \x01(\x05\x12\r\n\x05width\x18\x03 \x01(\x05\x12\x0b\n\x03num\x18\x04 \x01(\x05\x12\x0e\n\x06images\x18\x05 \x01(\x0c\x12\x0c\n\x04segs\x18\x06 \x01(\x0c\x12\x0e\n\x06labels\x18\x07 \x01(\x0c\x12\x0c\n\x04mots\x18\x08 \x01(\x0c') +) +_sym_db.RegisterFileDescriptor(DESCRIPTOR) + + + + +_DATUM_FFHQ = _descriptor.Descriptor( + name='Datum_ffhq', + full_name='Datum_ffhq', + filename=None, + file=DESCRIPTOR, + containing_type=None, + fields=[ + _descriptor.FieldDescriptor( + name='channels', full_name='Datum_ffhq.channels', index=0, + number=1, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='height', full_name='Datum_ffhq.height', index=1, + number=2, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='width', full_name='Datum_ffhq.width', index=2, + number=3, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='num', full_name='Datum_ffhq.num', index=3, + number=4, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='images', full_name='Datum_ffhq.images', index=4, + number=5, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='segs', full_name='Datum_ffhq.segs', index=5, + number=6, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='labels', full_name='Datum_ffhq.labels', index=6, + number=7, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='mots', full_name='Datum_ffhq.mots', index=7, + number=8, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + ], + extensions=[ + ], + nested_types=[], + enum_types=[ + ], + options=None, + is_extendable=False, + syntax='proto2', + extension_ranges=[], + oneofs=[ + ], + serialized_start=30, + serialized_end=164, +) + +DESCRIPTOR.message_types_by_name['Datum_ffhq'] = _DATUM_FFHQ + +Datum_ffhq = _reflection.GeneratedProtocolMessageType('Datum_ffhq', (_message.Message,), dict( + DESCRIPTOR = _DATUM_FFHQ, + __module__ = 'datum_portrait_ffhq_pb2' + # @@protoc_insertion_point(class_scope:Datum_ffhq) + )) +_sym_db.RegisterMessage(Datum_ffhq) + + +# @@protoc_insertion_point(module_scope) diff --git a/recon/training/dataloader/protocols/datum_portrait_genhead_new_pb2.py b/recon/training/dataloader/protocols/datum_portrait_genhead_new_pb2.py new file mode 100644 index 0000000000000000000000000000000000000000..cf07384e56f19a0fe0b8066d66c638889c86c9f9 --- /dev/null +++ b/recon/training/dataloader/protocols/datum_portrait_genhead_new_pb2.py @@ -0,0 +1,153 @@ +# Generated by the protocol buffer compiler. DO NOT EDIT! +# source: datum_portrait_genhead_new.proto + +import sys +_b=sys.version_info[0]<3 and (lambda x:x) or (lambda x:x.encode('latin1')) +from google.protobuf import descriptor as _descriptor +from google.protobuf import message as _message +from google.protobuf import reflection as _reflection +from google.protobuf import symbol_database as _symbol_database +from google.protobuf import descriptor_pb2 +# @@protoc_insertion_point(imports) + +_sym_db = _symbol_database.Default() + + + + +DESCRIPTOR = _descriptor.FileDescriptor( + name='datum_portrait_genhead_new.proto', + package='', + syntax='proto2', + serialized_pb=_b('\n datum_portrait_genhead_new.proto\"\xdc\x01\n\tDatum_new\x12\x10\n\x08\x63hannels\x18\x01 \x01(\x05\x12\x0e\n\x06height\x18\x02 \x01(\x05\x12\r\n\x05width\x18\x03 \x01(\x05\x12\x0b\n\x03num\x18\x04 \x01(\x05\x12\x0e\n\x06images\x18\x05 \x01(\x0c\x12\x0c\n\x04segs\x18\x06 \x01(\x0c\x12\x13\n\x0bsegs_render\x18\x07 \x01(\x0c\x12\x10\n\x08\x66\x65\x61tures\x18\x08 \x01(\x0c\x12\x0e\n\x06\x64\x65pths\x18\t \x01(\x0c\x12\x11\n\ttriplanes\x18\n \x01(\x0c\x12\x0e\n\x06labels\x18\x0b \x01(\x0c\x12\x0c\n\x04mots\x18\x0c \x01(\x0c\x12\x0b\n\x03\x62gs\x18\r \x01(\x0c') +) +_sym_db.RegisterFileDescriptor(DESCRIPTOR) + + + + +_DATUM_NEW = _descriptor.Descriptor( + name='Datum_new', + full_name='Datum_new', + filename=None, + file=DESCRIPTOR, + containing_type=None, + fields=[ + _descriptor.FieldDescriptor( + name='channels', full_name='Datum_new.channels', index=0, + number=1, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='height', full_name='Datum_new.height', index=1, + number=2, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='width', full_name='Datum_new.width', index=2, + number=3, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='num', full_name='Datum_new.num', index=3, + number=4, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='images', full_name='Datum_new.images', index=4, + number=5, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='segs', full_name='Datum_new.segs', index=5, + number=6, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='segs_render', full_name='Datum_new.segs_render', index=6, + number=7, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='features', full_name='Datum_new.features', index=7, + number=8, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='depths', full_name='Datum_new.depths', index=8, + number=9, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='triplanes', full_name='Datum_new.triplanes', index=9, + number=10, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='labels', full_name='Datum_new.labels', index=10, + number=11, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='mots', full_name='Datum_new.mots', index=11, + number=12, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='bgs', full_name='Datum_new.bgs', index=12, + number=13, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + ], + extensions=[ + ], + nested_types=[], + enum_types=[ + ], + options=None, + is_extendable=False, + syntax='proto2', + extension_ranges=[], + oneofs=[ + ], + serialized_start=37, + serialized_end=257, +) + +DESCRIPTOR.message_types_by_name['Datum_new'] = _DATUM_NEW + +Datum_new = _reflection.GeneratedProtocolMessageType('Datum_new', (_message.Message,), dict( + DESCRIPTOR = _DATUM_NEW, + __module__ = 'datum_portrait_genhead_new_pb2' + # @@protoc_insertion_point(class_scope:Datum_new) + )) +_sym_db.RegisterMessage(Datum_new) + + +# @@protoc_insertion_point(module_scope) diff --git a/recon/training/dataloader/protocols/datum_portrait_genhead_pb2.py b/recon/training/dataloader/protocols/datum_portrait_genhead_pb2.py new file mode 100644 index 0000000000000000000000000000000000000000..903a87fb3678ffc20eae84219588ea285f80efee --- /dev/null +++ b/recon/training/dataloader/protocols/datum_portrait_genhead_pb2.py @@ -0,0 +1,139 @@ +# Generated by the protocol buffer compiler. DO NOT EDIT! +# source: datum_portrait.proto + +import sys +_b=sys.version_info[0]<3 and (lambda x:x) or (lambda x:x.encode('latin1')) +from google.protobuf import descriptor as _descriptor +from google.protobuf import message as _message +from google.protobuf import reflection as _reflection +from google.protobuf import symbol_database as _symbol_database +from google.protobuf import descriptor_pb2 +# @@protoc_insertion_point(imports) + +_sym_db = _symbol_database.Default() + + + + +DESCRIPTOR = _descriptor.FileDescriptor( + name='datum_portrait.proto', + package='', + syntax='proto2', + serialized_pb=_b('\n\x14\x64\x61tum_portrait.proto\"\xb6\x01\n\x05\x44\x61tum\x12\x10\n\x08\x63hannels\x18\x01 \x01(\x05\x12\x0e\n\x06height\x18\x02 \x01(\x05\x12\r\n\x05width\x18\x03 \x01(\x05\x12\x0b\n\x03num\x18\x04 \x01(\x05\x12\x0e\n\x06images\x18\x05 \x01(\x0c\x12\x0c\n\x04segs\x18\x06 \x01(\x0c\x12\x10\n\x08\x66\x65\x61tures\x18\x07 \x01(\x0c\x12\x0e\n\x06\x64\x65pths\x18\x08 \x01(\x0c\x12\x11\n\ttriplanes\x18\t \x01(\x0c\x12\x0e\n\x06labels\x18\n \x01(\x0c\x12\x0c\n\x04mots\x18\x0b \x01(\x0c') +) +_sym_db.RegisterFileDescriptor(DESCRIPTOR) + + + + +_DATUM = _descriptor.Descriptor( + name='Datum', + full_name='Datum', + filename=None, + file=DESCRIPTOR, + containing_type=None, + fields=[ + _descriptor.FieldDescriptor( + name='channels', full_name='Datum.channels', index=0, + number=1, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='height', full_name='Datum.height', index=1, + number=2, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='width', full_name='Datum.width', index=2, + number=3, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='num', full_name='Datum.num', index=3, + number=4, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='images', full_name='Datum.images', index=4, + number=5, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='segs', full_name='Datum.segs', index=5, + number=6, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='features', full_name='Datum.features', index=6, + number=7, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='depths', full_name='Datum.depths', index=7, + number=8, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='triplanes', full_name='Datum.triplanes', index=8, + number=9, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='labels', full_name='Datum.labels', index=9, + number=10, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='mots', full_name='Datum.mots', index=10, + number=11, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + ], + extensions=[ + ], + nested_types=[], + enum_types=[ + ], + options=None, + is_extendable=False, + syntax='proto2', + extension_ranges=[], + oneofs=[ + ], + serialized_start=25, + serialized_end=207, +) + +DESCRIPTOR.message_types_by_name['Datum'] = _DATUM + +Datum = _reflection.GeneratedProtocolMessageType('Datum', (_message.Message,), dict( + DESCRIPTOR = _DATUM, + __module__ = 'datum_portrait_genhead_pb2' + # @@protoc_insertion_point(class_scope:Datum) + )) +_sym_db.RegisterMessage(Datum) + + +# @@protoc_insertion_point(module_scope) diff --git a/recon/training/dataloader/protocols/datum_portrait_genhead_static_new_pb2.py b/recon/training/dataloader/protocols/datum_portrait_genhead_static_new_pb2.py new file mode 100644 index 0000000000000000000000000000000000000000..f07a94696612c98897c44cd9053d9ccdd1cedca3 --- /dev/null +++ b/recon/training/dataloader/protocols/datum_portrait_genhead_static_new_pb2.py @@ -0,0 +1,153 @@ +# Generated by the protocol buffer compiler. DO NOT EDIT! +# source: datum_portrait_genhead_static_new.proto + +import sys +_b=sys.version_info[0]<3 and (lambda x:x) or (lambda x:x.encode('latin1')) +from google.protobuf import descriptor as _descriptor +from google.protobuf import message as _message +from google.protobuf import reflection as _reflection +from google.protobuf import symbol_database as _symbol_database +from google.protobuf import descriptor_pb2 +# @@protoc_insertion_point(imports) + +_sym_db = _symbol_database.Default() + + + + +DESCRIPTOR = _descriptor.FileDescriptor( + name='datum_portrait_genhead_static_new.proto', + package='', + syntax='proto2', + serialized_pb=_b('\n\'datum_portrait_genhead_static_new.proto\"\xe3\x01\n\x10\x44\x61tum_static_new\x12\x10\n\x08\x63hannels\x18\x01 \x01(\x05\x12\x0e\n\x06height\x18\x02 \x01(\x05\x12\r\n\x05width\x18\x03 \x01(\x05\x12\x0b\n\x03num\x18\x04 \x01(\x05\x12\x0e\n\x06images\x18\x05 \x01(\x0c\x12\x0c\n\x04segs\x18\x06 \x01(\x0c\x12\x13\n\x0bsegs_render\x18\x07 \x01(\x0c\x12\x10\n\x08\x66\x65\x61tures\x18\x08 \x01(\x0c\x12\x0e\n\x06\x64\x65pths\x18\t \x01(\x0c\x12\x11\n\ttriplanes\x18\n \x01(\x0c\x12\x0e\n\x06labels\x18\x0b \x01(\x0c\x12\x0c\n\x04mots\x18\x0c \x01(\x0c\x12\x0b\n\x03\x62gs\x18\r \x01(\x0c') +) +_sym_db.RegisterFileDescriptor(DESCRIPTOR) + + + + +_DATUM_STATIC_NEW = _descriptor.Descriptor( + name='Datum_static_new', + full_name='Datum_static_new', + filename=None, + file=DESCRIPTOR, + containing_type=None, + fields=[ + _descriptor.FieldDescriptor( + name='channels', full_name='Datum_static_new.channels', index=0, + number=1, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='height', full_name='Datum_static_new.height', index=1, + number=2, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='width', full_name='Datum_static_new.width', index=2, + number=3, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='num', full_name='Datum_static_new.num', index=3, + number=4, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='images', full_name='Datum_static_new.images', index=4, + number=5, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='segs', full_name='Datum_static_new.segs', index=5, + number=6, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='segs_render', full_name='Datum_static_new.segs_render', index=6, + number=7, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='features', full_name='Datum_static_new.features', index=7, + number=8, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='depths', full_name='Datum_static_new.depths', index=8, + number=9, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='triplanes', full_name='Datum_static_new.triplanes', index=9, + number=10, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='labels', full_name='Datum_static_new.labels', index=10, + number=11, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='mots', full_name='Datum_static_new.mots', index=11, + number=12, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='bgs', full_name='Datum_static_new.bgs', index=12, + number=13, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + ], + extensions=[ + ], + nested_types=[], + enum_types=[ + ], + options=None, + is_extendable=False, + syntax='proto2', + extension_ranges=[], + oneofs=[ + ], + serialized_start=44, + serialized_end=271, +) + +DESCRIPTOR.message_types_by_name['Datum_static_new'] = _DATUM_STATIC_NEW + +Datum_static_new = _reflection.GeneratedProtocolMessageType('Datum_static_new', (_message.Message,), dict( + DESCRIPTOR = _DATUM_STATIC_NEW, + __module__ = 'datum_portrait_genhead_static_new_pb2' + # @@protoc_insertion_point(class_scope:Datum_static_new) + )) +_sym_db.RegisterMessage(Datum_static_new) + + +# @@protoc_insertion_point(module_scope) diff --git a/recon/training/dataloader/protocols/datum_portrait_genhead_static_pb2.py b/recon/training/dataloader/protocols/datum_portrait_genhead_static_pb2.py new file mode 100644 index 0000000000000000000000000000000000000000..28abbb6ec9a0925899dd87645738dee6a43d145d --- /dev/null +++ b/recon/training/dataloader/protocols/datum_portrait_genhead_static_pb2.py @@ -0,0 +1,139 @@ +# Generated by the protocol buffer compiler. DO NOT EDIT! +# source: datum_portrait_genhead_static.proto + +import sys +_b=sys.version_info[0]<3 and (lambda x:x) or (lambda x:x.encode('latin1')) +from google.protobuf import descriptor as _descriptor +from google.protobuf import message as _message +from google.protobuf import reflection as _reflection +from google.protobuf import symbol_database as _symbol_database +from google.protobuf import descriptor_pb2 +# @@protoc_insertion_point(imports) + +_sym_db = _symbol_database.Default() + + + + +DESCRIPTOR = _descriptor.FileDescriptor( + name='datum_portrait_genhead_static.proto', + package='', + syntax='proto2', + serialized_pb=_b('\n#datum_portrait_genhead_static.proto\"\xbd\x01\n\x0c\x44\x61tum_static\x12\x10\n\x08\x63hannels\x18\x01 \x01(\x05\x12\x0e\n\x06height\x18\x02 \x01(\x05\x12\r\n\x05width\x18\x03 \x01(\x05\x12\x0b\n\x03num\x18\x04 \x01(\x05\x12\x0e\n\x06images\x18\x05 \x01(\x0c\x12\x0c\n\x04segs\x18\x06 \x01(\x0c\x12\x10\n\x08\x66\x65\x61tures\x18\x07 \x01(\x0c\x12\x0e\n\x06\x64\x65pths\x18\x08 \x01(\x0c\x12\x11\n\ttriplanes\x18\t \x01(\x0c\x12\x0e\n\x06labels\x18\n \x01(\x0c\x12\x0c\n\x04mots\x18\x0b \x01(\x0c') +) +_sym_db.RegisterFileDescriptor(DESCRIPTOR) + + + + +_DATUM_STATIC = _descriptor.Descriptor( + name='Datum_static', + full_name='Datum_static', + filename=None, + file=DESCRIPTOR, + containing_type=None, + fields=[ + _descriptor.FieldDescriptor( + name='channels', full_name='Datum_static.channels', index=0, + number=1, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='height', full_name='Datum_static.height', index=1, + number=2, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='width', full_name='Datum_static.width', index=2, + number=3, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='num', full_name='Datum_static.num', index=3, + number=4, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='images', full_name='Datum_static.images', index=4, + number=5, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='segs', full_name='Datum_static.segs', index=5, + number=6, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='features', full_name='Datum_static.features', index=6, + number=7, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='depths', full_name='Datum_static.depths', index=7, + number=8, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='triplanes', full_name='Datum_static.triplanes', index=8, + number=9, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='labels', full_name='Datum_static.labels', index=9, + number=10, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='mots', full_name='Datum_static.mots', index=10, + number=11, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + ], + extensions=[ + ], + nested_types=[], + enum_types=[ + ], + options=None, + is_extendable=False, + syntax='proto2', + extension_ranges=[], + oneofs=[ + ], + serialized_start=40, + serialized_end=229, +) + +DESCRIPTOR.message_types_by_name['Datum_static'] = _DATUM_STATIC + +Datum_static = _reflection.GeneratedProtocolMessageType('Datum_static', (_message.Message,), dict( + DESCRIPTOR = _DATUM_STATIC, + __module__ = 'datum_portrait_genhead_static_pb2' + # @@protoc_insertion_point(class_scope:Datum_static) + )) +_sym_db.RegisterMessage(Datum_static) + + +# @@protoc_insertion_point(module_scope) diff --git a/recon/training/dataloader/protocols/datum_portrait_vfhq_pb2.py b/recon/training/dataloader/protocols/datum_portrait_vfhq_pb2.py new file mode 100644 index 0000000000000000000000000000000000000000..a70aaecba99413bb1bca6efc27e403fe0b6c3644 --- /dev/null +++ b/recon/training/dataloader/protocols/datum_portrait_vfhq_pb2.py @@ -0,0 +1,118 @@ +# Generated by the protocol buffer compiler. DO NOT EDIT! +# source: datum_portrait_vfhq.proto + +import sys +_b=sys.version_info[0]<3 and (lambda x:x) or (lambda x:x.encode('latin1')) +from google.protobuf import descriptor as _descriptor +from google.protobuf import message as _message +from google.protobuf import reflection as _reflection +from google.protobuf import symbol_database as _symbol_database +from google.protobuf import descriptor_pb2 +# @@protoc_insertion_point(imports) + +_sym_db = _symbol_database.Default() + + + + +DESCRIPTOR = _descriptor.FileDescriptor( + name='datum_portrait_vfhq.proto', + package='', + syntax='proto2', + serialized_pb=_b('\n\x19\x64\x61tum_portrait_vfhq.proto\"\x86\x01\n\nDatum_vfhq\x12\x10\n\x08\x63hannels\x18\x01 \x01(\x05\x12\x0e\n\x06height\x18\x02 \x01(\x05\x12\r\n\x05width\x18\x03 \x01(\x05\x12\x0b\n\x03num\x18\x04 \x01(\x05\x12\x0e\n\x06images\x18\x05 \x01(\x0c\x12\x0c\n\x04segs\x18\x06 \x01(\x0c\x12\x0e\n\x06labels\x18\x07 \x01(\x0c\x12\x0c\n\x04mots\x18\x08 \x01(\x0c') +) +_sym_db.RegisterFileDescriptor(DESCRIPTOR) + + + + +_DATUM_VFHQ = _descriptor.Descriptor( + name='Datum_vfhq', + full_name='Datum_vfhq', + filename=None, + file=DESCRIPTOR, + containing_type=None, + fields=[ + _descriptor.FieldDescriptor( + name='channels', full_name='Datum_vfhq.channels', index=0, + number=1, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='height', full_name='Datum_vfhq.height', index=1, + number=2, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='width', full_name='Datum_vfhq.width', index=2, + number=3, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='num', full_name='Datum_vfhq.num', index=3, + number=4, type=5, cpp_type=1, label=1, + has_default_value=False, default_value=0, + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='images', full_name='Datum_vfhq.images', index=4, + number=5, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='segs', full_name='Datum_vfhq.segs', index=5, + number=6, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='labels', full_name='Datum_vfhq.labels', index=6, + number=7, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + _descriptor.FieldDescriptor( + name='mots', full_name='Datum_vfhq.mots', index=7, + number=8, type=12, cpp_type=9, label=1, + has_default_value=False, default_value=_b(""), + message_type=None, enum_type=None, containing_type=None, + is_extension=False, extension_scope=None, + options=None), + ], + extensions=[ + ], + nested_types=[], + enum_types=[ + ], + options=None, + is_extendable=False, + syntax='proto2', + extension_ranges=[], + oneofs=[ + ], + serialized_start=30, + serialized_end=164, +) + +DESCRIPTOR.message_types_by_name['Datum_vfhq'] = _DATUM_VFHQ + +Datum_vfhq = _reflection.GeneratedProtocolMessageType('Datum_vfhq', (_message.Message,), dict( + DESCRIPTOR = _DATUM_VFHQ, + __module__ = 'datum_portrait_vfhq_pb2' + # @@protoc_insertion_point(class_scope:Datum_vfhq) + )) +_sym_db.RegisterMessage(Datum_vfhq) + + +# @@protoc_insertion_point(module_scope) diff --git a/recon/training/discriminator/dual_discriminator.py b/recon/training/discriminator/dual_discriminator.py new file mode 100644 index 0000000000000000000000000000000000000000..d167b692e408d3c6f56a766bfbb42b46a3b920cc --- /dev/null +++ b/recon/training/discriminator/dual_discriminator.py @@ -0,0 +1,145 @@ +# Discriminator for GenHead and Portrait4D, modified from EG3D: https://github.com/NVlabs/eg3d + +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +import numpy as np +import torch +from torch_utils import persistence +from torch_utils.ops import upfirdn2d +from models.stylegan.networks_stylegan2 import DiscriminatorBlock, MappingNetwork, DiscriminatorEpilogue + +#---------------------------------------------------------------------------- + +def filtered_resizing(image_orig_tensor, size, f, filter_mode='antialiased'): + if filter_mode == 'antialiased': + ada_filtered_64 = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False, antialias=True) + elif filter_mode == 'classic': + ada_filtered_64 = upfirdn2d.upsample2d(image_orig_tensor, f, up=2) + ada_filtered_64 = torch.nn.functional.interpolate(ada_filtered_64, size=(size * 2 + 2, size * 2 + 2), mode='bilinear', align_corners=False) + ada_filtered_64 = upfirdn2d.downsample2d(ada_filtered_64, f, down=2, flip_filter=True, padding=-1) + elif filter_mode == 'none': + ada_filtered_64 = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False) + elif type(filter_mode) == float: + assert 0 < filter_mode < 1 + + filtered = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False, antialias=True) + aliased = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False, antialias=False) + ada_filtered_64 = (1 - filter_mode) * aliased + (filter_mode) * filtered + + return ada_filtered_64 + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DualDiscriminatorDeform(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + disc_c_noise = 0, # Corrupt camera parameters with X std dev of noise before disc. pose conditioning. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + has_superresolution = False, + has_uv = True, + has_seg = False, + ): + super().__init__() + self.has_superresolution = has_superresolution + self.has_uv = has_uv + self.has_seg = has_seg + if has_superresolution: + img_channels *= 2 + if has_uv: + img_channels += 3 + if has_seg: + img_channels += 1 + + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + self.disc_c_noise = disc_c_noise + + def forward(self, img, c, img_name='image_sr', img_raw_name='image', uv_name='uv', seg_name='seg', update_emas=False, **block_kwargs): + + if self.has_uv: + if self.img_resolution != img[uv_name].shape[-1]: + uv = filtered_resizing(img[uv_name], size=self.img_resolution, f=self.resample_filter) + else: + uv = img[uv_name] + if self.has_seg: + if self.img_resolution != img[seg_name].shape[-1]: + seg = filtered_resizing(img[seg_name], size=self.img_resolution, f=self.resample_filter) + else: + seg = img[seg_name] + + if self.has_superresolution: + image_raw = filtered_resizing(img[img_raw_name], size=img[img_name].shape[-1], f=self.resample_filter) + img = torch.cat([img[img_name], image_raw], 1) + if self.has_uv: + img = torch.cat([img, uv], 1) + if self.has_seg: + img = torch.cat([img, seg], 1) + else: + img = img[img_name] + if self.has_uv: + img = torch.cat([img, uv], 1) + if self.has_seg: + img = torch.cat([img, seg], 1) + + + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + if self.disc_c_noise > 0: c += torch.randn_like(c) * c.std(0) * self.disc_c_noise + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + diff --git a/recon/training/discriminator/dual_discriminator_next3D.py b/recon/training/discriminator/dual_discriminator_next3D.py new file mode 100644 index 0000000000000000000000000000000000000000..b8cef79436eb5aab09d9bbb2e5771160c1975a1b --- /dev/null +++ b/recon/training/discriminator/dual_discriminator_next3D.py @@ -0,0 +1,548 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Discriminator architectures from the paper +"Efficient Geometry-aware 3D Generative Adversarial Networks".""" + +import numpy as np +import torch +from torch_utils import persistence, misc +from torch_utils.ops import upfirdn2d +from recon.models.stylegannext3D.networks_stylegan2 import DiscriminatorBlock, MappingNetwork, DiscriminatorEpilogue +from einops import rearrange + +@persistence.persistent_class +class SingleDiscriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + sr_upsample_factor = 1, # Ignored for SingleDiscriminator + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + img = img['image'] + + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- + +def filtered_resizing(image_orig_tensor, size, f, filter_mode='antialiased'): + if filter_mode == 'antialiased': + ada_filtered_64 = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False, antialias=True) + elif filter_mode == 'classic': + ada_filtered_64 = upfirdn2d.upsample2d(image_orig_tensor, f, up=2) + ada_filtered_64 = torch.nn.functional.interpolate(ada_filtered_64, size=(size * 2 + 2, size * 2 + 2), mode='bilinear', align_corners=False) + ada_filtered_64 = upfirdn2d.downsample2d(ada_filtered_64, f, down=2, flip_filter=True, padding=-1) + elif filter_mode == 'none': + ada_filtered_64 = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False) + elif type(filter_mode) == float: + assert 0 < filter_mode < 1 + + filtered = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False, antialias=True) + aliased = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False, antialias=False) + ada_filtered_64 = (1 - filter_mode) * aliased + (filter_mode) * filtered + + return ada_filtered_64 + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DualDiscriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + disc_c_noise = 0, # Corrupt camera parameters with X std dev of noise before disc. pose conditioning. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + # img_channels *= 3 # 额外使用lms_contour作为condition + + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + self.disc_c_noise = disc_c_noise + + def forward(self, img, c, update_emas=False, out_layers=None, **block_kwargs): + image_raw = filtered_resizing(img['image'], size=img['image_sr'].shape[-1], f=self.resample_filter) + img = torch.cat([img['image_sr'], image_raw], 1) + + _ = update_emas # unused + x = None + output, count = [], 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + if out_layers is not None and count in out_layers: + output.append(x) + count += 1 + + if c is None: + return output + cmap = None + if self.c_dim > 0: + c = c[:, :self.c_dim] + if self.disc_c_noise > 0: c += torch.randn_like(c) * c.std(0) * self.disc_c_noise + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x if out_layers is None else [x, output] + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DummyDualDiscriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + img_channels *= 2 + + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + + self.raw_fade = 1 + + def forward(self, img, c, update_emas=False, **block_kwargs): + self.raw_fade = max(0, self.raw_fade - 1/(500000/32)) + + image_raw = filtered_resizing(img['image_raw'], size=img['image'].shape[-1], f=self.resample_filter) * self.raw_fade + img = torch.cat([img['image'], image_raw], 1) + + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class VideoDiscriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + disc_c_noise = 0, # Corrupt camera parameters with X std dev of noise before disc. pose conditioning. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + img_channels = img_channels * 2 + 1 + # c_dim = c_dim * 2 + + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim * 2, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + self.disc_c_noise = disc_c_noise + + def forward(self, img, Ts, c, return_input=False, update_emas=False, **block_kwargs): + # image_raw = filtered_resizing(img['image_raw'], size=img['image'].shape[-1], f=self.resample_filter) + # NOTE: concat images and timestamp here + # Ts: [num_vid, 2] or [num_vid, 2, C] + # img:[num_vid*2, C, H, W] + # c: [num_vid, 2, C] + timesteps = Ts.shape[1] + _, _, h, w = img['image'].shape + img = torch.cat([rearrange(img['image'], "(b t) c h w -> b (t c) h w", t=timesteps), (Ts[:, 1]-Ts[:, 0]).view(-1, 1, 1, 1).repeat(1, 1, h, w)], 1) + # img = rearrange(img['image'], "(b t) c h w -> b (t c) h w", t=timesteps) + if not self.img_resolution == h: + img = torch.nn.functional.interpolate(img, size=(self.img_resolution, self.img_resolution), mode='bilinear', align_corners=False, antialias=True) + + if return_input: + inp = img + c = c[..., :self.c_dim] + # NOTE: reshape cameras + # c = rearrange(c, "(b t) c -> b (t c)", t=timesteps) + c = rearrange(c, "b t c -> b (t c)", t=timesteps) + # c = torch.cat([c, Ts[:, 1]-Ts[:, 0]], dim=-1) + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + if self.disc_c_noise > 0: c += torch.randn_like(c) * c.std(0) * self.disc_c_noise + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + + if return_input: + return x, inp + + return x, None + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class FusionVideoDiscriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + disc_c_noise = 0, # Corrupt camera parameters with X std dev of noise before disc. pose conditioning. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + # img_channels = img_channels * 2 + 1 + # c_dim = c_dim * 2 + + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + self.concat_res = 16 + self.num_frames_div_factor = 2 + self.num_frames_per_video = 2 + self.time_encoder = TemporalDifferenceEncoder(max_num_frames=32, num_frames_per_video=self.num_frames_per_video) + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + + if res // 2 == self.concat_res: + out_channels = out_channels // self.num_frames_div_factor + if res == self.concat_res: + in_channels = (in_channels // self.num_frames_div_factor) * self.num_frames_per_video + + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim * self.num_frames_per_video + self.time_encoder.get_dim(), w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + self.disc_c_noise = disc_c_noise + + def forward(self, img, Ts, c, return_input=False, update_emas=False, **block_kwargs): + # image_raw = filtered_resizing(img['image_raw'], size=img['image'].shape[-1], f=self.resample_filter) + # NOTE: concat images and timestamp here + # Ts: [num_vid, 2] or [num_vid, 2, C] + # img:[num_vid*2, C, H, W] + # c: [num_vid, 2, C] + timesteps = Ts.shape[1] + _, _, h, w = img['image'].shape + assert len(img['image']) == Ts.shape[0] * Ts.shape[1] + img = img['image'] + # img = torch.cat([rearrange(img['image'], "(b t) c h w -> b (t c) h w", t=timesteps), (Ts[:, 1]-Ts[:, 0]).view(-1, 1, 1, 1).repeat(1, 1, h, w)], 1) + # img = rearrange(img['image'], "(b t) c h w -> b (t c) h w", t=timesteps) + if not self.img_resolution == h: + img = torch.nn.functional.interpolate(img, size=(self.img_resolution, self.img_resolution), mode='bilinear', align_corners=False, antialias=True) + + if return_input: + inp = img + c = c[..., :self.c_dim] + # NOTE: reshape cameras + c = rearrange(c, "b t c -> b (t c)", t=timesteps) + # c = torch.cat([c, Ts[:, 1]-Ts[:, 0]], dim=-1) + # Encoding the time distances + t_embs = self.time_encoder(Ts) # [batch_size, t_dim] + c = torch.cat([c, t_embs], dim=1) # [batch_size, c_dim + t_dim] + _ = update_emas # unused + + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + if res == self.concat_res: + # Concatenating the frames + x = rearrange(x, "(b t) c h w -> b t c h w", t=timesteps) + # x = x.view(-1, self.num_frames_per_video, *x.shape[1:]) # [batch_size, num_frames, c, h, w] + x = x. view(x.shape[0], -1, *x.shape[3:]) # [batch_size, num_frames * c, h, w] + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + if self.disc_c_noise > 0: c += torch.randn_like(c) * c.std(0) * self.disc_c_noise + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + + if return_input: + return x, inp + + return x, None + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- + + +@persistence.persistent_class +class FixedTimeEncoder(torch.nn.Module): + def __init__(self, + max_num_frames: int, # Maximum T size + skip_small_t_freqs: int=0, # How many high frequencies we should skip + ): + super().__init__() + + assert max_num_frames >= 1, f"Wrong max_num_frames: {max_num_frames}" + fourier_coefs = construct_log_spaced_freqs(max_num_frames, skip_small_t_freqs=skip_small_t_freqs) + self.register_buffer('fourier_coefs', fourier_coefs) # [1, num_fourier_feats] + + def get_dim(self) -> int: + return self.fourier_coefs.shape[1] * 2 + + def forward(self, t: torch.Tensor) -> torch.Tensor: + assert t.ndim == 2, f"Wrong shape: {t.shape}" + + t = t.view(-1).float() # [batch_size * num_frames] + fourier_raw_embs = self.fourier_coefs * t.unsqueeze(1) # [bf, num_fourier_feats] + + fourier_embs = torch.cat([ + fourier_raw_embs.sin(), + fourier_raw_embs.cos(), + ], dim=1) # [bf, num_fourier_feats * 2] + + return fourier_embs + +#---------------------------------------------------------------------------- + +class TemporalDifferenceEncoder(torch.nn.Module): + def __init__(self, max_num_frames, num_frames_per_video, sampling_type='random'): + super().__init__() + self.num_frames_per_video = num_frames_per_video + self.sampling_type = sampling_type + if self.num_frames_per_video > 1: + self.d = 256 + self.const_embed = torch.nn.Embedding(max_num_frames, self.d) + self.time_encoder = FixedTimeEncoder( + max_num_frames, + skip_small_t_freqs=0) + + def get_dim(self) -> int: + if self.num_frames_per_video == 1: + return 1 + else: + if self.sampling_type == 'uniform': + return self.d + self.time_encoder.get_dim() + else: + return (self.d + self.time_encoder.get_dim()) * (self.num_frames_per_video - 1) + + def forward(self, t: torch.Tensor) -> torch.Tensor: + misc.assert_shape(t, [None, self.num_frames_per_video]) + + batch_size = t.shape[0] + + if self.num_frames_per_video == 1: + out = torch.zeros(len(t), 1, device=t.device) + else: + if self.sampling_type == 'uniform': + num_diffs_to_use = 1 + t_diffs = t[:, 1] - t[:, 0] # [batch_size] + else: + num_diffs_to_use = self.num_frames_per_video - 1 + t_diffs = (t[:, 1:] - t[:, :-1]).view(-1) # [batch_size * (num_frames - 1)] + # Note: float => round => long is necessary when it's originally long + const_embs = self.const_embed(t_diffs.float().round().long()) # [batch_size * num_diffs_to_use, d] + fourier_embs = self.time_encoder(t_diffs.unsqueeze(1)) # [batch_size * num_diffs_to_use, num_fourier_feats] + out = torch.cat([const_embs, fourier_embs], dim=1) # [batch_size * num_diffs_to_use, d + num_fourier_feats] + out = out.view(batch_size, num_diffs_to_use, -1).view(batch_size, -1) # [batch_size, num_diffs_to_use * (d + num_fourier_feats)] + + return out + + +def construct_log_spaced_freqs(max_num_frames: int, skip_small_t_freqs: int=0): + time_resolution = 2 ** np.ceil(np.log2(max_num_frames)) + num_fourier_feats = np.ceil(np.log2(time_resolution)).astype(int) + powers = torch.tensor([2]).repeat(num_fourier_feats).pow(torch.arange(num_fourier_feats)) # [num_fourier_feats] + powers = powers[:len(powers) - skip_small_t_freqs] # [num_fourier_feats] + fourier_coefs = powers.unsqueeze(0).float() * np.pi # [1, num_fourier_feats] + + return fourier_coefs / time_resolution \ No newline at end of file diff --git a/recon/training/dual_discriminator.py b/recon/training/dual_discriminator.py new file mode 100644 index 0000000000000000000000000000000000000000..99bfb5a2a5b3b14c6824813b6977be86b43f7ccc --- /dev/null +++ b/recon/training/dual_discriminator.py @@ -0,0 +1,249 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Discriminator architectures from the paper +"Efficient Geometry-aware 3D Generative Adversarial Networks".""" + +import numpy as np +import torch +from torch_utils import persistence +from torch_utils.ops import upfirdn2d +from training.networks_stylegan2 import DiscriminatorBlock, MappingNetwork, DiscriminatorEpilogue + +@persistence.persistent_class +class SingleDiscriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + sr_upsample_factor = 1, # Ignored for SingleDiscriminator + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + img = img['image'] + + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- + +def filtered_resizing(image_orig_tensor, size, f, filter_mode='antialiased'): + if filter_mode == 'antialiased': + ada_filtered_64 = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False, antialias=True) + elif filter_mode == 'classic': + ada_filtered_64 = upfirdn2d.upsample2d(image_orig_tensor, f, up=2) + ada_filtered_64 = torch.nn.functional.interpolate(ada_filtered_64, size=(size * 2 + 2, size * 2 + 2), mode='bilinear', align_corners=False) + ada_filtered_64 = upfirdn2d.downsample2d(ada_filtered_64, f, down=2, flip_filter=True, padding=-1) + elif filter_mode == 'none': + ada_filtered_64 = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False) + elif type(filter_mode) == float: + assert 0 < filter_mode < 1 + + filtered = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False, antialias=True) + aliased = torch.nn.functional.interpolate(image_orig_tensor, size=(size, size), mode='bilinear', align_corners=False, antialias=False) + ada_filtered_64 = (1 - filter_mode) * aliased + (filter_mode) * filtered + + return ada_filtered_64 + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DualDiscriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + disc_c_noise = 0, # Corrupt camera parameters with X std dev of noise before disc. pose conditioning. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + img_channels *= 2 + + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + self.disc_c_noise = disc_c_noise + + def forward(self, img, c, update_emas=False, **block_kwargs): + image_raw = filtered_resizing(img['image_raw'], size=img['image'].shape[-1], f=self.resample_filter) + img = torch.cat([img['image'], image_raw], 1) + + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + if self.disc_c_noise > 0: c += torch.randn_like(c) * c.std(0) * self.disc_c_noise + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DummyDualDiscriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + img_channels *= 2 + + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + self.register_buffer('resample_filter', upfirdn2d.setup_filter([1,3,3,1])) + + self.raw_fade = 1 + + def forward(self, img, c, update_emas=False, **block_kwargs): + self.raw_fade = max(0, self.raw_fade - 1/(500000/32)) + + image_raw = filtered_resizing(img['image_raw'], size=img['image'].shape[-1], f=self.resample_filter) * self.raw_fade + img = torch.cat([img['image'], image_raw], 1) + + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- diff --git a/recon/training/generator/__init__.py b/recon/training/generator/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/recon/training/generator/background_utils.py b/recon/training/generator/background_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..6d7e92b672cd7d26a723a93867dfcdcd368d53e4 --- /dev/null +++ b/recon/training/generator/background_utils.py @@ -0,0 +1,231 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. +# import sys +# sys.path.append('../../code_v1.0') + +import torch +import numpy as np +from torch_utils import persistence +from recon.models.stylegan.networks_stylegan2 import MappingNetwork, SynthesisLayer +from torch_utils import misc +from training.volumetric_rendering.ray_sampler import RaySampler +from training.volumetric_rendering.math_utils import normalize_vecs +import dnnlib + +# def normalize_vecs(vectors: torch.Tensor) -> torch.Tensor: +# """ +# Normalize vector lengths. +# """ +# return vectors / (torch.norm(vectors, dim=-1, keepdim=True)) + +# class RaySampler(torch.nn.Module): +# def __init__(self): +# super().__init__() +# self.ray_origins_h, self.ray_directions, self.depths, self.image_coords, self.rendering_options = None, None, None, None, None + + +# def forward(self, cam2world_matrix, intrinsics, resolution): +# """ +# Create batches of rays and return origins and directions. + +# cam2world_matrix: (N, 4, 4) +# intrinsics: (N, 3, 3) +# resolution: int + +# ray_origins: (N, M, 3) +# ray_dirs: (N, M, 2) +# """ +# N, M = cam2world_matrix.shape[0], resolution**2 +# cam_locs_world = cam2world_matrix[:, :3, 3] +# fx = intrinsics[:, 0, 0] +# fy = intrinsics[:, 1, 1] +# cx = intrinsics[:, 0, 2] +# cy = intrinsics[:, 1, 2] +# sk = intrinsics[:, 0, 1] + +# # uv = torch.stack(torch.meshgrid(torch.arange(resolution, dtype=torch.float32, device=cam2world_matrix.device), torch.arange(resolution, dtype=torch.float32, device=cam2world_matrix.device), indexing='ij')) * (1./resolution) + (0.5/resolution) +# uv = torch.stack(torch.meshgrid(torch.arange(resolution, dtype=torch.float32, device=cam2world_matrix.device), torch.arange(resolution, dtype=torch.float32, device=cam2world_matrix.device), indexing='ij')) + 0.5 +# uv = uv.flip(0).reshape(2, -1).transpose(1, 0) +# uv = uv.unsqueeze(0).repeat(cam2world_matrix.shape[0], 1, 1) + +# x_cam = uv[:, :, 0].view(N, -1) +# y_cam = uv[:, :, 1].view(N, -1) +# # z_cam = torch.ones((N, M), device=cam2world_matrix.device) # Original EG3D implementation, z points inward +# z_cam = - torch.ones((N, M), device=cam2world_matrix.device) # Our camera space coordinate + +# x_lift = - (x_cam - cx.unsqueeze(-1) + cy.unsqueeze(-1)*sk.unsqueeze(-1)/fy.unsqueeze(-1) - sk.unsqueeze(-1)*y_cam/fy.unsqueeze(-1)) / fx.unsqueeze(-1) * z_cam +# y_lift = (y_cam - cy.unsqueeze(-1)) / fy.unsqueeze(-1) * z_cam + +# cam_rel_points = torch.stack((x_lift, y_lift, z_cam, torch.ones_like(z_cam)), dim=-1) + +# world_rel_points = torch.bmm(cam2world_matrix, cam_rel_points.permute(0, 2, 1)).permute(0, 2, 1)[:, :, :3] + +# ray_dirs = world_rel_points - cam_locs_world[:, None, :] +# ray_dirs = torch.nn.functional.normalize(ray_dirs, dim=2) + +# ray_origins = cam_locs_world.unsqueeze(1).repeat(1, ray_dirs.shape[1], 1) + +# return ray_origins, ray_dirs + +def get_dist_from_origin(ray_origins,ray_dirs): + ray_dirs = normalize_vecs(ray_dirs) + dist = torch.sqrt(torch.sum(ray_origins**2,dim=-1)-torch.sum(ray_origins*ray_dirs,dim=-1)**2 + 1e-10) + + return dist + +@torch.no_grad() +def get_intersections_with_sphere(ray_origins,ray_dirs,radius): + dist = get_dist_from_origin(ray_origins,ray_dirs) + valid_mask = (dist <= radius) + + intersections = torch.zeros_like(ray_dirs) + intersections[valid_mask] = ray_origins[valid_mask] + (-torch.sum(ray_origins[valid_mask]*ray_dirs[valid_mask],dim=-1,keepdim=True) + \ + torch.sqrt(radius**2 + torch.sum(ray_origins[valid_mask]*ray_dirs[valid_mask],dim=-1,keepdim=True)**2 - torch.sum(ray_origins[valid_mask]**2,dim=-1,keepdim=True)))*ray_dirs[valid_mask] + + return intersections, valid_mask + +@torch.no_grad() +def get_theta_phi_bg(ray_origins,ray_dirs,radius): + intersections, valid_mask = get_intersections_with_sphere(ray_origins,ray_dirs,radius) + phi = torch.zeros_like(intersections[...,0]) + theta = torch.zeros_like(intersections[...,0]) + + phi[valid_mask] = torch.arcsin(torch.clamp(intersections[valid_mask][...,1]/radius,-1+1e-10,1-1e-10)) + + radius_xz = torch.sqrt(intersections[valid_mask][...,0]**2+intersections[valid_mask][...,2]**2) + theta_no_sign = torch.arccos(torch.clamp(torch.div(intersections[valid_mask][...,2],radius_xz),-1+1e-10,1-1e-10)) + theta[valid_mask] = torch.where(intersections[valid_mask][...,0]>torch.zeros_like(intersections[valid_mask][...,0]),theta_no_sign,2*np.pi-theta_no_sign) + + # normalizing to [-1,1] + # theta = (theta-np.pi)/np.pi # times 2 because the theta can hardly exceed pi for frontal-facing scene + theta = torch.sin(theta) + phi = torch.sin(phi) + + return torch.stack([theta,phi],dim=-1), valid_mask + +@persistence.persistent_class +class BGSynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_channels, # Number of color channels. + hidden_channels = 64, + L = 10, + **block_kwargs, # Arguments for SynthesisBlock. + ): + super().__init__() + self.w_dim = w_dim + self.img_channels = img_channels + self.hidden_channels = hidden_channels + self.L = L + + self.num_ws = 0 + for idx in range(5): + in_channels = L*4 if idx == 0 else hidden_channels + out_channels = hidden_channels if idx < 4 else img_channels + activation = 'lrelu' if idx < 4 else 'sigmoid' + layer = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=64, kernel_size=1, use_noise=False, activation=activation, **block_kwargs) + self.num_ws += 1 + setattr(self, f'b{idx}', layer) + + def positional_encoding(self, p, use_pos=False): + + p_transformed = torch.cat([torch.cat( + [torch.sin((2 ** i) * np.pi * p), + torch.cos((2 ** i) * np.pi * p)], + dim=-1) for i in range(self.L)], dim=-1) + if use_pos: + p_transformed = torch.cat([p_transformed, p], -1) + return p_transformed + + def forward(self, ws, x, update_emas, **block_kwargs): + _ = update_emas + layer_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for idx in range(5): + layer = getattr(self, f'b{idx}') + layer_ws.append(ws[:,w_idx]) + w_idx += 1 + + x = self.positional_encoding(x) # (N,M,L*4) + x = x.permute(0,2,1).unsqueeze(-1) # (N,L*4,M,1) + + for idx, cur_ws in enumerate(layer_ws): + layer = getattr(self, f'b{idx}') + x = layer(x, cur_ws, **block_kwargs) + + return x + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'hidden_channels={self.hidden_channels:d}, img_channels={self.img_channels:d},', + f'L={self.L:d}']) + + +@persistence.persistent_class +class BGGenerator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_channels, # Number of output color channels. + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_channels = img_channels + self.synthesis = BGSynthesisNetwork(w_dim=w_dim, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=self.num_ws, **mapping_kwargs) + + def forward(self, z, c, x, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, x, update_emas=update_emas, **synthesis_kwargs) + return img + + +if __name__=='__main__': + import os + os.environ['CUDA_VISIBLE_DEVICES'] = '0' + from PIL import Image + + ray_sampler = RaySampler() + + camera_params = torch.eye(4).unsqueeze(0) + camera_params[...,2,3] += 4.5 + intrinsics = torch.eye(3).unsqueeze(0) + intrinsics[:,0,0] = 300 + intrinsics[:,1,1] = 300 + intrinsics[:,0,2] = 32 + intrinsics[:,1,2] = 32 + + neural_rendering_resolution = 64 + + ray_origins, ray_directions = ray_sampler(camera_params, intrinsics, neural_rendering_resolution) + + # print(ray_directions) + + angles, valid_mask = get_theta_phi_bg(ray_origins,ray_directions,radius=1.0) + + angles = angles.reshape(1,64,64,2) + + print(angles[0,31]) + print(angles.shape) + print(valid_mask.shape) + + valid_mask = valid_mask.reshape(1,64,64).squeeze(0).numpy().astype(np.uint8)*255 + + Image.fromarray(valid_mask, 'L').save('bg_mask.png') \ No newline at end of file diff --git a/recon/training/generator/triplane.py b/recon/training/generator/triplane.py new file mode 100644 index 0000000000000000000000000000000000000000..3e41138ce03ad6d46ecc14d3cd40ed63ccedba78 --- /dev/null +++ b/recon/training/generator/triplane.py @@ -0,0 +1,745 @@ +# Generator for GenHead, modified from EG3D: https://github.com/NVlabs/eg3d + +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +import torch +from torch import nn +from torch_utils import persistence +from models.stylegan.networks_stylegan2 import Generator as StyleGAN2Backbone +from models.stylegan.networks_stylegan2 import ToRGBLayer, FullyConnectedLayer, SynthesisNetwork +from models.stylegan.superresolution import SuperresolutionPatchMLP +from training.deformer.deformation import DeformationModule, DeformationModuleOnlyHead +from training.deformer.deform_utils import cam_world_matrix_transform +from training.volumetric_rendering.renderer import ImportanceRenderer, DeformImportanceRenderer, PartDeformImportanceRenderer, DeformImportanceRendererNew +from training.volumetric_rendering.ray_sampler import RaySampler +import dnnlib +import torch.nn.functional as F +from torch_utils.ops import upfirdn2d +import copy + +# Baseline generator without separate deformation for face, eyes, and mouth +@persistence.persistent_class +class TriPlaneGeneratorDeform(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + sr_num_fp16_res = 0, + mapping_kwargs = {}, # Arguments for MappingNetwork. + rendering_kwargs = {}, + deformation_kwargs = {}, + sr_kwargs = {}, + has_background = True, + has_superresolution = False, + flame_condition = False, + flame_full = False, + dynamic_texture = False, # Deprecated + random_combine = True, + triplane_resolution = 256, + triplane_channels = 96, + masked_sampling = None, + has_patch_sr = False, + add_block = False, + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim=z_dim + self.c_dim=c_dim + self.w_dim=w_dim + self.flame_condition = flame_condition + self.has_background = has_background + self.has_superresolution = has_superresolution + self.dynamic_texture = dynamic_texture + decoder_output_dim = 32 if has_superresolution else 3 + self.img_resolution=img_resolution + self.img_channels=img_channels + self.renderer = DeformImportanceRenderer() + self.ray_sampler = RaySampler() + self.backbone = StyleGAN2Backbone(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32*3, mapping_kwargs=mapping_kwargs, **synthesis_kwargs) + + self.to_dynamic = None + + if self.has_background: + self.background = StyleGAN2Backbone(z_dim, 0, w_dim, img_resolution=64, mapping_kwargs={'num_layers':8}, channel_base=16384, img_channels=decoder_output_dim) + + if self.has_superresolution: + self.superresolution = dnnlib.util.construct_class_by_name(class_name=rendering_kwargs['superresolution_module'], channels=32, img_resolution=img_resolution, sr_num_fp16_res=sr_num_fp16_res, sr_antialias=rendering_kwargs['sr_antialias'], **sr_kwargs) + else: + self.superresolution = None + + self.decoder = OSGDecoder(32, {'decoder_lr_mul': rendering_kwargs.get('decoder_lr_mul', 1), 'decoder_output_dim': decoder_output_dim}) + self.neural_rendering_resolution = 64 + self.rendering_kwargs = rendering_kwargs + + self.deformer = DeformationModule(flame_full=flame_full,dynamic_texture=dynamic_texture, **deformation_kwargs) + + self._last_planes = None + + def _deformer(self,shape_params,exp_params,pose_params,eye_pose_params,ws,c_deform,cache_backbone=False, use_cached_backbone=False, use_rotation_limits=False, eye_blink_params=None): + return lambda coordinates: self.deformer(coordinates, shape_params,exp_params,pose_params,eye_pose_params,ws,c_deform,cache_backbone=cache_backbone,use_cached_backbone=use_cached_backbone, use_rotation_limits=use_rotation_limits) + + def mapping(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + if self.rendering_kwargs['c_gen_conditioning_zero']: + c = torch.zeros_like(c) + return self.backbone.mapping(z, c * self.rendering_kwargs.get('c_scale', 0), truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + + def synthesis(self, ws, z_bg, c, _deformer, neural_rendering_resolution=None, update_emas=False, cache_backbone=False, use_cached_backbone=False, use_dynamic=False,use_rotation_limits=None, smpl_param=None, patch_scale=None, chunk=None, run_full=None, uv=None, diff_dynamic=False, forward_mode='train', eye_blink_params=None, ws_super=None, **synthesis_kwargs): + + if forward_mode == 'train': + face_ws = ws + dynamic_ws = ws + # for inversion only + elif ws.shape[1] >= self.backbone.num_ws + self.background.num_ws: + face_ws, bg_ws, dynamic_ws = ws[:, :self.backbone.num_ws, :], ws[:, self.backbone.num_ws:self.backbone.num_ws+self.background.num_ws, :], ws[:, self.backbone.num_ws+self.background.num_ws:, :] + else: + face_ws, bg_ws, dynamic_ws = ws[:, :self.backbone.num_ws, :], ws[:, self.backbone.num_ws:-1, :], ws[:, self.backbone.num_ws-1:self.backbone.num_ws, :] + + cam2world_matrix = c[:, :16].view(-1, 4, 4) + world2cam_matrix = cam_world_matrix_transform(cam2world_matrix) + cam_z = world2cam_matrix[:,2,3] + intrinsics = c[:, 16:25].view(-1, 3, 3) + + if neural_rendering_resolution is None: + neural_rendering_resolution = self.neural_rendering_resolution + else: + self.neural_rendering_resolution = neural_rendering_resolution + + # Create a batch of rays for volume rendering + ray_origins, ray_directions, _ = self.ray_sampler(cam2world_matrix, intrinsics, neural_rendering_resolution) + + + # Create triplanes by running StyleGAN backbone + N, M, _ = ray_origins.shape + if use_cached_backbone and self._last_planes is not None: + planes = self._last_planes + else: + planes, last_featuremap = self.backbone.synthesis(face_ws, update_emas=update_emas, **synthesis_kwargs) + + if cache_backbone: + self._last_planes = planes + + planes = planes.view(len(planes), 3, -1, planes.shape[-2], planes.shape[-1]) + if self.dynamic_texture: + pass # deprecated + else: + dynamic_planes = None + + + # Perform volume rendering + feature_samples, depth_samples, all_depths, all_weights, T_bg, offset, dist_to_surface, vts_mask, vts_mask_region, coarse_sample_points, coarse_triplane_features = self.renderer(planes, self.decoder, _deformer, ray_origins, ray_directions, self.rendering_kwargs, dynamic=self.dynamic_texture, cam_z=cam_z) # channels last + + weights_samples = all_weights.sum(2) + # Reshape into 'raw' neural-rendered image + H = W = self.neural_rendering_resolution + feature_image = feature_samples.permute(0, 2, 1).reshape(N, feature_samples.shape[-1], H, W).contiguous() + depth_image = depth_samples.permute(0, 2, 1).reshape(N, 1, H, W) + + # background + if self.has_background: + if forward_mode == 'train': + background = self.background(z_bg, c, **synthesis_kwargs) + else: + background, _ = self.background.synthesis(bg_ws, update_emas=update_emas, **synthesis_kwargs) + background = torch.sigmoid(background) # (-1,1) (N,3,H,W) + + if background.shape[-1] != neural_rendering_resolution: + background = F.interpolate(background,size=(neural_rendering_resolution,neural_rendering_resolution),mode='bilinear') + + T_bg = T_bg.permute(0, 2, 1).reshape(N, 1, H, W) + feature_image = feature_image + T_bg*background + + else: + T_bg = T_bg.permute(0, 2, 1).reshape(N, 1, H, W) + background = 0. + + feature_image = 2*feature_image - 1 + rgb_image = feature_image[:, :3] + + if self.superresolution is not None: + sr_image = self.superresolution(rgb_image, feature_image, face_ws, ws_super=ws_super, noise_mode=self.rendering_kwargs['superresolution_noise_mode'], **{k:synthesis_kwargs[k] for k in synthesis_kwargs.keys() if k != 'noise_mode'}) + else: + sr_image = None + + return {'image': rgb_image, 'image_feature':feature_image, 'image_sr':sr_image, 'image_depth': depth_image, 'background':2*background-1, 'interval':all_depths.squeeze(-1), 'all_weights':all_weights.squeeze(-1), 'T_bg': T_bg, \ + 'seg': (1 - T_bg)*2 - 1, 'offset':offset, 'dist_to_surface':dist_to_surface, 'vts_mask':vts_mask, 'vts_mask_region':vts_mask_region, 'dynamic_planes':dynamic_planes, 'coarse_sample_points':coarse_sample_points, 'coarse_triplane_features':coarse_triplane_features} + + + def sample(self, coordinates, directions, shape_params,exp_params,pose_params,eye_pose_params, z, c, use_deform=True, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + # Compute RGB features, density for arbitrary 3D coordinates. Mostly used for extracting shapes. + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + planes, last_featuremap = self.backbone.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + planes = planes.view(len(planes), 3, -1, planes.shape[-2], planes.shape[-1]) + + # target space to canonical space deformation + if use_deform: + _deformer = self._deformer(shape_params,exp_params,pose_params,eye_pose_params) + out_deform = _deformer(coordinates) + coordinates = out_deform['canonical'] + offset = out_deform['offset'] + dynamic_mask = out_deform['dynamic_mask'] + else: + coordinates = coordinates + offset = torch.zeros_like(coordinates) + dynamic_mask = None + + out = self.renderer.run_model(planes, self.decoder, coordinates, directions, self.rendering_kwargs, dynamic_mask=dynamic_mask) + out['canonical'] = coordinates + out['offset'] = offset + + return out + + def sample_mixed(self, coordinates, directions, shape_params,exp_params,pose_params,eye_pose_params, ws, use_deform=True, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + # Same as sample, but expects latent vectors 'ws' instead of Gaussian noise 'z' + planes, last_featuremap = self.backbone.synthesis(ws, update_emas = update_emas, **synthesis_kwargs) + # planes = torch.tanh(planes) + planes = planes.view(len(planes), 3, -1, planes.shape[-2], planes.shape[-1]) + + # target space to canonical space deformation + if use_deform: + _deformer = self._deformer(shape_params,exp_params,pose_params,eye_pose_params) + out_deform = _deformer(coordinates) + coordinates = out_deform['canonical'] + offset = out_deform['offset'] + dynamic_mask = out_deform['dynamic_mask'] + else: + coordinates = coordinates + offset = torch.zeros_like(coordinates) + dynamic_mask = None + + out = self.renderer.run_model(planes, self.decoder, coordinates, directions, self.rendering_kwargs, dynamic_mask=dynamic_mask) + out['canonical'] = coordinates + out['offset'] = offset + + return out + + def forward(self, shape_params,exp_params,pose_params,eye_pose_params, z, z_bg, c, c_compose, truncation_psi=1, truncation_cutoff=None, neural_rendering_resolution=None, update_emas=False, cache_backbone=False, use_cached_backbone=False, patch_scale=None, **synthesis_kwargs): + # Render a batch of generated images. + _deformer = self._deformer(shape_params,exp_params,pose_params,eye_pose_params) + + c_compose_condition = c_compose.clone() + if self.flame_condition: + c_compose_condition = torch.cat([c_compose_condition,shape_params,exp_params],dim=-1) + + ws = self.mapping(z, c_compose_condition, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + + # Render correspondence map as condition to the discriminator + uv = self.deformer.renderer(shape_params, exp_params, pose_params, eye_pose_params, c, half_size=int(self.img_resolution/2))[0] + + img = self.synthesis(ws, z_bg, c, _deformer=_deformer, update_emas=update_emas, neural_rendering_resolution=neural_rendering_resolution, cache_backbone=cache_backbone, use_cached_backbone=use_cached_backbone, **synthesis_kwargs) + img['uv'] = uv + + return img + +# Generator used in GenHead, with part-wise deformation +@persistence.persistent_class +class PartTriPlaneGeneratorDeform(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + triplane_channels, + sr_num_fp16_res = 0, + mapping_kwargs = {}, # Arguments for MappingNetwork. + rendering_kwargs = {}, + deformation_kwargs = {}, + sr_kwargs = {}, + has_background = True, + has_superresolution = False, + has_patch_sr = False, + flame_condition = True, + flame_full = False, + dynamic_texture = False, # Deprecated + random_combine = True, + add_block = False, + triplane_resolution = 256, + masked_sampling = False, + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim=z_dim + self.c_dim=c_dim + self.w_dim=w_dim + self.flame_condition = flame_condition + self.dynamic_texture = dynamic_texture + self.has_background = has_background + self.has_superresolution = has_superresolution + self.has_patch_sr = has_patch_sr + decoder_output_dim = 32 if has_superresolution else 3 + self.img_resolution=img_resolution + self.img_channels=img_channels + self.renderer = PartDeformImportanceRenderer() if triplane_channels>96 else DeformImportanceRenderer() + self.mouth_part = True #if triplane_channels>192 else False + self.mouth_dynamic = False + self.masked_sampling = masked_sampling + self.ray_sampler = RaySampler() + self.backbone = StyleGAN2Backbone(z_dim, c_dim, w_dim, img_resolution=triplane_resolution, img_channels=triplane_channels, mapping_kwargs=mapping_kwargs, add_block=add_block, **synthesis_kwargs) + if self.has_background: + self.background = StyleGAN2Backbone(z_dim, 0, w_dim, img_resolution=64, mapping_kwargs={'num_layers':8}, channel_base=16384, img_channels=decoder_output_dim) + if self.has_superresolution: + self.superresolution = dnnlib.util.construct_class_by_name(class_name=rendering_kwargs['superresolution_module'], channels=32, img_resolution=img_resolution, sr_num_fp16_res=sr_num_fp16_res, sr_antialias=rendering_kwargs['sr_antialias'], **sr_kwargs) + else: + self.superresolution = None + self.decoder = OSGDecoder(32, {'decoder_lr_mul': rendering_kwargs.get('decoder_lr_mul', 1), 'decoder_output_dim': decoder_output_dim}) + self.neural_rendering_resolution = 64 + self.rendering_kwargs = rendering_kwargs + + if self.has_patch_sr: + self.patch_sr = SuperresolutionPatchMLP(channels=32, img_resolution=None, sr_num_fp16_res=sr_num_fp16_res, sr_antialias=True) + + self.to_dynamic = None + self.to_dynamic_sr = None + + self.deformer = DeformationModule(flame_full=flame_full,dynamic_texture=dynamic_texture,part=True,**deformation_kwargs) + + self._last_planes = None + self._last_dynamic_planes = None + self.max_pool = nn.MaxPool2d(kernel_size=7, stride=1, padding=3) + + def _warping(self,images,flows): + # images [(B, M, C, H, W)] + # flows (B, M, 2, H, W) # inverse warpping flow + warp_images = [] + B, M, _, H_f, W_f = flows.shape + flows = flows.view(B*M,2,H_f, W_f) + + for im in images: + B, M, C, H, W = im.shape + im = im.view(B*M, C, H, W) + y, x = torch.meshgrid(torch.linspace(-1, 1, H, dtype=torch.float32, device=im.device), torch.linspace(-1, 1, W, dtype=torch.float32, device=im.device), indexing='ij') + xy = torch.stack([x, y], dim=-1).unsqueeze(0).repeat(B,1,1,1) #(B,H,W,2) + if H_f != H: + _flows = F.interpolate(flows,size=(H,W), mode='bilinear', align_corners=True) + else: + _flows = flows + _flows = _flows.permute(0,2,3,1) #(B,H,W,2) + uv = _flows + xy + warp_image = F.grid_sample(im, uv, mode='bilinear', padding_mode='zeros', align_corners=True) #(B,C,H,W) + warp_image = warp_image.view(B, M, C, H, W) + warp_images.append(warp_image) + + return warp_images + + def _deformer(self,shape_params,exp_params,pose_params,eye_pose_params,eye_blink_params=None,exp_params_dynamics=None,cache_backbone=False, use_cached_backbone=False,use_rotation_limits=False): + return lambda coordinates, mouth: self.deformer(coordinates, shape_params,exp_params,pose_params,eye_pose_params,eye_blink_params=eye_blink_params,exp_params_dynamics=exp_params_dynamics,cache_backbone=cache_backbone,use_cached_backbone=use_cached_backbone,use_rotation_limits=use_rotation_limits,mouth=mouth) + + def mapping(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + if self.rendering_kwargs['c_gen_conditioning_zero']: + c = torch.zeros_like(c) + return self.backbone.mapping(z, c * self.rendering_kwargs.get('c_scale', 0), truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + + def synthesis(self, ws, z_bg, c, _deformer, neural_rendering_resolution=None, update_emas=False, cache_backbone=False, use_cached_backbone=False, use_dynamic=False, use_rotation_limits=None, smpl_param=None, eye_blink_params=None, patch_scale=1.0, run_full=True, uv=None, chunk=None, diff_dynamic=False, dense_eye=False, forward_mode='train', ws_super=None, **synthesis_kwargs): + if forward_mode == 'train': + face_ws = ws + dynamic_ws = ws + # for inversion only + elif ws.shape[1] >= self.backbone.num_ws + self.background.num_ws: + face_ws, bg_ws, dynamic_ws = ws[:, :self.backbone.num_ws, :], ws[:, self.backbone.num_ws:self.backbone.num_ws+self.background.num_ws, :], ws[:, self.backbone.num_ws+self.background.num_ws:, :] + else: + face_ws, bg_ws, dynamic_ws = ws[:, :self.backbone.num_ws, :], ws[:, self.backbone.num_ws:-1, :], ws[:, self.backbone.num_ws-1:self.backbone.num_ws, :] + cam2world_matrix = c[:, :16].view(-1, 4, 4) + world2cam_matrix = cam_world_matrix_transform(cam2world_matrix) + cam_z = world2cam_matrix[:,2,3] + intrinsics = c[:, 16:25].view(-1, 3, 3) + N = cam2world_matrix.shape[0] + + if neural_rendering_resolution is None: + neural_rendering_resolution = self.neural_rendering_resolution + elif self.training: + self.neural_rendering_resolution = neural_rendering_resolution + H = W = neural_rendering_resolution + + with torch.no_grad(): + eye_mask = self.deformer.renderer(smpl_param[0], smpl_param[1], smpl_param[2], smpl_param[3], c, half_size = int(self.img_resolution/2), eye_blink_params=eye_blink_params, eye_mask=True, use_rotation_limits=use_rotation_limits)[1] + face_wo_eye_mask = self.deformer.renderer(smpl_param[0], smpl_param[1], smpl_param[2], smpl_param[3], c, half_size = int(self.img_resolution/2), eye_blink_params=eye_blink_params, face_woeye=True, use_rotation_limits=use_rotation_limits)[1] + eye_mask = eye_mask * (1-face_wo_eye_mask) + blur_sigma = 1 + blur_size = blur_sigma * 3 + f = torch.arange(-blur_size, blur_size + 1, device=eye_mask.device).div(blur_sigma).square().neg().exp2() + eye_mask_sr = upfirdn2d.filter2d(eye_mask, f / f.sum()) + eye_mask = torch.nn.functional.interpolate(eye_mask, size=(self.neural_rendering_resolution), mode='bilinear', align_corners=False, antialias=True) + head_mask = self.deformer.renderer(smpl_param[0], smpl_param[1], smpl_param[2], smpl_param[3], c, half_size = int(self.img_resolution/2), eye_blink_params=eye_blink_params, only_face=False,cull_backfaces=False, use_rotation_limits=use_rotation_limits)[1] + if self.mouth_part: + head_wo_mouth_mask = self.deformer.renderer(smpl_param[0], smpl_param[1], smpl_param[2], smpl_param[3], c, half_size = int(self.img_resolution/2), eye_blink_params=eye_blink_params, only_face=False,cull_backfaces=True, noinmouth=True, use_rotation_limits=use_rotation_limits)[1] + mouth_mask = head_mask * (1-head_wo_mouth_mask) + mouth_mask_sr = -self.max_pool(-mouth_mask) + mouth_mask_sr = self.max_pool(mouth_mask_sr) + blur_sigma = 2 + blur_size = blur_sigma * 3 + f = torch.arange(-blur_size, blur_size + 1, device=mouth_mask_sr.device).div(blur_sigma).square().neg().exp2() + mouth_mask_sr = upfirdn2d.filter2d(mouth_mask_sr, f / f.sum()) + mouth_mask = torch.nn.functional.interpolate(mouth_mask, size=(self.neural_rendering_resolution), mode='bilinear', align_corners=False, antialias=True) + mouth_mask_sr = (mouth_mask_sr + torch.nn.functional.interpolate(mouth_mask, size=(self.img_resolution), mode='bilinear', align_corners=False, antialias=True)).clamp(max=1) + # mouth_mask_sr[:,:,:128,:] *= 0 # for visualization only (deprecated) + else: + mouth_mask = None + mouth_mask_sr = None + head_mask = torch.nn.functional.interpolate(head_mask, size=(neural_rendering_resolution), mode='bilinear', align_corners=False, antialias=True) + head_mask_sr = torch.nn.functional.interpolate(head_mask, size=(self.img_resolution), mode='bilinear', align_corners=False, antialias=True) + + # Create triplanes by running StyleGAN backbone + # N, M, _ = ray_origins.shape + if use_cached_backbone and self._last_planes is not None: + planes = self._last_planes + dynamic_planes = self._last_dynamic_planes + else: + planes, last_featuremap = self.backbone.synthesis(face_ws, update_emas=update_emas, **synthesis_kwargs) + # Reshape output into three 32-channel planes + if not isinstance(planes, list): + planes = [planes] + # last_featuremap = [last_featuremap] + planes = [p.view(len(p), -1, 32, p.shape[-2], p.shape[-1]) for p in planes] + + if self.dynamic_texture: + pass # deprecated + else: + dynamic_planes = None + + if cache_backbone: + self._last_planes = planes + self._last_dynamic_planes = dynamic_planes + + if self.has_background: + if forward_mode == 'train': + background = self.background(z_bg, c, **synthesis_kwargs) + else: + background, _ = self.background.synthesis(bg_ws, update_emas=update_emas, **synthesis_kwargs) + background = torch.sigmoid(background) # (-1,1) (N,3,H,W) + background = F.interpolate(background,size=(256, 256),mode='bilinear') + background_feature = F.interpolate(background,size=(self.img_resolution,self.img_resolution),mode='bilinear') + if background.shape[-1] != neural_rendering_resolution: + background = F.interpolate(background,size=(neural_rendering_resolution,neural_rendering_resolution),mode='bilinear') + + + # Create a batch of rays for volume rendering + output = {} + coarse_sample_points = coarse_triplane_features = None + + if run_full: + ray_origins, ray_directions, _ = self.ray_sampler(cam2world_matrix, intrinsics, neural_rendering_resolution) + mouth_mask_flat = mouth_mask[:, 0].view(mouth_mask.shape[0], -1, 1) if neural_rendering_resolution==self.neural_rendering_resolution else mouth_mask_sr[:, 0].view(mouth_mask_sr.shape[0], -1, 1) + eye_mask_flat = eye_mask[:, 0].view(eye_mask.shape[0], -1, 1) if neural_rendering_resolution==self.neural_rendering_resolution else eye_mask_sr[:, 0].view(eye_mask_sr.shape[0], -1, 1) + # Perform volume rendering + if chunk is None: + feature_samples, depth_samples, all_depths, all_weights, T_bg, offset, dist_to_surface, densities_face_ineye, densities_face_inmouth,vts_mask, vts_mask_region, coarse_sample_points, coarse_triplane_features, eye_mask_sel, mouth_mask_sel \ + = self.renderer((planes[0:1], planes)[neural_rendering_resolution>64], self.decoder, _deformer, ray_origins, ray_directions, self.rendering_kwargs, eye_mask=eye_mask_flat, mouth_mask=mouth_mask_flat, mouth_dynamic=self.mouth_dynamic, auto_fuse=(False, True)[neural_rendering_resolution>64],cam_z=cam_z) # channels last + if dense_eye: # only for batchsize=1 + is_eye_region = (eye_mask_flat!=0).squeeze(0).squeeze(-1) + if torch.sum(is_eye_region.to(torch.float32)) == 0: + feature_samples_eye = 0 + T_bg_eye = 0 + else: + ray_origins_eye = ray_origins[:,is_eye_region] + ray_directions_eye = ray_directions[:,is_eye_region] + eye_mask_eye = eye_mask_flat[:,is_eye_region] + + rendering_kwargs_eye = copy.deepcopy(self.rendering_kwargs) + rendering_kwargs_eye['depth_resolution'] = 128 + rendering_kwargs_eye['depth_resolution_importance'] = 128 + + feature_samples_eye, depth_samples_eye, all_depths_eye, all_weights_eye, T_bg_eye, offset_eye, dist_to_surface_eye, densities_face_ineye_eye, densities_face_inmouth_eye,vts_mask_eye, vts_mask_region_eye, _, _, _, _ = self.renderer((planes[0:1], planes)[neural_rendering_resolution>64], self.decoder, _deformer, ray_origins_eye, ray_directions_eye, rendering_kwargs_eye, eye_mask=eye_mask_eye, mouth_mask=None, mouth_dynamic=self.mouth_dynamic, auto_fuse=(False, True)[neural_rendering_resolution>64]) # channels last + + else: + feature_samples, depth_samples, all_depths, all_weights, T_bg, offset, dist_to_surface, densities_face_ineye, densities_face_inmouth, vts_mask, vts_mask_region = list(), list(), list(), list(), list(), list(), list(), list(), list(), list(), list() + for _ro, _rd, _em, _mm in zip(torch.split(ray_origins, chunk, dim=1), torch.split(ray_directions, chunk, dim=1), torch.split(eye_mask_flat, chunk, dim=1), torch.split(mouth_mask_flat, chunk, dim=1)): + _f, _d, _ad, _aw, _tbg, _off, _ds, _dfe, _dfm, _vm, _vmr = self.renderer((planes[0:1], planes)[neural_rendering_resolution>64], self.decoder, _deformer, _ro, _rd, self.rendering_kwargs, eye_mask=_em, mouth_mask=_mm, mouth_dynamic=self.mouth_dynamic, auto_fuse=(False, True)[neural_rendering_resolution>64],cam_z=cam_z) # channels last + feature_samples.append(_f) + depth_samples.append(_d) + all_depths.append(_ad) + all_weights.append(_aw) + T_bg.append(_tbg) + offset.append(_off) + dist_to_surface.append(_ds) + densities_face_ineye.append(_dfe) + densities_face_inmouth.append(_dfm) + vts_mask.append(_vm) + vts_mask_region.append(_vmr) + + feature_samples = torch.cat(feature_samples, 1) + depth_samples = torch.cat(depth_samples, 1) + all_depths = torch.cat(all_depths, 1) + all_weights = torch.cat(all_weights, 1) + T_bg = torch.cat(T_bg, 1) + offset = torch.cat(offset, 1) + dist_to_surface = torch.cat(dist_to_surface, 1) + densities_face_ineye = torch.cat(densities_face_ineye, 1) + densities_face_inmouth = torch.cat(densities_face_inmouth, 1) + vts_mask = torch.cat(vts_mask, 1) + vts_mask_region = torch.cat(vts_mask_region, 1) + + weights_samples = all_weights.sum(2) + + if dense_eye: + feature_samples[:,is_eye_region] = feature_samples_eye + T_bg[:,is_eye_region] = T_bg_eye + + # Reshape into 'raw' neural-rendered image + # H = W = self.neural_rendering_resolution + feature_image = feature_samples.permute(0, 2, 1).reshape(N, feature_samples.shape[-1], H, W).contiguous() + depth_image = depth_samples.permute(0, 2, 1).reshape(N, 1, H, W) + + # background + if feature_image.shape[-1]<=128: + T_bg = T_bg.permute(0, 2, 1).reshape(N, 1, H, W) + if self.has_background: + feature_image = feature_image + T_bg*background + else: + feature_image = feature_image + T_bg + feature_image = 2*feature_image - 1 + rgb_image = feature_image[:, :3] + if self.superresolution is not None and rgb_image.shape[-1]<=128: + sr_image = self.superresolution(rgb_image, feature_image, ws, ws_super=ws_super, noise_mode=self.rendering_kwargs['superresolution_noise_mode'], **{k:synthesis_kwargs[k] for k in synthesis_kwargs.keys() if k != 'noise_mode'}) + else: + sr_image = rgb_image + else: + rgb_image = feature_image[:, :3] + if self.has_background: + background_sr = 2*background - 1 + background_sr = self.superresolution(background_sr[:, :3], background_sr, ws, ws_super=ws_super, noise_mode=self.rendering_kwargs['superresolution_noise_mode'], **{k:synthesis_kwargs[k] for k in synthesis_kwargs.keys() if k != 'noise_mode'}) + background_sr = (background_sr + 1) * 0.5 + T_bg = T_bg.permute(0, 2, 1).reshape(N, 1, H, W) + rgb_image = rgb_image + T_bg*background_sr + else: + T_bg = T_bg.permute(0, 2, 1).reshape(N, 1, H, W) + rgb_image = rgb_image + T_bg + rgb_image = 2*rgb_image - 1 + sr_image = rgb_image + + if self.has_patch_sr: + rgb_image_ = rgb_image + background_feature = torch.cat([background_sr,background_feature[:,3:]],dim=1) + feature_image_ = feature_image + T_bg * background_feature + feature_image_ = 2*feature_image_ - 1 + sr_rgb_image = self.patch_sr(rgb_image_[:, :3], feature_image_, torch.ones_like(ws)) + output.update({'image_raw_sr': sr_rgb_image}) + + output.update({'image': rgb_image, 'image_feature':feature_image,'image_sr':sr_image, 'background':2*background-1, 'image_depth': depth_image, 'interval':all_depths.squeeze(-1), 'all_weights':all_weights.squeeze(-1), \ + 'T_bg': T_bg, 'offset':offset, 'dist_to_surface':dist_to_surface, 'eye_mask': eye_mask, 'head_mask': head_mask, 'mouth_mask': mouth_mask, 'mouth_mask_sr': mouth_mask_sr+eye_mask_sr, \ + 'densities_face_ineye': densities_face_ineye, 'densities_face_inmouth': densities_face_inmouth, 'seg': (1 - T_bg)*2 - 1, 'vts_mask':vts_mask, 'vts_mask_region':vts_mask_region, 'dynamic_planes':dynamic_planes, 'uv': uv,\ + 'coarse_sample_points':coarse_sample_points, 'coarse_triplane_features':coarse_triplane_features, 'eye_mask_sel':eye_mask_sel, 'mouth_mask_sel':mouth_mask_sel}) + if patch_scale<1: + patch_ray_origins, patch_ray_directions, patch_info = self.ray_sampler(cam2world_matrix, intrinsics, neural_rendering_resolution, patch_scale=patch_scale, mask=[eye_mask_sr+mouth_mask_sr, head_mask_sr], masked_sampling=self.masked_sampling) + if self.has_background: + background_sr = 2*background - 1 + background_sr = self.superresolution(background_sr[:, :3], background_sr, ws, ws_super=ws_super, noise_mode=self.rendering_kwargs['superresolution_noise_mode'], **{k:synthesis_kwargs[k] for k in synthesis_kwargs.keys() if k != 'noise_mode'}) + background_sr = (background_sr+1)*0.5 + patch_background_sr = [] + patch_background_feature = [] + patch_eye_mask = [] + if uv is not None: + patch_uv = [] + if run_full: + patch_sr_image = [] + patch_rgb_image = [] + sr_image_ = sr_image.detach() + rgb_image_ = rgb_image.detach() + rgb_image_ = torch.nn.functional.interpolate(rgb_image_, size=(sr_image_.shape[-1]), + mode='bilinear', align_corners=False, antialias=True) + if self.mouth_part: + patch_mouth_mask = [] + + for i in range(len(patch_info)): + top, left = patch_info[i] + patch_eye_mask.append(eye_mask_sr[i:i+1, :, top:top+neural_rendering_resolution, left:left+neural_rendering_resolution]) + if uv is not None: + patch_uv.append(uv[i:i+1, :, top:top+neural_rendering_resolution, left:left+neural_rendering_resolution]) + if run_full: + patch_sr_image.append(sr_image_[i:i+1, :, top:top+neural_rendering_resolution, left:left+neural_rendering_resolution]) + patch_rgb_image.append(rgb_image_[i:i+1, :, top:top+neural_rendering_resolution, left:left+neural_rendering_resolution]) + if self.mouth_part: + patch_mouth_mask.append(mouth_mask_sr[i:i+1, :, top:top+neural_rendering_resolution, left:left+neural_rendering_resolution]) + if self.has_background: + patch_background_sr.append(background_sr[i:i+1, :, top:top+neural_rendering_resolution, left:left+neural_rendering_resolution]) + patch_background_feature.append(background_feature[i:i+1, :, top:top+neural_rendering_resolution, left:left+neural_rendering_resolution]) + + patch_eye_mask = torch.cat(patch_eye_mask, 0) + if uv is not None: + patch_uv = torch.cat(patch_uv, 0) + else: + patch_uv = None + if run_full: + patch_sr_image = torch.cat(patch_sr_image, 0) + patch_rgb_image = torch.cat(patch_rgb_image, 0) + output.update({'patch_image': patch_sr_image, 'patch_image_gr': patch_rgb_image}) + if self.mouth_part: + patch_mouth_mask = torch.cat(patch_mouth_mask, 0) + if self.has_background: + patch_background_sr = torch.cat(patch_background_sr, 0) + patch_background_feature = torch.cat(patch_background_feature, 0) + + # Perform volume rendering + patch_mouth_mask_flat = patch_mouth_mask[:, 0].view(mouth_mask.shape[0], -1, 1) + patch_eye_mask_flat = patch_eye_mask[:, 0].view(eye_mask.shape[0], -1, 1) + patch_feature_samples, patch_depth_samples, patch_all_depths, patch_all_weights, patch_T_bg, patch_offset, patch_dist_to_surface, patch_densities_face_ineye, patch_densities_face_inmouth, patch_vts_mask, patch_vts_mask_region, _, _, _, _ = self.renderer(planes, self.decoder, _deformer, patch_ray_origins, patch_ray_directions, self.rendering_kwargs, eye_mask=patch_eye_mask_flat, mouth_mask=patch_mouth_mask_flat, mouth_dynamic=self.mouth_dynamic, auto_fuse=True,cam_z=cam_z) # channels last + # Reshape into 'raw' neural-rendered image + patch_feature_image = patch_feature_samples.permute(0, 2, 1).reshape(N, patch_feature_samples.shape[-1], H, W).contiguous() + patch_depth_image = patch_depth_samples.permute(0, 2, 1).reshape(N, 1, H, W) + patch_rgb_image = patch_feature_image[:, :3] + + if self.has_background: + patch_T_bg = patch_T_bg.permute(0, 2, 1).reshape(N, 1, H, W) + patch_rgb_image = patch_rgb_image + patch_T_bg * patch_background_sr + patch_rgb_image = 2*patch_rgb_image-1 + + if self.has_patch_sr: + patch_rgb_image_ = patch_rgb_image.clone().detach() + patch_background_feature = torch.cat([patch_background_sr,patch_background_feature[:,3:]],dim=1) + patch_feature_image_ = patch_feature_image.clone().detach() + patch_T_bg.clone().detach() * patch_background_feature.clone().detach() + patch_feature_image_ = 2*patch_feature_image_ - 1 + sr_patch_rgb_image = self.patch_sr(patch_rgb_image_[:, :3], patch_feature_image_, torch.ones_like(ws)) + output.update({'patch_image_raw_sr': sr_patch_rgb_image}) + + output.update({'patch_image_raw': patch_rgb_image, 'patch_seg': (1 - patch_T_bg)*2 - 1, 'patch_T_bg': patch_T_bg, 'patch_uv': patch_uv, 'patch_mouth_mask': patch_mouth_mask, 'patch_all_depths': patch_all_depths.squeeze(-1), 'patch_all_weights': patch_all_weights.squeeze(-1)}) + + return output + + def sample(self, coordinates, directions, shape_params,exp_params,pose_params,eye_pose_params, z, c, use_deform=True, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + # Compute RGB features, density for arbitrary 3D coordinates. Mostly used for extracting shapes. + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + planes = self.backbone.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + # planes = torch.tanh(planes) + planes = planes.view(len(planes), -1, 32, planes.shape[-2], planes.shape[-1]) + + # target space to canonical space deformation + if use_deform: + _deformer = self._deformer(shape_params,exp_params,pose_params,eye_pose_params) + out_deform = _deformer(coordinates) + coordinates = out_deform['canonical'] + offset = out_deform['offset'] + else: + coordinates = coordinates + offset = torch.zeros_like(coordinates) + + out = self.renderer.run_model(planes, self.decoder, coordinates, directions, self.rendering_kwargs) + out['canonical'] = coordinates + out['offset'] = offset + # out['offset'] = torch.zeros_like(coordinates) + + + return out + + def sample_mixed(self, coordinates, directions, shape_params,exp_params,pose_params,eye_pose_params, ws, use_deform=True, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + # Same as sample, but expects latent vectors 'ws' instead of Gaussian noise 'z' + planes, last_featuremap = self.backbone.synthesis(ws, update_emas = update_emas, **synthesis_kwargs) + # planes = planes.view(len(planes), -1, 32, planes.shape[-2], planes.shape[-1]) + if not isinstance(planes, list): + planes = [planes] + last_featuremap = [last_featuremap] + planes = [p.view(len(p), -1, 32, p.shape[-2], p.shape[-1]) for p in planes] + + dynamic_planes = None + + # target space to canonical space deformation + if use_deform: + _deformer = self._deformer(shape_params,exp_params,pose_params,eye_pose_params) + out_deform = _deformer(coordinates, mouth=self.mouth_part) + coordinates_eye = out_deform['canonical_eye'] + coordinates_face = out_deform['canonical_face'] + coordinates_mouth = out_deform['canonical_mouth'] + if out_deform['dynamic_mask'] is not None: + dynamic_mask = out_deform['dynamic_mask'] * (1-out_deform['inside_bbox_eye'][..., None]) + else: + dynamic_mask = out_deform['dynamic_mask'] + offset = torch.zeros_like(coordinates_eye) + else: + coordinates = coordinates + offset = torch.zeros_like(coordinates) + dynamic_mask = None + + plane_eye = [p[:, :3] for p in planes] + if dynamic_mask is not None: + if self.mouth_part and self.mouth_dynamic: + plane_mouth = [torch.cat([p[:, :3],p[:, -3:]],dim=2) for p in planes] + else: + plane_mouth = [p[:, :3] for p in planes] + plane_face = [torch.cat([p[:, 3:6],p[:, -3:]],dim=2) for p in planes] + else: + if self.mouth_part: + plane_mouth = [p[:, :3] for p in planes] + plane_face = [p[:, 3:6] for p in planes] + + out_eye = self.renderer.run_model(plane_eye, self.decoder, coordinates_eye, directions, self.rendering_kwargs,dynamic_mask=None) + out_face = self.renderer.run_model(plane_face, self.decoder, coordinates_face, directions, self.rendering_kwargs,dynamic_mask=dynamic_mask) + out_eye['canonical'] = coordinates_eye + out_face['canonical'] = coordinates_face + out_eye['offset'] = offset + out_face['offset'] = offset + if self.mouth_part: + out_mouth = self.renderer.run_model(plane_mouth, self.decoder, coordinates_mouth, directions, self.rendering_kwargs,dynamic_mask=(None, dynamic_mask)[self.mouth_dynamic]) + out_mouth['canonical'] = coordinates_mouth + out_mouth['offset'] = offset + return out_eye, out_face, out_mouth + else: + return out_eye, out_face + + def forward(self, shape_params,exp_params,pose_params,eye_pose_params, z, z_bg, c, c_compose, truncation_psi=1, truncation_cutoff=None, neural_rendering_resolution=None, update_emas=False, cache_backbone=False, use_cached_backbone=False, patch_scale=1.0, **synthesis_kwargs): + # Render a batch of generated images. + _deformer = self._deformer(shape_params,exp_params,pose_params,eye_pose_params) + + c_compose_condition = c_compose.clone() + if self.flame_condition: + c_compose_condition = torch.cat([c_compose_condition,shape_params],dim=-1) + + ws = self.mapping(z, c_compose_condition, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + + # Render correspondence map as condition to the discriminator + render_out = self.deformer.renderer(shape_params, exp_params, pose_params, eye_pose_params, c, half_size=int(self.img_resolution/2)) + uv = render_out[0] + landmarks = render_out[-1] + + img = self.synthesis(ws, z_bg, c, _deformer=_deformer, update_emas=update_emas, neural_rendering_resolution=neural_rendering_resolution, cache_backbone=cache_backbone, use_cached_backbone=use_cached_backbone, smpl_param=(shape_params, exp_params, pose_params, eye_pose_params), patch_scale=patch_scale, **synthesis_kwargs) + img['uv'] = uv + img['landmarks'] = landmarks + + return img + + +def zero_init(m): + with torch.no_grad(): + nn.init.constant_(m.weight,0) + nn.init.constant_(m.bias,0) + +@persistence.persistent_class +class OSGDecoder(torch.nn.Module): + def __init__(self, n_features, options): + super().__init__() + self.hidden_dim = 64 + + self.net = torch.nn.Sequential( + FullyConnectedLayer(n_features, self.hidden_dim, lr_multiplier=options['decoder_lr_mul']), + torch.nn.Softplus() + ) + self.out_sigma = FullyConnectedLayer(self.hidden_dim, 1, lr_multiplier=options['decoder_lr_mul']) + self.out_rgb = FullyConnectedLayer(self.hidden_dim, options['decoder_output_dim'], lr_multiplier=options['decoder_lr_mul']) + + self.out_sigma.apply(zero_init) + + def forward(self, sampled_features, ray_directions): + # Aggregate features + sampled_features = sampled_features.mean(1) + x = sampled_features + + N, M, C = x.shape + x = x.view(N*M, C) + + x = self.net(x) + rgb = self.out_rgb(x) + sigma = self.out_sigma(x) + + rgb = rgb.view(N, M, -1) + sigma = sigma.view(N, M, -1) + + rgb = torch.sigmoid(rgb)*(1 + 2*0.001) - 0.001 # Uses sigmoid clamping from MipNeRF + return {'rgb': rgb, 'sigma': sigma} + diff --git a/recon/training/generator/triplane_v20.py b/recon/training/generator/triplane_v20.py new file mode 100644 index 0000000000000000000000000000000000000000..c3c589a06cadabbf1885977bb70674402ea1eb0a --- /dev/null +++ b/recon/training/generator/triplane_v20.py @@ -0,0 +1,743 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +from os import device_encoding +from turtle import update +import math +import torch +import numpy as np +import torch.nn.functional as F +import cv2 +import torchvision +from torch_utils import persistence +from training_avatar_texture.networks_stylegan2_new import Generator as StyleGAN2Backbone_cond +from training_avatar_texture.volumetric_rendering.renderer import ImportanceRenderer, ImportanceRenderer_bsMotion +from training_avatar_texture.volumetric_rendering.ray_sampler import RaySampler, RaySampler_zxc +import dnnlib +from training_avatar_texture.volumetric_rendering.renderer import fill_mouth + + +@persistence.persistent_class +class TriPlaneGenerator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + use_tanh=False, + use_two_rgb=False, + use_norefine_rgb = False, + topology_path=None, # + sr_num_fp16_res=0, + mapping_kwargs={}, # Arguments for MappingNetwork. + rendering_kwargs={}, + sr_kwargs={}, + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.renderer = ImportanceRenderer_bsMotion() + self.ray_sampler = RaySampler_zxc() + # print(111111111111111111, use_tanh) + self.texture_backbone = StyleGAN2Backbone_cond(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32, + mapping_kwargs=mapping_kwargs, use_tanh=use_tanh, + **synthesis_kwargs) # render neural texture + self.face_backbone = StyleGAN2Backbone_cond(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32, + mapping_kwargs=mapping_kwargs, use_tanh=use_tanh, + **synthesis_kwargs) + self.backbone = StyleGAN2Backbone_cond(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32 * 3, + mapping_ws=self.texture_backbone.num_ws, use_tanh=use_tanh, + mapping_kwargs=mapping_kwargs, **synthesis_kwargs) + self.superresolution = dnnlib.util.construct_class_by_name( + class_name=rendering_kwargs['superresolution_module'], channels=32, + img_resolution=img_resolution, sr_num_fp16_res=sr_num_fp16_res, + sr_antialias=rendering_kwargs['sr_antialias'], **sr_kwargs) + self.decoder = OSGDecoder(32, {'decoder_lr_mul': rendering_kwargs.get('decoder_lr_mul', 1), + 'decoder_output_dim': 32}) + self.neural_rendering_resolution = 128 + self.rendering_kwargs = rendering_kwargs + self.fill_mouth = True + self.triplnae_encoder = EncoderTriplane() + self.use_two_rgb = use_two_rgb + self.use_norefine_rgb = use_norefine_rgb + # print(self.use_two_rgb) + + def mapping(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + if self.rendering_kwargs['c_gen_conditioning_zero']: + c = torch.zeros_like(c) + c = c[:, :self.c_dim] # remove expression labels + return self.backbone.mapping(z, c * self.rendering_kwargs.get('c_scale', 0), truncation_psi=truncation_psi, + truncation_cutoff=truncation_cutoff, update_emas=update_emas) + + def visualize_mesh_condition(self, mesh_condition, to_imgs=False): + uvcoords_image = mesh_condition['uvcoords_image'].clone().permute(0, 3, 1, 2) # [B, C, H, W] + ori_alpha_image = uvcoords_image[:, 2:].clone() + full_alpha_image, mouth_masks = fill_mouth(ori_alpha_image, blur_mouth_edge=False) + # upper_mouth_mask = mouth_masks.clone() + # upper_mouth_mask[:, :, :87] = 0 + # alpha_image = torch.clamp(ori_alpha_image + upper_mouth_mask, min=0, max=1) + + if to_imgs: + uvcoords_image[full_alpha_image.expand(-1, 3, -1, -1) == 0] = -1 + uvcoords_image = ((uvcoords_image + 1) * 127.5).to(dtype=torch.uint8).cpu() + vis_images = [] + for vis_uvcoords in uvcoords_image: + vis_images.append(torchvision.transforms.ToPILImage()(vis_uvcoords)) + return vis_images + else: + return uvcoords_image + + def synthesis(self, ws, c, mesh_condition, neural_rendering_resolution=None, update_emas=False, + cache_backbone=False, use_cached_backbone=False, + return_featmap=False, evaluation=False, **synthesis_kwargs): + batch_size = ws.shape[0] + cam = c[:, -25:] + cam2world_matrix = cam[:, :16].view(-1, 4, 4) + intrinsics = cam[:, 16:25].view(-1, 3, 3) + + if neural_rendering_resolution is None: + neural_rendering_resolution = self.neural_rendering_resolution + else: + self.neural_rendering_resolution = neural_rendering_resolution + + # Create a batch of rays for volume rendering + ray_origins, ray_directions = self.ray_sampler(cam2world_matrix, intrinsics, neural_rendering_resolution) + + # Create triplanes by running StyleGAN backbone + N, M, _ = ray_origins.shape + texture_feat = self.texture_backbone.synthesis(ws, cond_list=None, return_list=False, update_emas=update_emas, + **synthesis_kwargs) + static_feat = self.backbone.synthesis(ws, cond_list=None, return_list=False, update_emas=update_emas, + **synthesis_kwargs) + + static_plane = static_feat + static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + static_plane_face = static_plane[:, 0] + # texture_feats = self.texture_backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, + # **synthesis_kwargs) + # static_feats = self.backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, + # **synthesis_kwargs) + # static_plane = static_feats[-1] + # static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + # static_feats[0] = static_feats[0].view(len(static_plane), 3, 32, static_feats[0].shape[-2], + # static_feats[0].shape[-1])[:, 0] + # static_feats[-1] = static_plane[:, 0] + # assert len(static_feats) == len(texture_feats) + bbox_256 = [57, 185, 64, 192] # the face region is the center-crop result from the frontal triplane. + + # rendering_images, full_alpha_image, mouth_masks, mask_images = self.rasterize(texture_feats, + # mesh_condition[ + # 'uvcoords_image'], + # static_feats, + # bbox_256) + texture_feat_out = texture_feat.unsqueeze(1) + out_triplane = torch.cat([texture_feat_out, static_plane], 1) + rendering_image, full_alpha_image, rendering_image_only_img, mask_images = self.rasterize_sinle_input( + texture_feat, + mesh_condition , + static_plane_face, + bbox_256 + ) + if self.use_norefine_rgb: + rendering_stitch = rendering_image_only_img + else: + + rendering_images_no_masks = self.triplnae_encoder(rendering_image) + rendering_images = [] + for index, rendering_image_no_mask in enumerate(rendering_images_no_masks): + rendering_images_each = torch.cat([rendering_image_no_mask, mask_images[index]], dim=1) + rendering_images.append(rendering_images_each) + rendering_images.append(rendering_image) + rendering_stitch = self.face_backbone.synthesis(ws, rendering_images, return_list=False, + update_emas=update_emas, **synthesis_kwargs) + + + + rendering_stitch_, full_alpha_image_ = torch.zeros_like(rendering_stitch), torch.zeros_like(full_alpha_image) + + rendering_stitch_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(rendering_stitch, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(full_alpha_image, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image, rendering_stitch = full_alpha_image_, rendering_stitch_ + + # blend features of neural texture and tri-plane + full_alpha_image = torch.cat( + (full_alpha_image, torch.zeros_like(full_alpha_image), torch.zeros_like(full_alpha_image)), 1).unsqueeze(2) + rendering_stitch = torch.cat( + (rendering_stitch, torch.zeros_like(rendering_stitch), torch.zeros_like(rendering_stitch)), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * full_alpha_image + static_plane * (1 - full_alpha_image) + + # Perform volume rendering + if evaluation: + assert 'noise_mode' in synthesis_kwargs.keys() and synthesis_kwargs['noise_mode'] == 'const', \ + ('noise_mode' in synthesis_kwargs.keys(), synthesis_kwargs['noise_mode'] == 'const') + feature_samples, depth_samples, weights_samples = self.renderer(blended_planes, self.decoder, ray_origins, + ray_directions, + self.rendering_kwargs, evaluation=evaluation) + + # Reshape into 'raw' neural-rendered image + H = W = self.neural_rendering_resolution + feature_image = feature_samples.permute(0, 2, 1).reshape(N, feature_samples.shape[-1], H, W).contiguous() + depth_image = depth_samples.permute(0, 2, 1).reshape(N, 1, H, W) + + # Run superresolution to get final image + rgb_image = feature_image[:, :3] + + if self.use_two_rgb: + rendering_stitch_low_detail_ = torch.zeros_like(rendering_image_only_img) + rendering_stitch_low_detail_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate( + rendering_image_only_img, + size=(128, 128), + mode='bilinear', + antialias=True) + rendering_stitch_low_detail = rendering_stitch_low_detail_ + rendering_stitch_low_detail = torch.cat( + (rendering_stitch_low_detail, torch.zeros_like(rendering_stitch_low_detail), + torch.zeros_like(rendering_stitch_low_detail)), 1) + rendering_stitch_low_detail = rendering_stitch_low_detail.view(*static_plane.shape) + blended_planes_low_detail = rendering_stitch_low_detail * full_alpha_image + static_plane * ( + 1 - full_alpha_image) + feature_samples_low_detail, _, _ = self.renderer(blended_planes_low_detail, self.decoder, ray_origins, + ray_directions, + self.rendering_kwargs, + evaluation=evaluation) + feature_samples_low_detail = feature_samples_low_detail.permute(0, 2, 1).reshape(N, feature_samples_low_detail.shape[-1], H, W).contiguous() + + rgb_image = feature_samples_low_detail[:, :3] + + sr_image = self.superresolution(rgb_image, feature_image, ws, + noise_mode=self.rendering_kwargs['superresolution_noise_mode'], + **{k: synthesis_kwargs[k] for k in synthesis_kwargs.keys() if + k != 'noise_mode'}) + if return_featmap: + return {'image': sr_image, 'image_raw': rgb_image, 'image_depth': depth_image, + 'image_feature': feature_image, 'triplane': blended_planes, + } # static_plane, 'texture_map': texture_feats[-2]} + else: + return {'image': sr_image, 'image_raw': rgb_image, 'image_depth': depth_image, "out_triplane":out_triplane} + + def synthesis_withTexture(self, ws, texture_feats, c, mesh_condition, static_feats=None, + neural_rendering_resolution=None, update_emas=False, + cache_backbone=False, use_cached_backbone=False, evaluation=False, **synthesis_kwargs): + bs = ws.shape[0] + # eg3d_ws, texture_ws = ws[:, :self.texture_backbone.num_ws], ws[:, self.texture_backbone.num_ws:] + # cam = c[:, :25] + cam = c[:, -25:] + cam2world_matrix = cam[:, :16].view(-1, 4, 4) + intrinsics = cam[:, 16:25].view(-1, 3, 3) + + if neural_rendering_resolution is None: + neural_rendering_resolution = self.neural_rendering_resolution + else: + self.neural_rendering_resolution = neural_rendering_resolution + + # Create a batch of rays for volume rendering + ray_origins, ray_directions = self.ray_sampler(cam2world_matrix, intrinsics, neural_rendering_resolution) + + # Create triplanes by running StyleGAN backbone + N, M, _ = ray_origins.shape + + if static_feats is None: + static_feats = self.backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, + **synthesis_kwargs) + + static_plane = static_feats[-1].view(bs, 3, 32, static_feats[-1].shape[-2], static_feats[-1].shape[-1]) + assert len(static_feats) == len(texture_feats), (len(static_feats), len(texture_feats)) + bbox_256 = [57, 185, 64, 192] + + rendering_images, full_alpha_image, mouth_masks = self.rasterize(texture_feats, + mesh_condition['uvcoords_image'], + bbox_256=bbox_256, + static_feats=[static_feats[0].view(bs, 3, 32, + static_feats[ + 0].shape[ + -2], + static_feats[ + 0].shape[ + -1])[:, + 0]] + + static_feats[1:-1] + [ + static_plane[:, 0]]) + rendering_stitch = self.face_backbone.synthesis(ws, rendering_images, return_list=False, + update_emas=update_emas, **synthesis_kwargs) + + # upper_mouth_mask = mouth_masks.clone() + # upper_mouth_mask[:, :, :87] = 0 + # rendering_stitch = F.interpolate(static_plane[:, 0, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]], size=(256, 256), mode='bilinear', + # antialias=True) * upper_mouth_mask + rendering_stitch * (1 - upper_mouth_mask) + + rendering_stitch_, full_alpha_image_ = torch.zeros_like(rendering_stitch), torch.zeros_like(full_alpha_image) + rendering_stitch_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(rendering_stitch, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(full_alpha_image, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image, rendering_stitch = full_alpha_image_, rendering_stitch_ + + # blend features of neural texture and tri-plane + full_alpha_image = torch.cat( + (full_alpha_image, torch.zeros_like(full_alpha_image), torch.zeros_like(full_alpha_image)), 1).unsqueeze(2) + rendering_stitch = torch.cat( + (rendering_stitch, torch.zeros_like(rendering_stitch), torch.zeros_like(rendering_stitch)), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * full_alpha_image + static_plane * (1 - full_alpha_image) + + # if flag is not False: + # import cv2 + # with torch.no_grad(): + # if not hasattr(self, 'weight'): + # self.weight = torch.nn.Conv2d(32, 3, 1).weight.cuda() + # weight = self.weight + # vis = torch.nn.functional.conv2d((rendering_stitch * full_alpha_image)[:, 0, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]], weight) + # max_ = [torch.max(torch.abs(vis[:, i])) for i in range(3)] + # for i in range(3): vis[:, i] /= max_[i] + # print('rendering_stitch', vis.max().item(), vis.min().item()) + # vis = torch.cat([vis[i] for i in range(blended_planes.shape[0])], dim=-1) + # vis = (vis.permute(1, 2, 0).clamp(min=-1.0, max=1.0) + 1.) * 127.5 + # cv2.imwrite('vis_%s_rendering_stitch.png' % flag, vis.cpu().numpy().astype(np.uint8)[..., ::-1]) + # vis = torch.nn.functional.conv2d((static_plane * (1 - full_alpha_image))[:, 0], weight) + # for i in range(3): vis[:, i] /= max_[i] + # print('static_plane', vis.max().item(), vis.min().item()) + # vis = torch.cat([vis[i] for i in range(blended_planes.shape[0])], dim=-1) + # vis = (vis.permute(1, 2, 0).clamp(min=-1.0, max=1.0) + 1.) * 127.5 + # cv2.imwrite('vis_%s_static_plane.png' % flag, vis.cpu().numpy().astype(np.uint8)[..., ::-1]) + # vis = torch.nn.functional.conv2d(blended_planes[:, 0], weight) + # for i in range(3): vis[:, i] /= max_[i] + # print('blended_planes', vis.max().item(), vis.min().item()) + # vis = torch.cat([vis[i] for i in range(blended_planes.shape[0])], dim=-1) + # vis = (vis.permute(1, 2, 0).clamp(min=-1.0, max=1.0) + 1.) * 127.5 + # cv2.imwrite('vis_%s_blended_planes.png' % flag, vis.cpu().numpy().astype(np.uint8)[..., ::-1]) + + # Perform volume rendering + if evaluation: + assert 'noise_mode' in synthesis_kwargs.keys() and synthesis_kwargs['noise_mode'] == 'const', \ + ('noise_mode' in synthesis_kwargs.keys(), synthesis_kwargs['noise_mode'] == 'const') + feature_samples, depth_samples, weights_samples = self.renderer(blended_planes, self.decoder, ray_origins, + ray_directions, + self.rendering_kwargs, evaluation=evaluation) + + # Reshape into 'raw' neural-rendered image + H = W = self.neural_rendering_resolution + feature_image = feature_samples.permute(0, 2, 1).reshape(N, feature_samples.shape[-1], H, W).contiguous() + depth_image = depth_samples.permute(0, 2, 1).reshape(N, 1, H, W) + + # Run superresolution to get final image + rgb_image = feature_image[:, :3] + sr_image = self.superresolution(rgb_image, feature_image, ws, + noise_mode=self.rendering_kwargs['superresolution_noise_mode'], + **{k: synthesis_kwargs[k] for k in synthesis_kwargs.keys() if + k != 'noise_mode'}) + + return {'image': sr_image, 'image_raw': rgb_image, 'image_depth': depth_image, + 'feature_image': feature_image, + 'triplane': blended_planes} # static_plane, 'texture_map': texture_feats[-2]} + + def synthesis_withCondition(self, ws, c, mesh_condition, gt_texture_feats=None, gt_static_feats=None, + texture_feats_conditions=None, + static_feats_conditions=None, neural_rendering_resolution=None, update_emas=False, + cache_backbone=False, + use_cached_backbone=False, only_image=False, return_feats=False, **synthesis_kwargs): + bs = ws.shape[0] + cam = c[:, -25:] + cam2world_matrix = cam[:, :16].view(-1, 4, 4) + intrinsics = cam[:, 16:25].view(-1, 3, 3) + + if neural_rendering_resolution is None: + neural_rendering_resolution = self.neural_rendering_resolution + else: + self.neural_rendering_resolution = neural_rendering_resolution + + # Create a batch of rays for volume rendering + ray_origins, ray_directions = self.ray_sampler(cam2world_matrix, intrinsics, neural_rendering_resolution) + + # Create triplanes by running StyleGAN backbone + N, M, _ = ray_origins.shape + + if gt_texture_feats is None: + texture_feats = self.texture_backbone.synthesis(ws, cond_list=None, return_list=True, + feat_conditions=texture_feats_conditions, + update_emas=update_emas, **synthesis_kwargs) + + if gt_static_feats is None: + static_feats = self.backbone.synthesis(ws, cond_list=None, return_list=True, + feat_conditions=static_feats_conditions, + update_emas=update_emas, **synthesis_kwargs) + + static_plane = static_feats[-1].view(bs, 3, 32, static_feats[-1].shape[-2], static_feats[-1].shape[-1]) + assert len(static_feats) == len(texture_feats) + bbox_256 = [57, 185, 64, 192] + + rendering_images, full_alpha_image, mouth_masks = self.rasterize(texture_feats, + mesh_condition['uvcoords_image'], + bbox_256=bbox_256, + static_feats=[static_feats[0].view(bs, 3, 32, + static_feats[ + 0].shape[ + -2], + static_feats[ + 0].shape[ + -1])[:, + 0]] + + static_feats[1:-1] + [ + static_plane[:, 0]]) + rendering_stitch = self.face_backbone.synthesis(ws, rendering_images, return_list=False, + update_emas=update_emas, **synthesis_kwargs) + + rendering_stitch_, full_alpha_image_ = torch.zeros_like(rendering_stitch), torch.zeros_like(full_alpha_image) + rendering_stitch_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(rendering_stitch, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(full_alpha_image, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image, rendering_stitch = full_alpha_image_, rendering_stitch_ + + # blend features of neural texture and tri-plane + full_alpha_image = torch.cat( + (full_alpha_image, torch.zeros_like(full_alpha_image), torch.zeros_like(full_alpha_image)), 1).unsqueeze(2) + rendering_stitch = torch.cat( + (rendering_stitch, torch.zeros_like(rendering_stitch), torch.zeros_like(rendering_stitch)), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * full_alpha_image + static_plane * (1 - full_alpha_image) + + # Perform volume rendering + evaluation = 'noise_mode' in synthesis_kwargs.keys() and synthesis_kwargs['noise_mode'] == 'const' + feature_samples, depth_samples, weights_samples = self.renderer(blended_planes, self.decoder, ray_origins, + ray_directions, + self.rendering_kwargs, evaluation=evaluation) + + # Reshape into 'raw' neural-rendered image + H = W = self.neural_rendering_resolution + feature_image = feature_samples.permute(0, 2, 1).reshape(N, feature_samples.shape[-1], H, W).contiguous() + depth_image = depth_samples.permute(0, 2, 1).reshape(N, 1, H, W) + + # Run superresolution to get final image + rgb_image = feature_image[:, :3] + sr_image = self.superresolution(rgb_image, feature_image, ws, + noise_mode=self.rendering_kwargs['superresolution_noise_mode'], + **{k: synthesis_kwargs[k] for k in synthesis_kwargs.keys() if + k != 'noise_mode'}) + + if only_image: + return {'image': sr_image} + out = {'image': sr_image, 'image_raw': rgb_image, 'image_depth': depth_image, 'image_feature': feature_image, + 'triplane': blended_planes} + if return_feats: + out['static'] = static_feats + out['texture'] = texture_feats + return out + + def rasterize_sinle_input(self, texture_feat_input, uvcoords_image, static_feat_input, bbox_256, + res_list=[32, 32, 64, 128, 256]): + ''' + uvcoords_image [B, H, W, C] + ''' + if not uvcoords_image.dtype == torch.float32: uvcoords_image = uvcoords_image.float() + grid, alpha_image = uvcoords_image[..., :2], uvcoords_image[..., 2:].permute(0, 3, 1, 2) + full_alpha_image, mouth_masks = fill_mouth(alpha_image.clone(), blur_mouth_edge=False) + upper_mouth_mask = mouth_masks.clone() + upper_mouth_mask[:, :, :87] = 0 + upper_mouth_alpha_image = torch.clamp(alpha_image + upper_mouth_mask, min=0, max=1) + res = texture_feat_input.shape[2] + bbox = [round(i * res / 256) for i in bbox_256] + rendering_image = F.grid_sample(texture_feat_input, grid, align_corners=False) + rendering_feat = F.interpolate(rendering_image, size=(res, res), mode='bilinear', antialias=True) + alpha_image_ = F.interpolate(alpha_image, size=(res, res), mode='bilinear', antialias=True) + static_feat = F.interpolate(static_feat_input[:, :, bbox[0]:bbox[1], bbox[2]:bbox[3]], size=(res, res), + mode='bilinear', antialias=True) + condition_mask_list = [] + rendering_img_nomask = rendering_feat * alpha_image_ + static_feat * (1 - alpha_image_) + rendering_image = torch.cat([ + rendering_img_nomask, + F.interpolate(upper_mouth_alpha_image, size=(res, res), mode='bilinear', antialias=True)], dim=1) + for res_mask in res_list: + condition_mask = F.interpolate(upper_mouth_alpha_image, size=(res_mask, res_mask), mode='bilinear', + antialias=True) + condition_mask_list.append(condition_mask) + # print('rendering_images', grid.shape, rendering_images[-1].shape) + return rendering_image, full_alpha_image, rendering_img_nomask, condition_mask_list + + def rasterize(self, texture_feats, uvcoords_image, static_feats, bbox_256): + ''' + uvcoords_image [B, H, W, C] + ''' + if not uvcoords_image.dtype == torch.float32: uvcoords_image = uvcoords_image.float() + grid, alpha_image = uvcoords_image[..., :2], uvcoords_image[..., 2:].permute(0, 3, 1, 2) + full_alpha_image, mouth_masks = fill_mouth(alpha_image.clone(), blur_mouth_edge=False) + upper_mouth_mask = mouth_masks.clone() + upper_mouth_mask[:, :, :87] = 0 + upper_mouth_alpha_image = torch.clamp(alpha_image + upper_mouth_mask, min=0, max=1) + rendering_images = [] + rendering_images_nomask = [] + for idx, texture in enumerate(texture_feats): + res = texture.shape[2] + bbox = [round(i * res / 256) for i in bbox_256] + rendering_image = F.grid_sample(texture, grid, align_corners=False) + rendering_feat = F.interpolate(rendering_image, size=(res, res), mode='bilinear', antialias=True) + alpha_image_ = F.interpolate(alpha_image, size=(res, res), mode='bilinear', antialias=True) + static_feat = F.interpolate(static_feats[idx][:, :, bbox[0]:bbox[1], bbox[2]:bbox[3]], size=(res, res), + mode='bilinear', antialias=True) + rendering_images.append(torch.cat([ + rendering_feat * alpha_image_ + static_feat * (1 - alpha_image_), + F.interpolate(upper_mouth_alpha_image, size=(res, res), mode='bilinear', antialias=True)], dim=1)) + rendering_images_nomask.append(rendering_feat * alpha_image_ + static_feat * (1 - alpha_image_)) + # print('rendering_images', grid.shape, rendering_images[-1].shape) + return rendering_images, full_alpha_image, mouth_masks, rendering_images_nomask + + def sample(self, coordinates, directions, z, c, mesh_condition, truncation_psi=1, truncation_cutoff=None, + update_emas=False, **synthesis_kwargs): + # Compute RGB features, density for arbitrary 3D coordinates. Mostly used for extracting shapes. + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, + update_emas=update_emas) + batch_size = ws.shape[0] + texture_feat = self.texture_backbone.synthesis(ws, cond_list=None, return_list=False, update_emas=update_emas, + **synthesis_kwargs) + static_feat = self.backbone.synthesis(ws, cond_list=None, return_list=False, update_emas=update_emas, + **synthesis_kwargs) + + static_plane = static_feat + static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + static_plane_face = static_plane[:, 0] + + # texture_feats = self.texture_backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, + # **synthesis_kwargs) + # + # static_feats = self.backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, + # **synthesis_kwargs) + # static_plane = static_feats[-1] + # static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + # static_feats[0] = static_feats[0].view(len(static_plane), 3, 32, static_feats[0].shape[-2], + # static_feats[0].shape[-1])[:, 0] + # static_feats[-1] = static_plane[:, 0] + # assert len(static_feats) == len(texture_feats) + bbox_256 = [57, 185, 64, 192] + # rendering_images, full_alpha_image, mouth_masks, rendering_images_nomask = self.rasterize(texture_feats, + # mesh_condition[ + # 'uvcoords_image'], + # static_feats, + # bbox_256) + rendering_image, full_alpha_image, rendering_image_only_img, mask_images = self.rasterize_sinle_input(texture_feat, + mesh_condition[ + 'uvcoords_image'], + static_plane_face, + bbox_256) + if self.use_norefine_rgb: + rendering_stitch = rendering_image_only_img + else: + + rendering_images_no_masks = self.triplnae_encoder(rendering_image) + rendering_images = [] + for index, rendering_image_no_mask in enumerate(rendering_images_no_masks): + rendering_images_each = torch.cat([rendering_image_no_mask, mask_images[index]], dim=1) + rendering_images.append(rendering_images_each) + rendering_images.append(rendering_image) + rendering_stitch = self.face_backbone.synthesis(ws, rendering_images, return_list=False, + update_emas=update_emas, **synthesis_kwargs) + + rendering_stitch_, full_alpha_image_ = torch.zeros_like(rendering_stitch), torch.zeros_like(full_alpha_image) + rendering_stitch_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(rendering_stitch, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(full_alpha_image, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image, rendering_stitch = full_alpha_image_, rendering_stitch_ + + # blend features of neural texture and tri-plane + full_alpha_image = torch.cat( + (full_alpha_image, torch.zeros_like(full_alpha_image), torch.zeros_like(full_alpha_image)), 1).unsqueeze(2) + rendering_stitch = torch.cat( + (rendering_stitch, torch.zeros_like(rendering_stitch), torch.zeros_like(rendering_stitch)), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * full_alpha_image + static_plane * (1 - full_alpha_image) + + return self.renderer.run_model(blended_planes, self.decoder, coordinates, directions, self.rendering_kwargs) + + def sample_mixed(self, coordinates, directions, ws, mesh_condition, truncation_psi=1, truncation_cutoff=None, + update_emas=False, **synthesis_kwargs): + # Same as sample, but expects latent vectors 'ws' instead of Gaussian noise 'z' + batch_size = ws.shape[0] + texture_feat = self.texture_backbone.synthesis(ws, cond_list=None, return_list=False, update_emas=update_emas, + **synthesis_kwargs) + static_feat = self.backbone.synthesis(ws, cond_list=None, return_list=False, update_emas=update_emas, + **synthesis_kwargs) + + static_plane = static_feat + static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + static_plane_face = static_plane[:, 0] + # texture_feats = self.texture_backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, + # **synthesis_kwargs) + # + # static_feats = self.backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, + # **synthesis_kwargs) + # static_plane = static_feats[-1] + # static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + # static_feats[0] = static_feats[0].view(len(static_plane), 3, 32, static_feats[0].shape[-2], + # static_feats[0].shape[-1])[:, 0] + # static_feats[-1] = static_plane[:, 0] + # assert len(static_feats) == len(texture_feats) + bbox_256 = [57, 185, 64, 192] + # rendering_images, full_alpha_image, mouth_masks, rendering_images_nomask = self.rasterize(texture_feats, + # mesh_condition[ + # 'uvcoords_image'], + # static_feats, + # bbox_256) + rendering_image, full_alpha_image, rendering_image_only_img, mask_images = self.rasterize_sinle_input(texture_feat, + mesh_condition[ + 'uvcoords_image'], + static_plane_face, + bbox_256) + if self.use_norefine_rgb: + rendering_stitch = rendering_image_only_img + else: + + rendering_images_no_masks = self.triplnae_encoder(rendering_image) + rendering_images = [] + for index, rendering_image_no_mask in enumerate(rendering_images_no_masks): + rendering_images_each = torch.cat([rendering_image_no_mask, mask_images[index]], dim=1) + rendering_images.append(rendering_images_each) + rendering_images.append(rendering_image) + rendering_stitch = self.face_backbone.synthesis(ws, rendering_images, return_list=False, + update_emas=update_emas, **synthesis_kwargs) + + rendering_stitch_, full_alpha_image_ = torch.zeros_like(rendering_stitch), torch.zeros_like(full_alpha_image) + rendering_stitch_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(rendering_stitch, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(full_alpha_image, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image, rendering_stitch = full_alpha_image_, rendering_stitch_ + + # blend features of neural texture and tri-plane + full_alpha_image = torch.cat( + (full_alpha_image, torch.zeros_like(full_alpha_image), torch.zeros_like(full_alpha_image)), 1).unsqueeze(2) + rendering_stitch = torch.cat( + (rendering_stitch, torch.zeros_like(rendering_stitch), torch.zeros_like(rendering_stitch)), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * full_alpha_image + static_plane * (1 - full_alpha_image) + + return self.renderer.run_model(blended_planes, self.decoder, coordinates, directions, self.rendering_kwargs) + + def forward(self, z, c, v, truncation_psi=1, truncation_cutoff=None, neural_rendering_resolution=None, + update_emas=False, cache_backbone=False, + use_cached_backbone=False, **synthesis_kwargs): + # Render a batch of generated images. + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, + update_emas=update_emas) + return self.synthesis(ws, c, v, update_emas=update_emas, + neural_rendering_resolution=neural_rendering_resolution, + cache_backbone=cache_backbone, use_cached_backbone=use_cached_backbone, + **synthesis_kwargs) + + +from training.networks_stylegan2 import FullyConnectedLayer + + +class OSGDecoder(torch.nn.Module): + def __init__(self, n_features, options): + super().__init__() + self.hidden_dim = 64 + + self.net = torch.nn.Sequential( + FullyConnectedLayer(n_features, self.hidden_dim, lr_multiplier=options['decoder_lr_mul']), + torch.nn.Softplus(), + FullyConnectedLayer(self.hidden_dim, 1 + options['decoder_output_dim'], + lr_multiplier=options['decoder_lr_mul']) + ) + + def forward(self, sampled_features, ray_directions, sampled_embeddings=None): + # Aggregate features + sampled_features = sampled_features.mean(1) + x = sampled_features + + N, M, C = x.shape + x = x.view(N * M, C) + + x = self.net(x) + x = x.view(N, M, -1) + rgb = torch.sigmoid(x[..., 1:]) * (1 + 2 * 0.001) - 0.001 # Uses sigmoid clamping from MipNeRF + sigma = x[..., 0:1] + return {'rgb': rgb, 'sigma': sigma} + + +# Define Simple Encoder +from training_avatar_texture.networks_stylegan2_styleunet_next3d import EncoderResBlock + + +class EncoderTriplane(torch.nn.Module): + def __init__(self): + super().__init__() + # encoder + self.encoder = torch.nn.ModuleList() + config_lists = [ + [64, 128, 1, 1], + [128, 256, 2, 1], + [256, 512, 2, 2], + [512, 512, 2, 4], + [512, 32, 1, 8], + + ] + for config_list in config_lists: + block = EncoderResBlock(33, config_list[0], config_list[1], down=config_list[2], downsample=config_list[3]) + self.encoder.append(block) + + def forward(self, init_input): + # obtain multi-scale content features + cond_list = [] + cond_out = None + x_in = init_input + for i, _ in enumerate(self.encoder): + x_in, cond_out = self.encoder[i](x_in, cond_out) + cond_list.append(cond_out) + + cond_list = cond_list[::-1] + + return cond_list + +# class TriplaneEncoder(torch.nn.Module): +# def __init__(self): +# super().__init__() +# Conv2dLayer(32, 32, kernel_size=1, bias=False, down=8) +# self.conv_1 = Conv2dLayer(32, 32, kernel_size=1, bias=False, down=8) +# self.conv_2 = Conv2dLayer(32, 512, kernel_size=1, bias=False, down=8) +# self.conv_3 = Conv2dLayer(32, 512, kernel_size=1, bias=False, down=4) +# self.conv_4 = Conv2dLayer(32, 256, kernel_size=1, bias=False, down=2) +# self.conv_5 = Conv2dLayer(32, 128, kernel_size=1, bias=False ) +# +# +# def forward(self, feature_input): +# # Aggregate features +# sampled_features_1 = self.conv_1(feature_input) +# sampled_features_2 = self.conv_2(feature_input) +# sampled_features_3 = self.conv_3(feature_input) +# sampled_features_4 = self.conv_4(feature_input) +# sampled_features_5 = self.conv_5(feature_input) +# return [sampled_features_1, sampled_features_2, sampled_features_3, sampled_features_4, sampled_features_5, feature_input] diff --git a/recon/training/generator/triplane_v20_original.py b/recon/training/generator/triplane_v20_original.py new file mode 100644 index 0000000000000000000000000000000000000000..5cc086554129b74e0a7f0f976d41600be9d4a221 --- /dev/null +++ b/recon/training/generator/triplane_v20_original.py @@ -0,0 +1,443 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +from os import device_encoding +from turtle import update +import math +import torch +import numpy as np +import torch.nn.functional as F +import cv2 +import torchvision +from torch_utils import persistence +from recon.models.stylegannext3D.networks_stylegan2_new import Generator as StyleGAN2Backbone_cond +from recon.volumetric_rendering.renderer import ImportanceRenderer, ImportanceRenderer_bsMotion +from recon.volumetric_rendering.ray_sampler import RaySampler, RaySampler_zxc +import dnnlib +from recon.volumetric_rendering.renderer import fill_mouth + + +@persistence.persistent_class +class TriPlaneGenerator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + topology_path=None, # + sr_num_fp16_res=0, + mapping_kwargs={}, # Arguments for MappingNetwork. + rendering_kwargs={}, + sr_kwargs={}, + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.renderer = ImportanceRenderer_bsMotion() + self.ray_sampler = RaySampler_zxc() + self.texture_backbone = StyleGAN2Backbone_cond(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32, mapping_kwargs=mapping_kwargs, + **synthesis_kwargs) # render neural texture + self.face_backbone = StyleGAN2Backbone_cond(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32, mapping_kwargs=mapping_kwargs, + **synthesis_kwargs) + self.backbone = StyleGAN2Backbone_cond(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32 * 3, mapping_ws=self.texture_backbone.num_ws, + mapping_kwargs=mapping_kwargs, **synthesis_kwargs) + self.superresolution = dnnlib.util.construct_class_by_name(class_name='recon.models.stylegannext3D.superresolution.SuperresolutionHybrid8XDC', channels=32, + img_resolution=img_resolution, sr_num_fp16_res=sr_num_fp16_res, + sr_antialias=rendering_kwargs['sr_antialias'], **sr_kwargs) + + + self.decoder = OSGDecoder(32, {'decoder_lr_mul': rendering_kwargs.get('decoder_lr_mul', 1), 'decoder_output_dim': 32}) + self.neural_rendering_resolution = 128 + self.rendering_kwargs = rendering_kwargs + self.fill_mouth = True + + def mapping(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + if self.rendering_kwargs['c_gen_conditioning_zero']: + c = torch.zeros_like(c) + c = c[:, :self.c_dim] # remove expression labels + return self.backbone.mapping(z, c * self.rendering_kwargs.get('c_scale', 0), truncation_psi=truncation_psi, + truncation_cutoff=truncation_cutoff, update_emas=update_emas) + + def visualize_mesh_condition(self, mesh_condition, to_imgs=False): + uvcoords_image = mesh_condition['uvcoords_image'].clone().permute(0, 3, 1, 2) # [B, C, H, W] + ori_alpha_image = uvcoords_image[:, 2:].clone() + full_alpha_image, mouth_masks = fill_mouth(ori_alpha_image, blur_mouth_edge=False) + # upper_mouth_mask = mouth_masks.clone() + # upper_mouth_mask[:, :, :87] = 0 + # alpha_image = torch.clamp(ori_alpha_image + upper_mouth_mask, min=0, max=1) + + if to_imgs: + uvcoords_image[full_alpha_image.expand(-1, 3, -1, -1) == 0] = -1 + uvcoords_image = ((uvcoords_image+1)*127.5).to(dtype=torch.uint8).cpu() + vis_images = [] + for vis_uvcoords in uvcoords_image: + vis_images.append(torchvision.transforms.ToPILImage()(vis_uvcoords)) + return vis_images + else: + return uvcoords_image + + def synthesis(self, ws, c, mesh_condition, neural_rendering_resolution=None, update_emas=False, cache_backbone=False, use_cached_backbone=False, + return_featmap=False, evaluation=False, **synthesis_kwargs): + batch_size = ws.shape[0] + # cam = c[:, -25:] + cam = c + cam2world_matrix = cam[:, :16].view(-1, 4, 4) + intrinsics = cam[:, 16:25].view(-1, 3, 3) + + if neural_rendering_resolution is None: + neural_rendering_resolution = self.neural_rendering_resolution + else: + self.neural_rendering_resolution = neural_rendering_resolution + # print(self.neural_rendering_resolution) + + # Create a batch of rays for volume rendering + ray_origins, ray_directions = self.ray_sampler(cam2world_matrix, intrinsics, neural_rendering_resolution) + + # Create triplanes by running StyleGAN backbone + N, M, _ = ray_origins.shape + texture_feats = self.texture_backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, **synthesis_kwargs) + + static_feats = self.backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, **synthesis_kwargs) + static_plane = static_feats[-1] + static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + static_feats[0] = static_feats[0].view(len(static_plane), 3, 32, static_feats[0].shape[-2], static_feats[0].shape[-1])[:, 0] + static_feats[-1] = static_plane[:, 0] + assert len(static_feats) == len(texture_feats) + bbox_256 = [57, 185, 64, 192] # the face region is the center-crop result from the frontal triplane. + + rendering_images, full_alpha_image, mouth_masks = self.rasterize(texture_feats, mesh_condition , static_feats, bbox_256) + rendering_stitch = self.face_backbone.synthesis(ws, rendering_images, return_list=False, update_emas=update_emas, **synthesis_kwargs) + + rendering_stitch_, full_alpha_image_ = torch.zeros_like(rendering_stitch), torch.zeros_like(full_alpha_image) + rendering_stitch_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(rendering_stitch, size=(128, 128), mode='bilinear', antialias=True) + full_alpha_image_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(full_alpha_image, size=(128, 128), mode='bilinear', antialias=True) + full_alpha_image, rendering_stitch = full_alpha_image_, rendering_stitch_ + + # blend features of neural texture and tri-plane + full_alpha_image = torch.cat((full_alpha_image, torch.zeros_like(full_alpha_image), torch.zeros_like(full_alpha_image)), 1).unsqueeze(2) + rendering_stitch = torch.cat((rendering_stitch, torch.zeros_like(rendering_stitch), torch.zeros_like(rendering_stitch)), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * full_alpha_image + static_plane * (1 - full_alpha_image) + + # Perform volume rendering + if evaluation: + assert 'noise_mode' in synthesis_kwargs.keys() and synthesis_kwargs['noise_mode'] == 'const', \ + ('noise_mode' in synthesis_kwargs.keys(), synthesis_kwargs['noise_mode'] == 'const') + feature_samples, depth_samples, weights_samples = self.renderer(blended_planes, self.decoder, ray_origins, ray_directions, + self.rendering_kwargs, evaluation=evaluation) + + # Reshape into 'raw' neural-rendered image + H = W = self.neural_rendering_resolution + feature_image = feature_samples.permute(0, 2, 1).reshape(N, feature_samples.shape[-1], H, W).contiguous() + depth_image = depth_samples.permute(0, 2, 1).reshape(N, 1, H, W) + + # Run superresolution to get final image + rgb_image = feature_image[:, :3] + # rgb_image = weights_samples * rgb_image + (1 - weights_samples) * torch.ones_like(rgb_image) + sr_image = self.superresolution(rgb_image, feature_image, ws, noise_mode=self.rendering_kwargs['superresolution_noise_mode'], + **{k: synthesis_kwargs[k] for k in synthesis_kwargs.keys() if k != 'noise_mode'}) + if return_featmap: + return {'image': sr_image, 'image_raw': rgb_image, 'image_depth': depth_image, + 'image_feature': feature_image, 'triplane': blended_planes, 'texture': texture_feats, 'static_plane': static_plane, 'rendering_stitch': rendering_stitch}#static_plane, 'texture_map': texture_feats[-2]} + else: + return {'image': sr_image, 'image_raw': rgb_image, 'image_depth': depth_image} + + def synthesis_withTexture(self, ws, texture_feats, c, mesh_condition, static_feats=None, neural_rendering_resolution=None, update_emas=False, + cache_backbone=False, use_cached_backbone=False, evaluation=False, **synthesis_kwargs): + bs = ws.shape[0] + # eg3d_ws, texture_ws = ws[:, :self.texture_backbone.num_ws], ws[:, self.texture_backbone.num_ws:] + # cam = c[:, :25] + cam = c[:, -25:] + cam2world_matrix = cam[:, :16].view(-1, 4, 4) + intrinsics = cam[:, 16:25].view(-1, 3, 3) + + if neural_rendering_resolution is None: + neural_rendering_resolution = self.neural_rendering_resolution + else: + self.neural_rendering_resolution = neural_rendering_resolution + + # Create a batch of rays for volume rendering + ray_origins, ray_directions = self.ray_sampler(cam2world_matrix, intrinsics, neural_rendering_resolution) + + # Create triplanes by running StyleGAN backbone + N, M, _ = ray_origins.shape + + if static_feats is None: + static_feats = self.backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, **synthesis_kwargs) + + static_plane = static_feats[-1].view(bs, 3, 32, static_feats[-1].shape[-2], static_feats[-1].shape[-1]) + assert len(static_feats) == len(texture_feats), (len(static_feats), len(texture_feats)) + bbox_256 = [57, 185, 64, 192] + + rendering_images, full_alpha_image, mouth_masks = self.rasterize(texture_feats, mesh_condition['uvcoords_image'], bbox_256=bbox_256, + static_feats=[static_feats[0].view(bs, 3, 32, static_feats[0].shape[-2], static_feats[0].shape[-1])[:, 0]] + + static_feats[1:-1] + [static_plane[:, 0]]) + rendering_stitch = self.face_backbone.synthesis(ws, rendering_images, return_list=False, update_emas=update_emas, **synthesis_kwargs) + + # upper_mouth_mask = mouth_masks.clone() + # upper_mouth_mask[:, :, :87] = 0 + # rendering_stitch = F.interpolate(static_plane[:, 0, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]], size=(256, 256), mode='bilinear', + # antialias=True) * upper_mouth_mask + rendering_stitch * (1 - upper_mouth_mask) + + rendering_stitch_, full_alpha_image_ = torch.zeros_like(rendering_stitch), torch.zeros_like(full_alpha_image) + rendering_stitch_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(rendering_stitch, size=(128, 128), mode='bilinear', antialias=True) + full_alpha_image_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(full_alpha_image, size=(128, 128), mode='bilinear', antialias=True) + full_alpha_image, rendering_stitch = full_alpha_image_, rendering_stitch_ + + # blend features of neural texture and tri-plane + full_alpha_image = torch.cat((full_alpha_image, torch.zeros_like(full_alpha_image), torch.zeros_like(full_alpha_image)), 1).unsqueeze(2) + rendering_stitch = torch.cat((rendering_stitch, torch.zeros_like(rendering_stitch), torch.zeros_like(rendering_stitch)), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * full_alpha_image + static_plane * (1 - full_alpha_image) + + # if flag is not False: + # import cv2 + # with torch.no_grad(): + # if not hasattr(self, 'weight'): + # self.weight = torch.nn.Conv2d(32, 3, 1).weight.cuda() + # weight = self.weight + # vis = torch.nn.functional.conv2d((rendering_stitch * full_alpha_image)[:, 0, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]], weight) + # max_ = [torch.max(torch.abs(vis[:, i])) for i in range(3)] + # for i in range(3): vis[:, i] /= max_[i] + # print('rendering_stitch', vis.max().item(), vis.min().item()) + # vis = torch.cat([vis[i] for i in range(blended_planes.shape[0])], dim=-1) + # vis = (vis.permute(1, 2, 0).clamp(min=-1.0, max=1.0) + 1.) * 127.5 + # cv2.imwrite('vis_%s_rendering_stitch.png' % flag, vis.cpu().numpy().astype(np.uint8)[..., ::-1]) + # vis = torch.nn.functional.conv2d((static_plane * (1 - full_alpha_image))[:, 0], weight) + # for i in range(3): vis[:, i] /= max_[i] + # print('static_plane', vis.max().item(), vis.min().item()) + # vis = torch.cat([vis[i] for i in range(blended_planes.shape[0])], dim=-1) + # vis = (vis.permute(1, 2, 0).clamp(min=-1.0, max=1.0) + 1.) * 127.5 + # cv2.imwrite('vis_%s_static_plane.png' % flag, vis.cpu().numpy().astype(np.uint8)[..., ::-1]) + # vis = torch.nn.functional.conv2d(blended_planes[:, 0], weight) + # for i in range(3): vis[:, i] /= max_[i] + # print('blended_planes', vis.max().item(), vis.min().item()) + # vis = torch.cat([vis[i] for i in range(blended_planes.shape[0])], dim=-1) + # vis = (vis.permute(1, 2, 0).clamp(min=-1.0, max=1.0) + 1.) * 127.5 + # cv2.imwrite('vis_%s_blended_planes.png' % flag, vis.cpu().numpy().astype(np.uint8)[..., ::-1]) + + # Perform volume rendering + if evaluation: + assert 'noise_mode' in synthesis_kwargs.keys() and synthesis_kwargs['noise_mode']=='const',\ + ('noise_mode' in synthesis_kwargs.keys(), synthesis_kwargs['noise_mode']=='const') + feature_samples, depth_samples, weights_samples = self.renderer(blended_planes, self.decoder, ray_origins, ray_directions, + self.rendering_kwargs, evaluation=evaluation) + + # Reshape into 'raw' neural-rendered image + H = W = self.neural_rendering_resolution + feature_image = feature_samples.permute(0, 2, 1).reshape(N, feature_samples.shape[-1], H, W).contiguous() + depth_image = depth_samples.permute(0, 2, 1).reshape(N, 1, H, W) + + # Run superresolution to get final image + rgb_image = feature_image[:, :3] + sr_image = self.superresolution(rgb_image, feature_image, ws, noise_mode=self.rendering_kwargs['superresolution_noise_mode'], + **{k: synthesis_kwargs[k] for k in synthesis_kwargs.keys() if k != 'noise_mode'}) + + return {'image': sr_image, 'image_raw': rgb_image, 'image_depth': depth_image, + 'feature_image': feature_image, 'triplane': blended_planes}#static_plane, 'texture_map': texture_feats[-2]} + + def synthesis_withCondition(self, ws, c, mesh_condition, gt_texture_feats=None, gt_static_feats=None, texture_feats_conditions=None, + static_feats_conditions=None, neural_rendering_resolution=None, update_emas=False, cache_backbone=False, + use_cached_backbone=False, only_image=False, return_feats=False, **synthesis_kwargs): + bs = ws.shape[0] + cam = c[:, -25:] + cam2world_matrix = cam[:, :16].view(-1, 4, 4) + intrinsics = cam[:, 16:25].view(-1, 3, 3) + + if neural_rendering_resolution is None: + neural_rendering_resolution = self.neural_rendering_resolution + else: + self.neural_rendering_resolution = neural_rendering_resolution + + # Create a batch of rays for volume rendering + ray_origins, ray_directions = self.ray_sampler(cam2world_matrix, intrinsics, neural_rendering_resolution) + + # Create triplanes by running StyleGAN backbone + N, M, _ = ray_origins.shape + + if gt_texture_feats is None: + texture_feats = self.texture_backbone.synthesis(ws, cond_list=None, return_list=True, feat_conditions=texture_feats_conditions, + update_emas=update_emas, **synthesis_kwargs) + + if gt_static_feats is None: + static_feats = self.backbone.synthesis(ws, cond_list=None, return_list=True, feat_conditions=static_feats_conditions, + update_emas=update_emas, **synthesis_kwargs) + + static_plane = static_feats[-1].view(bs, 3, 32, static_feats[-1].shape[-2], static_feats[-1].shape[-1]) + assert len(static_feats) == len(texture_feats) + bbox_256 = [57, 185, 64, 192] + + rendering_images, full_alpha_image, mouth_masks = self.rasterize(texture_feats, mesh_condition['uvcoords_image'], bbox_256=bbox_256, + static_feats=[static_feats[0].view(bs, 3, 32, static_feats[0].shape[-2], static_feats[0].shape[-1])[:, 0]] + + static_feats[1:-1] + [static_plane[:, 0]]) + rendering_stitch = self.face_backbone.synthesis(ws, rendering_images, return_list=False, update_emas=update_emas, **synthesis_kwargs) + + + rendering_stitch_, full_alpha_image_ = torch.zeros_like(rendering_stitch), torch.zeros_like(full_alpha_image) + rendering_stitch_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(rendering_stitch, size=(128, 128), mode='bilinear', antialias=True) + full_alpha_image_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(full_alpha_image, size=(128, 128), mode='bilinear', antialias=True) + full_alpha_image, rendering_stitch = full_alpha_image_, rendering_stitch_ + + # blend features of neural texture and tri-plane + full_alpha_image = torch.cat((full_alpha_image, torch.zeros_like(full_alpha_image), torch.zeros_like(full_alpha_image)), 1).unsqueeze(2) + rendering_stitch = torch.cat((rendering_stitch, torch.zeros_like(rendering_stitch), torch.zeros_like(rendering_stitch)), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * full_alpha_image + static_plane * (1 - full_alpha_image) + + # Perform volume rendering + evaluation = 'noise_mode' in synthesis_kwargs.keys() and synthesis_kwargs['noise_mode']=='const' + feature_samples, depth_samples, weights_samples = self.renderer(blended_planes, self.decoder, ray_origins, ray_directions, + self.rendering_kwargs, evaluation=evaluation) + + # Reshape into 'raw' neural-rendered image + H = W = self.neural_rendering_resolution + feature_image = feature_samples.permute(0, 2, 1).reshape(N, feature_samples.shape[-1], H, W).contiguous() + depth_image = depth_samples.permute(0, 2, 1).reshape(N, 1, H, W) + + # Run superresolution to get final image + rgb_image = feature_image[:, :3] + sr_image = self.superresolution(rgb_image, feature_image, ws, noise_mode=self.rendering_kwargs['superresolution_noise_mode'], + **{k: synthesis_kwargs[k] for k in synthesis_kwargs.keys() if k != 'noise_mode'}) + + if only_image: + return {'image': sr_image} + out = {'image': sr_image, 'image_raw': rgb_image, 'image_depth': depth_image, 'feature_image': feature_image, 'triplane': blended_planes} + if return_feats: + out['static'] = static_feats + out['texture'] = texture_feats + return out + + def rasterize(self, texture_feats, uvcoords_image, static_feats, bbox_256): + ''' + uvcoords_image [B, H, W, C] + ''' + if not uvcoords_image.dtype == torch.float32: uvcoords_image = uvcoords_image.float() + grid, alpha_image = uvcoords_image[..., :2], uvcoords_image[..., 2:].permute(0, 3, 1, 2) + full_alpha_image, mouth_masks = fill_mouth(alpha_image.clone(), blur_mouth_edge=False) + upper_mouth_mask = mouth_masks.clone() + upper_mouth_mask[:, :, :87] = 0 + upper_mouth_alpha_image = torch.clamp(alpha_image + upper_mouth_mask, min=0, max=1) + rendering_images = [] + for idx, texture in enumerate(texture_feats): + res = texture.shape[2] + bbox = [round(i * res / 256) for i in bbox_256] + rendering_image = F.grid_sample(texture, grid, align_corners=False) + rendering_feat = F.interpolate(rendering_image, size=(res, res), mode='bilinear', antialias=True) + alpha_image_ = F.interpolate(alpha_image, size=(res, res), mode='bilinear', antialias=True) + static_feat = F.interpolate(static_feats[idx][:, :, bbox[0]:bbox[1], bbox[2]:bbox[3]], size=(res, res), mode='bilinear', antialias=True) + rendering_images.append(torch.cat([ + rendering_feat * alpha_image_ + static_feat * (1 - alpha_image_), + F.interpolate(upper_mouth_alpha_image, size=(res, res), mode='bilinear', antialias=True)], dim=1)) + # print('rendering_images', grid.shape, rendering_images[-1].shape) + return rendering_images, full_alpha_image, mouth_masks + + def sample(self, coordinates, directions, z, c, mesh_condition, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + # Compute RGB features, density for arbitrary 3D coordinates. Mostly used for extracting shapes. + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + batch_size = ws.shape[0] + texture_feats = self.texture_backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, **synthesis_kwargs) + + static_feats = self.backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, **synthesis_kwargs) + static_plane = static_feats[-1] + static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + static_feats[0] = static_feats[0].view(len(static_plane), 3, 32, static_feats[0].shape[-2], static_feats[0].shape[-1])[:, 0] + static_feats[-1] = static_plane[:, 0] + assert len(static_feats) == len(texture_feats) + bbox_256 = [57, 185, 64, 192] + + rendering_images, full_alpha_image, mouth_masks = self.rasterize(texture_feats, mesh_condition['uvcoords_image'], static_feats, bbox_256) + rendering_stitch = self.face_backbone.synthesis(ws, rendering_images, return_list=False, update_emas=update_emas, **synthesis_kwargs) + + rendering_stitch_, full_alpha_image_ = torch.zeros_like(rendering_stitch), torch.zeros_like(full_alpha_image) + rendering_stitch_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(rendering_stitch, size=(128, 128), mode='bilinear', + antialias=True) + full_alpha_image_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(full_alpha_image, size=(128, 128), mode='bilinear', + antialias=True) + full_alpha_image, rendering_stitch = full_alpha_image_, rendering_stitch_ + + # blend features of neural texture and tri-plane + full_alpha_image = torch.cat((full_alpha_image, torch.zeros_like(full_alpha_image), torch.zeros_like(full_alpha_image)), 1).unsqueeze(2) + rendering_stitch = torch.cat((rendering_stitch, torch.zeros_like(rendering_stitch), torch.zeros_like(rendering_stitch)), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * full_alpha_image + static_plane * (1 - full_alpha_image) + + return self.renderer.run_model(blended_planes, self.decoder, coordinates, directions, self.rendering_kwargs) + + def sample_mixed(self, coordinates, directions, ws, mesh_condition, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + # Same as sample, but expects latent vectors 'ws' instead of Gaussian noise 'z' + batch_size = ws.shape[0] + texture_feats = self.texture_backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, **synthesis_kwargs) + + static_feats = self.backbone.synthesis(ws, cond_list=None, return_list=True, update_emas=update_emas, **synthesis_kwargs) + static_plane = static_feats[-1] + static_plane = static_plane.view(len(static_plane), 3, 32, static_plane.shape[-2], static_plane.shape[-1]) + static_feats[0] = static_feats[0].view(len(static_plane), 3, 32, static_feats[0].shape[-2], static_feats[0].shape[-1])[:, 0] + static_feats[-1] = static_plane[:, 0] + assert len(static_feats) == len(texture_feats) + bbox_256 = [57, 185, 64, 192] + + rendering_images, full_alpha_image, mouth_masks = self.rasterize(texture_feats, mesh_condition['uvcoords_image'], static_feats, bbox_256) + rendering_stitch = self.face_backbone.synthesis(ws, rendering_images, return_list=False, update_emas=update_emas, **synthesis_kwargs) + + rendering_stitch_, full_alpha_image_ = torch.zeros_like(rendering_stitch), torch.zeros_like(full_alpha_image) + rendering_stitch_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(rendering_stitch, size=(128, 128), mode='bilinear', + antialias=True) + full_alpha_image_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(full_alpha_image, size=(128, 128), mode='bilinear', + antialias=True) + full_alpha_image, rendering_stitch = full_alpha_image_, rendering_stitch_ + + # blend features of neural texture and tri-plane + full_alpha_image = torch.cat((full_alpha_image, torch.zeros_like(full_alpha_image), torch.zeros_like(full_alpha_image)), 1).unsqueeze(2) + rendering_stitch = torch.cat((rendering_stitch, torch.zeros_like(rendering_stitch), torch.zeros_like(rendering_stitch)), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * full_alpha_image + static_plane * (1 - full_alpha_image) + + return self.renderer.run_model(blended_planes, self.decoder, coordinates, directions, self.rendering_kwargs) + + def forward(self, z, c, v, truncation_psi=1, truncation_cutoff=None, neural_rendering_resolution=None, update_emas=False, cache_backbone=False, + use_cached_backbone=False, **synthesis_kwargs): + # Render a batch of generated images. + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + return self.synthesis(ws, c, v, update_emas=update_emas, neural_rendering_resolution=neural_rendering_resolution, + cache_backbone=cache_backbone, use_cached_backbone=use_cached_backbone, **synthesis_kwargs) + + +from training.networks_stylegan2 import FullyConnectedLayer + + +class OSGDecoder(torch.nn.Module): + def __init__(self, n_features, options): + super().__init__() + self.hidden_dim = 64 + + self.net = torch.nn.Sequential( + FullyConnectedLayer(n_features, self.hidden_dim, lr_multiplier=options['decoder_lr_mul']), + torch.nn.Softplus(), + FullyConnectedLayer(self.hidden_dim, 1 + options['decoder_output_dim'], lr_multiplier=options['decoder_lr_mul']) + ) + + def forward(self, sampled_features, ray_directions, sampled_embeddings=None): + # Aggregate features + sampled_features = sampled_features.mean(1) + x = sampled_features + + N, M, C = x.shape + x = x.view(N * M, C) + + x = self.net(x) + x = x.view(N, M, -1) + rgb = torch.sigmoid(x[..., 1:]) * (1 + 2 * 0.001) - 0.001 # Uses sigmoid clamping from MipNeRF + sigma = x[..., 0:1] + return {'rgb': rgb, 'sigma': sigma} \ No newline at end of file diff --git a/recon/training/loss/__init__.py b/recon/training/loss/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/recon/training/loss/loss_recon_gallery.py b/recon/training/loss/loss_recon_gallery.py new file mode 100644 index 0000000000000000000000000000000000000000..86cdd3d3f6e2f15c3b5895e2f2985b1010056377 --- /dev/null +++ b/recon/training/loss/loss_recon_gallery.py @@ -0,0 +1,507 @@ +# Loss for Portrait4D, modified from EG3D: https://github.com/NVlabs/eg3d + +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Loss functions.""" + +import numpy as np +import PIL +import torch +import torch.nn.functional as F +import torchvision.transforms as transform +# from kornia.geometry import warp_affine +from torch_utils import training_stats +from torch_utils.ops import conv2d_gradfix +from torch_utils.ops import upfirdn2d +from recon.training.discriminator.dual_discriminator_next3D import filtered_resizing +import cv2 +from PIL import Image +# from recon.utils.preprocess import estimate_norm_torch, estimate_norm_torch_pdfgc +from camera_utils import LookAtPoseSampler, FOV_to_intrinsics + + +# ---------------------------------------------------------------------------- + +class Loss: + def accumulate_gradients(self, phase, real_img_app, real_img_mot, real_img_recon, real_depth_recon, + real_feature_recon, real_triplane_recon, + real_c_recon, motions_app, motions, gain, cur_nimg, real_cano_tri, real_ref_tri, + motion_scale=1.0, swapping_prob=0.5, half_static=False): # to be overridden by subclass + raise NotImplementedError() + + +# ---------------------------------------------------------------------------- + +class AnimatableGalleryPortraitReconLoss(Loss): + def __init__(self, device, G, D, G_syn, D_patch=None, augment_pipe=None, lpips=None, facenet=None, pd_fgc=None, + gmain=1.0, r1_gamma=10, r1_gamma_patch=10, r1_gamma_uv=30, + r1_gamma_seg=10, style_mixing_prob=0, pl_weight=0, pl_batch_shrink=2, pl_decay=0.01, + pl_no_weight_grad=False, blur_init_sigma=0, blur_init_sigma_patch=0, blur_fade_kimg=0, + blur_patch_seg=0, r1_gamma_init=0, r1_gamma_fade_kimg=0, neural_rendering_resolution_initial=64, + neural_rendering_resolution_final=None, neural_rendering_resolution_fade_kimg=0, + gpc_reg_fade_kimg=1000, gpc_reg_prob=None, discrimination_kimg=1000, dual_discrimination=False, + filter_mode='antialiased', patch_scale=1.0, patch_gan=0.2, masked_sampling=None, perturb_params=False, id_loss=None, + use_D=True, truncation_psi=0.7, conditioning_params=None, w_avg=None): + super().__init__() + self.device = device + self.G = G + self.D = D + self.G_syn = G_syn + self.D_patch = D_patch + self.augment_pipe = augment_pipe + self.lpips = lpips + self.pd_fgc = pd_fgc + self.gmain = gmain + self.r1_gamma = r1_gamma + self.r1_gamma_patch = r1_gamma_patch + self.r1_gamma_uv = r1_gamma_uv + self.r1_gamma_seg = r1_gamma_seg + self.style_mixing_prob = style_mixing_prob + self.pl_weight = pl_weight + self.pl_batch_shrink = pl_batch_shrink + self.pl_decay = pl_decay + self.pl_no_weight_grad = pl_no_weight_grad + self.pl_mean = torch.zeros([], device=device) + self.blur_init_sigma = blur_init_sigma + self.blur_init_sigma_patch = blur_init_sigma_patch + self.blur_fade_kimg = blur_fade_kimg + self.blur_patch_seg = blur_patch_seg + self.r1_gamma_init = r1_gamma_init + self.r1_gamma_fade_kimg = r1_gamma_fade_kimg + self.bg_reg = True + self.c_headpose = False + self.neural_rendering_resolution_initial = neural_rendering_resolution_initial + self.neural_rendering_resolution_final = neural_rendering_resolution_final + self.neural_rendering_resolution_fade_kimg = neural_rendering_resolution_fade_kimg + self.gpc_reg_fade_kimg = gpc_reg_fade_kimg + self.gpc_reg_prob = gpc_reg_prob + self.discrimination_kimg = discrimination_kimg + self.dual_discrimination = dual_discrimination + self.filter_mode = filter_mode + self.resample_filter = upfirdn2d.setup_filter([1, 3, 3, 1], device=device) + self.blur_raw_target = True + assert self.gpc_reg_prob is None or (0 <= self.gpc_reg_prob <= 1) + self.patch_scale = patch_scale + self.masked_sampling = masked_sampling + self.patch_gan = patch_gan + self.perturb_params = perturb_params + self.use_D = use_D + self.truncation_psi = truncation_psi + self.conditioning_params = torch.load(conditioning_params ).to(device) + self.w_avg = torch.load(w_avg).to(device)[0] + + self.id_loss = id_loss.to(device) + + # extract pdfgc motion embedding + # def get_motion_feature(self, imgs, lmks, crop_size=224, crop_len=16): + # + # trans_m = estimate_norm_torch_pdfgc(lmks, imgs.shape[-1]) + # imgs_warp = warp_affine(imgs, trans_m, dsize=(224, 224)) + # imgs_warp = imgs_warp[:, :, :crop_size - crop_len * 2, crop_len:crop_size - crop_len] + # imgs_warp = torch.clamp(F.interpolate(imgs_warp, size=[crop_size, crop_size], mode='bilinear'), -1, 1) + # + # out = self.pd_fgc(imgs_warp) + # motions = torch.cat([out[1], out[2], out[3]], dim=-1) + # + # return motions + # generate online training data using pre-trained Next3d model. the first frame is fixed + @torch.no_grad() + def gen_data_by_G_next3D(self, z, exp_params, c, model_name_list, + render_res=64): + out_sr_img = [] + out_img_raw = [] + out_img_depth = [] + out_static_plane = [] + out_feature_img = [] + out_triplane = [] + out_texture = [] + out_rendering_stitch = [] + batchsize_subject = z.shape[0] + # assert batchsize_subject == 3 + # cam_pivot = torch.tensor(self.G_syn.rendering_kwargs.get('avg_camera_pivot', [0, 0, 0]), device=device) + # cam_radius = self.G_syn.rendering_kwargs.get('avg_camera_radius', 2.7) + # conditioning_cam2world_pose = LookAtPoseSampler.sample(np.pi / 2, np.pi / 2, cam_pivot, radius=cam_radius, + # device=device) + # conditioning_params = torch.cat([conditioning_cam2world_pose.reshape(-1, 16), intrinsics.reshape(-1, 9)], 1).to( + # device) + # w = G.mapping(z, conditioning_params, truncation_psi=0.7, truncation_cutoff=14) + # latent = latent.reshape(-1, *latent.shape[2:]) + assert len(model_name_list) == z.shape[0] + model_name_list = [name for name1 in model_name_list for name in name1 ] + z = z.reshape(-1, *z.shape[2:]) # (b*3, 512) + assert len(model_name_list) == z.shape[0] + + exp_params = exp_params.reshape(-1, *exp_params.shape[2:]) # (b*3, 100) + c = c.reshape(-1, *c.shape[2:]) # (b*3, 25) + # out_motion = [real_motion_1, real_motion_2] + # random head rotation + angle_ys_head = torch.rand((z.shape[0], 1), device=z.device) * 0.60 * 2 - 0.60 + angle_ys_head2 = torch.rand((z.shape[0], 1), device=z.device) * 0.35 * 2 - 0.35 + 0.2 + # angle_ys_head3 = torch.rand((z.shape[0], 1), device=z.device) * 0.25 * 2 - 0.25 + + # random camera pose + cam_pivot_x = torch.rand((z.shape[0], 1), device=z.device) * 0.02 - 0.01 + cam_pivot_y = torch.rand((z.shape[0], 1), device=z.device) * 0.02 - 0.01 + cam_pivot_z = torch.rand((z.shape[0], 1), device=z.device) * 0.02 - 0.01 + 0.03 + cam_pivot = torch.cat([cam_pivot_x * 3, cam_pivot_y * 3, cam_pivot_z * 3], dim=-1) + # cam_radius = torch.rand((z.shape[0], 1), device=z.device) * 0.8 + 2.7 + cam2world_pose = LookAtPoseSampler.sample(np.pi / 2 + angle_ys_head, np.pi / 2 - angle_ys_head2, cam_pivot, + radius=2.7, + batch_size=z.shape[0], device=z.device) + c_syn = torch.cat([cam2world_pose.reshape(-1, 16), c[:, 16:].reshape(-1, 9)], dim=-1) + + prob = torch.rand((c.shape[0], 1), device=c.device) + c_syn = c_syn + c_syn_final_out = c_syn.reshape(-1, 3, c_syn.shape[-1]) + for batch_index, model_name in enumerate(model_name_list): + z_value = z[batch_index].unsqueeze(0) + + ws = self.G_syn[model_name].mapping(z_value, self.conditioning_params, truncation_psi=self.truncation_psi, + truncation_cutoff=14) + vert_value = exp_params[batch_index].unsqueeze(0) + c = c_syn[batch_index].unsqueeze(0) + out = self.G_syn[model_name].synthesis(ws, c, vert_value, noise_mode='const', + neural_rendering_resolution=128, return_featmap=True + ) + # img = (out['image'][0] * 127.5 + 128).clamp(0, 255).to(torch.uint8) + # img = img.permute(1, 2, 0) + # img = img.cpu().numpy() + # img = Image.fromarray(np.uint8(img)) + # print('savesavesavesavesavesave') + # save_dir = f'/home/liuhongyu/code/HeadArtist2/HeadGallery/training-runs-portrait4d/00073--multi_style-gpus2-batch8/{batch_index}.png' + # print(save_dir) + # # cv2.imwrite(save_dir, img) + # img.save(save_dir) + out_sr_img.append(out['image']) + out_img_raw.append(out['image_raw']) + out_img_depth.append(out['image_depth']) + out_static_plane.append(out['static_plane']) + out_feature_img.append(out['image_feature']) + out_triplane.append(out['triplane']) + + out_rendering_stitch.append(out['rendering_stitch']) + + final_out = {'image_sr': torch.cat(out_sr_img), 'image': torch.cat(out_img_raw), + 'image_depth': torch.cat(out_img_depth), 'static_plane': torch.cat(out_static_plane), + 'image_feature': torch.cat(out_feature_img), 'triplane': torch.cat(out_triplane), + 'rendering_stitch': torch.cat(out_rendering_stitch), + 'c': c_syn_final_out, + # 'motions': out_motion + } + return final_out + + def run_G(self, imgs_app, imgs_mot, motions_app, motions, c, mesh, real_cano_tri, real_ref_tri, + neural_rendering_resolution, + motion_scale=1.0, swapping_prob=0.5, half_static=False): + + motion_scale = torch.ones([imgs_app.shape[0], 1, 1], device=c.device) * motion_scale + if swapping_prob is not None: + imgs_app_swapped = imgs_mot + prob = torch.rand((imgs_app.shape[0], 1), device=c.device) + imgs_app_conditioning = torch.where(prob.reshape(imgs_app.shape[0], 1, 1, 1) < swapping_prob, + imgs_app_swapped, imgs_app) + motion_scale_conditioning = torch.where(prob.reshape(imgs_app.shape[0], 1, 1) < swapping_prob, + torch.zeros_like(motion_scale), motion_scale) + motions_app_conditioning = torch.where(prob < swapping_prob, motions, motions_app) + else: + imgs_app_conditioning = imgs_app + motion_scale_conditioning = motion_scale + motions_app_conditioning = motions_app + + # whether or not the second half of the batchsize are static data + # If true, set motion scale to zero to deactivate motion-related cross-attention layers. + if half_static: + num_static = imgs_app.shape[0] // 2 + if swapping_prob is None: + motion_scale_conditioning = torch.cat([motion_scale[:num_static], motion_scale[num_static:] * 0], dim=0) + else: + prob = torch.rand((num_static, 1), device=c.device) + motion_scale_static = torch.where(prob.reshape(num_static, 1, 1) < 1 - swapping_prob, + torch.zeros_like(motion_scale[num_static:]), + motion_scale[num_static:]) + motion_scale_conditioning = torch.cat([motion_scale_conditioning[:num_static], motion_scale_static], + dim=0) + + gen_output = self.G.synthesis(imgs_app_conditioning, imgs_mot, motions_app_conditioning, motions, c, mesh, + real_ref_tri, real_ref_tri, self.w_avg, + neural_rendering_resolution=neural_rendering_resolution, + motion_scale=motion_scale_conditioning) + + return gen_output + + def run_D(self, img, c, blur_sigma=0, blur_sigma_raw=0, update_emas=False): + blur_size = np.floor(blur_sigma * 3) + if blur_size > 0: + with torch.autograd.profiler.record_function('blur'): + if self.G.has_superresolution: + f = torch.arange(-blur_size, blur_size + 1, device=img['image_sr'].device).div( + blur_sigma).square().neg().exp2() + img['image_sr'] = upfirdn2d.filter2d(img['image_sr'], f / f.sum()) + else: + f = torch.arange(-blur_size, blur_size + 1, device=img['image'].device).div( + blur_sigma).square().neg().exp2() + img['image'] = upfirdn2d.filter2d(img['image'], f / f.sum()) + + logits = self.D(img, c, update_emas=update_emas) + return logits + + def accumulate_gradients(self, phase, real_img_app, real_img_mot, real_img_recon, real_depth_recon, + real_feature_recon, real_triplane_recon, + real_c_recon, mesh, motions_app, motions, gain, cur_nimg, real_cano_tri, real_ref_tri, + motion_scale=1.0, swapping_prob=0.5, half_static=True ): + + if self.G.rendering_kwargs.get('density_reg', 0) == 0: + phase = {'Greg': 'none', 'Gboth': 'Gmain'}.get(phase, phase) + if self.r1_gamma == 0: + phase = {'Dreg': 'none', 'Dboth': 'Dmain'}.get(phase, phase) + # if self.r1_gamma_patch == 0: + # phase = {'D_patchreg': 'none', 'D_patchboth': 'Dmain'}.get(phase, phase) + + blur_sigma = 0 + r1_gamma = self.r1_gamma + # r1_gamma_patch = self.r1_gamma_patch + # r1_gamma_uv = self.r1_gamma_uv + # r1_gamma_seg = self.r1_gamma_seg + + if self.neural_rendering_resolution_final is not None: + alpha = min( + max((cur_nimg - self.discrimination_kimg * 1e3) / (self.neural_rendering_resolution_fade_kimg * 1e3), + 0), 1) # begin fading when D starts to be optimized + neural_rendering_resolution = int(np.rint(self.neural_rendering_resolution_initial * ( + 1 - alpha) + self.neural_rendering_resolution_final * alpha)) + neural_rendering_resolution_patch = self.neural_rendering_resolution_final + else: + neural_rendering_resolution = self.neural_rendering_resolution_initial + neural_rendering_resolution_patch = neural_rendering_resolution + + if self.G.has_superresolution: + real_img_raw = filtered_resizing(real_img_recon, size=neural_rendering_resolution, f=self.resample_filter, + filter_mode=self.filter_mode) + + if self.blur_raw_target and blur_sigma > 0: + blur_size = np.floor(blur_sigma * 3) + if blur_size > 0: + f = torch.arange(-blur_size, blur_size + 1, device=real_img_raw.device).div( + blur_sigma).square().neg().exp2() + real_img_raw = upfirdn2d.filter2d(real_img_raw, f / f.sum()) + + real_img = {'image_sr': real_img_recon, 'image': real_img_raw, + } + else: + real_img = {'image': real_img_recon} + + # Gmain: Maximize logits for generated images. + if phase in ['Gmain', 'Gboth']: + with torch.autograd.profiler.record_function('Gmain_forward'): + gen_img = self.run_G(real_img_app, real_img_mot, motions_app, motions, real_c_recon, mesh, real_cano_tri, real_ref_tri, + neural_rendering_resolution=neural_rendering_resolution, + motion_scale=motion_scale, swapping_prob=swapping_prob, half_static=half_static) + + # main image-level reconstruction loss + gen_img_recon = gen_img['image_sr'] + gen_img_recon_raw = gen_img['image'] + gen_depth = gen_img['image_depth'] + gen_feature = gen_img['image_feature'] + gen_triplane_recon = gen_img['triplane'] + + loss_recon_lpips = self.lpips(gen_img_recon, real_img_recon) + self.lpips(gen_img_recon_raw, + real_img_raw) + + training_stats.report('Loss/G/lrecon_lpips', loss_recon_lpips) + + loss_recon_l1 = torch.abs(gen_img_recon - real_img_recon).mean() + torch.abs( + gen_img_recon_raw - real_img_raw).mean() + + training_stats.report('Loss/G/lrecon_l1', loss_recon_l1) + + # use id loss after seeing 400k images + if cur_nimg < 400 * 1e3: + loss_id = 0 + else: + loss_id = self.id_loss(gen_img_recon, real_img_recon) + training_stats.report('G_Loss/real/loss_id', loss_id) + + # use depth loss before seeing 400k images + if real_depth_recon is not None: + if real_depth_recon.shape != gen_depth.shape: + real_depth_recon = F.interpolate(real_depth_recon, size=[gen_depth.shape[2], gen_depth.shape[3]], mode='bilinear', + antialias=True) + loss_recon_depth = torch.abs( + (real_depth_recon - gen_depth)).mean() + training_stats.report('Loss/G/lrecon_depth', loss_recon_depth) + else: + loss_recon_depth = 0. + + # use feature map loss before seeing 400k images + if real_feature_recon is not None: + if real_feature_recon.shape != gen_feature.shape: + real_feature_recon = F.interpolate(real_feature_recon, size=[gen_feature.shape[2], gen_feature.shape[3]], mode='bilinear', + antialias=True) + loss_recon_feature = torch.abs(real_feature_recon - gen_feature).mean() + training_stats.report('Loss/G/lrecon_feature', loss_recon_feature) + else: + loss_recon_feature = 0. + + # use triplane feature loss before seeing 400k images + if real_triplane_recon is not None: + loss_recon_triplane = torch.abs(real_triplane_recon - gen_triplane_recon).mean() + training_stats.report('Loss/G/lrecon_triplane', loss_recon_triplane) + else: + loss_recon_triplane = 0. + + loss_recon = loss_recon_lpips + loss_recon_l1 + loss_recon_depth + loss_recon_feature + loss_recon_triplane*0.1 + loss_id + + # adversarial loss after warm-up stage + if cur_nimg >= self.discrimination_kimg * 1e3 and self.use_D: + gen_logits = self.run_D(gen_img, real_c_recon, blur_sigma=blur_sigma) + loss_Gmain = torch.nn.functional.softplus(-gen_logits) + training_stats.report('Loss/scores/fake', gen_logits) + training_stats.report('Loss/signs/fake', gen_logits.sign()) + training_stats.report('Loss/G/loss', loss_Gmain) + else: + loss_Gmain = None + + with torch.autograd.profiler.record_function('Gmain_backward'): + loss_G = loss_recon.mean() + if loss_Gmain is not None: + loss_G += loss_Gmain.mean() * self.gmain + loss_G.mul(gain).backward() + + # # Density Regularization + if phase in ['Greg', 'Gboth'] and self.G.rendering_kwargs.get('density_reg', 0) > 0 and self.G.rendering_kwargs[ + 'reg_type'] == 'l1': + + initial_coordinates = torch.rand((real_c_recon.shape[0], 1000, 3), device=real_c_recon.device) * 2 - 1 + perturbed_coordinates = initial_coordinates + torch.randn_like(initial_coordinates) * \ + self.G.rendering_kwargs['density_reg_p_dist'] + all_coordinates = torch.cat([initial_coordinates, perturbed_coordinates], dim=1) + + motion_scale = torch.ones([real_img_app.shape[0], 1, 1], device=real_img_app.device) * motion_scale + if swapping_prob is not None: + real_img_app_swapped = real_img_mot + prob = torch.rand((real_img_app.shape[0], 1), device=real_img_app.device) + real_img_app_conditioning = torch.where(prob.reshape(real_img_app.shape[0], 1, 1, 1) < swapping_prob, + real_img_app_swapped, real_img_app) + motion_scale_conditioning = torch.where(prob.reshape(real_img_app.shape[0], 1, 1) < swapping_prob, + torch.zeros_like(motion_scale), motion_scale) + motions_app_conditioning = torch.where(prob < swapping_prob, motions, motions_app) + else: + real_img_app_conditioning = real_img_app + motion_scale_conditioning = motion_scale + motions_app_conditioning = motions_app + + if half_static: + num_static = real_img_app.shape[0] // 2 + if swapping_prob is None: + motion_scale_conditioning = torch.cat([motion_scale[:num_static], motion_scale[num_static:] * 0], + dim=0) + else: + prob = torch.rand((num_static, 1), device=real_img_app.device) + motion_scale_static = torch.where(prob.reshape(num_static, 1, 1) < 1 - swapping_prob, + torch.zeros_like(motion_scale[num_static:]), + motion_scale[num_static:]) + motion_scale_conditioning = torch.cat([motion_scale_conditioning[:num_static], motion_scale_static], + dim=0) + + + + out = self.G.sample_mixed(real_img_app_conditioning, real_img_mot, mesh, self.w_avg, motions_app_conditioning, motions, + all_coordinates, torch.randn_like(all_coordinates), real_cano_tri, real_ref_tri, + motion_scale=motion_scale_conditioning) + if isinstance(out, tuple): + TVloss = 0 + for out_ in out: + sigma = out_['sigma'][:, :initial_coordinates.shape[1] * 2] + sigma_initial = sigma[:, :sigma.shape[1] // 2] + sigma_perturbed = sigma[:, sigma.shape[1] // 2:] + TVloss += torch.nn.functional.l1_loss(sigma_initial, sigma_perturbed) * self.G.rendering_kwargs[ + 'density_reg'] / len(out) + training_stats.report('Loss/G/TVloss', TVloss) + else: + sigma = out['sigma'][:, :initial_coordinates.shape[1] * 2] + sigma_initial = sigma[:, :sigma.shape[1] // 2] + sigma_perturbed = sigma[:, sigma.shape[1] // 2:] + + TVloss = torch.nn.functional.l1_loss(sigma_initial, sigma_perturbed) * self.G.rendering_kwargs[ + 'density_reg'] + training_stats.report('Loss/G/TVloss', TVloss) + + (TVloss).mul(gain).backward() + + # Dmain: Minimize logits for generated images. + if cur_nimg >= self.discrimination_kimg * 1e3 and self.use_D: + loss_Dgen = 0 + if phase in ['Dmain', 'Dboth']: + with torch.autograd.profiler.record_function('Dgen_forward'): + gen_img = self.run_G(real_img_app, real_img_mot, motions_app, motions, real_c_recon, mesh, real_cano_tri, + real_ref_tri, + neural_rendering_resolution=neural_rendering_resolution, + motion_scale=motion_scale, swapping_prob=swapping_prob, + half_static=half_static) + + gen_logits = self.run_D(gen_img, real_c_recon, blur_sigma=blur_sigma, update_emas=True) + training_stats.report('Loss/scores/fake', gen_logits) + training_stats.report('Loss/signs/fake', gen_logits.sign()) + loss_Dgen = torch.nn.functional.softplus(gen_logits) + with torch.autograd.profiler.record_function('Dgen_backward'): + loss_Dgen.mean().mul(gain).backward() + + # Dmain: Maximize logits for real images. + # Dr1: Apply R1 regularization. + if phase in ['Dmain', 'Dreg', 'Dboth']: + name = 'Dreal' if phase == 'Dmain' else 'Dr1' if phase == 'Dreg' else 'Dreal_Dr1' + with torch.autograd.profiler.record_function(name + '_forward'): + + real_img_tmp_image = real_img['image_sr'].detach().requires_grad_(phase in ['Dreg', 'Dboth']) + real_img_tmp_image_raw = real_img['image'].detach().requires_grad_(phase in ['Dreg', 'Dboth']) + real_img_tmp = {'image_sr': real_img_tmp_image, 'image': real_img_tmp_image_raw} + real_logits = self.run_D(real_img_tmp, real_c_recon, blur_sigma=blur_sigma) + + training_stats.report('Loss/scores/real', real_logits) + training_stats.report('Loss/signs/real', real_logits.sign()) + + loss_Dreal = 0 + if phase in ['Dmain', 'Dboth']: + loss_Dreal = torch.nn.functional.softplus(-real_logits) + training_stats.report('Loss/D/loss', loss_Dgen + loss_Dreal) + + loss_Dr1 = 0 + if phase in ['Dreg', 'Dboth']: + if self.dual_discrimination: + with torch.autograd.profiler.record_function( + 'r1_grads'), conv2d_gradfix.no_weight_gradients(): + r1_grads = torch.autograd.grad(outputs=[real_logits.sum()], + inputs=[real_img_tmp['image_sr'], + real_img_tmp['image']], create_graph=True, + only_inputs=True) + r1_grads_image = r1_grads[0] + r1_grads_image_raw = r1_grads[1] + r1_penalty = r1_grads_image.square().sum([1, 2, 3]) + r1_grads_image_raw.square().sum( + [1, 2, 3]) + else: # single discrimination + with torch.autograd.profiler.record_function( + 'r1_grads'), conv2d_gradfix.no_weight_gradients(): + if self.G.has_superresolution: + r1_grads = torch.autograd.grad(outputs=[real_logits.sum()], + inputs=[real_img_tmp['image_sr']], create_graph=True, + only_inputs=True) + else: + r1_grads = torch.autograd.grad(outputs=[real_logits.sum()], + inputs=[real_img_tmp['image']], create_graph=True, + only_inputs=True) + r1_grads_image = r1_grads[0] + r1_penalty = r1_grads_image.square().sum([1, 2, 3]) + loss_Dr1 = r1_penalty * (r1_gamma / 2) + training_stats.report('Loss/r1_penalty', r1_penalty) + training_stats.report('Loss/D/reg', loss_Dr1) + + with torch.autograd.profiler.record_function(name + '_backward'): + (loss_Dreal + loss_Dr1).mean().mul(gain).backward() diff --git a/recon/training/loss/loss_utils.py b/recon/training/loss/loss_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..b7e8edd83b5d1e50063fa19d2049168181a0dce5 --- /dev/null +++ b/recon/training/loss/loss_utils.py @@ -0,0 +1,33 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Loss functions.""" + +import torch +from torch_utils import training_stats +from torch_utils.ops import conv2d_gradfix +from torch_utils.ops import upfirdn2d + +# Distortion loss in MipNeRF-360: https://github.com/google-research/multinerf +def lossfun_distortion(t, w, reduction='mean'): + """Compute iint w[i] w[j] |t[i] - t[j]| di dj.""" + # The loss incurred between all pairs of intervals. + # print("t:",t.shape) + # print("w:",w.shape) + ut = (t[..., 1:] + t[..., :-1]) / 2 + dut = torch.abs(ut[..., :, None] - ut[..., None, :]) + loss_inter = torch.sum(w * torch.sum(w[..., None, :] * dut, dim=-1), dim=-1) + + # The loss incurred within each individual interval with itself. + loss_intra = torch.sum(w**2 * (t[..., 1:] - t[..., :-1]), dim=-1) / 3 + + if reduction is None: + return loss_inter + loss_intra + return (loss_inter + loss_intra).mean() \ No newline at end of file diff --git a/recon/training/networks_stylegan2.py b/recon/training/networks_stylegan2.py new file mode 100644 index 0000000000000000000000000000000000000000..bc562feb19422f1cb0752891495b79d697a71927 --- /dev/null +++ b/recon/training/networks_stylegan2.py @@ -0,0 +1,796 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Network architectures from the paper +"Analyzing and Improving the Image Quality of StyleGAN". +Matches the original implementation of configs E-F by Karras et al. at +https://github.com/NVlabs/stylegan2/blob/master/training/networks_stylegan2.py""" + +import numpy as np +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_resample +from torch_utils.ops import upfirdn2d +from torch_utils.ops import bias_act +from torch_utils.ops import fma + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def normalize_2nd_moment(x, dim=1, eps=1e-8): + return x * (x.square().mean(dim=dim, keepdim=True) + eps).rsqrt() + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def modulated_conv2d( + x, # Input tensor of shape [batch_size, in_channels, in_height, in_width]. + weight, # Weight tensor of shape [out_channels, in_channels, kernel_height, kernel_width]. + styles, # Modulation coefficients of shape [batch_size, in_channels]. + noise = None, # Optional noise tensor to add to the output activations. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + padding = 0, # Padding with respect to the upsampled image. + resample_filter = None, # Low-pass filter to apply when resampling activations. Must be prepared beforehand by calling upfirdn2d.setup_filter(). + demodulate = True, # Apply weight demodulation? + flip_weight = True, # False = convolution, True = correlation (matches torch.nn.functional.conv2d). + fused_modconv = True, # Perform modulation, convolution, and demodulation as a single fused operation? +): + batch_size = x.shape[0] + out_channels, in_channels, kh, kw = weight.shape + misc.assert_shape(weight, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(styles, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs to avoid FP16 overflow. + if x.dtype == torch.float16 and demodulate: + weight = weight * (1 / np.sqrt(in_channels * kh * kw) / weight.norm(float('inf'), dim=[1,2,3], keepdim=True)) # max_Ikk + styles = styles / styles.norm(float('inf'), dim=1, keepdim=True) # max_I + + # Calculate per-sample weights and demodulation coefficients. + w = None + dcoefs = None + if demodulate or fused_modconv: + w = weight.unsqueeze(0) # [NOIkk] + w = w * styles.reshape(batch_size, 1, -1, 1, 1) # [NOIkk] + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + if demodulate and fused_modconv: + w = w * dcoefs.reshape(batch_size, -1, 1, 1, 1) # [NOIkk] + + # Execute by scaling the activations before and after the convolution. + if not fused_modconv: + x = x * styles.to(x.dtype).reshape(batch_size, -1, 1, 1) + x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight) + if demodulate and noise is not None: + x = fma.fma(x, dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1), noise.to(x.dtype)) + elif demodulate: + x = x * dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1) + elif noise is not None: + x = x.add_(noise.to(x.dtype)) + return x + + # Execute as one fused op using grouped convolution. + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(batch_size) + misc.assert_shape(x, [batch_size, in_channels, None, None]) + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, groups=batch_size, flip_weight=flip_weight) + x = x.reshape(batch_size, -1, *x.shape[2:]) + if noise is not None: + x = x.add_(noise) + return x + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 1, # Learning rate multiplier. + bias_init = 0, # Initial value for the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) / lr_multiplier) + self.bias = torch.nn.Parameter(torch.full([out_features], np.float32(bias_init))) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Conv2dLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + kernel_size, # Width and height of the convolution kernel. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output to +-X, None = disable clamping. + channels_last = False, # Expect the input to have memory_format=channels_last? + trainable = True, # Update the weights of this layer during training? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.activation = activation + self.up = up + self.down = down + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + self.act_gain = bias_act.activation_funcs[activation].def_gain + + memory_format = torch.channels_last if channels_last else torch.contiguous_format + weight = torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format) + bias = torch.zeros([out_channels]) if bias else None + if trainable: + self.weight = torch.nn.Parameter(weight) + self.bias = torch.nn.Parameter(bias) if bias is not None else None + else: + self.register_buffer('weight', weight) + if bias is not None: + self.register_buffer('bias', bias) + else: + self.bias = None + + def forward(self, x, gain=1): + w = self.weight * self.weight_gain + b = self.bias.to(x.dtype) if self.bias is not None else None + flip_weight = (self.up == 1) # slightly faster + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=self.resample_filter, up=self.up, down=self.down, padding=self.padding, flip_weight=flip_weight) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, b, act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, activation={self.activation:s},', + f'up={self.up}, down={self.down}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality, 0 = no latent. + c_dim, # Conditioning label (C) dimensionality, 0 = no label. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output, None = do not broadcast. + num_layers = 8, # Number of mapping layers. + embed_features = None, # Label embedding dimensionality, None = same as w_dim. + layer_features = None, # Number of intermediate features in the mapping layers, None = same as w_dim. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training, None = do not track. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + if embed_features is None: + embed_features = w_dim + if c_dim == 0: + embed_features = 0 + if layer_features is None: + layer_features = w_dim + features_list = [z_dim + embed_features] + [layer_features] * (num_layers - 1) + [w_dim] + + if c_dim > 0: + self.embed = FullyConnectedLayer(c_dim, embed_features) + for idx in range(num_layers): + in_features = features_list[idx] + out_features = features_list[idx + 1] + layer = FullyConnectedLayer(in_features, out_features, activation=activation, lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + + if num_ws is not None and w_avg_beta is not None: + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + # Embed, normalize, and concat inputs. + x = None + with torch.autograd.profiler.record_function('input'): + if self.z_dim > 0: + misc.assert_shape(z, [None, self.z_dim]) + x = normalize_2nd_moment(z.to(torch.float32)) + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = normalize_2nd_moment(self.embed(c.to(torch.float32))) + x = torch.cat([x, y], dim=1) if x is not None else y + + # Main layers. + for idx in range(self.num_layers): + layer = getattr(self, f'fc{idx}') + x = layer(x) + + # Update moving average of W. + if update_emas and self.w_avg_beta is not None: + with torch.autograd.profiler.record_function('update_w_avg'): + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast. + if self.num_ws is not None: + with torch.autograd.profiler.record_function('broadcast'): + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + + # Apply truncation. + if truncation_psi != 1: + with torch.autograd.profiler.record_function('truncate'): + assert self.w_avg_beta is not None + if self.num_ws is None or truncation_cutoff is None: + x = self.w_avg.lerp(x, truncation_psi) + else: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this layer. + kernel_size = 3, # Convolution kernel size. + up = 1, # Integer upsampling factor. + use_noise = True, # Enable noise input? + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + channels_last = False, # Use channels_last format for the weights? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.resolution = resolution + self.up = up + self.use_noise = use_noise + self.activation = activation + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.act_gain = bias_act.activation_funcs[activation].def_gain + + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + if use_noise: + self.register_buffer('noise_const', torch.randn([resolution, resolution])) + self.noise_strength = torch.nn.Parameter(torch.zeros([])) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + + def forward(self, x, w, noise_mode='random', fused_modconv=True, gain=1): + assert noise_mode in ['random', 'const', 'none'] + in_resolution = self.resolution // self.up + misc.assert_shape(x, [None, self.in_channels, in_resolution, in_resolution]) + styles = self.affine(w) + + noise = None + if self.use_noise and noise_mode == 'random': + noise = torch.randn([x.shape[0], 1, self.resolution, self.resolution], device=x.device) * self.noise_strength + if self.use_noise and noise_mode == 'const': + noise = self.noise_const * self.noise_strength + + flip_weight = (self.up == 1) # slightly faster + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, noise=noise, up=self.up, + padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, self.bias.to(x.dtype), act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d},', + f'resolution={self.resolution:d}, up={self.up}, activation={self.activation:s}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class ToRGBLayer(torch.nn.Module): + def __init__(self, in_channels, out_channels, w_dim, kernel_size=1, conv_clamp=None, channels_last=False): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.conv_clamp = conv_clamp + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + + def forward(self, x, w, fused_modconv=True): + styles = self.affine(w) * self.weight_gain + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, demodulate=False, fused_modconv=fused_modconv) + x = bias_act.bias_act(x, self.bias.to(x.dtype), clamp=self.conv_clamp) + return x + + def extra_repr(self): + return f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + self.num_ws = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res // 2] if res > 4 else 0 + out_channels = channels_dict[res] + use_fp16 = (res >= fp16_resolution) + is_last = (res == self.img_resolution) + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res}', block) + + def forward(self, ws, **block_kwargs): + block_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + block_ws.append(ws.narrow(1, w_idx, block.num_conv + block.num_torgb)) + w_idx += block.num_conv + + x = img = None + for res, cur_ws in zip(self.block_resolutions, block_ws): + block = getattr(self, f'b{res}') + x, img = block(x, img, cur_ws, **block_kwargs) + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=self.num_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + tmp_channels, # Number of intermediate channels. + out_channels, # Number of output channels. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + first_layer_idx, # Index of the first layer. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + freeze_layers = 0, # Freeze-D: Number of layers to freeze. + ): + assert in_channels in [0, tmp_channels] + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.resolution = resolution + self.img_channels = img_channels + self.first_layer_idx = first_layer_idx + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + + self.num_layers = 0 + def trainable_gen(): + while True: + layer_idx = self.first_layer_idx + self.num_layers + trainable = (layer_idx >= freeze_layers) + self.num_layers += 1 + yield trainable + trainable_iter = trainable_gen() + + if in_channels == 0 or architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, tmp_channels, kernel_size=1, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv0 = Conv2dLayer(tmp_channels, tmp_channels, kernel_size=3, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv1 = Conv2dLayer(tmp_channels, out_channels, kernel_size=3, activation=activation, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last) + + if architecture == 'resnet': + self.skip = Conv2dLayer(tmp_channels, out_channels, kernel_size=1, bias=False, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, force_fp32=False): + if (x if x is not None else img).device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + + # Input. + if x is not None: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # FromRGB. + if self.in_channels == 0 or self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + y = self.fromrgb(img) + x = x + y if x is not None else y + img = upfirdn2d.downsample2d(img, self.resample_filter) if self.architecture == 'skip' else None + + # Main layers. + if self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x) + x = self.conv1(x, gain=np.sqrt(0.5)) + x = y.add_(x) + else: + x = self.conv0(x) + x = self.conv1(x) + + assert x.dtype == dtype + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MinibatchStdLayer(torch.nn.Module): + def __init__(self, group_size, num_channels=1): + super().__init__() + self.group_size = group_size + self.num_channels = num_channels + + def forward(self, x): + N, C, H, W = x.shape + with misc.suppress_tracer_warnings(): # as_tensor results are registered as constants + G = torch.min(torch.as_tensor(self.group_size), torch.as_tensor(N)) if self.group_size is not None else N + F = self.num_channels + c = C // F + + y = x.reshape(G, -1, F, c, H, W) # [GnFcHW] Split minibatch N into n groups of size G, and channels C into F groups of size c. + y = y - y.mean(dim=0) # [GnFcHW] Subtract mean over group. + y = y.square().mean(dim=0) # [nFcHW] Calc variance over group. + y = (y + 1e-8).sqrt() # [nFcHW] Calc stddev over group. + y = y.mean(dim=[2,3,4]) # [nF] Take average over channels and pixels. + y = y.reshape(-1, F, 1, 1) # [nF11] Add missing dimensions. + y = y.repeat(G, 1, H, W) # [NFHW] Replicate over group and pixels. + x = torch.cat([x, y], dim=1) # [NCHW] Append to input as new channels. + return x + + def extra_repr(self): + return f'group_size={self.group_size}, num_channels={self.num_channels:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class DiscriminatorEpilogue(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + cmap_dim, # Dimensionality of mapped conditioning label, 0 = no label. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + mbstd_group_size = 4, # Group size for the minibatch standard deviation layer, None = entire minibatch. + mbstd_num_channels = 1, # Number of features for the minibatch standard deviation layer, 0 = disable. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.cmap_dim = cmap_dim + self.resolution = resolution + self.img_channels = img_channels + self.architecture = architecture + + if architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, in_channels, kernel_size=1, activation=activation) + self.mbstd = MinibatchStdLayer(group_size=mbstd_group_size, num_channels=mbstd_num_channels) if mbstd_num_channels > 0 else None + self.conv = Conv2dLayer(in_channels + mbstd_num_channels, in_channels, kernel_size=3, activation=activation, conv_clamp=conv_clamp) + self.fc = FullyConnectedLayer(in_channels * (resolution ** 2), in_channels, activation=activation) + self.out = FullyConnectedLayer(in_channels, 1 if cmap_dim == 0 else cmap_dim) + + def forward(self, x, img, cmap, force_fp32=False): + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) # [NCHW] + _ = force_fp32 # unused + dtype = torch.float32 + memory_format = torch.contiguous_format + + # FromRGB. + x = x.to(dtype=dtype, memory_format=memory_format) + if self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + x = x + self.fromrgb(img) + + # Main layers. + if self.mbstd is not None: + x = self.mbstd(x) + x = self.conv(x) + x = self.fc(x.flatten(1)) + x = self.out(x) + + # Conditioning. + if self.cmap_dim > 0: + misc.assert_shape(cmap, [None, self.cmap_dim]) + x = (x * cmap).sum(dim=1, keepdim=True) * (1 / np.sqrt(self.cmap_dim)) + + assert x.dtype == dtype + return x + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Discriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- \ No newline at end of file diff --git a/recon/training/networks_stylegan3.py b/recon/training/networks_stylegan3.py new file mode 100644 index 0000000000000000000000000000000000000000..40e5508803feb7d4ebdd49ce140051f6a549cf9c --- /dev/null +++ b/recon/training/networks_stylegan3.py @@ -0,0 +1,517 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Generator architecture from the paper +"Alias-Free Generative Adversarial Networks".""" + +import numpy as np +import scipy.signal +import scipy.optimize +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_gradfix +from torch_utils.ops import filtered_lrelu +from torch_utils.ops import bias_act + +#---------------------------------------------------------------------------- + +@misc.profiled_function +def modulated_conv2d( + x, # Input tensor: [batch_size, in_channels, in_height, in_width] + w, # Weight tensor: [out_channels, in_channels, kernel_height, kernel_width] + s, # Style tensor: [batch_size, in_channels] + demodulate = True, # Apply weight demodulation? + padding = 0, # Padding: int or [padH, padW] + input_gain = None, # Optional scale factors for the input channels: [], [in_channels], or [batch_size, in_channels] +): + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(x.shape[0]) + out_channels, in_channels, kh, kw = w.shape + misc.assert_shape(w, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(s, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs. + if demodulate: + w = w * w.square().mean([1,2,3], keepdim=True).rsqrt() + s = s * s.square().mean().rsqrt() + + # Modulate weights. + w = w.unsqueeze(0) # [NOIkk] + w = w * s.unsqueeze(1).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Demodulate weights. + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + w = w * dcoefs.unsqueeze(2).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Apply input scaling. + if input_gain is not None: + input_gain = input_gain.expand(batch_size, in_channels) # [NI] + w = w * input_gain.unsqueeze(1).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Execute as one fused op using grouped convolution. + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_gradfix.conv2d(input=x, weight=w.to(x.dtype), padding=padding, groups=batch_size) + x = x.reshape(batch_size, -1, *x.shape[2:]) + return x + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + bias = True, # Apply additive bias before the activation function? + lr_multiplier = 1, # Learning rate multiplier. + weight_init = 1, # Initial standard deviation of the weight tensor. + bias_init = 0, # Initial value of the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) * (weight_init / lr_multiplier)) + bias_init = np.broadcast_to(np.asarray(bias_init, dtype=np.float32), [out_features]) + self.bias = torch.nn.Parameter(torch.from_numpy(bias_init / lr_multiplier)) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality, 0 = no labels. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output. + num_layers = 2, # Number of mapping layers. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + # Construct layers. + self.embed = FullyConnectedLayer(self.c_dim, self.w_dim) if self.c_dim > 0 else None + features = [self.z_dim + (self.w_dim if self.c_dim > 0 else 0)] + [self.w_dim] * self.num_layers + for idx, in_features, out_features in zip(range(num_layers), features[:-1], features[1:]): + layer = FullyConnectedLayer(in_features, out_features, activation='lrelu', lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + misc.assert_shape(z, [None, self.z_dim]) + if truncation_cutoff is None: + truncation_cutoff = self.num_ws + + # Embed, normalize, and concatenate inputs. + x = z.to(torch.float32) + x = x * (x.square().mean(1, keepdim=True) + 1e-8).rsqrt() + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = self.embed(c.to(torch.float32)) + y = y * (y.square().mean(1, keepdim=True) + 1e-8).rsqrt() + x = torch.cat([x, y], dim=1) if x is not None else y + + # Execute layers. + for idx in range(self.num_layers): + x = getattr(self, f'fc{idx}')(x) + + # Update moving average of W. + if update_emas: + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast and apply truncation. + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + if truncation_psi != 1: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisInput(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + channels, # Number of output channels. + size, # Output spatial size: int or [width, height]. + sampling_rate, # Output sampling rate. + bandwidth, # Output bandwidth. + ): + super().__init__() + self.w_dim = w_dim + self.channels = channels + self.size = np.broadcast_to(np.asarray(size), [2]) + self.sampling_rate = sampling_rate + self.bandwidth = bandwidth + + # Draw random frequencies from uniform 2D disc. + freqs = torch.randn([self.channels, 2]) + radii = freqs.square().sum(dim=1, keepdim=True).sqrt() + freqs /= radii * radii.square().exp().pow(0.25) + freqs *= bandwidth + phases = torch.rand([self.channels]) - 0.5 + + # Setup parameters and buffers. + self.weight = torch.nn.Parameter(torch.randn([self.channels, self.channels])) + self.affine = FullyConnectedLayer(w_dim, 4, weight_init=0, bias_init=[1,0,0,0]) + self.register_buffer('transform', torch.eye(3, 3)) # User-specified inverse transform wrt. resulting image. + self.register_buffer('freqs', freqs) + self.register_buffer('phases', phases) + + def forward(self, w): + # Introduce batch dimension. + transforms = self.transform.unsqueeze(0) # [batch, row, col] + freqs = self.freqs.unsqueeze(0) # [batch, channel, xy] + phases = self.phases.unsqueeze(0) # [batch, channel] + + # Apply learned transformation. + t = self.affine(w) # t = (r_c, r_s, t_x, t_y) + t = t / t[:, :2].norm(dim=1, keepdim=True) # t' = (r'_c, r'_s, t'_x, t'_y) + m_r = torch.eye(3, device=w.device).unsqueeze(0).repeat([w.shape[0], 1, 1]) # Inverse rotation wrt. resulting image. + m_r[:, 0, 0] = t[:, 0] # r'_c + m_r[:, 0, 1] = -t[:, 1] # r'_s + m_r[:, 1, 0] = t[:, 1] # r'_s + m_r[:, 1, 1] = t[:, 0] # r'_c + m_t = torch.eye(3, device=w.device).unsqueeze(0).repeat([w.shape[0], 1, 1]) # Inverse translation wrt. resulting image. + m_t[:, 0, 2] = -t[:, 2] # t'_x + m_t[:, 1, 2] = -t[:, 3] # t'_y + transforms = m_r @ m_t @ transforms # First rotate resulting image, then translate, and finally apply user-specified transform. + + # Transform frequencies. + phases = phases + (freqs @ transforms[:, :2, 2:]).squeeze(2) + freqs = freqs @ transforms[:, :2, :2] + + # Dampen out-of-band frequencies that may occur due to the user-specified transform. + amplitudes = (1 - (freqs.norm(dim=2) - self.bandwidth) / (self.sampling_rate / 2 - self.bandwidth)).clamp(0, 1) + + # Construct sampling grid. + theta = torch.eye(2, 3, device=w.device) + theta[0, 0] = 0.5 * self.size[0] / self.sampling_rate + theta[1, 1] = 0.5 * self.size[1] / self.sampling_rate + grids = torch.nn.functional.affine_grid(theta.unsqueeze(0), [1, 1, self.size[1], self.size[0]], align_corners=False) + + # Compute Fourier features. + x = (grids.unsqueeze(3) @ freqs.permute(0, 2, 1).unsqueeze(1).unsqueeze(2)).squeeze(3) # [batch, height, width, channel] + x = x + phases.unsqueeze(1).unsqueeze(2) + x = torch.sin(x * (np.pi * 2)) + x = x * amplitudes.unsqueeze(1).unsqueeze(2) + + # Apply trainable mapping. + weight = self.weight / np.sqrt(self.channels) + x = x @ weight.t() + + # Ensure correct shape. + x = x.permute(0, 3, 1, 2) # [batch, channel, height, width] + misc.assert_shape(x, [w.shape[0], self.channels, int(self.size[1]), int(self.size[0])]) + return x + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, channels={self.channels:d}, size={list(self.size)},', + f'sampling_rate={self.sampling_rate:g}, bandwidth={self.bandwidth:g}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisLayer(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + is_torgb, # Is this the final ToRGB layer? + is_critically_sampled, # Does this layer use critical sampling? + use_fp16, # Does this layer use FP16? + + # Input & output specifications. + in_channels, # Number of input channels. + out_channels, # Number of output channels. + in_size, # Input spatial size: int or [width, height]. + out_size, # Output spatial size: int or [width, height]. + in_sampling_rate, # Input sampling rate (s). + out_sampling_rate, # Output sampling rate (s). + in_cutoff, # Input cutoff frequency (f_c). + out_cutoff, # Output cutoff frequency (f_c). + in_half_width, # Input transition band half-width (f_h). + out_half_width, # Output Transition band half-width (f_h). + + # Hyperparameters. + conv_kernel = 3, # Convolution kernel size. Ignored for final the ToRGB layer. + filter_size = 6, # Low-pass filter size relative to the lower resolution when up/downsampling. + lrelu_upsampling = 2, # Relative sampling rate for leaky ReLU. Ignored for final the ToRGB layer. + use_radial_filters = False, # Use radially symmetric downsampling filter? Ignored for critically sampled layers. + conv_clamp = 256, # Clamp the output to [-X, +X], None = disable clamping. + magnitude_ema_beta = 0.999, # Decay rate for the moving average of input magnitudes. + ): + super().__init__() + self.w_dim = w_dim + self.is_torgb = is_torgb + self.is_critically_sampled = is_critically_sampled + self.use_fp16 = use_fp16 + self.in_channels = in_channels + self.out_channels = out_channels + self.in_size = np.broadcast_to(np.asarray(in_size), [2]) + self.out_size = np.broadcast_to(np.asarray(out_size), [2]) + self.in_sampling_rate = in_sampling_rate + self.out_sampling_rate = out_sampling_rate + self.tmp_sampling_rate = max(in_sampling_rate, out_sampling_rate) * (1 if is_torgb else lrelu_upsampling) + self.in_cutoff = in_cutoff + self.out_cutoff = out_cutoff + self.in_half_width = in_half_width + self.out_half_width = out_half_width + self.conv_kernel = 1 if is_torgb else conv_kernel + self.conv_clamp = conv_clamp + self.magnitude_ema_beta = magnitude_ema_beta + + # Setup parameters and buffers. + self.affine = FullyConnectedLayer(self.w_dim, self.in_channels, bias_init=1) + self.weight = torch.nn.Parameter(torch.randn([self.out_channels, self.in_channels, self.conv_kernel, self.conv_kernel])) + self.bias = torch.nn.Parameter(torch.zeros([self.out_channels])) + self.register_buffer('magnitude_ema', torch.ones([])) + + # Design upsampling filter. + self.up_factor = int(np.rint(self.tmp_sampling_rate / self.in_sampling_rate)) + assert self.in_sampling_rate * self.up_factor == self.tmp_sampling_rate + self.up_taps = filter_size * self.up_factor if self.up_factor > 1 and not self.is_torgb else 1 + self.register_buffer('up_filter', self.design_lowpass_filter( + numtaps=self.up_taps, cutoff=self.in_cutoff, width=self.in_half_width*2, fs=self.tmp_sampling_rate)) + + # Design downsampling filter. + self.down_factor = int(np.rint(self.tmp_sampling_rate / self.out_sampling_rate)) + assert self.out_sampling_rate * self.down_factor == self.tmp_sampling_rate + self.down_taps = filter_size * self.down_factor if self.down_factor > 1 and not self.is_torgb else 1 + self.down_radial = use_radial_filters and not self.is_critically_sampled + self.register_buffer('down_filter', self.design_lowpass_filter( + numtaps=self.down_taps, cutoff=self.out_cutoff, width=self.out_half_width*2, fs=self.tmp_sampling_rate, radial=self.down_radial)) + + # Compute padding. + pad_total = (self.out_size - 1) * self.down_factor + 1 # Desired output size before downsampling. + pad_total -= (self.in_size + self.conv_kernel - 1) * self.up_factor # Input size after upsampling. + pad_total += self.up_taps + self.down_taps - 2 # Size reduction caused by the filters. + pad_lo = (pad_total + self.up_factor) // 2 # Shift sample locations according to the symmetric interpretation (Appendix C.3). + pad_hi = pad_total - pad_lo + self.padding = [int(pad_lo[0]), int(pad_hi[0]), int(pad_lo[1]), int(pad_hi[1])] + + def forward(self, x, w, noise_mode='random', force_fp32=False, update_emas=False): + assert noise_mode in ['random', 'const', 'none'] # unused + misc.assert_shape(x, [None, self.in_channels, int(self.in_size[1]), int(self.in_size[0])]) + misc.assert_shape(w, [x.shape[0], self.w_dim]) + + # Track input magnitude. + if update_emas: + with torch.autograd.profiler.record_function('update_magnitude_ema'): + magnitude_cur = x.detach().to(torch.float32).square().mean() + self.magnitude_ema.copy_(magnitude_cur.lerp(self.magnitude_ema, self.magnitude_ema_beta)) + input_gain = self.magnitude_ema.rsqrt() + + # Execute affine layer. + styles = self.affine(w) + if self.is_torgb: + weight_gain = 1 / np.sqrt(self.in_channels * (self.conv_kernel ** 2)) + styles = styles * weight_gain + + # Execute modulated conv2d. + dtype = torch.float16 if (self.use_fp16 and not force_fp32 and x.device.type == 'cuda') else torch.float32 + x = modulated_conv2d(x=x.to(dtype), w=self.weight, s=styles, + padding=self.conv_kernel-1, demodulate=(not self.is_torgb), input_gain=input_gain) + + # Execute bias, filtered leaky ReLU, and clamping. + gain = 1 if self.is_torgb else np.sqrt(2) + slope = 1 if self.is_torgb else 0.2 + x = filtered_lrelu.filtered_lrelu(x=x, fu=self.up_filter, fd=self.down_filter, b=self.bias.to(x.dtype), + up=self.up_factor, down=self.down_factor, padding=self.padding, gain=gain, slope=slope, clamp=self.conv_clamp) + + # Ensure correct shape and dtype. + misc.assert_shape(x, [None, self.out_channels, int(self.out_size[1]), int(self.out_size[0])]) + assert x.dtype == dtype + return x + + @staticmethod + def design_lowpass_filter(numtaps, cutoff, width, fs, radial=False): + assert numtaps >= 1 + + # Identity filter. + if numtaps == 1: + return None + + # Separable Kaiser low-pass filter. + if not radial: + f = scipy.signal.firwin(numtaps=numtaps, cutoff=cutoff, width=width, fs=fs) + return torch.as_tensor(f, dtype=torch.float32) + + # Radially symmetric jinc-based filter. + x = (np.arange(numtaps) - (numtaps - 1) / 2) / fs + r = np.hypot(*np.meshgrid(x, x)) + f = scipy.special.j1(2 * cutoff * (np.pi * r)) / (np.pi * r) + beta = scipy.signal.kaiser_beta(scipy.signal.kaiser_atten(numtaps, width / (fs / 2))) + w = np.kaiser(numtaps, beta) + f *= np.outer(w, w) + f /= np.sum(f) + return torch.as_tensor(f, dtype=torch.float32) + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, is_torgb={self.is_torgb},', + f'is_critically_sampled={self.is_critically_sampled}, use_fp16={self.use_fp16},', + f'in_sampling_rate={self.in_sampling_rate:g}, out_sampling_rate={self.out_sampling_rate:g},', + f'in_cutoff={self.in_cutoff:g}, out_cutoff={self.out_cutoff:g},', + f'in_half_width={self.in_half_width:g}, out_half_width={self.out_half_width:g},', + f'in_size={list(self.in_size)}, out_size={list(self.out_size)},', + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_layers = 14, # Total number of layers, excluding Fourier features and ToRGB. + num_critical = 2, # Number of critically sampled layers at the end. + first_cutoff = 2, # Cutoff frequency of the first layer (f_{c,0}). + first_stopband = 2**2.1, # Minimum stopband of the first layer (f_{t,0}). + last_stopband_rel = 2**0.3, # Minimum stopband of the last layer, expressed relative to the cutoff. + margin_size = 10, # Number of additional pixels outside the image. + output_scale = 0.25, # Scale factor for the output image. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + super().__init__() + self.w_dim = w_dim + self.num_ws = num_layers + 2 + self.img_resolution = img_resolution + self.img_channels = img_channels + self.num_layers = num_layers + self.num_critical = num_critical + self.margin_size = margin_size + self.output_scale = output_scale + self.num_fp16_res = num_fp16_res + + # Geometric progression of layer cutoffs and min. stopbands. + last_cutoff = self.img_resolution / 2 # f_{c,N} + last_stopband = last_cutoff * last_stopband_rel # f_{t,N} + exponents = np.minimum(np.arange(self.num_layers + 1) / (self.num_layers - self.num_critical), 1) + cutoffs = first_cutoff * (last_cutoff / first_cutoff) ** exponents # f_c[i] + stopbands = first_stopband * (last_stopband / first_stopband) ** exponents # f_t[i] + + # Compute remaining layer parameters. + sampling_rates = np.exp2(np.ceil(np.log2(np.minimum(stopbands * 2, self.img_resolution)))) # s[i] + half_widths = np.maximum(stopbands, sampling_rates / 2) - cutoffs # f_h[i] + sizes = sampling_rates + self.margin_size * 2 + sizes[-2:] = self.img_resolution + channels = np.rint(np.minimum((channel_base / 2) / cutoffs, channel_max)) + channels[-1] = self.img_channels + + # Construct layers. + self.input = SynthesisInput( + w_dim=self.w_dim, channels=int(channels[0]), size=int(sizes[0]), + sampling_rate=sampling_rates[0], bandwidth=cutoffs[0]) + self.layer_names = [] + for idx in range(self.num_layers + 1): + prev = max(idx - 1, 0) + is_torgb = (idx == self.num_layers) + is_critically_sampled = (idx >= self.num_layers - self.num_critical) + use_fp16 = (sampling_rates[idx] * (2 ** self.num_fp16_res) > self.img_resolution) + layer = SynthesisLayer( + w_dim=self.w_dim, is_torgb=is_torgb, is_critically_sampled=is_critically_sampled, use_fp16=use_fp16, + in_channels=int(channels[prev]), out_channels= int(channels[idx]), + in_size=int(sizes[prev]), out_size=int(sizes[idx]), + in_sampling_rate=int(sampling_rates[prev]), out_sampling_rate=int(sampling_rates[idx]), + in_cutoff=cutoffs[prev], out_cutoff=cutoffs[idx], + in_half_width=half_widths[prev], out_half_width=half_widths[idx], + **layer_kwargs) + name = f'L{idx}_{layer.out_size[0]}_{layer.out_channels}' + setattr(self, name, layer) + self.layer_names.append(name) + + def forward(self, ws, **layer_kwargs): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32).unbind(dim=1) + + # Execute layers. + x = self.input(ws[0]) + for name, w in zip(self.layer_names, ws[1:]): + x = getattr(self, name)(x, w, **layer_kwargs) + if self.output_scale != 1: + x = x * self.output_scale + + # Ensure correct shape and dtype. + misc.assert_shape(x, [None, self.img_channels, self.img_resolution, self.img_resolution]) + x = x.to(torch.float32) + return x + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_layers={self.num_layers:d}, num_critical={self.num_critical:d},', + f'margin_size={self.margin_size:d}, num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + +@persistence.persistent_class +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=self.num_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#---------------------------------------------------------------------------- diff --git a/recon/training/reconstructor/networks_reconstructor.py b/recon/training/reconstructor/networks_reconstructor.py new file mode 100644 index 0000000000000000000000000000000000000000..23973fdd7e87a9bd701992a33713bf4281d34196 --- /dev/null +++ b/recon/training/reconstructor/networks_reconstructor.py @@ -0,0 +1,536 @@ +import os +import sys +import numpy as np +from typing import Optional +import torch +from torch import nn +import torch.utils.model_zoo as model_zoo +from torch_utils import persistence + +from segmentation_models_pytorch.base import SegmentationModel +from segmentation_models_pytorch.encoders.resnet import resnet_encoders +from models.deeplabv3.decoder import DeepLabV3Decoder +from models.unet.openaimodel import UNetModel, Upsample, Downsample +from models.mix_transformer.mix_transformer import OverlapPatchEmbed, Block, BlockCross +from timm.models.layers import DropPath, to_2tuple, trunc_normal_ + +encoders = {} +encoders.update(resnet_encoders) + + +def get_encoder(name, in_channels=3, depth=5, weights=None, output_stride=32, norm_layer=None, **kwargs): + try: + Encoder = encoders[name]["encoder"] + except KeyError: + raise KeyError("Wrong encoder name `{}`, supported encoders: {}".format(name, list(encoders.keys()))) + + params = encoders[name]["params"] + params.update(depth=depth) + params.update(norm_layer=norm_layer) + encoder = Encoder(**params) + + if weights is not None: + print(weights) + # try: + # settings = encoders[name]["pretrained_settings"][weights] + # + # ProcessLookupError + # except KeyError: + # raise KeyError( + # "Wrong pretrained weights `{}` for encoder `{}`. Available options are: {}".format( + # weights, + # name, + # list(encoders[name]["pretrained_settings"].keys()), + # ) + # ) + # print('model_zoo.load_url(settings["url"])', settings["url"]) + weights = torch.load(weights, map_location="cpu") + encoder.load_state_dict(weights, strict=False) + weights_or = "imagenet" + # pretrained = weights_or is not None + encoder.set_in_channels(in_channels, pretrained=weights_or is not None) + if output_stride != 32: + encoder.make_dilated(output_stride) + + return encoder + + +def AddCoord(im): + B, C, H, W = im.shape + + y, x = torch.meshgrid(torch.linspace(-1, 1, H, dtype=torch.float32, device=im.device), + torch.linspace(-1, 1, W, dtype=torch.float32, device=im.device), indexing='ij') + xy = torch.stack([x, y], dim=-1).unsqueeze(0).repeat(B, 1, 1, 1) # (B,H,W,2) + xy = xy.permute(0, 3, 1, 2) # (B,2,H,W) + + ret = torch.cat([im, xy], dim=1) + + return ret + + +# Global appearance encoder, remove all bn layers, change input dimension to 5, and remove segmentation head following Live3DPortrait: https://arxiv.org/abs/2305.02310 +@persistence.persistent_class +class EncoderGlobal(SegmentationModel): + """DeepLabV3_ implementation from "Rethinking Atrous Convolution for Semantic Image Segmentation" + + Args: + encoder_name: Name of the classification model that will be used as an encoder (a.k.a backbone) + to extract features of different spatial resolution + encoder_depth: A number of stages used in encoder in range [3, 5]. Each stage generate features + two times smaller in spatial dimensions than previous one (e.g. for depth 0 we will have features + with shapes [(N, C, H, W),], for depth 1 - [(N, C, H, W), (N, C, H // 2, W // 2)] and so on). + Default is 5 + encoder_weights: One of **None** (random initialization), **"imagenet"** (pre-training on ImageNet) and + other pretrained weights (see table with available weights for each encoder_name) + decoder_channels: A number of convolution filters in ASPP module. Default is 256 + in_channels: A number of input channels for the model, default is 3 (RGB images) + classes: A number of classes for output mask (or you can think as a number of channels of output mask) + activation: An activation function to apply after the final convolution layer. + Available options are **"sigmoid"**, **"softmax"**, **"logsoftmax"**, **"tanh"**, **"identity"**, + **callable** and **None**. + Default is **None** + upsampling: Final upsampling factor. Default is 8 to preserve input-output spatial shape identity + aux_params: Dictionary with parameters of the auxiliary output (classification head). Auxiliary output is build + on top of encoder if **aux_params** is not **None** (default). Supported params: + - classes (int): A number of classes + - pooling (str): One of "max", "avg". Default is "avg" + - dropout (float): Dropout factor in [0, 1) + - activation (str): An activation function to apply "sigmoid"/"softmax" + (could be **None** to return logits) + Returns: + ``torch.nn.Module``: **DeepLabV3** + + .. _DeeplabV3: + https://arxiv.org/abs/1706.05587 + + """ + + def __init__( + self, + encoder_name: str = "resnet34", + encoder_depth: int = 5, + encoder_weights: Optional[str] = "imagenet", + decoder_channels: int = 256, + in_channels: int = 5, + activation: Optional[str] = None, + aux_params: Optional[dict] = None, + norm_layer: nn.Module = nn.Identity + ): + super().__init__() + + self.encoder = get_encoder( + encoder_name, + in_channels=in_channels, + depth=encoder_depth, + weights=encoder_weights, + output_stride=8, + norm_layer=norm_layer + ) + + self.decoder = DeepLabV3Decoder( + in_channels=self.encoder.out_channels[-1], + out_channels=decoder_channels, + ) + + def forward(self, x): + """Sequentially pass `x` trough model`s encoder, decoder and heads""" + x = AddCoord(x) + # self.check_input_shape(x) + features = self.encoder(x) + decoder_output = self.decoder(*features) + + return decoder_output + + +# Detail appearance encoder +@persistence.persistent_class +class EncoderDetail(nn.Module): + def __init__( + self, + in_channels: int = 5 + ): + super().__init__() + + self.encoder = nn.Sequential( + nn.Conv2d(in_channels, 64, kernel_size=7, stride=2, padding=3), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + nn.Conv2d(64, 96, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + nn.Conv2d(96, 96, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + nn.Conv2d(96, 96, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + nn.Conv2d(96, 96, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + ) + + for m in self.encoder.modules(): + if isinstance(m, nn.Conv2d): + nn.init.kaiming_normal_(m.weight, mode="fan_out", nonlinearity="relu") + + def forward(self, x): + + x = AddCoord(x) + output = self.encoder(x) + + return output + + +# Canonicalization and reenactment module +@persistence.persistent_class +class EncoderCanonical(nn.Module): + def __init__(self, img_size=64, patch_size=3, in_chans=512, embed_dims=1024, mot_dims=512, mot_dims_hidden=512, + H_y=8, W_y=8, num_heads=4, mlp_ratios=2, qkv_bias=True, qk_scale=None, drop_rate=0., + attn_drop_rate=0., drop_path_rate=0., num_blocks_neutral=3, num_blocks_motion=3, + norm_layer=nn.LayerNorm, + sr_ratios=1, mapping_layers=0): + super().__init__() + self.num_blocks_neutral = num_blocks_neutral + self.num_blocks_motion = num_blocks_motion + self.mapping_layers = mapping_layers + self.H_y = H_y + self.W_y = W_y + + # mapping net for motion feature + if mapping_layers > 0: + self.maps = nn.ModuleList([]) + for i in range(mapping_layers): + in_dims = mot_dims if i == 0 else mot_dims_hidden + self.maps.append(nn.Linear(in_dims, mot_dims_hidden, bias=True)) + self.maps.append(nn.LeakyReLU(negative_slope=0.01, inplace=True)) + + self.maps_neutral = nn.ModuleList([]) + for i in range(mapping_layers): + in_dims = mot_dims if i == 0 else mot_dims_hidden + self.maps_neutral.append(nn.Linear(in_dims, mot_dims_hidden, bias=True)) + self.maps_neutral.append(nn.LeakyReLU(negative_slope=0.01, inplace=True)) + else: + self.maps = None + self.maps_neutral = None + mot_dims_hidden = mot_dims + + self.proj_y_neutral = nn.Linear(mot_dims_hidden, H_y * W_y * embed_dims, bias=True) + self.proj_y = nn.Linear(mot_dims_hidden, H_y * W_y * embed_dims, bias=True) + + # patch_embed + self.patch_embed = OverlapPatchEmbed(img_size=img_size, patch_size=patch_size, stride=2, in_chans=in_chans, + embed_dim=embed_dims) + + # canonicalization blocks + self.trans_blocks_neutral = nn.ModuleList([BlockCross( + dim=embed_dims, dim_y=mot_dims_hidden, H_y=H_y, W_y=W_y, num_heads=num_heads, mlp_ratio=mlp_ratios, + qkv_bias=qkv_bias, qk_scale=qk_scale, + drop=drop_rate, attn_drop=attn_drop_rate, drop_path=drop_path_rate, norm_layer=norm_layer, + sr_ratio=sr_ratios) + for i in range(num_blocks_neutral)]) + + # reenactment blocks + self.trans_blocks_motion = nn.ModuleList([BlockCross( + dim=embed_dims, dim_y=mot_dims_hidden, H_y=H_y, W_y=W_y, num_heads=num_heads, mlp_ratio=mlp_ratios, + qkv_bias=qkv_bias, qk_scale=qk_scale, + drop=drop_rate, attn_drop=attn_drop_rate, drop_path=drop_path_rate, norm_layer=norm_layer, + sr_ratio=sr_ratios) + for i in range(num_blocks_motion)]) + + self.pixelshuffle = nn.PixelShuffle(upscale_factor=2) + + self.convs_1 = nn.Sequential( + nn.Conv2d(3 * 128, 128, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + nn.Conv2d(128, 96, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + nn.Conv2d(96, 256, kernel_size=3, stride=1, padding=1) + ) + + self.convs = nn.Sequential( + nn.UpsamplingBilinear2d(scale_factor=2), + nn.Conv2d(256, 128, kernel_size=3, stride=1, padding=1), + nn.ReLU(inplace=True), + nn.UpsamplingBilinear2d(scale_factor=2), + nn.Conv2d(128, 128, kernel_size=3, stride=1, padding=1), + nn.ReLU(inplace=True), + nn.Conv2d(128, 96, kernel_size=3, stride=1, padding=1)) + + self.apply(self._init_weights) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, nn.Conv2d): + fan_out = m.kernel_size[0] * m.kernel_size[1] * m.out_channels + fan_out //= m.groups + m.weight.data.normal_(0, np.sqrt(2.0 / fan_out)) + if m.bias is not None: + m.bias.data.zero_() + + def freeze_patch_emb(self): + self.patch_embed.requires_grad = False + + @torch.jit.ignore + def no_weight_decay(self): + return {'pos_embed'} # has pos_embed may be better + + def forward_features(self, x, x_r, y, y_x, scale=1.): + B = x.shape[0] + outs = [] + + if self.maps is not None: + for layer in self.maps: + y = layer(y) + + if self.maps_neutral is not None: + for layer in self.maps_neutral: + y_x = layer(y_x) + + y = self.proj_y(y).reshape(B, self.H_y * self.W_y, -1) + y_x = self.proj_y_neutral(y_x).reshape(B, self.H_y * self.W_y, -1) + + # trans blocks + x_r = self.convs_1(x_r) + x = torch.cat([x, x_r], dim=1) + x, H, W = self.patch_embed(x) + + # neutralize the face + for i, blk in enumerate(self.trans_blocks_neutral): + x = blk(x, y_x, H, W, scale=scale) + + # animate the face + for i, blk in enumerate(self.trans_blocks_motion): + x = blk(x, y, H, W, scale=scale) + + x = x.reshape(B, H, W, -1).permute(0, 3, 1, 2).contiguous() + + x = self.pixelshuffle(x) + + outs.append(x) + # conv blocks + x = self.convs(x) # 256 256 96 + outs.append(x) + + return outs + + def forward(self, x, x_r, y, y_x, scale=1.): + x = self.forward_features(x, x_r, y, y_x, scale=scale) + + return x + + +# Triplane decoder +@persistence.persistent_class +class DecoderTriplane(nn.Module): + def __init__(self, img_size=256, patch_size=3, embed_dims=1024, + num_heads=2, mlp_ratios=2, qkv_bias=True, qk_scale=None, drop_rate=0., + attn_drop_rate=0., drop_path_rate=0., num_blocks=1, norm_layer=nn.LayerNorm, + sr_ratios=2): + super().__init__() + self.num_blocks = num_blocks + + self.convs1 = nn.Sequential( + nn.Conv2d(192, 256, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + nn.Conv2d(256, 128, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + ) + + # patch_embed + self.patch_embed = OverlapPatchEmbed(img_size=img_size, patch_size=patch_size, stride=2, in_chans=128, + embed_dim=embed_dims) + + # transformer encoder + self.trans_blocks = nn.ModuleList([Block( + dim=embed_dims, num_heads=num_heads, mlp_ratio=mlp_ratios, qkv_bias=qkv_bias, qk_scale=qk_scale, + drop=drop_rate, attn_drop=attn_drop_rate, drop_path=drop_path_rate, norm_layer=norm_layer, + sr_ratio=sr_ratios) + for i in range(num_blocks)]) + + self.pixelshuffle = nn.PixelShuffle(upscale_factor=2) + + self.convs2 = nn.Sequential( + nn.Conv2d(352, 256, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + nn.Conv2d(256, 128, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + nn.Conv2d(128, 128, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + # nn.Conv2d(128, 96, kernel_size=3, stride=1, padding=1) + ) + + self.conv_last = nn.Conv2d(128, 96, kernel_size=3, stride=1, padding=1) + + self.convs3 = nn.Sequential( + nn.Conv2d(192, 256, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + nn.Conv2d(256, 128, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + nn.Conv2d(128, 128, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + # nn.Conv2d(128, 96, kernel_size=3, stride=1, padding=1) + ) + + self.conv_last_2 = nn.Conv2d(128, 96, kernel_size=3, stride=1, padding=1) + + self.apply(self._init_weights) + self.conv_last.apply(self._init_weights_last) + + def _init_weights_last(self, m): + if isinstance(m, nn.Conv2d): + m.weight.data.normal_(0, 0.15) + if m.bias is not None: + m.bias.data.zero_() + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, nn.Conv2d): + fan_out = m.kernel_size[0] * m.kernel_size[1] * m.out_channels + fan_out //= m.groups + m.weight.data.normal_(0, np.sqrt(2.0 / fan_out)) + if m.bias is not None: + m.bias.data.zero_() + + def freeze_patch_emb(self): + self.patch_embed.requires_grad = False + + @torch.jit.ignore + def no_weight_decay(self): + return {'pos_embed'} # has pos_embed may be better + + def forward(self, x_global, x_detail, x_tri): + + x = torch.cat([x_global, x_detail], dim=1) # [B,C,H,W] + B = x.shape[0] + + # convs1 + x = self.convs1(x) + + # trans blocks + x, H, W = self.patch_embed(x) + for i, blk in enumerate(self.trans_blocks): + x = blk(x, H, W) + x = x.reshape(B, H, W, -1).permute(0, 3, 1, 2).contiguous() + x = self.pixelshuffle(x) + + x = torch.cat([x, x_global], dim=1) + + # convs2 + x = self.convs2(x) + x = self.conv_last(x) + + # conv_final + x = torch.cat([x, x_tri], dim=1) + x = self.convs3(x) + x = self.conv_last_2(x) + return x + + +@persistence.persistent_class +class EncoderBG(nn.Module): + def __init__( + self, + in_channels=5, + out_channels=32, + ): + super().__init__() + + self.in_channels = in_channels + self.out_channels = out_channels + + self.input_conv = nn.Sequential( + nn.Conv2d(in_channels, 64, kernel_size=3, stride=2, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + ) # 128 + + self.down_conv_1 = nn.Sequential( + nn.Conv2d(64, 64, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + Downsample(64, True, dims=2, out_channels=128) + ) # 64 + + self.down_conv_2 = nn.Sequential( + nn.Conv2d(128, 128, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + Downsample(128, True, dims=2, out_channels=256) + ) # 32 + + self.down_conv_3 = nn.Sequential( + nn.Conv2d(256, 256, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + Downsample(256, True, dims=2, out_channels=512) + ) # 16 + + self.middle = nn.Sequential( + nn.Conv2d(512, 512, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + ) + + self.up_conv_1 = nn.Sequential( + nn.Conv2d(1024, 256, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + Upsample(256, True, dims=2, out_channels=256) + ) # 32 + + self.up_conv_2 = nn.Sequential( + nn.Conv2d(512, 128, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + Upsample(128, True, dims=2, out_channels=128) + ) # 64 + + self.up_conv_3 = nn.Sequential( + nn.Conv2d(256, 64, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + Upsample(64, True, dims=2, out_channels=64) + ) # 128 + + self.up_conv_4 = nn.Sequential( + nn.Conv2d(128, 64, kernel_size=3, stride=1, padding=1), + nn.LeakyReLU(negative_slope=0.01, inplace=True), + Upsample(64, True, dims=2, out_channels=64) + ) # 256 + + self.out_conv = nn.Conv2d(64, out_channels, kernel_size=3, stride=1, padding=1) + + self.apply(self._init_weights) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, nn.Conv2d): + fan_out = m.kernel_size[0] * m.kernel_size[1] * m.out_channels + fan_out //= m.groups + m.weight.data.normal_(0, np.sqrt(2.0 / fan_out)) + if m.bias is not None: + m.bias.data.zero_() + + def forward(self, x): + + x = AddCoord(x) + + h1 = self.input_conv(x) + h2 = self.down_conv_1(h1) + h3 = self.down_conv_2(h2) + h4 = self.down_conv_3(h3) + + h = self.middle(h4) + + x = self.up_conv_1(torch.cat([h, h4], 1)) + x = self.up_conv_2(torch.cat([x, h3], 1)) + x = self.up_conv_3(torch.cat([x, h2], 1)) + x = self.up_conv_4(torch.cat([x, h1], 1)) + output = self.out_conv(x) + + return output \ No newline at end of file diff --git a/recon/training/reconstructor/triplane_ae.py b/recon/training/reconstructor/triplane_ae.py new file mode 100644 index 0000000000000000000000000000000000000000..774d1ef949ff3fbae8f4d68f80bf2e8fef31d1a2 --- /dev/null +++ b/recon/training/reconstructor/triplane_ae.py @@ -0,0 +1,251 @@ +# TATS +# Copyright (c) Meta Platforms, Inc. All Rights Reserved + +import math +import numpy as np + +import torch +import torch.nn as nn +import torch.nn.functional as F + + +def shift_dim(x, src_dim=-1, dest_dim=-1, make_contiguous=True): + n_dims = len(x.shape) + if src_dim < 0: + src_dim = n_dims + src_dim + if dest_dim < 0: + dest_dim = n_dims + dest_dim + + assert 0 <= src_dim < n_dims and 0 <= dest_dim < n_dims + + dims = list(range(n_dims)) + del dims[src_dim] + + permutation = [] + ctr = 0 + for i in range(n_dims): + if i == dest_dim: + permutation.append(src_dim) + else: + permutation.append(dims[ctr]) + ctr += 1 + x = x.permute(permutation) + if make_contiguous: + x = x.contiguous() + return x + +def silu(x): + return x * torch.sigmoid(x) + + +class SiLU(nn.Module): + def __init__(self): + super(SiLU, self).__init__() + + def forward(self, x): + return silu(x) + + +def hinge_d_loss(logits_real, logits_fake): + loss_real = torch.mean(F.relu(1. - logits_real)) + loss_fake = torch.mean(F.relu(1. + logits_fake)) + d_loss = 0.5 * (loss_real + loss_fake) + return d_loss + + +def vanilla_d_loss(logits_real, logits_fake): + d_loss = 0.5 * ( + torch.mean(torch.nn.functional.softplus(-logits_real)) + + torch.mean(torch.nn.functional.softplus(logits_fake))) + return d_loss + + +def Normalize(in_channels, norm_type='group'): + assert norm_type in ['group', 'batch'] + if norm_type == 'group': + return torch.nn.GroupNorm(num_groups=32, num_channels=in_channels, eps=1e-6, affine=True) + elif norm_type == 'batch': + return torch.nn.SyncBatchNorm(in_channels) + + +class ResBlock(nn.Module): + def __init__(self, in_channels, out_channels=None, conv_shortcut=False, dropout=0.0, norm_type='group', + padding_type='replicate'): + super().__init__() + self.in_channels = in_channels + out_channels = in_channels if out_channels is None else out_channels + self.out_channels = out_channels + self.use_conv_shortcut = conv_shortcut + + self.norm1 = Normalize(in_channels, norm_type) + self.conv1 = SamePadConv3d(in_channels, out_channels, kernel_size=3, padding_type=padding_type) + self.dropout = torch.nn.Dropout(dropout) + self.norm2 = Normalize(in_channels, norm_type) + self.conv2 = SamePadConv3d(out_channels, out_channels, kernel_size=3, padding_type=padding_type) + if self.in_channels != self.out_channels: + self.conv_shortcut = SamePadConv3d(in_channels, out_channels, kernel_size=3, padding_type=padding_type) + + def forward(self, x): + h = x + h = self.norm1(h) + h = silu(h) + h = self.conv1(h) + h = self.norm2(h) + h = silu(h) + h = self.conv2(h) + + if self.in_channels != self.out_channels: + x = self.conv_shortcut(x) + + return x + h + + +# Does not support dilation +class SamePadConv3d(nn.Module): + def __init__(self, in_channels, out_channels, kernel_size, stride=1, bias=True, padding_type='replicate'): + super().__init__() + if isinstance(kernel_size, int): + kernel_size = (kernel_size,) * 3 + if isinstance(stride, int): + stride = (stride,) * 3 + + # assumes that the input shape is divisible by stride + total_pad = tuple([k - s for k, s in zip(kernel_size, stride)]) + pad_input = [] + for p in total_pad[::-1]: # reverse since F.pad starts from last dim + pad_input.append((p // 2 + p % 2, p // 2)) + pad_input = sum(pad_input, tuple()) + + self.pad_input = pad_input + self.padding_type = padding_type + + self.conv = nn.Conv3d(in_channels, out_channels, kernel_size, + stride=stride, padding=0, bias=bias) + self.weight = self.conv.weight + + def forward(self, x): + return self.conv(F.pad(x, self.pad_input, mode=self.padding_type)) + + +class SamePadConvTranspose3d(nn.Module): + def __init__(self, in_channels, out_channels, kernel_size, stride=1, bias=True, padding_type='replicate'): + super().__init__() + if isinstance(kernel_size, int): + kernel_size = (kernel_size,) * 3 + if isinstance(stride, int): + stride = (stride,) * 3 + + total_pad = tuple([k - s for k, s in zip(kernel_size, stride)]) + pad_input = [] + for p in total_pad[::-1]: # reverse since F.pad starts from last dim + pad_input.append((p // 2 + p % 2, p // 2)) + pad_input = sum(pad_input, tuple()) + self.pad_input = pad_input + self.padding_type = padding_type + self.convt = nn.ConvTranspose3d(in_channels, out_channels, kernel_size, + stride=stride, bias=bias, + padding=tuple([k - 1 for k in kernel_size])) + + def forward(self, x): + return self.convt(F.pad(x, self.pad_input, mode=self.padding_type)) + + + + +class Encoder(nn.Module): + def __init__(self, n_hiddens, downsample, z_channels, image_channel=3, norm_type='group', + padding_type='replicate', res_num=1): + super().__init__() + n_times_downsample = np.array([int(math.log2(d)) for d in downsample]) + self.conv_blocks = nn.ModuleList() + max_ds = n_times_downsample.max() + self.conv_first = SamePadConv3d(image_channel, n_hiddens, kernel_size=3, padding_type=padding_type) + + for i in range(max_ds): + block = nn.Module() + in_channels = n_hiddens * 2 ** i + out_channels = n_hiddens * 2 ** (i + 1) + stride = tuple([2 if d > 0 else 1 for d in n_times_downsample]) + stride = list(stride) + stride[0] = 1 + stride = tuple(stride) + block.down = SamePadConv3d(in_channels, out_channels, 4, stride=stride, padding_type=padding_type) + + block.res = ResBlock(out_channels, out_channels, norm_type=norm_type) + self.conv_blocks.append(block) + n_times_downsample -= 1 + + self.final_block = nn.Sequential( + Normalize(out_channels, norm_type), + SiLU(), + SamePadConv3d(out_channels, z_channels, + kernel_size=3, + stride=1, + padding_type=padding_type) + ) + self.out_channels = out_channels + + + def forward(self, x): + h = self.conv_first(x) + for block in self.conv_blocks: + h = block.down(h) + h = block.res(h) + h = self.final_block(h) + return h + + +class Decoder(nn.Module): + def __init__(self, n_hiddens, upsample, z_channels, image_channel, norm_type='group'): + super().__init__() + + n_times_upsample = np.array([int(math.log2(d)) for d in upsample]) + max_us = n_times_upsample.max() + in_channels = z_channels + self.conv_blocks = nn.ModuleList() + for i in range(max_us): + block = nn.Module() + in_channels = in_channels if i == 0 else n_hiddens * 2 ** (max_us - i + 1) + out_channels = n_hiddens * 2 ** (max_us - i) + us = tuple([2 if d > 0 else 1 for d in n_times_upsample]) + us = list(us) + us[0] = 1 + us = tuple(us) + block.up = SamePadConvTranspose3d(in_channels, out_channels, 4, stride=us) + block.res1 = ResBlock(out_channels, out_channels, norm_type=norm_type) + block.res2 = ResBlock(out_channels, out_channels, norm_type=norm_type) + self.conv_blocks.append(block) + n_times_upsample -= 1 + + self.conv_out = SamePadConv3d(out_channels, image_channel, kernel_size=3) + + def forward(self, x): + h = x + for i, block in enumerate(self.conv_blocks): + h = block.up(h) + h = block.res1(h) + h = block.res2(h) + h = self.conv_out(h) + return h + + + +# +# unit test +if __name__ == '__main__': + encoder = Encoder(n_hiddens=320, downsample=[1, 2, 2, 2], z_channels=8, double_z=True, image_channel=96, + norm_type='group', padding_type='replicate') + encoder = encoder.cuda() + en_input = torch.rand(1, 96, 3, 256, 256).cuda() + out = encoder(en_input) + print(out.shape) + # mean, logvar = torch.chunk(out, 2, dim=1) + # # print(mean.shape) + # decoder = DecoderRe(n_hiddens=320, upsample=[2, 2, 2, 1], z_channels=8, image_channel=96, + # norm_type='group' ) + # + # decoder = decoder.cuda() + # out = decoder(mean) + # print(out.shape) + # # logvar = nn.Parameter(torch.ones(size=()) * 0.0) + # # print(logvar) diff --git a/recon/training/reconstructor/triplane_reconstruct_gallery.py b/recon/training/reconstructor/triplane_reconstruct_gallery.py new file mode 100644 index 0000000000000000000000000000000000000000..a7a4114e505e9ac9d0e1534f63e6219498ed0238 --- /dev/null +++ b/recon/training/reconstructor/triplane_reconstruct_gallery.py @@ -0,0 +1,297 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +import torch +import torch.nn.functional as F +import dnnlib +from torch_utils import persistence +from einops import rearrange + +from recon.training.generator.triplane_v20_original import OSGDecoder + +from recon.training.reconstructor.networks_reconstructor import EncoderGlobal, EncoderDetail, EncoderCanonical, \ + DecoderTriplane +from recon.training.reconstructor.triplane_ae import Encoder as TriEncoder +from recon.volumetric_rendering.renderer import ImportanceRenderer, ImportanceRenderer_bsMotion +from recon.volumetric_rendering.ray_sampler import RaySampler, RaySampler_zxc +from recon.volumetric_rendering.renderer import fill_mouth +from Next3d.training_avatar_texture.networks_stylegan2_new import Generator as StyleGAN2Backbone_cond + + +# Animatable triplane reconstructor Psi in Portrait4D +@persistence.persistent_class +class TriPlaneReconstructorNeutralize(torch.nn.Module): + def __init__(self, + img_resolution=512, + mot_dims=512, + w_dim=512, + sr_num_fp16_res=0, + has_background=False, + has_superresolution=True, + flame_full=True, + masked_sampling=False, + num_blocks_neutral=4, + num_blocks_motion=4, + motion_map_layers=2, + neural_rendering_resolution=64, + deformation_kwargs={}, + rendering_kwargs={}, + sr_kwargs={}, + encoder_pre_weights=None, + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + + self.mot_dims = mot_dims + self.motion_map_layers = motion_map_layers + self.encoder_global = EncoderGlobal(encoder_weights=encoder_pre_weights) + self.encoder_detail = EncoderDetail() + self.encoder_global_latent_tri = TriEncoder(n_hiddens=64, image_channel=32, z_channels=128, + downsample=[4, 4, 4]) + self.encoder_canonical = EncoderCanonical(num_blocks_neutral=num_blocks_neutral, + num_blocks_motion=num_blocks_motion, mot_dims=mot_dims, + mapping_layers=motion_map_layers) + self.generator_triplane = DecoderTriplane() + + self.renderer = ImportanceRenderer_bsMotion() + self.ray_sampler = RaySampler_zxc() + + decoder_output_dim = 32 if has_superresolution else 3 + self.superresolution = dnnlib.util.construct_class_by_name(class_name=rendering_kwargs['superresolution_module'], channels=32, + img_resolution=img_resolution, sr_num_fp16_res=sr_num_fp16_res, + sr_antialias=rendering_kwargs['sr_antialias'], **sr_kwargs) + + self.has_superresolution = True + self.img_resolution = img_resolution + # + # if self.has_superresolution: + # superres_module_name = rendering_kwargs['superresolution_module'].replace('training.superresolution', + # 'models.stylegan.superresolution') + # self.superresolution = dnnlib.util.construct_class_by_name(class_name=superres_module_name, channels=32, + # img_resolution=img_resolution, + # sr_num_fp16_res=sr_num_fp16_res, + # sr_antialias=rendering_kwargs['sr_antialias'], + # **sr_kwargs) + # else: + # self.superresolution = None + self.decoder = OSGDecoder(32, {'decoder_lr_mul': rendering_kwargs.get('decoder_lr_mul', 1), + 'decoder_output_dim': decoder_output_dim}) + + + + self.neural_rendering_resolution = neural_rendering_resolution + self.rendering_kwargs = rendering_kwargs + z_dim = 512 + w_dim = 512 + c_dim = 25 + synthesis_kwargs = {'channel_base': 32768, 'channel_max': 512, 'fused_modconv_default': 'inference_only', 'num_fp16_res': 0, + 'conv_clamp': None} + mapping_kwargs = {'num_layers': 2} + self.face_backbone = StyleGAN2Backbone_cond(z_dim, c_dim, w_dim, img_resolution=256, img_channels=32, + mapping_kwargs= mapping_kwargs, use_tanh=False, + **synthesis_kwargs) + self.triplnae_encoder = EncoderTriplane() + def synthesis(self, imgs_app, imgs_mot, motions_app, motions, c, mesh, latent_recon, triplane_recon, ws_avg, + neural_rendering_resolution=None, + use_cached_backbone=False, motion_scale=1.0, **synthesis_kwargs): + triplane_recon_input = self.get_triplane(ws_avg, triplane_recon, mesh) + cam = c + cam2world_matrix = cam[:, :16].view(-1, 4, 4) + intrinsics = cam[:, 16:25].view(-1, 3, 3) + + if neural_rendering_resolution is None: + neural_rendering_resolution = self.neural_rendering_resolution + else: + self.neural_rendering_resolution = neural_rendering_resolution + # print(self.neural_rendering_resolution) + + # Create a batch of rays for volume rendering + ray_origins, ray_directions = self.ray_sampler(cam2world_matrix, intrinsics, neural_rendering_resolution) + + # Create triplanes by running StyleGAN backbone + N, M, _ = ray_origins.shape + + if use_cached_backbone and self._last_planes is not None: + planes = self._last_planes + else: + features_global = self.encoder_global(imgs_app) + features_detail = self.encoder_detail(imgs_app) + cano_tri_ref = rearrange(triplane_recon_input, "b f c h w -> b c f h w") + cano_global = self.encoder_global_latent_tri(cano_tri_ref) + cano_global = rearrange( cano_global, "b c f h w -> b (c f) h w") + features_canonical = self.encoder_canonical(features_global, cano_global, motions, motions_app, + scale=motion_scale) + + features_canonical_lr = features_canonical[0] + features_canonical_sr = features_canonical[1] + triplane_recon_ref = rearrange(triplane_recon_input, "b f c h w -> b (f c) h w") + planes = self.generator_triplane(features_canonical_sr, features_detail, triplane_recon_ref) + planes = planes.view(len(planes), -1, 32, planes.shape[-2], planes.shape[-1]) + # Reshape output into three 32-channel planes + # if not isinstance(planes, list): + # planes = [planes] + # planes = [p.view(len(p), -1, 32, p.shape[-2], p.shape[-1]) for p in planes] + feature_samples, depth_samples, weights_samples = self.renderer(planes, self.decoder, ray_origins, + ray_directions, + self.rendering_kwargs, evaluation=False) + + # Reshape into 'raw' neural-rendered image + H = W = self.neural_rendering_resolution + feature_image = feature_samples.permute(0, 2, 1).reshape(N, feature_samples.shape[-1], H, W).contiguous() + depth_image = depth_samples.permute(0, 2, 1).reshape(N, 1, H, W) + + # Run superresolution to get final image + rgb_image = feature_image[:, :3] + ws_avg = ws_avg.repeat(rgb_image.shape[0], 1, 1) + sr_image = self.superresolution(rgb_image, feature_image, ws_avg, + noise_mode=self.rendering_kwargs['superresolution_noise_mode'], + **{k: synthesis_kwargs[k] for k in synthesis_kwargs.keys() if + k != 'noise_mode'}) + + out = {'image_sr': sr_image, 'image': rgb_image, 'image_depth': depth_image, + 'image_feature': feature_image, 'triplane': planes} + return out # static_plane, 'texture_map': texture_feats[-2]} + def rasterize_sinle_input(self, texture_feat_input, uvcoords_image, static_feat_input, bbox_256, + res_list=[32, 32, 64, 128, 256]): + ''' + uvcoords_image [B, H, W, C] + ''' + if not uvcoords_image.dtype == torch.float32: uvcoords_image = uvcoords_image.float() + grid, alpha_image = uvcoords_image[..., :2], uvcoords_image[..., 2:].permute(0, 3, 1, 2) + full_alpha_image, mouth_masks = fill_mouth(alpha_image.clone(), blur_mouth_edge=False) + upper_mouth_mask = mouth_masks.clone() + upper_mouth_mask[:, :, :87] = 0 + upper_mouth_alpha_image = torch.clamp(alpha_image + upper_mouth_mask, min=0, max=1) + res = texture_feat_input.shape[2] + bbox = [round(i * res / 256) for i in bbox_256] + rendering_image = F.grid_sample(texture_feat_input, grid, align_corners=False) + rendering_feat = F.interpolate(rendering_image, size=(res, res), mode='bilinear', antialias=True) + alpha_image_ = F.interpolate(alpha_image, size=(res, res), mode='bilinear', antialias=True) + static_feat = F.interpolate(static_feat_input[:, :, bbox[0]:bbox[1], bbox[2]:bbox[3]], size=(res, res), + mode='bilinear', antialias=True) + condition_mask_list = [] + rendering_img_nomask = rendering_feat * alpha_image_ + static_feat * (1 - alpha_image_) + rendering_image = torch.cat([ + rendering_img_nomask, + F.interpolate(upper_mouth_alpha_image, size=(res, res), mode='bilinear', antialias=True)], dim=1) + for res_mask in res_list: + condition_mask = F.interpolate(upper_mouth_alpha_image, size=(res_mask, res_mask), mode='bilinear', + antialias=True) + condition_mask_list.append(condition_mask) + # print('rendering_images', grid.shape, rendering_images[-1].shape) + return rendering_image, full_alpha_image, rendering_img_nomask, condition_mask_list + def get_triplane(self, ws, triplane, mesh_condition): + b = triplane.shape[0] + ws = ws.repeat(b, 1, 1) + # Create a batch of rays for volume rendering + + # Create triplanes by running StyleGAN backbone + + static_plane = triplane[:, 1:, :, :, :] + static_plane_face = static_plane[:, 0] + + bbox_256 = [57, 185, 64, 192] # the face region is the center-crop result from the frontal triplane. + + texture_feat = triplane[:, 0:1, :, :, :].squeeze(1) + rendering_image, full_alpha_image, rendering_image_only_img, mask_images = self.rasterize_sinle_input( + texture_feat, + mesh_condition, + static_plane_face, + bbox_256 + ) + rendering_images_no_masks = self.triplnae_encoder(rendering_image) + rendering_images = [] + for index, rendering_image_no_mask in enumerate(rendering_images_no_masks): + rendering_images_each = torch.cat([rendering_image_no_mask, mask_images[index]], dim=1) + rendering_images.append(rendering_images_each) + rendering_images.append(rendering_image) + rendering_stitch = self.face_backbone.synthesis(ws, rendering_images, return_list=False ) + + rendering_stitch_, full_alpha_image_ = torch.zeros_like(rendering_stitch), torch.zeros_like(full_alpha_image) + + rendering_stitch_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(rendering_stitch, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image_[:, :, bbox_256[0]:bbox_256[1], bbox_256[2]:bbox_256[3]] = F.interpolate(full_alpha_image, + size=(128, 128), + mode='bilinear', + antialias=True) + full_alpha_image, rendering_stitch = full_alpha_image_, rendering_stitch_ + + # blend features of neural texture and tri-plane + full_alpha_image = torch.cat( + (full_alpha_image, torch.zeros_like(full_alpha_image), torch.zeros_like(full_alpha_image)), 1).unsqueeze(2) + rendering_stitch = torch.cat( + (rendering_stitch, torch.zeros_like(rendering_stitch), torch.zeros_like(rendering_stitch)), 1) + rendering_stitch = rendering_stitch.view(*static_plane.shape) + blended_planes = rendering_stitch * full_alpha_image + static_plane * (1 - full_alpha_image) + return blended_planes + def sample_mixed(self, imgs_app, imgs_mot, mesh, ws_avg, motions_app, motions, coordinates, directions, latent_recon, + triplane_recon, motion_scale=1.0, **synthesis_kwargs): + triplane_recon_input = self.get_triplane(ws_avg, triplane_recon, mesh) + + features_global = self.encoder_global(imgs_app) + features_detail = self.encoder_detail(imgs_app) + cano_tri_ref = rearrange(triplane_recon_input, "b f c h w -> b c f h w") + cano_global = self.encoder_global_latent_tri(cano_tri_ref) + cano_global = rearrange(cano_global, "b c f h w -> b (c f) h w") + features_canonical = self.encoder_canonical(features_global, cano_global, motions, motions_app, + scale=motion_scale) + + features_canonical_lr = features_canonical[0] + features_canonical_sr = features_canonical[1] + triplane_recon_ref = rearrange(triplane_recon_input, "b f c h w -> b (f c) h w") + planes = self.generator_triplane(features_canonical_sr, features_detail, triplane_recon_ref) + planes = planes.view(len(planes), -1, 32, planes.shape[-2], planes.shape[-1]) + + + return self.renderer.run_model(planes, self.decoder, coordinates, directions, self.rendering_kwargs) + + def forward(self, imgs_app, imgs_mot, motions_app, motions, + c, mesh, triplane_recon, ws_avg, neural_rendering_resolution=None, motion_scale=1.0, **synthesis_kwargs): + + img_dict = self.synthesis(imgs_app, imgs_mot, motions_app, motions, c, mesh, triplane_recon, triplane_recon, ws_avg, + neural_rendering_resolution=neural_rendering_resolution, + motion_scale=motion_scale, + **synthesis_kwargs) + + return img_dict + +from Next3d.training_avatar_texture.networks_stylegan2_styleunet_next3d import EncoderResBlock +class EncoderTriplane(torch.nn.Module): + def __init__(self): + super().__init__() + # encoder + self.encoder = torch.nn.ModuleList() + config_lists = [ + [64, 128, 1, 1], + [128, 256, 2, 1], + [256, 512, 2, 2], + [512, 512, 2, 4], + [512, 32, 1, 8], + + ] + for config_list in config_lists: + block = EncoderResBlock(33, config_list[0], config_list[1], down=config_list[2], downsample=config_list[3]) + self.encoder.append(block) + + def forward(self, init_input): + # obtain multi-scale content features + cond_list = [] + cond_out = None + x_in = init_input + for i, _ in enumerate(self.encoder): + x_in, cond_out = self.encoder[i](x_in, cond_out) + cond_list.append(cond_out) + + cond_list = cond_list[::-1] + + return cond_list \ No newline at end of file diff --git a/recon/training/training_loop_recon_gallery.py b/recon/training/training_loop_recon_gallery.py new file mode 100644 index 0000000000000000000000000000000000000000..093ccf1568e22cab0568b38b91552b459125cd86 --- /dev/null +++ b/recon/training/training_loop_recon_gallery.py @@ -0,0 +1,1003 @@ +# Main training loop of Portrait4D, modified from EG3D: https://github.com/NVlabs/eg3d + +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Main training loop.""" + +import os +import time +import copy +import json +import pickle +import psutil +import PIL.Image +import numpy as np +import random +import torch +import torch.nn as nn +import dnnlib +from torch_utils import misc +from torch_utils import training_stats +from torch_utils.ops import conv2d_gradfix +from torch_utils.ops import grid_sample_gradfix +from omegaconf import OmegaConf +from rendering import RenderingClass +from einops import rearrange + +import legacy +from recon.models.lpips.lpips import LPIPS +from recon.models.id.id_loss import IDLoss +from recon.training.generator.triplane_v20_original import TriPlaneGenerator +from headGallery_model.models.triplane_vae import AutoencoderKL as AutoencoderKLTriplane +# from training.triplane import PartTriPlaneGeneratorDeform + +# ---------------------------------------------------------------------------- + +# def setup_snapshot_image_grid(all_shape_params, all_exp_params, all_pose_params, all_eye_pose_params, all_c, +# static_dataset=False, random_seed=1): +# gw = 7 +# gh = 4 +# +# grid_indices = np.random.RandomState(random_seed).randint(0, len(all_shape_params), size=(gw * gh)) +# +# shape_params = all_shape_params[grid_indices] +# shape_params = np.tile(np.expand_dims(shape_params, 1), (1, 3, 1)).reshape(gw * gh, 3, -1) +# +# grid_indices2 = np.random.RandomState(random_seed + 1).randint(0, len(all_exp_params), size=(gw * gh)) +# mot_indices = np.random.RandomState(random_seed + 2).randint(0, len(all_exp_params[0]), size=(gw * gh, 2)) +# +# exp_params = all_exp_params[grid_indices2] +# exp_params = np.stack([exp_params[i, mot_indices[i]] for i in range(len(mot_indices))]) # (gw * gh, 2, dim) +# +# pose_params = all_pose_params[grid_indices2] +# pose_params = np.stack([pose_params[i, mot_indices[i]] for i in range(len(mot_indices))]) # (gw * gh, 2, dim) +# +# eye_pose_params = all_eye_pose_params[grid_indices2] +# eye_pose_params = np.stack( +# [eye_pose_params[i, mot_indices[i]] for i in range(len(mot_indices))]) # (gw * gh, 2, dim) +# +# if not static_dataset: +# # for dynamic +# exp_params = np.concatenate([exp_params, exp_params[:, -1:]], axis=1).reshape(gw * gh, 3, +# -1) # (gw * gh, 3, dim) +# pose_params = np.concatenate([pose_params, pose_params[:, -1:]], axis=1).reshape(gw * gh, 3, -1) +# eye_pose_params = np.concatenate([eye_pose_params, eye_pose_params[:, -1:]], axis=1).reshape(gw * gh, 3, -1) +# else: +# # for static +# exp_params = np.concatenate([exp_params[:, :1], exp_params[:, :1], exp_params[:, :1]], axis=1).reshape(gw * gh, +# 3, +# -1) # (gw * gh, 3, dim) +# pose_params = np.concatenate([pose_params[:, :1], pose_params[:, :1], pose_params[:, :1]], axis=1).reshape( +# gw * gh, 3, -1) +# eye_pose_params = np.concatenate([eye_pose_params[:, :1], eye_pose_params[:, :1], eye_pose_params[:, :1]], +# axis=1).reshape(gw * gh, 3, -1) +# +# grid_indices3 = np.random.randint(0, len(all_c), size=(gw * gh * 3)) +# c = all_c[grid_indices3].reshape(gw * gh, 3, -1) +# +# return (gw, gh), shape_params, exp_params, pose_params, eye_pose_params, c + + +# def setup_snapshot_image_grid(all_shape_params, all_exp_params, all_pose_params, all_eye_pose_params, all_c, +# static_dataset=False, random_seed=1): +# gw = 7 +# gh = 4 +# +# grid_indices = np.random.RandomState(random_seed).randint(0, len(all_shape_params), size=(gw * gh)) +# +# shape_params = all_shape_params[grid_indices] +# shape_params = np.tile(np.expand_dims(shape_params, 1), (1, 3, 1)).reshape(gw * gh, 3, -1) +# +# grid_indices2 = np.random.RandomState(random_seed + 1).randint(0, len(all_exp_params), size=(gw * gh)) +# mot_indices = np.random.RandomState(random_seed + 2).randint(0, len(all_exp_params[0]), size=(gw * gh, 2)) +# +# exp_params = all_exp_params[grid_indices2] +# exp_params = np.stack([exp_params[i, mot_indices[i]] for i in range(len(mot_indices))]) # (gw * gh, 2, dim) +# +# pose_params = all_pose_params[grid_indices2] +# pose_params = np.stack([pose_params[i, mot_indices[i]] for i in range(len(mot_indices))]) # (gw * gh, 2, dim) +# +# eye_pose_params = all_eye_pose_params[grid_indices2] +# eye_pose_params = np.stack( +# [eye_pose_params[i, mot_indices[i]] for i in range(len(mot_indices))]) # (gw * gh, 2, dim) +# +# if not static_dataset: +# # for dynamic +# exp_params = np.concatenate([exp_params, exp_params[:, -1:]], axis=1).reshape(gw * gh, 3, +# -1) # (gw * gh, 3, dim) +# pose_params = np.concatenate([pose_params, pose_params[:, -1:]], axis=1).reshape(gw * gh, 3, -1) +# eye_pose_params = np.concatenate([eye_pose_params, eye_pose_params[:, -1:]], axis=1).reshape(gw * gh, 3, -1) +# else: +# # for static +# exp_params = np.concatenate([exp_params[:, :1], exp_params[:, :1], exp_params[:, :1]], axis=1).reshape(gw * gh, +# 3, +# -1) # (gw * gh, 3, dim) +# pose_params = np.concatenate([pose_params[:, :1], pose_params[:, :1], pose_params[:, :1]], axis=1).reshape( +# gw * gh, 3, -1) +# eye_pose_params = np.concatenate([eye_pose_params[:, :1], eye_pose_params[:, :1], eye_pose_params[:, :1]], +# axis=1).reshape(gw * gh, 3, -1) +# +# grid_indices3 = np.random.randint(0, len(all_c), size=(gw * gh * 3)) +# c = all_c[grid_indices3].reshape(gw * gh, 3, -1) +# +# return (gw, gh), shape_params, exp_params, pose_params, eye_pose_params, c + +@torch.no_grad() +def setup_snapshot_image_grid_gallery(val_set, vae_triplane, vae_std, vae_mean, render, device): + gw = 2 + gh = 2 + phase_real_z_val, phase_real_latent_val, phase_real_c_1_d_val, phase_real_c_2_d_val, phase_real_c_3_d_val, phase_real_v_1_d_val, phase_real_v_2_d_val, phase_real_v_s_val, motion_1_val, motion_2_val, motion_ffhq_val, model_list_val = next( + val_set) + phase_real_z_val, phase_real_latent_val, phase_real_c_1_d_val, phase_real_c_2_d_val, phase_real_c_3_d_val, phase_real_v_1_d_val, phase_real_v_2_d_val, phase_real_v_s_val, motion_1_val, motion_2_val, motion_ffhq_val, model_list_val = \ + phase_real_z_val.to(device), phase_real_latent_val.to(device), phase_real_c_1_d_val.to(device), phase_real_c_2_d_val.to(device), phase_real_c_3_d_val.to(device), phase_real_v_1_d_val.to(device), phase_real_v_2_d_val.to(device), \ + phase_real_v_s_val.to(device), motion_1_val.to(device), motion_2_val.to(device), motion_ffhq_val.to(device), model_list_val + batchsize = phase_real_z_val.shape[0] + cur_z = phase_real_z_val.unsqueeze(1).repeat(1, 3, 1) # [b,1,512] + # cur_latent = phase_real_latent.unsqueeze(1).repeat(1, 1, 1, 1, 1) # [b,3,c, h, w] + c_1 = phase_real_c_1_d_val.unsqueeze(1) # input + c_2 = phase_real_c_2_d_val.unsqueeze(1) # motion + c_3 = phase_real_c_3_d_val.unsqueeze(1) # target + cur_c = torch.cat([c_1, c_2, c_3], 1) # from ffhq + exp_d_1 = phase_real_v_1_d_val.unsqueeze(1) # motion_1 from vfhq + exp_d_2 = phase_real_v_2_d_val.unsqueeze(1) # motion_2 from vfhq + + exp_s = phase_real_v_s_val.unsqueeze(1).repeat(1, 3, 1, 1, 1) # motion_3 from ffhq for static similar to Portrait4D + cur_exp_params = torch.cat([exp_d_1, exp_d_2, exp_d_2], dim=1) + + + cur_exp_out = torch.cat([cur_exp_params[:batchsize // 2], exp_s[batchsize // 2:]], dim=0) + + model_list_out = [val for val in model_list_val for i in range(3)] + model_list_out = listfunc(model_list_out, 3) + assert phase_real_latent_val.shape[0] == batchsize + + cano_tri = vae_triplane.decode(phase_real_latent_val.to(torch.float16)) + cano_tri = cano_tri.float() + cano_tri = rearrange(cano_tri, "b c f h w -> b f c h w") + ref_tri = cano_tri * vae_std + vae_mean + exp_target = cur_exp_out[:, 2] + # ref_tri_out = render.gen_triplane(ref_tri, exp_target) + motion_1_out = torch.cat([motion_1_val[:batchsize // 2], motion_ffhq_val[batchsize // 2:]], dim=0) + motion_2_out = torch.cat([motion_2_val[:batchsize // 2], motion_ffhq_val[batchsize // 2:]], dim=0) + # ref_img = render.get_img_with_tri(ref_tri, c_3) + + # always half static + return (gw, gh), cur_z, cur_c, cur_exp_out, motion_1_out, motion_2_out, model_list_out, ref_tri + + +# ---------------------------------------------------------------------------- + +def save_image_grid_all(img_app, img_mot, img_recon, img_ref, fname, drange, grid_size): + lo, hi = drange + img_app = np.asarray(img_app, dtype=np.float32) + img_app = (img_app - lo) * (255 / (hi - lo)) + img_app = np.rint(img_app).clip(0, 255).astype(np.uint8) + + img_mot = np.asarray(img_mot, dtype=np.float32) + img_mot = (img_mot - lo) * (255 / (hi - lo)) + img_mot = np.rint(img_mot).clip(0, 255).astype(np.uint8) + + img_recon = np.asarray(img_recon, dtype=np.float32) + img_recon = (img_recon - lo) * (255 / (hi - lo)) + img_recon = np.rint(img_recon).clip(0, 255).astype(np.uint8) + + img_ref = np.asarray(img_ref, dtype=np.float32) + img_ref = (img_ref - lo) * (255 / (hi - lo)) + img_ref = np.rint(img_ref).clip(0, 255).astype(np.uint8) + + gw, gh = grid_size + _N, C, H, W = img_app.shape + + img = np.concatenate([img_app, img_mot, img_recon, img_ref], -1) + + gw, gh = grid_size + _N, C, H, W = img.shape + img = img.reshape([gh, gw, C, H, W]) + img = img.transpose(0, 3, 1, 4, 2) + img = img.reshape([gh * H, gw * W, C]) + + assert C in [1, 3] + if C == 1: + PIL.Image.fromarray(img[:, :, 0], 'L').save(fname) + if C == 3: + PIL.Image.fromarray(img, 'RGB').save(fname) + + +def save_image_grid(img, fname, drange, grid_size): + lo, hi = drange + img = np.asarray(img, dtype=np.float32) + img = (img - lo) * (255 / (hi - lo)) + img = np.rint(img).clip(0, 255).astype(np.uint8) + + gw, gh = grid_size + _N, C, H, W = img.shape + img = img.reshape([gh, gw, C, H, W]) + img = img.transpose(0, 3, 1, 4, 2) + img = img.reshape([gh * H, gw * W, C]) + + assert C in [1, 3] + if C == 1: + PIL.Image.fromarray(img[:, :, 0], 'L').save(fname) + if C == 3: + PIL.Image.fromarray(img, 'RGB').save(fname) + + +def set_requires_grad(nets, requires_grad=False): + if not isinstance(nets, list): + nets = [nets] + for net in nets: + if net is not None: + for param in net.parameters(): + param.requires_grad = requires_grad + + +def split_gen(gen, batch_gpu, batch_size, device): + assert type(gen) == list + if type(gen[0]) == np.ndarray: + all_gen = torch.from_numpy(np.stack(gen)).pin_memory().to(device).float() + all_gen = [phase_gen_c.split(batch_gpu) for phase_gen_c in all_gen.split(batch_size)] + elif type(gen[0]) == dict: + all_gen = [[{} for _ in range(batch_size // batch_gpu)] for _ in range(len(gen) // batch_size)] + for key in gen[0].keys(): + key_value = torch.from_numpy(np.stack([sub[key] for sub in gen])).pin_memory().to(device).float() + key_value_split = [phase_gen_c.split(batch_gpu) for phase_gen_c in key_value.split(batch_size)] + for i in range(len(key_value_split)): + for j in range(len(key_value_split[i])): + all_gen[i][j][key] = key_value_split[i][j] + else: + raise NotImplementedError + return all_gen + + +def split_gen_new(gen, batch_gpu, batch_size, device): + if type(gen) == torch.Tensor: + all_gen = gen.view((gen.shape[0] * gen.shape[1],) + (gen.shape[2:])).pin_memory().to(device) + all_gen = [phase_gen_c.split(batch_gpu) for phase_gen_c in all_gen.split(batch_size)] + elif type(gen[0]) == dict: + all_gen = [[{} for _ in range(batch_size // batch_gpu)] for _ in + range(int(len(gen) * list(gen[0].values())[0].shape[0] // batch_size))] + for key in gen[0].keys(): + key_value = torch.cat([sub[key] for sub in gen], dim=0).pin_memory().to(device) + key_value_split = [phase_gen_c.split(batch_gpu) for phase_gen_c in key_value.split(batch_size)] + for i in range(len(key_value_split)): + for j in range(len(key_value_split[i])): + all_gen[i][j][key] = key_value_split[i][j] + else: + raise NotImplementedError + return all_gen + +@torch.no_grad() +# similar to the fetch_random_params +def fetch_dataset(phase_real_z, phase_real_latent, phase_real_c_1_d, phase_real_c_2_d, phase_real_c_3_d, + phase_real_v_1_d, phase_real_v_2_d, phase_real_v_s, motion_1, motion_2, motion_ffhq, model_list, + vae_triplane, vae_std, vae_mean, render): + batchsize = phase_real_z.shape[0] + cur_z = phase_real_z.unsqueeze(1).repeat(1, 3, 1) # [b,1,512] + # cur_latent = phase_real_latent.unsqueeze(1).repeat(1, 1, 1, 1, 1) # [b,3,c, h, w] + c_1 = phase_real_c_1_d.unsqueeze(1) + c_2 = phase_real_c_2_d.unsqueeze(1) + c_3 = phase_real_c_3_d.unsqueeze(1) + cur_c = torch.cat([c_1, c_2, c_3], 1) # from ffhq + exp_d_1 = phase_real_v_1_d.unsqueeze(1) # motion_1 from vfhq + exp_d_2 = phase_real_v_2_d.unsqueeze(1) # motion_2 from vfhq + + + exp_s = phase_real_v_s.unsqueeze(1).repeat(1, 3, 1, 1, 1) # motion_3 from ffhq for static similar to Portrait4D + cur_exp_params = torch.cat([exp_d_1, exp_d_2, exp_d_2], dim=1) + cur_exp_out = torch.cat([cur_exp_params[:batchsize // 2], exp_s[batchsize // 2:]], dim=0) + model_list_out = [val for val in model_list for i in range(3)] + model_list_out = listfunc(model_list_out, 3) + assert phase_real_latent.shape[0] == batchsize + cano_tri = vae_triplane.decode(phase_real_latent.to(torch.float16)) + cano_tri = cano_tri.float() + cano_tri = rearrange(cano_tri, "b c f h w -> b f c h w") + ref_tri = cano_tri * vae_std + vae_mean + exp_target = cur_exp_out[:, 2] + # ref_tri_out = render.gen_triplane(ref_tri, exp_target) + motion_1_out = torch.cat([motion_1[:batchsize // 2], motion_ffhq[batchsize // 2:]], dim=0) + motion_2_out = torch.cat([motion_2[:batchsize // 2], motion_ffhq[batchsize // 2:]], dim=0) + # always half static + return cur_z, cur_c, cur_exp_out, motion_1_out, motion_2_out, model_list_out, cano_tri, ref_tri, exp_target + + +# choose random FLAME parameters for online data synthesis (torch version) + + +def gan_model(gan_models, device, gan_model_base_dir): + gan_model_dict = gan_models["gan_models"] + gan_model_load = {} + for model_name in gan_model_dict.keys(): + + model_pkl = os.path.join(gan_model_base_dir, model_name + '.pkl') + with dnnlib.util.open_url(model_pkl) as f: + G = legacy.load_network_pkl(f)['G_ema'].to(device) # type: ignore + G_new = TriPlaneGenerator(*G.init_args, **G.init_kwargs).eval().requires_grad_(False).to(device) + misc.copy_params_and_buffers(G, G_new, require_all=True) + G_new.neural_rendering_resolution = G.neural_rendering_resolution + G_new.rendering_kwargs = G.rendering_kwargs + gan_model_load[model_name] = G_new + return gan_model_load + + +def listfunc(listTemp, n): + out_list = [] + for i in range(0, len(listTemp), n): + each = listTemp[i:i + n] + out_list.append(each) + return out_list + + + + + +def collate_fn(data): + model_list = [example["model_name"] for example in data] + phase_real_z = torch.cat([example["phase_real_z"] for example in data], dim=0) + phase_real_latent = torch.cat([example["phase_real_latent"] for example in data], dim=0) + phase_real_c_1_d = torch.cat([example["phase_real_c_1_d"] for example in data], dim=0) + phase_real_c_2_d = torch.cat([example["phase_real_c_2_d"] for example in data], dim=0) + phase_real_c_3_d = torch.cat([example["phase_real_c_3_d"] for example in data], dim=0) + phase_real_v_s = torch.cat([example["phase_real_v_s"] for example in data], dim=0) + motion_ffhq = torch.cat([example["motion_ffhq"] for example in data], dim=0) + motion_1 = torch.cat([example["motion_1"] for example in data], dim=0) + motion_2 = torch.cat([example["motion_2"] for example in data], dim=0) + phase_real_v_1_d = torch.cat([example["phase_real_v_1_d"] for example in data], dim=0) + phase_real_v_2_d = torch.cat([example["phase_real_v_2_d"] for example in data], dim=0) + + return phase_real_z, phase_real_latent, phase_real_c_1_d, phase_real_c_2_d, phase_real_c_3_d, phase_real_v_1_d, phase_real_v_2_d, phase_real_v_s, motion_1, motion_2, motion_ffhq, model_list +# ---------------------------------------------------------------------------- + +def training_loop( + run_dir='.', # Output directory. + training_set_kwargs={}, # Options for training set. + data_loader_kwargs={}, # Options for torch.utils.data.DataLoader. + G_kwargs={}, # Options for generator network. + D_kwargs={}, # Options for discriminator network. + D_patch_kwargs={}, # Options for patch discriminator (deprecated). + G_opt_kwargs={}, # Options for generator optimizer. + D_opt_kwargs={}, # Options for discriminator optimizer. + D_patch_opt_kwargs={}, # Options for patch discriminator optimizer (deprecated). + augment_kwargs=None, # Options for augmentation pipeline. None = disable. + loss_kwargs={}, # Options for loss function. + metrics=[], # Metrics to evaluate during training. + random_seed=0, # Global random seed. + num_gpus=1, # Number of GPUs participating in the training. + rank=0, # Rank of the current process in [0, num_gpus[. + batch_size=4, # Total batch size for one training iteration. Can be larger than batch_gpu * num_gpus. + batch_gpu=4, # Number of samples processed at a time by one GPU. + ema_kimg=10, # Half-life of the exponential moving average (EMA) of generator weights. + ema_rampup=0.05, # EMA ramp-up coefficient. None = no rampup. + G_reg_interval=None, # How often to perform regularization for G? None = disable lazy regularization. + D_reg_interval=16, # How often to perform regularization for D? None = disable lazy regularization. + D_patch_reg_interval=16, # How often to perform regularization for D patch (deprecated) + augment_p=0, # Initial value of augmentation probability. + ada_target=None, # ADA target value. None = fixed p. + ada_interval=4, # How often to perform ADA adjustment? + ada_kimg=500, + # ADA adjustment speed, measured in how many kimg it takes for p to increase/decrease by one unit. + total_kimg=25000, # Total length of the training, measured in thousands of real images. + kimg_per_tick=4, # Progress snapshot interval. + image_snapshot_ticks=50, # How often to save image snapshots? None = disable. + network_snapshot_ticks=50, # How often to save network snapshots? None = disable. + resume_pkl=None, # Network pickle to resume training from. + resume_kimg=0, # First kimg to report when resuming training. + cudnn_benchmark=True, # Enable torch.backends.cudnn.benchmark? + abort_fn=None, + # Callback function for determining whether to abort training. Must return consistent results across ranks. + progress_fn=None, # Callback function for updating training progress. Called for all ranks. + motion_scale=1.0, # Scale of the motion-related cross-attention outputs. + swapping_prob=0.5, # Probability to set dynamic data as static data. + half_static=True, # Whether or not to set the second half of the batchsize as static data. + resume_pkl_G_syn=None, # Checkpoint of pre-trained GenHead generator for training data synthesis. + truncation_psi=0.7, # Truncation rate of GenHead for training data synthesis. + cross_lr_scale=1.0, # Learning rate scale of the motion-related cross attentions. + gan_model_base_dir=None, + vae_pretrained=None, + render_pretrain=None, + vae_triplane_config=None, + pretrain_portrait_4D = None, + load_tri_pretrain = True, + +): + # Initialize. + start_time = time.time() + device = torch.device('cuda', rank) + np.random.seed(random_seed * num_gpus + rank) + torch.manual_seed(random_seed * num_gpus + rank) + torch.backends.cudnn.benchmark = cudnn_benchmark # Improves training speed. + torch.backends.cuda.matmul.allow_tf32 = False # Improves numerical accuracy. + torch.backends.cudnn.allow_tf32 = False # Improves numerical accuracy. + torch.backends.cuda.matmul.allow_fp16_reduced_precision_reduction = False # Improves numerical accuracy. + conv2d_gradfix.enabled = True # Improves training speed. # TODO: ENABLE + grid_sample_gradfix.enabled = False # Avoids errors with the augmentation pipe. + + # Load training set. + batch_size_dataset = batch_size // num_gpus + + if rank == 0: + print('Loading training set...') + training_set = dnnlib.util.construct_class_by_name( + **training_set_kwargs) # subclass of training.dataset.Dataset + # Construct networks. + if rank == 0: + print('Constructing networks...') + + common_kwargs = dict(c_dim=25, img_resolution=512, img_channels=3) + G = dnnlib.util.construct_class_by_name(**G_kwargs, **common_kwargs).train().requires_grad_(False).to( + device) # subclass of torch.nn.Module + + for m in G.modules(): + if isinstance(m, nn.BatchNorm2d): + m.eval() + D_img_channel = training_set.num_channels * 3 if G_kwargs.rendering_kwargs.get( + 'gen_lms_cond') else training_set.num_channels * 2 + # if G_kwargs.rendering_kwargs.get('gen_mask_cond'): D_img_channel += 1 + D = dnnlib.util.construct_class_by_name(c_dim=25, img_resolution=512, + img_channels=D_img_channel, **D_kwargs).train().requires_grad_(False).to( + device) # subclass of torch.nn.Module + # Load pre-trained GenHead model + if rank == 0: + print(f'Resuming GenHead from "{resume_pkl_G_syn}"') + config_gan_model = OmegaConf.load(resume_pkl_G_syn) + + G_syn_dict = gan_model(config_gan_model, device, gan_model_base_dir) + # with dnnlib.util.open_url(resume_pkl_G_syn) as f: + # G_syn = legacy.load_network_pkl(f)['G_ema'].eval().requires_grad_(False).to(device) + + # G_syn = PartTriPlaneGeneratorDeform(*G_syn_meta.init_args, **G_syn_meta.init_kwargs).eval().requires_grad_(False).to(device) + # misc.copy_params_and_buffers(G_syn_meta, G_syn, require_all=False) + # G_syn.neural_rendering_resolution = G_syn_meta.neural_rendering_resolution + # G_syn.rendering_kwargs = G_syn_meta.rendering_kwargs + + # For VAE decoder + config_vae_triplane = OmegaConf.load(vae_triplane_config) + vae_triplane = AutoencoderKLTriplane(ddconfig=config_vae_triplane['ddconfig'], lossconfig=None, + embed_dim=8) + vae_triplane_model_file = os.path.join(vae_pretrained, 'pytorch_model.bin') + if not os.path.isfile(vae_triplane_model_file): + raise RuntimeError(f"{vae_triplane_model_file} does not exist") + vae_triplane_state_dict = torch.load(vae_triplane_model_file, map_location="cpu") + vae_triplane.load_state_dict(vae_triplane_state_dict) + vae_triplane.requires_grad_(False) + vae_triplane = vae_triplane.to(device, dtype=torch.float16) + + # For rendering + Rendering = RenderingClass(device, config_vae_triplane['render_network_pkl'], + ws_avg_pkl=config_vae_triplane['ws_avg']) + data_std = torch.load(config_vae_triplane['std_dir']).to(device).reshape(1, -1, 1, 1, 1) + data_mean = torch.load(config_vae_triplane['mean_dir']).to(device).reshape(1, -1, 1, 1, 1) + + # For LPIPS loss computation + lpips = LPIPS(vgg_path=config_vae_triplane['vgg_path'], net='vgg', model_path=config_vae_triplane['vgg']).to(device) + set_requires_grad(lpips, requires_grad=False) + + # For ID loss computation + idloss = IDLoss(config_vae_triplane['ir_se50']) + idloss = idloss.eval().to(device) + set_requires_grad(idloss, requires_grad=False) + + # For PD-FGC motion embedding extraction + # pd_fgc = FanEncoder() + # weight_dict = torch.load(motion_pretrained) + # pd_fgc.load_state_dict(weight_dict, strict=False) + # pd_fgc = pd_fgc.eval().to(device) + # set_requires_grad(pd_fgc, requires_grad=False) + + # set D_patch for 3D-to-2D imitation (deprecated), see Mimic3D for details: https://github.com/SeanChenxy/Mimic3D check this + D_patch = None + # if loss_kwargs.patch_scale < 1: + # img_resolution = loss_kwargs.neural_rendering_resolution_initial if loss_kwargs.neural_rendering_resolution_final is None else loss_kwargs.neural_rendering_resolution_final + # common_patch_kwargs = dict(c_dim=0, img_resolution=img_resolution, img_channels=3) + # D_patch = dnnlib.util.construct_class_by_name(**D_patch_kwargs, **common_patch_kwargs).train().requires_grad_( + # False).to(device) # subclass of torch.nn.Module + + # if pretrain_portrait_4D is not None and resume_pkl is None: + # print(f'Resuming encoders from "{pretrain_portrait_4D}"') + # with dnnlib.util.open_url(pretrain_portrait_4D) as f: + # print("Reloading Modules!") + # load_model = legacy.load_network_pkl(f) + # G_encoder = load_model['G_ema'] + # misc.copy_params_and_buffers(G_encoder.encoder_global, G.encoder_global ) + # misc.copy_params_and_buffers(G_encoder.encoder_detail, G.encoder_detail ) + # del G_encoder + if (resume_pkl is None) and (rank == 0): + print(f'Resuming rendering and super and D from "{render_pretrain}"') + with dnnlib.util.open_url(render_pretrain) as f: + print("Reloading Modules!") + load_model = legacy.load_network_pkl(f) + G_deco = load_model['G_ema'] + D_deco = load_model['D'] + misc.copy_params_and_buffers(G_deco.decoder, G.decoder, require_all=True) + misc.copy_params_and_buffers(G_deco.renderer, G.renderer, require_all=True) + misc.copy_params_and_buffers(G_deco.ray_sampler, G.ray_sampler, require_all=True) + misc.copy_params_and_buffers(G_deco.superresolution, G.superresolution, require_all=True) + misc.copy_params_and_buffers(D_deco, D, require_all=True) + # if load_tri_pretrain: + # misc.copy_params_and_buffers(Rendering.Render.face_backbone, G.face_backbone, require_all=True) + # misc.copy_params_and_buffers(Rendering.Render.triplnae_encoder, G.triplnae_encoder, require_all=True) + G_ema = copy.deepcopy(G).eval() + + # Resume from existing pickle. + if (resume_pkl is not None) and (rank == 0): + print(f'Resuming from "{resume_pkl}"') + with dnnlib.util.open_url(resume_pkl) as f: + resume_data = legacy.load_network_pkl(f) + load_model = [('G', G), ('G_ema', G_ema)] + if D is not None: + load_model.append(('D', D)) + if D_patch is not None: + load_model.append(('D_patch', D_patch)) + for name, module in load_model: + if name in resume_data and resume_data[name] is not None: + misc.copy_params_and_buffers(resume_data[name], module, require_all=False) + else: + print(f'resume_data do not have {name}') + if 'augment_pipe' in resume_data and resume_data['augment_pipe'] is not None: + augment_p = resume_data['augment_pipe'].p + + + + # Setup augmentation. + if rank == 0: + print('Setting up augmentation...') + augment_pipe = None + ada_stats = None + if (augment_kwargs is not None) and (augment_p > 0 or ada_target is not None): + augment_pipe = dnnlib.util.construct_class_by_name(**augment_kwargs).train().requires_grad_(False).to( + device) # subclass of torch.nn.Module + augment_pipe.p.copy_(torch.as_tensor(augment_p)) + if ada_target is not None: + ada_stats = training_stats.Collector(regex='Loss/signs/real') + + # Distribute across GPUs. + if rank == 0: + print(f'Distributing across {num_gpus} GPUs...') + for module in [G, D, G_ema, augment_pipe, lpips, D_patch]: + if module is not None: + for param in misc.params_and_buffers(module): + if param.numel() > 0 and num_gpus > 1: + torch.distributed.broadcast(param, src=0) + + # Setup training phases. + if rank == 0: + print('Setting up training phases...') + # conditioning_params = torch.load(config_vae_triplane['conditioning_params_dir']).to(device) + + loss = dnnlib.util.construct_class_by_name(device=device, G=G, D=D, G_syn=G_syn_dict, D_patch=D_patch, + augment_pipe=augment_pipe, lpips=lpips, id_loss=idloss, + conditioning_params=config_vae_triplane['conditioning_params_dir'], w_avg=config_vae_triplane['ws_avg'], + **loss_kwargs) # subclass of training.loss.Loss + phases = [] + phases_asserts = [('G', G, G_opt_kwargs, G_reg_interval), ] + if D is not None: + phases_asserts.append(('D', D, D_opt_kwargs, D_reg_interval)) + # no d_patch + if D_patch is not None: + phases_asserts.append(('D_patch', D_patch, D_patch_opt_kwargs, D_patch_reg_interval)) + for name, module, opt_kwargs, reg_interval in phases_asserts: + + # if G_update_all is False: + # parameter_names = [n for (n, p) in module.named_parameters() if 'superresolution' not in n and not ('decoder' in n and 'encoder_global' not in n) and 'bn' not in n] # do not update mlp and super-resolution following Real-Time Radiance Fields for Single-Image Portrait View Synthesis + # else: + parameter_names = [n for (n, p) in module.named_parameters() if 'bn' not in n] + + if name == 'G': + parameters_group = [] + parameters_cross_names = [n for n in parameter_names if 'encoder_canonical' in n and ( + 'maps' in n or 'maps_neutral' in n or 'proj_y' in n or 'proj_y_neutral' in n or 'norm2' in n or 'attn2' in n)] + parameters_base_names = [n for n in parameter_names if not n in parameters_cross_names] + parameters_cross = [p for (n, p) in module.named_parameters() if n in parameters_cross_names] + parameters_base = [p for (n, p) in module.named_parameters() if n in parameters_base_names] + parameters_group.append({'params': parameters_cross, 'name': 'G_cross'}) + parameters_group.append({'params': parameters_base, 'name': 'G_base'}) + parameters = parameters_group + else: + parameters = [p for (n, p) in module.named_parameters() if n in parameter_names] + + if reg_interval is None: + opt = dnnlib.util.construct_class_by_name(parameters, **opt_kwargs) # subclass of torch.optim.Optimizer + phases += [dnnlib.EasyDict(name=name + 'both', module=module, opt=opt, interval=1)] + else: # Lazy regularization. + mb_ratio = reg_interval / (reg_interval + 1) + opt_kwargs = dnnlib.EasyDict(opt_kwargs) + opt_kwargs.lr = opt_kwargs.lr * mb_ratio + opt_kwargs.betas = [beta ** mb_ratio for beta in opt_kwargs.betas] + opt = dnnlib.util.construct_class_by_name(parameters, **opt_kwargs) # subclass of torch.optim.Optimizer + phases += [dnnlib.EasyDict(name=name + 'main', module=module, opt=opt, interval=1)] + phases += [dnnlib.EasyDict(name=name + 'reg', module=module, opt=opt, interval=reg_interval)] + + if name == 'G': + for param_group in opt.param_groups: + if param_group['name'] == 'G_cross': + param_group['lr'] = param_group['lr'] * cross_lr_scale + + for phase in phases: + phase.start_event = None + phase.end_event = None + if rank == 0: + phase.start_event = torch.cuda.Event(enable_timing=True) + phase.end_event = torch.cuda.Event(enable_timing=True) + + # Export sample images. + grid_size = None + grid_z = None + grid_c = None + + + + training_set_sampler = misc.InfiniteSampler(dataset=training_set, rank=rank, num_replicas=num_gpus, + seed=random_seed) + training_set_iterator = iter( + torch.utils.data.DataLoader(dataset=training_set, sampler=training_set_sampler, collate_fn=collate_fn, + batch_size=batch_size // num_gpus, **data_loader_kwargs)) + + val_set_iterator = iter( + torch.utils.data.DataLoader(dataset=training_set ,collate_fn=collate_fn, shuffle=True, + batch_size=4, num_workers=1)) + if rank == 0: + print('Exporting sample images...') + batch_gpu_val = 4 + grid_size, cur_z_vals, cur_c_vals, cur_exp_out_vals, motion_1_out_vals, motion_2_out_vals, model_list_out_vals, ref_tri_vals = setup_snapshot_image_grid_gallery( + val_set_iterator, vae_triplane, data_std, data_mean, Rendering, device) + grid_size = (2, 2) + cur_z_vals = cur_z_vals.split(batch_gpu_val) + cur_c_vals = cur_c_vals.split(batch_gpu_val) + cur_exp_out_vals = cur_exp_out_vals.split(batch_gpu_val) + model_list_out_vals = listfunc(model_list_out_vals, batch_gpu_val) + motion_1_out_vals = motion_1_out_vals.split(batch_gpu_val) + motion_2_out_vals = motion_2_out_vals.split(batch_gpu_val) + ref_tri_vals = ref_tri_vals.split(batch_gpu_val) + out = [] + ref_out = [] + grid_c = [] + grid_c_recon = [] + kkkk = 0 + with torch.no_grad(): + for cur_z_val, cur_exp_out_val, cur_c_val, model_list_out_val, ref_tri_val in \ + zip(cur_z_vals, cur_exp_out_vals, cur_c_vals, model_list_out_vals, ref_tri_vals): + syn_out = loss.gen_data_by_G_next3D(cur_z_val, cur_exp_out_val, cur_c_val, model_list_out_val) + ref_tri_tri = Rendering.gen_triplane(ref_tri_val, cur_exp_out_val[:,2]) + ref_imgs_out = Rendering.get_img_with_tri(ref_tri_tri, syn_out['c'][:,2]) + grid_c_recon.append(syn_out['c'][:,2]) + out.append(syn_out) + ref_out.append(ref_imgs_out) + + grid_c_recon.append(torch.load(config_vae_triplane['syn_out_c_path']).to(device)) + images_all = torch.cat([o['image_sr'] for o in out], dim=0) + ref_imgs_all_val = torch.cat(ref_out, dim=0) + images_all = images_all.reshape(-1, 3, *images_all.shape[-3:]) + images_app_val = images_all[:, 0] + images_mot_val = images_all[:, 1] + images_recon_val = images_all[:, 2] + + save_image_grid_all(127.5 * (images_app_val.cpu().numpy() + 1), 127.5 * (images_mot_val.cpu().numpy() + 1), + 127.5 * (images_recon_val.cpu().numpy() + 1), 127.5 * (ref_imgs_all_val.cpu().numpy() + 1), + os.path.join(run_dir, 'reals.png'), + drange=[0, 255], grid_size=grid_size) + # grid_c = torch.cat(grid_c) + + images_app_val = images_app_val.split(batch_gpu_val) + images_mot_val = images_mot_val.split(batch_gpu_val) + # grid_c = grid_c.split(batch_gpu) + + # Initialize logs. + if rank == 0: + print('Initializing logs...') + stats_collector = training_stats.Collector(regex='.*') + stats_metrics = dict() + stats_jsonl = None + stats_tfevents = None + if rank == 0: + stats_jsonl = open(os.path.join(run_dir, 'stats.jsonl'), 'wt') + try: + import torch.utils.tensorboard as tensorboard + stats_tfevents = tensorboard.SummaryWriter(run_dir) + except ImportError as err: + print('Skipping tfevents export:', err) + + # Train. + if rank == 0: + print(f'Training for {total_kimg} kimg...') + print() + cur_nimg = resume_kimg * 1000 + cur_tick = 0 + tick_start_nimg = cur_nimg + tick_start_time = time.time() + maintenance_time = tick_start_time - start_time + batch_idx = 0 + if progress_fn is not None: + progress_fn(0, total_kimg) + batch_num = batch_size // num_gpus + + while True: + # Fetch training data. + with torch.autograd.profiler.record_function('data_fetch'): + phase_real_z, phase_real_latent, phase_real_c_1_d, phase_real_c_2_d, phase_real_c_3_d, phase_real_v_1_d, phase_real_v_2_d, phase_real_v_s, motion_1, motion_2, motion_ffhq, model_list = next( + training_set_iterator) + + phase_real_z, phase_real_c, phase_real_exp_params, motion_1, motion_2, model_list, phase_real_cano_tri, phase_real_ref_tri, phase_real_exp_params_target = fetch_dataset( + phase_real_z.to(device), phase_real_latent.to(device), phase_real_c_1_d.to(device), phase_real_c_2_d.to(device), phase_real_c_3_d.to(device), phase_real_v_1_d.to(device), + phase_real_v_2_d.to(device), phase_real_v_s.to(device), motion_1.to(device), motion_2.to(device), motion_ffhq.to(device), model_list, vae_triplane, data_std, + data_mean, Rendering) + phase_real_z = phase_real_z.split(batch_gpu) + # phase_real_latent = phase_real_latent.split(batch_gpu).to(device) + phase_real_c = phase_real_c.split(batch_gpu) + phase_real_exp_params = phase_real_exp_params.split(batch_gpu) + phase_real_motions_app = motion_1.split(batch_gpu) + phase_real_motions = motion_2.split(batch_gpu) + phase_real_cano_tri = phase_real_cano_tri.split(batch_gpu) + phase_real_ref_tri = phase_real_ref_tri.split(batch_gpu) + phase_real_model_list = listfunc(model_list, batch_gpu) + phase_real_exp_params_target = phase_real_exp_params_target.split(batch_gpu) + + # --------------------------------------------------------------------------------------------------------------------------------------- + # Online data generation. For efficiency, use same generated data for different phases + phase_real_img_app = [] + phase_real_img_mot = [] + phase_real_img_recon = [] + + phase_real_depth_recon = [] + phase_real_feature_recon = [] + phase_real_triplane_recon = [] + phase_real_c_recon = [] + # phase_real_motions_app = [] + # phase_real_motions = [] + # phase_real_triplane_latent_recon = [] + + with torch.no_grad(): + for real_z, real_pose_params, real_exp_params, real_models in \ + zip(phase_real_z, phase_real_c, phase_real_exp_params, phase_real_model_list): + syn_out = loss.gen_data_by_G_next3D(real_z, real_exp_params, real_pose_params, real_models) + + # Multiview images + real_img = syn_out['image_sr'] + real_img = real_img.reshape(-1, 3, *real_img.shape[1:]) + real_img_app = real_img[:, 0] + real_img_mot = real_img[:, 1] + real_img_recon = real_img[:, 2] + + # Segmentation masks + + # Camera poses + real_c_recon = syn_out['c'] + # real_c_recon = real_c_recon.reshape(-1, 3, *real_c_recon.shape[1:]) + real_c_recon = real_c_recon[:, 2] + + # Depth images + real_depth_recon = syn_out['image_depth'] + real_depth_recon = real_depth_recon.reshape(-1, 3, *real_depth_recon.shape[1:]) + real_depth_recon = real_depth_recon[:, 2] + + # Feature maps before super-resolution module + real_feature_recon = syn_out['image_feature'] + real_feature_recon = real_feature_recon.reshape(-1, 3, *real_feature_recon.shape[1:]) + real_feature_recon = real_feature_recon[:, 2] + + # Sampled tri-plane features + real_triplane_recon = syn_out['triplane'] + real_triplane_recon = real_triplane_recon.reshape(-1, 3, *real_triplane_recon.shape[1:]) + real_triplane_recon = real_triplane_recon[:, 2] + + # Sampled latent recon + # real_triplane_latent_recon = syn_out['vae_out_tri'] + + phase_real_img_app.append(real_img_app) + phase_real_img_mot.append(real_img_mot) + phase_real_img_recon.append(real_img_recon) + phase_real_depth_recon.append(real_depth_recon) + phase_real_feature_recon.append(real_feature_recon) + phase_real_triplane_recon.append(real_triplane_recon) + phase_real_c_recon.append(real_c_recon) + # phase_real_motions_app.append(real_motions_app) + # phase_real_motions.append(real_motions) + # phase_real_triplane_latent_recon.append(real_triplane_latent_recon) + + # Execute training phases. + for phase in phases: + if batch_idx % phase.interval != 0: + continue + if phase.start_event is not None: + phase.start_event.record(torch.cuda.current_stream(device)) + + # Accumulate gradients. + phase.opt.zero_grad(set_to_none=True) + phase.module.requires_grad_(True) + for real_img_app, real_img_mot, real_img_recon, real_depth_recon, real_feature_recon, real_triplane_recon, real_c_recon, real_motions_app, real_motions, real_cano_tri, real_ref_tri, real_exp_target in \ + zip(phase_real_img_app, phase_real_img_mot, phase_real_img_recon, phase_real_depth_recon, + phase_real_feature_recon, phase_real_triplane_recon, phase_real_c_recon, phase_real_motions_app, + phase_real_motions, phase_real_cano_tri, phase_real_ref_tri, phase_real_exp_params_target): + loss.accumulate_gradients(phase=phase.name, real_img_app=real_img_app, real_img_mot=real_img_mot, + real_img_recon=real_img_recon, + real_depth_recon=real_depth_recon, real_feature_recon=real_feature_recon, + real_triplane_recon=real_triplane_recon, + real_c_recon=real_c_recon, mesh= real_exp_target, motions_app=real_motions_app, + motions=real_motions, + real_cano_tri=real_cano_tri, real_ref_tri=real_ref_tri, + gain=phase.interval, cur_nimg=cur_nimg, + motion_scale=motion_scale, swapping_prob=swapping_prob, + half_static=half_static) + phase.module.requires_grad_(False) + + # Update weights. + with torch.autograd.profiler.record_function(phase.name + '_opt'): + # Do not update mlp decoder and super-resolution module at the warm-up stage following Live3dportrait: https://arxiv.org/abs/2305.02310 + if cur_nimg <= loss.discrimination_kimg * 1e3 and phase.name == 'G': + sub_params = [p for (n, p) in phase.module.named_parameters() if + 'superresolution' in n or ('decoder' in n and 'encoder_global' not in n)] + for param in sub_params: + if param.grad is not None: + param.grad.zero_() + + params = [param for param in phase.module.parameters() if param.numel() > 0 and param.grad is not None] + if len(params) > 0: + flat = torch.cat([param.grad.flatten() for param in params]) + if num_gpus > 1: + torch.distributed.all_reduce(flat) + flat /= num_gpus + misc.nan_to_num(flat, nan=0, posinf=1e5, neginf=-1e5, out=flat) + grads = flat.split([param.numel() for param in params]) + for param, grad in zip(params, grads): + param.grad = grad.reshape(param.shape) + phase.opt.step() + + # Phase done. + if phase.end_event is not None: + phase.end_event.record(torch.cuda.current_stream(device)) + + # Update G_ema. + with torch.autograd.profiler.record_function('Gema'): + ema_nimg = ema_kimg * 1000 + if ema_rampup is not None: + ema_nimg = min(ema_nimg, cur_nimg * ema_rampup) + ema_beta = 0.5 ** (batch_size / max(ema_nimg, 1e-8)) + for p_ema, p in zip(G_ema.parameters(), G.parameters()): + p_ema.copy_(p.lerp(p_ema, ema_beta)) + for b_ema, b in zip(G_ema.buffers(), G.buffers()): + b_ema.copy_(b) + G_ema.neural_rendering_resolution = G.neural_rendering_resolution + G_ema.rendering_kwargs = G.rendering_kwargs.copy() + + # Update state. + cur_nimg += batch_size + batch_idx += 1 + + # Execute ADA heuristic. + if (ada_stats is not None) and (batch_idx % ada_interval == 0): + ada_stats.update() + adjust = np.sign(ada_stats['Loss/signs/real'] - ada_target) * (batch_size * ada_interval) / ( + ada_kimg * 1000) + augment_pipe.p.copy_((augment_pipe.p + adjust).max(misc.constant(0, device=device))) + + # Perform maintenance tasks once per tick. + done = (cur_nimg >= total_kimg * 1000) + if (not done) and (cur_tick != 0) and (cur_nimg < tick_start_nimg + kimg_per_tick * 1000): + continue + + # Print status line, accumulating the same information in training_stats. + tick_end_time = time.time() + fields = [] + fields += [f"tick {training_stats.report0('Progress/tick', cur_tick):<5d}"] + fields += [f"kimg {training_stats.report0('Progress/kimg', cur_nimg / 1e3):<8.1f}"] + fields += [ + f"time {dnnlib.util.format_time(training_stats.report0('Timing/total_sec', tick_end_time - start_time)):<12s}"] + fields += [f"sec/tick {training_stats.report0('Timing/sec_per_tick', tick_end_time - tick_start_time):<7.1f}"] + fields += [ + f"sec/kimg {training_stats.report0('Timing/sec_per_kimg', (tick_end_time - tick_start_time) / (cur_nimg - tick_start_nimg) * 1e3):<7.2f}"] + fields += [f"maintenance {training_stats.report0('Timing/maintenance_sec', maintenance_time):<6.1f}"] + fields += [ + f"cpumem {training_stats.report0('Resources/cpu_mem_gb', psutil.Process(os.getpid()).memory_info().rss / 2 ** 30):<6.2f}"] + fields += [ + f"gpumem {training_stats.report0('Resources/peak_gpu_mem_gb', torch.cuda.max_memory_allocated(device) / 2 ** 30):<6.2f}"] + fields += [ + f"reserved {training_stats.report0('Resources/peak_gpu_mem_reserved_gb', torch.cuda.max_memory_reserved(device) / 2 ** 30):<6.2f}"] + torch.cuda.reset_peak_memory_stats() + fields += [ + f"augment {training_stats.report0('Progress/augment', float(augment_pipe.p.cpu()) if augment_pipe is not None else 0):.3f}"] + training_stats.report0('Timing/total_hours', (tick_end_time - start_time) / (60 * 60)) + training_stats.report0('Timing/total_days', (tick_end_time - start_time) / (24 * 60 * 60)) + if rank == 0: + print(' '.join(fields)) + + # Check for abort. + if (not done) and (abort_fn is not None) and abort_fn(): + done = True + if rank == 0: + print() + print('Aborting...') + + # Save image snapshot. + if (rank == 0) and (image_snapshot_ticks is not None) and (done or cur_tick % image_snapshot_ticks == 0): + print('Saving images...') + out = [] + for image_app, image_mot, motion_app, motion, ref_tri, c, exp_vals in zip( + images_app_val, images_mot_val, + motion_1_out_vals, motion_2_out_vals, ref_tri_vals, grid_c_recon, cur_exp_out_vals): + + with torch.no_grad(): + out.append( + G_ema(image_app, image_mot, motion_app, motion, c=c, mesh= exp_vals[:, 2], triplane_recon=ref_tri, ws_avg=Rendering.ws_avg, + motion_scale=motion_scale)) + if 'image' in out[0]: + images = torch.cat([o['image'].cpu() for o in out]).numpy() + print(111111111111111111111111111111) + print(images.shape) + print(images.max()) + print(images.min()) + save_image_grid(images, os.path.join(run_dir, f'fakes{cur_nimg // 1000:06d}.png'), drange=[-1, 1], + grid_size=grid_size) + if 'image_depth' in out[0]: + images_depth = -torch.cat([o['image_depth'].cpu() for o in out]).numpy() + save_image_grid(images_depth, os.path.join(run_dir, f'fakes{cur_nimg // 1000:06d}_depth.png'), + drange=[images_depth.min(), images_depth.max()], grid_size=grid_size) + if 'image_sr' in out[0] and out[0]['image_sr'] is not None: + images_sr = torch.cat([o['image_sr'].cpu() for o in out]).numpy() + save_image_grid(images_sr, os.path.join(run_dir, f'fakes{cur_nimg // 1000:06d}_sr.png'), drange=[-1, 1], + grid_size=grid_size) + + # Save network snapshot. + snapshot_pkl = None + snapshot_data = None + if (network_snapshot_ticks is not None) and (done or cur_tick % network_snapshot_ticks == 0): + snapshot_data = dict(training_set_kwargs=dict(training_set_kwargs)) + for name, module in [('G', G), ('D', D), ('G_ema', G_ema), ('D_patch', D_patch), + ('augment_pipe', augment_pipe)]: + if module is not None: + if num_gpus > 1: + misc.check_ddp_consistency(module, ignore_regex=r'.*\.[^.]+_(avg|ema)') + module = copy.deepcopy(module).eval().requires_grad_(False).cpu() + snapshot_data[name] = module + del module # conserve memory + snapshot_pkl = os.path.join(run_dir, f'network-snapshot-{cur_nimg // 1000:06d}.pkl') + if rank == 0: + with open(snapshot_pkl, 'wb') as f: + pickle.dump(snapshot_data, f) + + # Collect statistics. + for phase in phases: + value = [] + if (phase.start_event is not None) and (phase.end_event is not None): + phase.end_event.synchronize() + value = phase.start_event.elapsed_time(phase.end_event) + training_stats.report0('Timing/' + phase.name, value) + stats_collector.update() + stats_dict = stats_collector.as_dict() + + # Update logs. + timestamp = time.time() + if stats_jsonl is not None: + fields = dict(stats_dict, timestamp=timestamp) + stats_jsonl.write(json.dumps(fields) + '\n') + stats_jsonl.flush() + if stats_tfevents is not None: + global_step = int(cur_nimg / 1e3) + walltime = timestamp - start_time + for name, value in stats_dict.items(): + stats_tfevents.add_scalar(name, value.mean, global_step=global_step, walltime=walltime) + for name, value in stats_metrics.items(): + stats_tfevents.add_scalar(f'Metrics/{name}', value, global_step=global_step, walltime=walltime) + stats_tfevents.flush() + if progress_fn is not None: + progress_fn(cur_nimg // 1000, total_kimg) + + # Update state. + cur_tick += 1 + tick_start_nimg = cur_nimg + tick_start_time = time.time() + maintenance_time = tick_start_time - tick_end_time + if done: + break + + # Done. + if rank == 0: + print() + print('Exiting...') + +# ---------------------------------------------------------------------------- diff --git a/recon/training/utils/__init__.py b/recon/training/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..bc63beba4a21ad527d0821d228c5192f73fe1183 --- /dev/null +++ b/recon/training/utils/__init__.py @@ -0,0 +1 @@ +# empty \ No newline at end of file diff --git a/recon/training/utils/preprocess.py b/recon/training/utils/preprocess.py new file mode 100644 index 0000000000000000000000000000000000000000..3674220e8d51ebf80ec1309fda5270b3a54d0fef --- /dev/null +++ b/recon/training/utils/preprocess.py @@ -0,0 +1,279 @@ +# Face image preprocessing code, modified from Deep3DFaceRecon_pytorch: https://github.com/sicxu/Deep3DFaceRecon_pytorch + +import numpy as np +from scipy.io import loadmat + +try: + from PIL.Image import Resampling + RESAMPLING_METHOD = Resampling.BICUBIC +except ImportError: + from PIL.Image import BICUBIC + RESAMPLING_METHOD = BICUBIC + +import cv2 +import os +from skimage import transform as trans +import torch +import warnings +warnings.filterwarnings("ignore", category=np.VisibleDeprecationWarning) +warnings.filterwarnings("ignore", category=FutureWarning) + + +# calculating least square problem for image alignment +def POS(xp, x): + npts = xp.shape[1] + + A = np.zeros([2*npts, 8]) + + A[0:2*npts-1:2, 0:3] = x.transpose() + A[0:2*npts-1:2, 3] = 1 + + A[1:2*npts:2, 4:7] = x.transpose() + A[1:2*npts:2, 7] = 1 + + b = np.reshape(xp.transpose(), [2*npts, 1]) + + k, _, _, _ = np.linalg.lstsq(A, b) + + R1 = k[0:3] + R2 = k[4:7] + sTx = k[3] + sTy = k[7] + s = (np.linalg.norm(R1) + np.linalg.norm(R2))/2 + t = np.stack([sTx, sTy], axis=0) + + return t, s + +# bounding box for 68 landmark detection +def BBRegression(points, params): + + w1 = params['W1'] + b1 = params['B1'] + w2 = params['W2'] + b2 = params['B2'] + data = points.copy() + data = data.reshape([5, 2]) + data_mean = np.mean(data, axis=0) + x_mean = data_mean[0] + y_mean = data_mean[1] + data[:, 0] = data[:, 0] - x_mean + data[:, 1] = data[:, 1] - y_mean + + rms = np.sqrt(np.sum(data ** 2)/5) + data = data / rms + data = data.reshape([1, 10]) + data = np.transpose(data) + inputs = np.matmul(w1, data) + b1 + inputs = 2 / (1 + np.exp(-2 * inputs)) - 1 + inputs = np.matmul(w2, inputs) + b2 + inputs = np.transpose(inputs) + x = inputs[:, 0] * rms + x_mean + y = inputs[:, 1] * rms + y_mean + w = 224/inputs[:, 2] * rms + rects = [x, y, w, w] + return np.array(rects).reshape([4]) + +# utils for landmark detection +def img_padding(img, box): + success = True + bbox = box.copy() + res = np.zeros([2*img.shape[0], 2*img.shape[1], 3]) + res[img.shape[0] // 2: img.shape[0] + img.shape[0] // + 2, img.shape[1] // 2: img.shape[1] + img.shape[1]//2] = img + + bbox[0] = bbox[0] + img.shape[1] // 2 + bbox[1] = bbox[1] + img.shape[0] // 2 + if bbox[0] < 0 or bbox[1] < 0: + success = False + return res, bbox, success + +# utils for landmark detection +def crop(img, bbox): + padded_img, padded_bbox, flag = img_padding(img, bbox) + if flag: + crop_img = padded_img[padded_bbox[1]: padded_bbox[1] + + padded_bbox[3], padded_bbox[0]: padded_bbox[0] + padded_bbox[2]] + crop_img = cv2.resize(crop_img.astype(np.uint8), + (224, 224), interpolation=cv2.INTER_CUBIC) + scale = 224 / padded_bbox[3] + return crop_img, scale + else: + return padded_img, 0 + +# utils for landmark detection +def scale_trans(img, lm, t, s): + imgw = img.shape[1] + imgh = img.shape[0] + M_s = np.array([[1, 0, -t[0] + imgw//2 + 0.5], [0, 1, -imgh//2 + t[1]]], + dtype=np.float32) + img = cv2.warpAffine(img, M_s, (imgw, imgh)) + w = int(imgw / s * 100) + h = int(imgh / s * 100) + img = cv2.resize(img, (w, h)) + lm = np.stack([lm[:, 0] - t[0] + imgw // 2, lm[:, 1] - + t[1] + imgh // 2], axis=1) / s * 100 + + left = w//2 - 112 + up = h//2 - 112 + bbox = [left, up, 224, 224] + cropped_img, scale2 = crop(img, bbox) + assert(scale2!=0) + t1 = np.array([bbox[0], bbox[1]]) + + # back to raw img s * crop + s * t1 + t2 + t1 = np.array([w//2 - 112, h//2 - 112]) + scale = s / 100 + t2 = np.array([t[0] - imgw/2, t[1] - imgh / 2]) + inv = (scale/scale2, scale * t1 + t2.reshape([2])) + return cropped_img, inv + +# utils for landmark detection +def align_for_lm(img, five_points): + five_points = np.array(five_points).reshape([1, 10]) + params = loadmat('util/BBRegressorParam_r.mat') + bbox = BBRegression(five_points, params) + assert(bbox[2] != 0) + bbox = np.round(bbox).astype(np.int32) + crop_img, scale = crop(img, bbox) + return crop_img, scale, bbox + + +# resize and crop images for face reconstruction +def resize_n_crop_img(img, lm, t, s, target_size=224., mask=None): + w0, h0 = img.size + w = (w0*s).astype(np.int32) + h = (h0*s).astype(np.int32) + left = (w/2 - target_size/2 + float((t[0] - w0/2)*s)).astype(np.int32) + right = left + target_size + up = (h/2 - target_size/2 + float((h0/2 - t[1])*s)).astype(np.int32) + below = up + target_size + + img = img.resize((w, h), resample=RESAMPLING_METHOD) + img = img.crop((left, up, right, below)) + + if mask is not None: + mask = mask.resize((w, h), resample=RESAMPLING_METHOD) + mask = mask.crop((left, up, right, below)) + + lm = np.stack([lm[:, 0] - t[0] + w0/2, lm[:, 1] - + t[1] + h0/2], axis=1)*s + lm = lm - np.reshape( + np.array([(w/2 - target_size/2), (h/2-target_size/2)]), [1, 2]) + + return img, lm, mask + +# utils for face reconstruction +def extract_5p(lm): + lm_idx = np.array([31, 37, 40, 43, 46, 49, 55]) - 1 + lm5p = np.stack([lm[lm_idx[0], :], np.mean(lm[lm_idx[[1, 2]], :], 0), np.mean( + lm[lm_idx[[3, 4]], :], 0), lm[lm_idx[5], :], lm[lm_idx[6], :]], axis=0) + lm5p = lm5p[[1, 2, 0, 3, 4], :] + return lm5p + +def extract_5p_flame(lm): + lm5p = lm[[68,69,30,48,54], :] + return lm5p + +def extract_3p_flame(lm): + p0 = lm[36:42].mean(0) + p1 = lm[42:48].mean(0) + p2 = lm[60:68].mean(0) + lm3p = np.stack([p0,p1,p2],axis=0) #(3,2) + return lm3p + + +# utils for face reconstruction +def align_img(img, lm, lm3D, mask=None, target_size=224., rescale_factor=102.): + """ + Return: + transparams --numpy.array (raw_W, raw_H, scale, tx, ty) + img_new --PIL.Image (target_size, target_size, 3) + lm_new --numpy.array (68, 2), y direction is opposite to v direction + mask_new --PIL.Image (target_size, target_size) + + Parameters: + img --PIL.Image (raw_H, raw_W, 3) + lm --numpy.array (68, 2), y direction is opposite to v direction + lm3D --numpy.array (5, 3) + mask --PIL.Image (raw_H, raw_W, 3) + """ + + w0, h0 = img.size + if lm.shape[0] != 5: + lm5p = extract_5p(lm) + else: + lm5p = lm + + # calculate translation and scale factors using 5 facial landmarks and standard landmarks of a 3D face + t, s = POS(lm5p.transpose(), lm3D.transpose()) + s = rescale_factor/s + + # processing the image + img_new, lm_new, mask_new = resize_n_crop_img(img, lm, t, s, target_size=target_size, mask=mask) + trans_params = np.array([w0, h0, s, t[0], t[1]]) + + return trans_params, img_new, lm_new, mask_new + +# utils for face recognition model +def estimate_norm(lm_70p, H): + # modified from https://github.com/deepinsight/insightface/blob/c61d3cd208a603dfa4a338bd743b320ce3e94730/recognition/common/face_align.py#L68 + """ + Return: + trans_m --numpy.array (2, 3) + Parameters: + lm --numpy.array (70, 2), y direction is opposite to v direction + H --int/float , image height + """ + lm = extract_5p_flame(lm_70p) + lm[:, -1] = H - 1 - lm[:, -1] + tform = trans.SimilarityTransform() + src = np.array( + [[38.2946, 51.6963], [73.5318, 51.5014], [56.0252, 71.7366], + [41.5493, 92.3655], [70.7299, 92.2041]], + dtype=np.float32) + tform.estimate(lm, src) + M = tform.params + if np.linalg.det(M) == 0: + M = np.eye(3) + + return M[0:2, :] + +# utils for pd-fgc motion extractor +def estimate_norm_pdfgc(lm_70p, H, reverse_y=True): + # modified from https://github.com/deepinsight/insightface/blob/c61d3cd208a603dfa4a338bd743b320ce3e94730/recognition/common/face_align.py#L68 + """ + Return: + trans_m --numpy.array (2, 3) + Parameters: + lm --numpy.array (70, 2), y direction is opposite to v direction + H --int/float , image height + """ + lm = extract_3p_flame(lm_70p) + if reverse_y: + lm[:, -1] = H - 1 - lm[:, -1] + tform = trans.SimilarityTransform() + src = np.array([[87, 59], [137, 59], [112, 120]], dtype=np.float32) # in size of 224 + tform.estimate(lm, src) + M = tform.params + if np.linalg.det(M) == 0: + M = np.eye(3) + + return M[0:2, :] + +# pytorch version of estimate_norm +def estimate_norm_torch(lm_70p, H): + lm_70p_ = lm_70p.detach().cpu().numpy() + M = [] + for i in range(lm_70p_.shape[0]): + M.append(estimate_norm(lm_70p_[i], H)) + M = torch.tensor(np.array(M), dtype=torch.float32).to(lm_70p.device) + return M + +# pytorch version of estimate_norm_pdfgc +def estimate_norm_torch_pdfgc(lm_70p, H, reverse_y=True): + lm_70p_ = lm_70p.detach().cpu().numpy() + M = [] + for i in range(lm_70p_.shape[0]): + M.append(estimate_norm_pdfgc(lm_70p_[i], H, reverse_y=reverse_y)) + M = torch.tensor(np.array(M), dtype=torch.float32).to(lm_70p.device) + return M diff --git a/recon/utils/__init__.py b/recon/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..bc63beba4a21ad527d0821d228c5192f73fe1183 --- /dev/null +++ b/recon/utils/__init__.py @@ -0,0 +1 @@ +# empty \ No newline at end of file diff --git a/recon/utils/preprocess.py b/recon/utils/preprocess.py new file mode 100644 index 0000000000000000000000000000000000000000..3674220e8d51ebf80ec1309fda5270b3a54d0fef --- /dev/null +++ b/recon/utils/preprocess.py @@ -0,0 +1,279 @@ +# Face image preprocessing code, modified from Deep3DFaceRecon_pytorch: https://github.com/sicxu/Deep3DFaceRecon_pytorch + +import numpy as np +from scipy.io import loadmat + +try: + from PIL.Image import Resampling + RESAMPLING_METHOD = Resampling.BICUBIC +except ImportError: + from PIL.Image import BICUBIC + RESAMPLING_METHOD = BICUBIC + +import cv2 +import os +from skimage import transform as trans +import torch +import warnings +warnings.filterwarnings("ignore", category=np.VisibleDeprecationWarning) +warnings.filterwarnings("ignore", category=FutureWarning) + + +# calculating least square problem for image alignment +def POS(xp, x): + npts = xp.shape[1] + + A = np.zeros([2*npts, 8]) + + A[0:2*npts-1:2, 0:3] = x.transpose() + A[0:2*npts-1:2, 3] = 1 + + A[1:2*npts:2, 4:7] = x.transpose() + A[1:2*npts:2, 7] = 1 + + b = np.reshape(xp.transpose(), [2*npts, 1]) + + k, _, _, _ = np.linalg.lstsq(A, b) + + R1 = k[0:3] + R2 = k[4:7] + sTx = k[3] + sTy = k[7] + s = (np.linalg.norm(R1) + np.linalg.norm(R2))/2 + t = np.stack([sTx, sTy], axis=0) + + return t, s + +# bounding box for 68 landmark detection +def BBRegression(points, params): + + w1 = params['W1'] + b1 = params['B1'] + w2 = params['W2'] + b2 = params['B2'] + data = points.copy() + data = data.reshape([5, 2]) + data_mean = np.mean(data, axis=0) + x_mean = data_mean[0] + y_mean = data_mean[1] + data[:, 0] = data[:, 0] - x_mean + data[:, 1] = data[:, 1] - y_mean + + rms = np.sqrt(np.sum(data ** 2)/5) + data = data / rms + data = data.reshape([1, 10]) + data = np.transpose(data) + inputs = np.matmul(w1, data) + b1 + inputs = 2 / (1 + np.exp(-2 * inputs)) - 1 + inputs = np.matmul(w2, inputs) + b2 + inputs = np.transpose(inputs) + x = inputs[:, 0] * rms + x_mean + y = inputs[:, 1] * rms + y_mean + w = 224/inputs[:, 2] * rms + rects = [x, y, w, w] + return np.array(rects).reshape([4]) + +# utils for landmark detection +def img_padding(img, box): + success = True + bbox = box.copy() + res = np.zeros([2*img.shape[0], 2*img.shape[1], 3]) + res[img.shape[0] // 2: img.shape[0] + img.shape[0] // + 2, img.shape[1] // 2: img.shape[1] + img.shape[1]//2] = img + + bbox[0] = bbox[0] + img.shape[1] // 2 + bbox[1] = bbox[1] + img.shape[0] // 2 + if bbox[0] < 0 or bbox[1] < 0: + success = False + return res, bbox, success + +# utils for landmark detection +def crop(img, bbox): + padded_img, padded_bbox, flag = img_padding(img, bbox) + if flag: + crop_img = padded_img[padded_bbox[1]: padded_bbox[1] + + padded_bbox[3], padded_bbox[0]: padded_bbox[0] + padded_bbox[2]] + crop_img = cv2.resize(crop_img.astype(np.uint8), + (224, 224), interpolation=cv2.INTER_CUBIC) + scale = 224 / padded_bbox[3] + return crop_img, scale + else: + return padded_img, 0 + +# utils for landmark detection +def scale_trans(img, lm, t, s): + imgw = img.shape[1] + imgh = img.shape[0] + M_s = np.array([[1, 0, -t[0] + imgw//2 + 0.5], [0, 1, -imgh//2 + t[1]]], + dtype=np.float32) + img = cv2.warpAffine(img, M_s, (imgw, imgh)) + w = int(imgw / s * 100) + h = int(imgh / s * 100) + img = cv2.resize(img, (w, h)) + lm = np.stack([lm[:, 0] - t[0] + imgw // 2, lm[:, 1] - + t[1] + imgh // 2], axis=1) / s * 100 + + left = w//2 - 112 + up = h//2 - 112 + bbox = [left, up, 224, 224] + cropped_img, scale2 = crop(img, bbox) + assert(scale2!=0) + t1 = np.array([bbox[0], bbox[1]]) + + # back to raw img s * crop + s * t1 + t2 + t1 = np.array([w//2 - 112, h//2 - 112]) + scale = s / 100 + t2 = np.array([t[0] - imgw/2, t[1] - imgh / 2]) + inv = (scale/scale2, scale * t1 + t2.reshape([2])) + return cropped_img, inv + +# utils for landmark detection +def align_for_lm(img, five_points): + five_points = np.array(five_points).reshape([1, 10]) + params = loadmat('util/BBRegressorParam_r.mat') + bbox = BBRegression(five_points, params) + assert(bbox[2] != 0) + bbox = np.round(bbox).astype(np.int32) + crop_img, scale = crop(img, bbox) + return crop_img, scale, bbox + + +# resize and crop images for face reconstruction +def resize_n_crop_img(img, lm, t, s, target_size=224., mask=None): + w0, h0 = img.size + w = (w0*s).astype(np.int32) + h = (h0*s).astype(np.int32) + left = (w/2 - target_size/2 + float((t[0] - w0/2)*s)).astype(np.int32) + right = left + target_size + up = (h/2 - target_size/2 + float((h0/2 - t[1])*s)).astype(np.int32) + below = up + target_size + + img = img.resize((w, h), resample=RESAMPLING_METHOD) + img = img.crop((left, up, right, below)) + + if mask is not None: + mask = mask.resize((w, h), resample=RESAMPLING_METHOD) + mask = mask.crop((left, up, right, below)) + + lm = np.stack([lm[:, 0] - t[0] + w0/2, lm[:, 1] - + t[1] + h0/2], axis=1)*s + lm = lm - np.reshape( + np.array([(w/2 - target_size/2), (h/2-target_size/2)]), [1, 2]) + + return img, lm, mask + +# utils for face reconstruction +def extract_5p(lm): + lm_idx = np.array([31, 37, 40, 43, 46, 49, 55]) - 1 + lm5p = np.stack([lm[lm_idx[0], :], np.mean(lm[lm_idx[[1, 2]], :], 0), np.mean( + lm[lm_idx[[3, 4]], :], 0), lm[lm_idx[5], :], lm[lm_idx[6], :]], axis=0) + lm5p = lm5p[[1, 2, 0, 3, 4], :] + return lm5p + +def extract_5p_flame(lm): + lm5p = lm[[68,69,30,48,54], :] + return lm5p + +def extract_3p_flame(lm): + p0 = lm[36:42].mean(0) + p1 = lm[42:48].mean(0) + p2 = lm[60:68].mean(0) + lm3p = np.stack([p0,p1,p2],axis=0) #(3,2) + return lm3p + + +# utils for face reconstruction +def align_img(img, lm, lm3D, mask=None, target_size=224., rescale_factor=102.): + """ + Return: + transparams --numpy.array (raw_W, raw_H, scale, tx, ty) + img_new --PIL.Image (target_size, target_size, 3) + lm_new --numpy.array (68, 2), y direction is opposite to v direction + mask_new --PIL.Image (target_size, target_size) + + Parameters: + img --PIL.Image (raw_H, raw_W, 3) + lm --numpy.array (68, 2), y direction is opposite to v direction + lm3D --numpy.array (5, 3) + mask --PIL.Image (raw_H, raw_W, 3) + """ + + w0, h0 = img.size + if lm.shape[0] != 5: + lm5p = extract_5p(lm) + else: + lm5p = lm + + # calculate translation and scale factors using 5 facial landmarks and standard landmarks of a 3D face + t, s = POS(lm5p.transpose(), lm3D.transpose()) + s = rescale_factor/s + + # processing the image + img_new, lm_new, mask_new = resize_n_crop_img(img, lm, t, s, target_size=target_size, mask=mask) + trans_params = np.array([w0, h0, s, t[0], t[1]]) + + return trans_params, img_new, lm_new, mask_new + +# utils for face recognition model +def estimate_norm(lm_70p, H): + # modified from https://github.com/deepinsight/insightface/blob/c61d3cd208a603dfa4a338bd743b320ce3e94730/recognition/common/face_align.py#L68 + """ + Return: + trans_m --numpy.array (2, 3) + Parameters: + lm --numpy.array (70, 2), y direction is opposite to v direction + H --int/float , image height + """ + lm = extract_5p_flame(lm_70p) + lm[:, -1] = H - 1 - lm[:, -1] + tform = trans.SimilarityTransform() + src = np.array( + [[38.2946, 51.6963], [73.5318, 51.5014], [56.0252, 71.7366], + [41.5493, 92.3655], [70.7299, 92.2041]], + dtype=np.float32) + tform.estimate(lm, src) + M = tform.params + if np.linalg.det(M) == 0: + M = np.eye(3) + + return M[0:2, :] + +# utils for pd-fgc motion extractor +def estimate_norm_pdfgc(lm_70p, H, reverse_y=True): + # modified from https://github.com/deepinsight/insightface/blob/c61d3cd208a603dfa4a338bd743b320ce3e94730/recognition/common/face_align.py#L68 + """ + Return: + trans_m --numpy.array (2, 3) + Parameters: + lm --numpy.array (70, 2), y direction is opposite to v direction + H --int/float , image height + """ + lm = extract_3p_flame(lm_70p) + if reverse_y: + lm[:, -1] = H - 1 - lm[:, -1] + tform = trans.SimilarityTransform() + src = np.array([[87, 59], [137, 59], [112, 120]], dtype=np.float32) # in size of 224 + tform.estimate(lm, src) + M = tform.params + if np.linalg.det(M) == 0: + M = np.eye(3) + + return M[0:2, :] + +# pytorch version of estimate_norm +def estimate_norm_torch(lm_70p, H): + lm_70p_ = lm_70p.detach().cpu().numpy() + M = [] + for i in range(lm_70p_.shape[0]): + M.append(estimate_norm(lm_70p_[i], H)) + M = torch.tensor(np.array(M), dtype=torch.float32).to(lm_70p.device) + return M + +# pytorch version of estimate_norm_pdfgc +def estimate_norm_torch_pdfgc(lm_70p, H, reverse_y=True): + lm_70p_ = lm_70p.detach().cpu().numpy() + M = [] + for i in range(lm_70p_.shape[0]): + M.append(estimate_norm_pdfgc(lm_70p_[i], H, reverse_y=reverse_y)) + M = torch.tensor(np.array(M), dtype=torch.float32).to(lm_70p.device) + return M diff --git a/recon/volumetric_rendering/__init__.py b/recon/volumetric_rendering/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/recon/volumetric_rendering/math_utils.py b/recon/volumetric_rendering/math_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..972ea22ef6e7ac1e48d3ca55ae2c39ea1c655de6 --- /dev/null +++ b/recon/volumetric_rendering/math_utils.py @@ -0,0 +1,118 @@ +# MIT License + +# Copyright (c) 2022 Petr Kellnhofer + +# Permission is hereby granted, free of charge, to any person obtaining a copy +# of this software and associated documentation files (the "Software"), to deal +# in the Software without restriction, including without limitation the rights +# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +# copies of the Software, and to permit persons to whom the Software is +# furnished to do so, subject to the following conditions: + +# The above copyright notice and this permission notice shall be included in all +# copies or substantial portions of the Software. + +# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +# SOFTWARE. + +import torch + +def transform_vectors(matrix: torch.Tensor, vectors4: torch.Tensor) -> torch.Tensor: + """ + Left-multiplies MxM @ NxM. Returns NxM. + """ + res = torch.matmul(vectors4, matrix.T) + return res + + +def normalize_vecs(vectors: torch.Tensor) -> torch.Tensor: + """ + Normalize vector lengths. + """ + return vectors / (torch.norm(vectors, dim=-1, keepdim=True)) + +def torch_dot(x: torch.Tensor, y: torch.Tensor): + """ + Dot product of two tensors. + """ + return (x * y).sum(-1) + + +def get_ray_limits_box(rays_o: torch.Tensor, rays_d: torch.Tensor, box_side_length): + """ + Author: Petr Kellnhofer + Intersects rays with the [-1, 1] NDC volume. + Returns min and max distance of entry. + Returns -1 for no intersection. + https://www.scratchapixel.com/lessons/3d-basic-rendering/minimal-ray-tracer-rendering-simple-shapes/ray-box-intersection + """ + o_shape = rays_o.shape + rays_o = rays_o.detach().reshape(-1, 3) + rays_d = rays_d.detach().reshape(-1, 3) + + + bb_min = [-1*(box_side_length/2), -1*(box_side_length/2), -1*(box_side_length/2)] + bb_max = [1*(box_side_length/2), 1*(box_side_length/2), 1*(box_side_length/2)] + bounds = torch.tensor([bb_min, bb_max], dtype=rays_o.dtype, device=rays_o.device) + is_valid = torch.ones(rays_o.shape[:-1], dtype=bool, device=rays_o.device) + + # Precompute inverse for stability. + invdir = 1 / rays_d + sign = (invdir < 0).long() + + # Intersect with YZ plane. + tmin = (bounds.index_select(0, sign[..., 0])[..., 0] - rays_o[..., 0]) * invdir[..., 0] + tmax = (bounds.index_select(0, 1 - sign[..., 0])[..., 0] - rays_o[..., 0]) * invdir[..., 0] + + # Intersect with XZ plane. + tymin = (bounds.index_select(0, sign[..., 1])[..., 1] - rays_o[..., 1]) * invdir[..., 1] + tymax = (bounds.index_select(0, 1 - sign[..., 1])[..., 1] - rays_o[..., 1]) * invdir[..., 1] + + # Resolve parallel rays. + is_valid[torch.logical_or(tmin > tymax, tymin > tmax)] = False + + # Use the shortest intersection. + tmin = torch.max(tmin, tymin) + tmax = torch.min(tmax, tymax) + + # Intersect with XY plane. + tzmin = (bounds.index_select(0, sign[..., 2])[..., 2] - rays_o[..., 2]) * invdir[..., 2] + tzmax = (bounds.index_select(0, 1 - sign[..., 2])[..., 2] - rays_o[..., 2]) * invdir[..., 2] + + # Resolve parallel rays. + is_valid[torch.logical_or(tmin > tzmax, tzmin > tmax)] = False + + # Use the shortest intersection. + tmin = torch.max(tmin, tzmin) + tmax = torch.min(tmax, tzmax) + + # Mark invalid. + tmin[torch.logical_not(is_valid)] = -1 + tmax[torch.logical_not(is_valid)] = -2 + + return tmin.reshape(*o_shape[:-1], 1), tmax.reshape(*o_shape[:-1], 1) + + +def linspace(start: torch.Tensor, stop: torch.Tensor, num: int): + """ + Creates a tensor of shape [num, *start.shape] whose values are evenly spaced from start to end, inclusive. + Replicates but the multi-dimensional bahaviour of numpy.linspace in PyTorch. + """ + # create a tensor of 'num' steps from 0 to 1 + steps = torch.arange(num, dtype=torch.float32, device=start.device) / (num - 1) + + # reshape the 'steps' tensor to [-1, *([1]*start.ndim)] to allow for broadcastings + # - using 'steps.reshape([-1, *([1]*start.ndim)])' would be nice here but torchscript + # "cannot statically infer the expected size of a list in this contex", hence the code below + for i in range(start.ndim): + steps = steps.unsqueeze(-1) + + # the output starts at 'start' and increments until 'stop' in each dimension + out = start[None] + steps * (stop - start)[None] + + return out # [D, B, N, 1] diff --git a/recon/volumetric_rendering/ortho_renderer.py b/recon/volumetric_rendering/ortho_renderer.py new file mode 100644 index 0000000000000000000000000000000000000000..4c188547b94a6fffa0200d511676d0d97bade510 --- /dev/null +++ b/recon/volumetric_rendering/ortho_renderer.py @@ -0,0 +1,95 @@ +import torch +import torch.nn as nn +import numpy as np +from pytorch3d.structures import Meshes +from pytorch3d.renderer import ( + look_at_view_transform, + FoVPerspectiveCameras, + FoVOrthographicCameras, + PerspectiveCameras, + OrthographicCameras, + PointLights, + RasterizationSettings, + MeshRenderer, + MeshRasterizer, + SoftPhongShader, + TexturesVertex, + blending +) + + +class MeshRendererWithDepth(MeshRenderer): + def __init__(self, rasterizer, shader): + super().__init__(rasterizer, shader) + + def forward(self, meshes_world, attributes=None, need_rgb=True, **kwargs) -> torch.Tensor: + fragments = self.rasterizer(meshes_world, **kwargs) + images = pixel_vals = None + if attributes is not None: + bary_coords, pix_to_face = fragments.bary_coords, fragments.pix_to_face.clone() + + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone(); + attributes = attributes.view(attributes.shape[0] * attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:, :, :, 0].permute(0, 3, 1, 2) + pixel_vals = torch.cat([pixel_vals, vismask[:, :, :, 0][:, None, :, :]], dim=1) + + if need_rgb: + images = self.shader(fragments, meshes_world, **kwargs) + + return images, fragments.zbuf, pixel_vals + + +def get_renderer(img_size, device, R=None, T=None, K=None, orthoCam=False, rasterize_blur_radius=0.): + if R is None: + R = torch.eye(3, dtype=torch.float32, device=device).unsqueeze(0) + + if orthoCam: + fx, fy, cx, cy = K[0], K[1], K[2], K[3] + cameras = OrthographicCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + # cameras = FoVOrthographicCameras(T=T, device=device) + else: + fx, fy, cx, cy = K[0, 0], K[1, 1], K[0, 2], K[1, 2] + fx = -fx * 2.0 / (img_size - 1) + fy = -fy * 2.0 / (img_size - 1) + cx = - (cx - (img_size - 1) / 2.0) * 2.0 / (img_size - 1) + cy = - (cy - (img_size - 1) / 2.0) * 2.0 / (img_size - 1) + cameras = PerspectiveCameras(device=device, R=R, T=T, focal_length=torch.tensor([[fx, fy]], device=device, dtype=torch.float32), + principal_point=((cx, cy),), + in_ndc=True) + + lights = PointLights(device=device, location=[[0.0, 0.0, 1e5]], + ambient_color=[[1, 1, 1]], + specular_color=[[0., 0., 0.]], diffuse_color=[[0., 0., 0.]]) + + raster_settings = RasterizationSettings( + image_size=img_size, + blur_radius=rasterize_blur_radius, + faces_per_pixel=1 + # bin_size=0 + ) + blend_params = blending.BlendParams(background_color=[0, 0, 0]) + renderer = MeshRendererWithDepth( + rasterizer=MeshRasterizer( + cameras=cameras, + raster_settings=raster_settings + ), + shader=SoftPhongShader( + device=device, + cameras=cameras, + lights=lights, + blend_params=blend_params + ) + ) + return renderer diff --git a/recon/volumetric_rendering/ray_marcher.py b/recon/volumetric_rendering/ray_marcher.py new file mode 100644 index 0000000000000000000000000000000000000000..c2c427f7499adf3d2a456d2a1f2d2724daa04621 --- /dev/null +++ b/recon/volumetric_rendering/ray_marcher.py @@ -0,0 +1,63 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +""" +The ray marcher takes the raw output of the implicit representation and uses the volume rendering equation to produce composited colors and depths. +Based off of the implementation in MipNeRF (this one doesn't do any cone tracing though!) +""" + +import torch +import torch.nn as nn +import torch.nn.functional as F + +class MipRayMarcher2(nn.Module): + def __init__(self): + super().__init__() + + + def run_forward(self, colors, densities, depths, rendering_options): + deltas = depths[:, :, 1:] - depths[:, :, :-1] + colors_mid = (colors[:, :, :-1] + colors[:, :, 1:]) / 2 + densities_mid = (densities[:, :, :-1] + densities[:, :, 1:]) / 2 + depths_mid = (depths[:, :, :-1] + depths[:, :, 1:]) / 2 + + + if rendering_options['clamp_mode'] == 'softplus': + densities_mid = F.softplus(densities_mid - 1) # activation bias of -1 makes things initialize better + else: + assert False, "MipRayMarcher only supports `clamp_mode`=`softplus`!" + + density_delta = densities_mid * deltas + + alpha = 1 - torch.exp(-density_delta) + + alpha_shifted = torch.cat([torch.ones_like(alpha[:, :, :1]), 1-alpha + 1e-10], -2) + weights = alpha * torch.cumprod(alpha_shifted, -2)[:, :, :-1] + + composite_rgb = torch.sum(weights * colors_mid, -2) + weight_total = weights.sum(2) + composite_depth = torch.sum(weights * depths_mid, -2) / weight_total + + # clip the composite to min/max range of depths + composite_depth = torch.nan_to_num(composite_depth, float('inf')) + composite_depth = torch.clamp(composite_depth, torch.min(depths), torch.max(depths)) + + if rendering_options.get('white_back', False): + composite_rgb = composite_rgb + 1 - weight_total + + composite_rgb = composite_rgb * 2 - 1 # Scale to (-1, 1) + + return composite_rgb, composite_depth, weights + + + def forward(self, colors, densities, depths, rendering_options): + composite_rgb, composite_depth, weights = self.run_forward(colors, densities, depths, rendering_options) + + return composite_rgb, composite_depth, weights \ No newline at end of file diff --git a/recon/volumetric_rendering/ray_sampler.py b/recon/volumetric_rendering/ray_sampler.py new file mode 100644 index 0000000000000000000000000000000000000000..429c7e8651fd7bcacab2720f65f64b1f84eada8e --- /dev/null +++ b/recon/volumetric_rendering/ray_sampler.py @@ -0,0 +1,107 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +""" +The ray sampler is a module that takes in camera matrices and resolution and batches of rays. +Expects cam2world matrices that use the OpenCV camera coordinate system conventions. +""" + +import torch + +class RaySampler(torch.nn.Module): + def __init__(self): + super().__init__() + self.ray_origins_h, self.ray_directions, self.depths, self.image_coords, self.rendering_options = None, None, None, None, None + + def forward(self, cam2world_matrix, intrinsics, resolution): + """ + Create batches of rays and return origins and directions. + + cam2world_matrix: (N, 4, 4) + intrinsics: (N, 3, 3) + resolution: int + + ray_origins: (N, M, 3) + ray_dirs: (N, M, 2) + """ + N, M = cam2world_matrix.shape[0], resolution**2 + cam_locs_world = cam2world_matrix[:, :3, 3] + fx = intrinsics[:, 0, 0] + fy = intrinsics[:, 1, 1] + cx = intrinsics[:, 0, 2] + cy = intrinsics[:, 1, 2] + sk = intrinsics[:, 0, 1] + + uv = torch.stack(torch.meshgrid(torch.arange(resolution, dtype=torch.float32, device=cam2world_matrix.device), + torch.arange(resolution, dtype=torch.float32, device=cam2world_matrix.device), indexing='ij')) * (1./resolution) + (0.5/resolution) + uv = uv.flip(0).reshape(2, -1).transpose(1, 0) + uv = uv.unsqueeze(0).repeat(cam2world_matrix.shape[0], 1, 1) + + x_cam = uv[:, :, 0].view(N, -1) + y_cam = uv[:, :, 1].view(N, -1) + z_cam = torch.ones((N, M), device=cam2world_matrix.device) + + x_lift = (x_cam - cx.unsqueeze(-1) + cy.unsqueeze(-1)*sk.unsqueeze(-1)/fy.unsqueeze(-1) - sk.unsqueeze(-1)*y_cam/fy.unsqueeze(-1)) / fx.unsqueeze(-1) * z_cam + y_lift = (y_cam - cy.unsqueeze(-1)) / fy.unsqueeze(-1) * z_cam + + cam_rel_points = torch.stack((x_lift, y_lift, z_cam, torch.ones_like(z_cam)), dim=-1) + + world_rel_points = torch.bmm(cam2world_matrix, cam_rel_points.permute(0, 2, 1)).permute(0, 2, 1)[:, :, :3] + + ray_dirs = world_rel_points - cam_locs_world[:, None, :] + ray_dirs = torch.nn.functional.normalize(ray_dirs, dim=2) + + ray_origins = cam_locs_world.unsqueeze(1).repeat(1, ray_dirs.shape[1], 1) + + return ray_origins, ray_dirs + +class RaySampler_zxc(torch.nn.Module): + def __init__(self): + super().__init__() + self.ray_origins_h, self.ray_directions, self.depths, self.image_coords, self.rendering_options = None, None, None, None, None + + def forward(self, cam2world_matrix, cam_K, resolution, normalize=True): + """ + Create batches of rays and return origins and directions. + + cam2world_matrix: (N, 4, 4) + intrinsics: (N, 3, 3) + resolution: int + + ray_origins: (N, M, 3) + ray_dirs: (N, M, 2) + """ + N, M = cam2world_matrix.shape[0], resolution**2 + intrinsics = cam_K.clone() + intrinsics[:, :2] *= resolution + ray_origins, ray_dirs = [], [] + for n in range(N): + # K_inv = torch.from_numpy(np.linalg.inv(K)).to(c2w.device) + K_inv = torch.linalg.inv(intrinsics[n]) + c2w = cam2world_matrix[n] + i, j = torch.meshgrid(torch.linspace(0, resolution - 1, resolution, device=intrinsics.device), + torch.linspace(0, resolution - 1, resolution, device=intrinsics.device)) # pytorch's meshgrid has indexing='ij' + i = i.t() + j = j.t() + + homo_indices = torch.stack((i, j, torch.ones_like(i)), -1) # [H, W, 3] + dirs = (K_inv[None, ...] @ homo_indices[..., None])[:, :, :, 0] + + # Rotate ray directions from camera frame to the world frame + rays_d = (c2w[None, :3, :3] @ dirs[..., None])[:, :, :, 0] # [H, W, 3] + if normalize: + rays_d = torch.nn.functional.normalize(rays_d, dim=-1) + # Translate camera frame's origin to the world frame. It is the origin of all rays. + rays_o = c2w[:3, -1] + rays_o = rays_o.expand(rays_d.shape) + ray_dirs.append(rays_d.reshape(-1, 3)) + ray_origins.append(rays_o.reshape(-1, 3)) + + return torch.stack(ray_origins, dim=0), torch.stack(ray_dirs, dim=0) \ No newline at end of file diff --git a/recon/volumetric_rendering/renderer.py b/recon/volumetric_rendering/renderer.py new file mode 100644 index 0000000000000000000000000000000000000000..3c151aac54bdbc4ccf572e4d36de9e7fa9ef264b --- /dev/null +++ b/recon/volumetric_rendering/renderer.py @@ -0,0 +1,771 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +""" +The renderer is a module that takes in rays, decides where to sample along each +ray, and computes pixel colors using the volume rendering equation. +""" + +import math +import torch +import torch.nn as nn +import numpy as np + +from .ray_marcher import MipRayMarcher2 +from . import math_utils + +# global Meshes, load_obj, rasterize_meshes +# from pytorch3d.structures import Meshes +# from pytorch3d.io import load_obj +# from pytorch3d.renderer.mesh import rasterize_meshes + + +def generate_planes(return_inv=True): # 与project_onto_planes相对应 + """ + Defines planes by the three vectors that form the "axes" of the + plane. Should work with arbitrary number of planes and planes of + arbitrary orientation. + """ + planes = torch.tensor([[[1, 0, 0], + [0, 1, 0], + [0, 0, 1]], + [[1, 0, 0], + [0, 0, 1], + [0, 1, 0]], + [[0, 0, 1], + [1, 0, 0], + [0, 1, 0]]], dtype=torch.float32) + if return_inv: + return torch.linalg.inv(planes) + else: + return planes + + +def project_onto_planes(inv_planes, coordinates): + """ + Does a projection of a 3D point onto a batch of 2D planes, + returning 2D plane coordinates. + + Takes plane axes of shape n_planes, 3, 3 + # Takes coordinates of shape N, M, 3 + # returns projections of shape N*n_planes, M, 2 + """ + N, M, C = coordinates.shape + n_planes = 3 + coordinates = coordinates.unsqueeze(1).expand(-1, n_planes, -1, -1).reshape(N*n_planes, M, 3) + inv_planes = inv_planes.unsqueeze(0).expand(N, -1, -1, -1).reshape(N*n_planes, 3, 3) + projections = torch.bmm(coordinates, inv_planes) + return projections[..., :2] + +# def project_onto_planes(planes, coordinates): +# """ +# Does a projection of a 3D point onto a batch of 2D planes, +# returning 2D plane coordinates. +# +# Takes plane axes of shape n_planes, 3, 3 +# # Takes coordinates of shape N, M, 3 +# # returns projections of shape N*n_planes, M, 2 +# """ +# N, M, C = coordinates.shape +# n_planes, _, _ = planes.shape +# coordinates = coordinates.unsqueeze(1).expand(-1, n_planes, -1, -1).reshape(N*n_planes, M, 3) +# print('project_onto_planes', planes.view(-1), torch.abs(planes).sum()) +# print(torch.linalg.inv(planes.clone().detach())) +# inv_planes = torch.linalg.inv(planes).unsqueeze(0).expand(N, -1, -1, -1).reshape(N*n_planes, 3, 3) # TODO:此处是否有翻转? +# projections = torch.bmm(coordinates, inv_planes) +# return projections[..., :2] + +def sample_from_planes(inv_planes, plane_features, coordinates, mode='bilinear', padding_mode='zeros', box_warp=None, debug=False): + assert padding_mode == 'zeros' + N, n_planes, C, H, W = plane_features.shape + _, M, _ = coordinates.shape + plane_features = plane_features.view(N*n_planes, C, H, W) + + coordinates = (2/box_warp) * coordinates # TODO: add specific box bounds + if debug: # debug + from torch_utils import debug_utils + debug_utils.save_obj('unproject_depth_cano.obj', v=coordinates.cpu()[0].numpy()) + projected_coordinates = project_onto_planes(inv_planes, coordinates).unsqueeze(1) + output_features = torch.nn.functional.grid_sample(plane_features, projected_coordinates.float(), mode=mode, padding_mode=padding_mode, align_corners=False).permute(0, 3, 2, 1).reshape(N, n_planes, M, C) + return output_features + +def sample_from_3dgrid(grid, coordinates, padding_mode='zeros', box_warp=None, pyramid=False): + """ + Expects coordinates in shape (batch_size, num_points_per_batch, 3) + Expects grid in shape (1, channels, H, W, D) + (Also works if grid has batch size) + Returns sampled features of shape (batch_size, num_points_per_batch, feature_channels) + """ + batch_size, n_coords, n_dims = coordinates.shape + coordinates = (2 / box_warp) * coordinates # TODO: add specific box bounds + sampled_features = torch.nn.functional.grid_sample(grid.expand(batch_size, -1, -1, -1, -1), + coordinates.reshape(batch_size, 1, 1, -1, n_dims), + mode='bilinear', padding_mode=padding_mode, align_corners=False) + if pyramid: + for i in range(2): + grid_ = torch.nn.functional.interpolate(grid, scale_factor=0.5**((i+1)*2), mode='trilinear', align_corners=False) + sampled_features_ = torch.nn.functional.grid_sample(grid_.expand(batch_size, -1, -1, -1, -1), + coordinates.reshape(batch_size, 1, 1, -1, n_dims), + mode='bilinear', padding_mode=padding_mode, align_corners=False) + sampled_features += sampled_features_ + N, C, H, W, D = sampled_features.shape + sampled_features = sampled_features.permute(0, 4, 3, 2, 1).reshape(N, H*W*D, C) + return sampled_features + +class ImportanceRenderer(torch.nn.Module): + def __init__(self, flip_z): + super().__init__() + self.ray_marcher = MipRayMarcher2() + self.plane_axes = generate_planes() + self.flip_z = flip_z + + def forward(self, planes, decoder, ray_origins, ray_directions, rendering_options): + self.plane_axes = self.plane_axes.to(ray_origins.device) + if rendering_options['ray_start'] == rendering_options['ray_end'] == 'auto': + ray_start, ray_end = math_utils.get_ray_limits_box(ray_origins, ray_directions, box_side_length=rendering_options['box_warp']) + is_ray_valid = ray_end > ray_start + if torch.any(is_ray_valid).item(): + ray_start[~is_ray_valid] = ray_start[is_ray_valid].min() + ray_end[~is_ray_valid] = ray_start[is_ray_valid].max() + depths_coarse = self.sample_stratified(ray_origins, ray_start, ray_end, rendering_options['depth_resolution'], rendering_options['disparity_space_sampling']) + else: + # Create stratified depth samples + depths_coarse = self.sample_stratified(ray_origins, rendering_options['ray_start'], rendering_options['ray_end'], rendering_options['depth_resolution'], rendering_options['disparity_space_sampling']) + batch_size, num_rays, samples_per_ray, _ = depths_coarse.shape + + # Coarse Pass + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_coarse * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, samples_per_ray, -1).reshape(batch_size, -1, 3) + + out = self.run_model(planes, decoder, sample_coordinates, sample_directions, rendering_options) + colors_coarse = out['rgb'] + densities_coarse = out['sigma'] + colors_coarse = colors_coarse.reshape(batch_size, num_rays, samples_per_ray, colors_coarse.shape[-1]) + densities_coarse = densities_coarse.reshape(batch_size, num_rays, samples_per_ray, 1) + + # Fine Pass + N_importance = rendering_options['depth_resolution_importance'] + if N_importance > 0: + _, _, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + depths_fine = self.sample_importance(depths_coarse, weights, N_importance) + + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, N_importance, -1).reshape(batch_size, -1, 3) + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_fine * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + + out = self.run_model(planes, decoder, sample_coordinates, sample_directions, rendering_options) + colors_fine = out['rgb'] + densities_fine = out['sigma'] + colors_fine = colors_fine.reshape(batch_size, num_rays, N_importance, colors_fine.shape[-1]) + densities_fine = densities_fine.reshape(batch_size, num_rays, N_importance, 1) + + all_depths, all_colors, all_densities = self.unify_samples(depths_coarse, colors_coarse, densities_coarse, + depths_fine, colors_fine, densities_fine) + + # Aggregate + rgb_final, depth_final, weights = self.ray_marcher(all_colors, all_densities, all_depths, rendering_options) + else: + rgb_final, depth_final, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + + return rgb_final, depth_final, weights.sum(2) + + def run_model(self, planes, decoder, sample_coordinates, sample_directions, options): + if self.flip_z: + sample_coordinates[..., -1] *= -1 + sampled_features = sample_from_planes(self.plane_axes, planes, sample_coordinates, padding_mode='zeros', box_warp=options['box_warp']) + + out = decoder(sampled_features, sample_directions) + if options.get('density_noise', 0) > 0: + out['sigma'] += torch.randn_like(out['sigma']) * options['density_noise'] + return out + + def sort_samples(self, all_depths, all_colors, all_densities): + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + return all_depths, all_colors, all_densities + + def unify_samples(self, depths1, colors1, densities1, depths2, colors2, densities2): + all_depths = torch.cat([depths1, depths2], dim = -2) + all_colors = torch.cat([colors1, colors2], dim = -2) + all_densities = torch.cat([densities1, densities2], dim = -2) + + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + + return all_depths, all_colors, all_densities + + def sample_stratified(self, ray_origins, ray_start, ray_end, depth_resolution, disparity_space_sampling=False): + """ + Return depths of approximately uniformly spaced samples along rays. + """ + N, M, _ = ray_origins.shape + if disparity_space_sampling: + depths_coarse = torch.linspace(0, + 1, + depth_resolution, + device=ray_origins.device).reshape(1, 1, depth_resolution, 1).repeat(N, M, 1, 1) + depth_delta = 1/(depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + depths_coarse = 1./(1./ray_start * (1. - depths_coarse) + 1./ray_end * depths_coarse) + else: + if type(ray_start) == torch.Tensor: + depths_coarse = math_utils.linspace(ray_start, ray_end, depth_resolution).permute(1,2,0,3) + depth_delta = (ray_end - ray_start) / (depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta[..., None] + else: + depths_coarse = torch.linspace(ray_start, ray_end, depth_resolution, device=ray_origins.device).reshape(1, 1, depth_resolution, 1).repeat(N, M, 1, 1) + depth_delta = (ray_end - ray_start)/(depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + + return depths_coarse + + def sample_importance(self, z_vals, weights, N_importance): + """ + Return depths of importance sampled points along rays. See NeRF importance sampling for more. + """ + with torch.no_grad(): + batch_size, num_rays, samples_per_ray, _ = z_vals.shape + + z_vals = z_vals.reshape(batch_size * num_rays, samples_per_ray) + weights = weights.reshape(batch_size * num_rays, -1) # -1 to account for loss of 1 sample in MipRayMarcher + + # smooth weights + weights = torch.nn.functional.max_pool1d(weights.unsqueeze(1).float(), 2, 1, padding=1) + weights = torch.nn.functional.avg_pool1d(weights, 2, 1).squeeze() + weights = weights + 0.01 + + z_vals_mid = 0.5 * (z_vals[: ,:-1] + z_vals[: ,1:]) + importance_z_vals = self.sample_pdf(z_vals_mid, weights[:, 1:-1], + N_importance).detach().reshape(batch_size, num_rays, N_importance, 1) + return importance_z_vals + + def sample_pdf(self, bins, weights, N_importance, det=False, eps=1e-5): + """ + Sample @N_importance samples from @bins with distribution defined by @weights. + Inputs: + bins: (N_rays, N_samples_+1) where N_samples_ is "the number of coarse samples per ray - 2" + weights: (N_rays, N_samples_) + N_importance: the number of samples to draw from the distribution + det: deterministic or not + eps: a small number to prevent division by zero + Outputs: + samples: the sampled samples + """ + N_rays, N_samples_ = weights.shape + weights = weights + eps # prevent division by zero (don't do inplace op!) + pdf = weights / torch.sum(weights, -1, keepdim=True) # (N_rays, N_samples_) + cdf = torch.cumsum(pdf, -1) # (N_rays, N_samples), cumulative distribution function + cdf = torch.cat([torch.zeros_like(cdf[: ,:1]), cdf], -1) # (N_rays, N_samples_+1) + # padded to 0~1 inclusive + + if det: + u = torch.linspace(0, 1, N_importance, device=bins.device) + u = u.expand(N_rays, N_importance) + else: + u = torch.rand(N_rays, N_importance, device=bins.device) + u = u.contiguous() + + inds = torch.searchsorted(cdf, u, right=True) + below = torch.clamp_min(inds-1, 0) + above = torch.clamp_max(inds, N_samples_) + + inds_sampled = torch.stack([below, above], -1).view(N_rays, 2*N_importance) + cdf_g = torch.gather(cdf, 1, inds_sampled).view(N_rays, N_importance, 2) + bins_g = torch.gather(bins, 1, inds_sampled).view(N_rays, N_importance, 2) + + denom = cdf_g[...,1]-cdf_g[...,0] + denom[denom 0: + _, _, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + depths_fine = self.sample_importance(depths_coarse, weights, N_importance, det=evaluation) + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_fine * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, N_importance, -1).reshape(batch_size, -1, 3) + out = self.run_model(planes, decoder, sample_coordinates, sample_directions, rendering_options) + colors_fine = out['rgb'] + densities_fine = out['sigma'] + colors_fine = colors_fine.reshape(batch_size, num_rays, N_importance, colors_fine.shape[-1]) + densities_fine = densities_fine.reshape(batch_size, num_rays, N_importance, 1) + + all_depths, all_colors, all_densities = self.unify_samples(depths_coarse, colors_coarse, densities_coarse, + depths_fine, colors_fine, densities_fine) + + # Aggregate + rgb_final, depth_final, weights = self.ray_marcher(all_colors, all_densities, all_depths, rendering_options) + else: + rgb_final, depth_final, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + return rgb_final, depth_final, weights.sum(2) + + def run_model(self, planes, decoder, sample_coordinates, sample_directions, options): + # sample_coordinates[..., -1] *= -1 + # if planes.shape[1] == 3: + sampled_features = sample_from_planes(self.plane_axes.clone(), planes, sample_coordinates, padding_mode='zeros', box_warp=options['box_warp']) + # elif planes.shape[2] == planes.shape[-1]: + # sampled_features = sample_from_3dgrid(planes, sample_coordinates, padding_mode='zeros', box_warp=options['box_warp'], pyramid=True).unsqueeze(1) + + out = decoder(sampled_features, sample_directions) + if options.get('density_noise', 0) > 0: + out['sigma'] += torch.randn_like(out['sigma']) * options['density_noise'] + return out + + def sort_samples(self, all_depths, all_colors, all_densities): + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + return all_depths, all_colors, all_densities + + def unify_samples(self, depths1, colors1, densities1, depths2, colors2, densities2): + all_depths = torch.cat([depths1, depths2], dim = -2) + all_colors = torch.cat([colors1, colors2], dim = -2) + all_densities = torch.cat([densities1, densities2], dim = -2) + + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + + return all_depths, all_colors, all_densities + + def sample_stratified(self, ray_origins, ray_start, ray_end, depth_resolution, disparity_space_sampling=False): + """ + Return depths of approximately uniformly spaced samples along rays. + """ + N, M, _ = ray_origins.shape + if disparity_space_sampling: + depths_coarse = torch.linspace(0, + 1, + depth_resolution, + device=ray_origins.device).reshape(1, 1, depth_resolution, 1).repeat(N, M, 1, 1) + depth_delta = 1/(depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + depths_coarse = 1./(1./ray_start * (1. - depths_coarse) + 1./ray_end * depths_coarse) + else: + if type(ray_start) == torch.Tensor: + # ray_start [N, M, 1] + depths_coarse = math_utils.linspace(ray_start, ray_end, depth_resolution).permute(1,2,0,3) # [D, N, M, 1] -> [N, M, D, 1] + depth_delta = (ray_end - ray_start) / (depth_resolution - 1) # [N, M, 1] + depths_coarse += torch.rand_like(depths_coarse) * depth_delta[..., None] # [N, M, D, 1] + else: + depths_coarse = torch.linspace(ray_start, ray_end, depth_resolution, device=ray_origins.device).reshape(1, 1, depth_resolution, 1).repeat(N, M, 1, 1) + depth_delta = (ray_end - ray_start)/(depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + + return depths_coarse + + def sample_importance(self, z_vals, weights, N_importance, det): + """ + Return depths of importance sampled points along rays. See NeRF importance sampling for more. + """ + with torch.no_grad(): + batch_size, num_rays, samples_per_ray, _ = z_vals.shape + + z_vals = z_vals.reshape(batch_size * num_rays, samples_per_ray) + weights = weights.reshape(batch_size * num_rays, -1) # -1 to account for loss of 1 sample in MipRayMarcher + + # smooth weights + weights = torch.nn.functional.max_pool1d(weights.unsqueeze(1).float(), 2, 1, padding=1) + weights = torch.nn.functional.avg_pool1d(weights, 2, 1).squeeze() + weights = weights + 0.01 + + z_vals_mid = 0.5 * (z_vals[: ,:-1] + z_vals[: ,1:]) + importance_z_vals = self.sample_pdf(z_vals_mid, weights[:, 1:-1], + N_importance, det).detach().reshape(batch_size, num_rays, N_importance, 1) + return importance_z_vals + + def sample_pdf(self, bins, weights, N_importance, det=False, eps=1e-5): + """ + Sample @N_importance samples from @bins with distribution defined by @weights. + Inputs: + bins: (N_rays, N_samples_+1) where N_samples_ is "the number of coarse samples per ray - 2" + weights: (N_rays, N_samples_) + N_importance: the number of samples to draw from the distribution + det: deterministic or not + eps: a small number to prevent division by zero + Outputs: + samples: the sampled samples + """ + N_rays, N_samples_ = weights.shape + weights = weights + eps # prevent division by zero (don't do inplace op!) + pdf = weights / torch.sum(weights, -1, keepdim=True) # (N_rays, N_samples_) + cdf = torch.cumsum(pdf, -1) # (N_rays, N_samples), cumulative distribution function + cdf = torch.cat([torch.zeros_like(cdf[: ,:1]), cdf], -1) # (N_rays, N_samples_+1) + # padded to 0~1 inclusive + + if det: + u = torch.linspace(0, 1, N_importance, device=bins.device) + u = u.expand(N_rays, N_importance) + else: + u = torch.rand(N_rays, N_importance, device=bins.device) + u = u.contiguous() + + inds = torch.searchsorted(cdf, u, right=True) + below = torch.clamp_min(inds-1, 0) + above = torch.clamp_max(inds, N_samples_) + + inds_sampled = torch.stack([below, above], -1).view(N_rays, 2*N_importance) + cdf_g = torch.gather(cdf, 1, inds_sampled).view(N_rays, N_importance, 2) + bins_g = torch.gather(bins, 1, inds_sampled).view(N_rays, N_importance, 2) + + denom = cdf_g[...,1]-cdf_g[...,0] + denom[denomw: + fixed_vertices[..., 1] = fixed_vertices[..., 1]*h/w + else: + fixed_vertices[..., 0] = fixed_vertices[..., 0]*w/h + + meshes_screen = Meshes(verts=fixed_vertices.float(), faces=faces.long()) + pix_to_face, zbuf, bary_coords, dists = rasterize_meshes( + meshes_screen, + image_size=image_size, + blur_radius=raster_settings['blur_radius'], + faces_per_pixel=raster_settings['faces_per_pixel'], + bin_size=0,#raster_settings['bin_size'], + max_faces_per_bin=raster_settings['max_faces_per_bin'], + perspective_correct=raster_settings['perspective_correct'], + cull_backfaces=raster_settings['cull_backfaces'] + ) + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone(); attributes = attributes.view(attributes.shape[0]*attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:,:,:,0].permute(0,3,1,2) + pixel_vals = torch.cat([pixel_vals, vismask[:,:,:,0][:,None,:,:]], dim=1) + # print(image_size) + # import ipdb; ipdb.set_trace() + return pixel_vals + + +def render_after_rasterize(attributes, pix_to_face, bary_coords): + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone() + attributes = attributes.view(attributes.shape[0] * attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:, :, :, 0].permute(0, 3, 1, 2) + pixel_vals = torch.cat([pixel_vals, vismask[:, :, :, 0][:, None, :, :]], dim=1) + return pixel_vals + + +# borrowed from https://github.com/daniilidis-group/neural_renderer/blob/master/neural_renderer/vertices_to_faces.py +def face_vertices(vertices, faces): + """ + :param vertices: [batch size, number of vertices, 3] + :param faces: [batch size, number of faces, 3] + :return: [batch size, number of faces, 3, 3] + """ + assert (vertices.ndimension() == 3) + assert (faces.ndimension() == 3) + assert (vertices.shape[0] == faces.shape[0]) + assert (vertices.shape[2] == 3) + assert (faces.shape[2] == 3) + + bs, nv = vertices.shape[:2] + bs, nf = faces.shape[:2] + device = vertices.device + faces = faces + (torch.arange(bs, dtype=torch.int32).to(device) * nv)[:, None, None] + vertices = vertices.reshape((bs * nv, 3)) + # pytorch only supports long and byte tensors for indexing + return vertices[faces.long()] + + +# ---------------------------- process/generate vertices, normals, faces +def generate_triangles(h, w, margin_x=2, margin_y=5, mask = None): + # quad layout: + # 0 1 ... w-1 + # w w+1 + #. + # w*h + triangles = [] + for x in range(margin_x, w-1-margin_x): + for y in range(margin_y, h-1-margin_y): + triangle0 = [y*w + x, y*w + x + 1, (y+1)*w + x] + triangle1 = [y*w + x + 1, (y+1)*w + x + 1, (y+1)*w + x] + triangles.append(triangle0) + triangles.append(triangle1) + triangles = np.array(triangles) + triangles = triangles[:,[0,2,1]] + return triangles + + +def transform_points(points, tform, points_scale=None, out_scale=None): + points_2d = points[:,:,:2] + + #'input points must use original range' + if points_scale: + assert points_scale[0]==points_scale[1] + points_2d = (points_2d*0.5 + 0.5)*points_scale[0] + # import ipdb; ipdb.set_trace() + + batch_size, n_points, _ = points.shape + trans_points_2d = torch.bmm( + torch.cat([points_2d, torch.ones([batch_size, n_points, 1], device=points.device, dtype=points.dtype)], dim=-1), + tform + ) + if out_scale: # h,w of output image size + trans_points_2d[:,:,0] = trans_points_2d[:,:,0]/out_scale[1]*2 - 1 + trans_points_2d[:,:,1] = trans_points_2d[:,:,1]/out_scale[0]*2 - 1 + trans_points = torch.cat([trans_points_2d[:,:,:2], points[:,:,2:]], dim=-1) + return trans_points + + +def batch_orth_proj(X, camera): + ''' orthgraphic projection + X: 3d vertices, [bz, n_point, 3] + camera: scale and translation, [bz, 3], [scale, tx, ty] + ''' + camera = camera.clone().view(-1, 1, 3) + X_trans = X[:, :, :2] + camera[:, :, 1:] + X_trans = torch.cat([X_trans, X[:, :, 2:]], 2) + shape = X_trans.shape + Xn = (camera[:, :, 0:1] * X_trans) + return Xn + + +def angle2matrix(angles): + ''' get rotation matrix from three rotation angles(degree). right-handed. + Args: + angles: [batch_size, 3] tensor containing X, Y, and Z angles. + x: pitch. positive for looking down. + y: yaw. positive for looking left. + z: roll. positive for tilting head right. + Returns: + R: [batch_size, 3, 3]. rotation matrices. + ''' + angles = angles*(np.pi)/180. + s = torch.sin(angles) + c = torch.cos(angles) + + cx, cy, cz = (c[:, 0], c[:, 1], c[:, 2]) + sx, sy, sz = (s[:, 0], s[:, 1], s[:, 2]) + + zeros = torch.zeros_like(s[:, 0]).to(angles.device) + ones = torch.ones_like(s[:, 0]).to(angles.device) + + # Rz.dot(Ry.dot(Rx)) + R_flattened = torch.stack( + [ + cz * cy, cz * sy * sx - sz * cx, cz * sy * cx + sz * sx, + sz * cy, sz * sy * sx + cz * cx, sz * sy * cx - cz * sx, + -sy, cy * sx, cy * cx, + ], + dim=0) #[batch_size, 9] + R = torch.reshape(R_flattened, (-1, 3, 3)) #[batch_size, 3, 3] + return R + +import cv2 +# end_list = np.array([17, 22, 27, 42, 48, 31, 36, 68], dtype = np.int32) - 1 +def plot_kpts(image, kpts, color = 'r', end_list=[19]): + ''' Draw 68 key points + Args: + image: the input image + kpt: (68, 3). + ''' + if color == 'r': + c = (255, 0, 0) + elif color == 'g': + c = (0, 255, 0) + elif color == 'b': + c = (255, 0, 0) + image = image.copy() + kpts = kpts.copy() + radius = max(int(min(image.shape[0], image.shape[1])/200), 1) + for i in range(kpts.shape[0]): + st = kpts[i, :2] + if kpts.shape[1]==4: + if kpts[i, 3] > 0.5: + c = (0, 255, 0) + else: + c = (0, 0, 255) + if i in end_list: + continue + ed = kpts[i + 1, :2] + image = cv2.line(image, (int(st[0]), int(st[1])), (int(ed[0]), int(ed[1])), (255, 255, 255), radius) + image = cv2.circle(image,(int(st[0]), int(st[1])), radius, c, radius*2) + + return image + + +import cv2 + + +def fill_mouth(images, blur_mouth_edge=True): + # Input: images: [batch, 1, h, w] + device = images.device + mouth_masks = [] + out_mouth_masks = [] + for image in images: + image = image[0].cpu().numpy() + image = image * 255. + copyImg = image.copy().astype('float32') + h, w = image.shape[:2] + mask = np.zeros([h + 2, w + 2], np.uint8) + cv2.floodFill(copyImg, mask, (0, 0), (255, 255, 255), (0, 0, 0), (254, 254, 254), cv2.FLOODFILL_FIXED_RANGE) + # cv2.imwrite("mouth_mask_ori.png", 255 - copyImg) + mouth_mask = torch.tensor(255 - copyImg).to(device).to(torch.float32) / 255. + mouth_masks.append(mouth_mask.unsqueeze(0)) + + if blur_mouth_edge: + copyImg = cv2.erode(copyImg, np.ones((3, 3), np.uint8), iterations=3) + copyImg = cv2.blur(copyImg, (5, 5)) + # cv2.imwrite("mouth_mask.png", mouth_mask) + out_mouth_masks.append(torch.tensor(255 - copyImg).to(device).to(torch.float32).unsqueeze(0) / 255.) + + mouth_masks = torch.stack(mouth_masks, 0) + res = (images + mouth_masks).clip(0, 1) + + return res, torch.stack(out_mouth_masks, dim=0) + +# def fill_mouth(images): +# #Input: images: [batch, 1, h, w] +# device = images.device +# mouth_masks = [] +# out_mouth_masks = [] +# out_upper_mouth_masks, out_lower_mouth_masks = [], [] +# for image in images: +# image = image[0].cpu().numpy() +# image = image * 255. +# copyImg = image.copy() +# h, w = image.shape[:2] +# mask = np.zeros([h+2, w+2], np.uint8) +# cv2.floodFill(copyImg, mask, (0, 0), (255, 255, 255), (0, 0, 0), (254, 254, 254), cv2.FLOODFILL_FIXED_RANGE) +# # cv2.imwrite("mouth_mask_ori.png", 255 - copyImg) +# mouth_mask = torch.tensor(255 - copyImg).to(device).to(torch.float32) / 255. +# mouth_masks.append(mouth_mask.unsqueeze(0)) +# +# +# copyImg = cv2.erode(copyImg, np.ones((3, 3), np.uint8), iterations=3) +# copyImg = cv2.blur(copyImg, (5, 5)) +# # cv2.imwrite("mouth_mask.png", mouth_mask) +# out_mouth_mask = torch.tensor(255 - copyImg).to(device).to(torch.float32).unsqueeze(0) / 255. +# middle_row = torch.argmax(out_mouth_mask.sum(dim=1)) +# out_mouth_masks.append() +# +# mouth_masks = torch.stack(mouth_masks, 0) +# res = (images + mouth_masks).clip(0, 1) +# +# return res, torch.stack(out_mouth_masks, dim=0) \ No newline at end of file diff --git a/recon/volumetric_rendering/renderer_next3d.py b/recon/volumetric_rendering/renderer_next3d.py new file mode 100644 index 0000000000000000000000000000000000000000..5335a320cda576c9dd0eaa76b33dc601bfe14466 --- /dev/null +++ b/recon/volumetric_rendering/renderer_next3d.py @@ -0,0 +1,623 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +""" +The renderer is a module that takes in rays, decides where to sample along each +ray, and computes pixel colors using the volume rendering equation. +""" + +import math +import torch +import torch.nn as nn +import numpy as np + +from training_avatar_texture.volumetric_rendering.ray_marcher import MipRayMarcher2 +from training_avatar_texture.volumetric_rendering import math_utils + +global Meshes, load_obj, rasterize_meshes +from pytorch3d.structures import Meshes +from pytorch3d.io import load_obj +from pytorch3d.renderer.mesh import rasterize_meshes + + +def generate_planes(): + """ + Defines planes by the three vectors that form the "axes" of the + plane. Should work with arbitrary number of planes and planes of + arbitrary orientation. + """ + return torch.tensor([[[1, 0, 0], + [0, 1, 0], + [0, 0, 1]], + [[1, 0, 0], + [0, 0, 1], + [0, 1, 0]], + [[0, 0, 1], + [0, 1, 0], + [1, 0, 0]]], dtype=torch.float32) + + +def project_onto_planes(planes, coordinates): + """ + Does a projection of a 3D point onto a batch of 2D planes, + returning 2D plane coordinates. + + Takes plane axes of shape n_planes, 3, 3 + # Takes coordinates of shape N, M, 3 + # returns projections of shape N*n_planes, M, 2 + """ + N, M, C = coordinates.shape + n_planes, _, _ = planes.shape + coordinates = coordinates.unsqueeze(1).expand(-1, n_planes, -1, -1).reshape(N * n_planes, M, 3) + inv_planes = torch.linalg.inv(planes).unsqueeze(0).expand(N, -1, -1, -1).reshape(N * n_planes, 3, 3) + projections = torch.bmm(coordinates, inv_planes) + return projections[..., :2] + + +def sample_from_planes(plane_axes, plane_features, coordinates, mode='bilinear', padding_mode='zeros', box_warp=None): + assert padding_mode == 'zeros' + N, n_planes, C, H, W = plane_features.shape + _, M, _ = coordinates.shape + plane_features = plane_features.view(N * n_planes, C, H, W) + + coordinates = (2 / box_warp) * coordinates # TODO: add specific box bounds + + projected_coordinates = project_onto_planes(plane_axes, coordinates).unsqueeze(1) + output_features = torch.nn.functional.grid_sample(plane_features, projected_coordinates.float(), mode=mode, padding_mode=padding_mode, + align_corners=False).permute(0, 3, 2, 1).reshape(N, n_planes, M, C) + return output_features + + +def sample_from_3dgrid(grid, coordinates): + """ + Expects coordinates in shape (batch_size, num_points_per_batch, 3) + Expects grid in shape (1, channels, H, W, D) + (Also works if grid has batch size) + Returns sampled features of shape (batch_size, num_points_per_batch, feature_channels) + """ + batch_size, n_coords, n_dims = coordinates.shape + sampled_features = torch.nn.functional.grid_sample(grid.expand(batch_size, -1, -1, -1, -1), + coordinates.reshape(batch_size, 1, 1, -1, n_dims), + mode='bilinear', padding_mode='zeros', align_corners=False) + N, C, H, W, D = sampled_features.shape + sampled_features = sampled_features.permute(0, 4, 3, 2, 1).reshape(N, H * W * D, C) + return sampled_features + + +class ImportanceRenderer(torch.nn.Module): + def __init__(self): + super().__init__() + self.ray_marcher = MipRayMarcher2() + self.plane_axes = generate_planes() + + def forward(self, planes, decoder, ray_origins, ray_directions, rendering_options): + self.plane_axes = self.plane_axes.to(ray_origins.device) + + if rendering_options['ray_start'] == rendering_options['ray_end'] == 'auto': + ray_start, ray_end = math_utils.get_ray_limits_box(ray_origins, ray_directions, box_side_length=rendering_options['box_warp']) + is_ray_valid = ray_end > ray_start + if torch.any(is_ray_valid).item(): + ray_start[~is_ray_valid] = ray_start[is_ray_valid].min() + ray_end[~is_ray_valid] = ray_start[is_ray_valid].max() + depths_coarse = self.sample_stratified(ray_origins, ray_start, ray_end, rendering_options['depth_resolution'], + rendering_options['disparity_space_sampling']) + else: + # Create stratified depth samples + depths_coarse = self.sample_stratified(ray_origins, rendering_options['ray_start'], rendering_options['ray_end'], + rendering_options['depth_resolution'], rendering_options['disparity_space_sampling']) + + batch_size, num_rays, samples_per_ray, _ = depths_coarse.shape + + # Coarse Pass + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_coarse * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, samples_per_ray, -1).reshape(batch_size, -1, 3) + + out = self.run_model(planes, decoder, sample_coordinates, sample_directions, rendering_options) + colors_coarse = out['rgb'] + densities_coarse = out['sigma'] + colors_coarse = colors_coarse.reshape(batch_size, num_rays, samples_per_ray, colors_coarse.shape[-1]) + densities_coarse = densities_coarse.reshape(batch_size, num_rays, samples_per_ray, 1) + + # Fine Pass + N_importance = rendering_options['depth_resolution_importance'] + if N_importance > 0: + _, _, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + depths_fine = self.sample_importance(depths_coarse, weights, N_importance) + + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, N_importance, -1).reshape(batch_size, -1, 3) + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_fine * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + + out = self.run_model(planes, decoder, sample_coordinates, sample_directions, rendering_options) + colors_fine = out['rgb'] + densities_fine = out['sigma'] + colors_fine = colors_fine.reshape(batch_size, num_rays, N_importance, colors_fine.shape[-1]) + densities_fine = densities_fine.reshape(batch_size, num_rays, N_importance, 1) + + all_depths, all_colors, all_densities = self.unify_samples(depths_coarse, colors_coarse, densities_coarse, + depths_fine, colors_fine, densities_fine) + + # Aggregate + rgb_final, depth_final, weights = self.ray_marcher(all_colors, all_densities, all_depths, rendering_options) + else: + rgb_final, depth_final, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + return rgb_final, depth_final, weights.sum(2) + + def run_model(self, planes, decoder, sample_coordinates, sample_directions, options): + sampled_features = sample_from_planes(self.plane_axes, planes, sample_coordinates, padding_mode='zeros', box_warp=options['box_warp']) + + out = decoder(sampled_features, sample_directions) + if options.get('density_noise', 0) > 0: + out['sigma'] += torch.randn_like(out['sigma']) * options['density_noise'] + return out + + def sort_samples(self, all_depths, all_colors, all_densities): + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + return all_depths, all_colors, all_densities + + def unify_samples(self, depths1, colors1, densities1, depths2, colors2, densities2, normals1=None, normals2=None): + all_depths = torch.cat([depths1, depths2], dim=-2) + all_colors = torch.cat([colors1, colors2], dim=-2) + all_densities = torch.cat([densities1, densities2], dim=-2) + + if normals1 is not None and normals2 is not None: + all_normals = torch.cat([normals1, normals2], dim=-2) + else: + all_normals = None + + _, indices = torch.sort(all_depths, dim=-2) + all_depths = torch.gather(all_depths, -2, indices) + all_colors = torch.gather(all_colors, -2, indices.expand(-1, -1, -1, all_colors.shape[-1])) + all_densities = torch.gather(all_densities, -2, indices.expand(-1, -1, -1, 1)) + if all_normals is not None: + all_normals = torch.gather(all_normals, -2, indices.expand(-1, -1, -1, all_normals.shape[-1])) + return all_depths, all_colors, all_normals, all_densities + + return all_depths, all_colors, all_densities + + def sample_stratified(self, ray_origins, ray_start, ray_end, depth_resolution, disparity_space_sampling=False): + """ + Return depths of approximately uniformly spaced samples along rays. + """ + N, M, _ = ray_origins.shape + if disparity_space_sampling: + depths_coarse = torch.linspace(0, + 1, + depth_resolution, + device=ray_origins.device).reshape(1, 1, depth_resolution, 1).repeat(N, M, 1, 1) + depth_delta = 1 / (depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + depths_coarse = 1. / (1. / ray_start * (1. - depths_coarse) + 1. / ray_end * depths_coarse) + else: + if type(ray_start) == torch.Tensor: + depths_coarse = math_utils.linspace(ray_start, ray_end, depth_resolution).permute(1, 2, 0, 3) + depth_delta = (ray_end - ray_start) / (depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta[..., None] + else: + depths_coarse = torch.linspace(ray_start, ray_end, depth_resolution, device=ray_origins.device).reshape(1, 1, depth_resolution, + 1).repeat(N, M, 1, 1) + depth_delta = (ray_end - ray_start) / (depth_resolution - 1) + depths_coarse += torch.rand_like(depths_coarse) * depth_delta + + return depths_coarse + + def sample_importance(self, z_vals, weights, N_importance): + """ + Return depths of importance sampled points along rays. See NeRF importance sampling for more. + """ + with torch.no_grad(): + batch_size, num_rays, samples_per_ray, _ = z_vals.shape + + z_vals = z_vals.reshape(batch_size * num_rays, samples_per_ray) + weights = weights.reshape(batch_size * num_rays, -1) # -1 to account for loss of 1 sample in MipRayMarcher + + # smooth weights + weights = torch.nn.functional.max_pool1d(weights.unsqueeze(1).float(), 2, 1, padding=1) + weights = torch.nn.functional.avg_pool1d(weights, 2, 1).squeeze() + weights = weights + 0.01 + + z_vals_mid = 0.5 * (z_vals[:, :-1] + z_vals[:, 1:]) + importance_z_vals = self.sample_pdf(z_vals_mid, weights[:, 1:-1], + N_importance).detach().reshape(batch_size, num_rays, N_importance, 1) + return importance_z_vals + + def sample_pdf(self, bins, weights, N_importance, det=False, eps=1e-5): + """ + Sample @N_importance samples from @bins with distribution defined by @weights. + Inputs: + bins: (N_rays, N_samples_+1) where N_samples_ is "the number of coarse samples per ray - 2" + weights: (N_rays, N_samples_) + N_importance: the number of samples to draw from the distribution + det: deterministic or not + eps: a small number to prevent division by zero + Outputs: + samples: the sampled samples + """ + N_rays, N_samples_ = weights.shape + weights = weights + eps # prevent division by zero (don't do inplace op!) + pdf = weights / torch.sum(weights, -1, keepdim=True) # (N_rays, N_samples_) + cdf = torch.cumsum(pdf, -1) # (N_rays, N_samples), cumulative distribution function + cdf = torch.cat([torch.zeros_like(cdf[:, :1]), cdf], -1) # (N_rays, N_samples_+1) + # padded to 0~1 inclusive + + if det: + u = torch.linspace(0, 1, N_importance, device=bins.device) + u = u.expand(N_rays, N_importance) + else: + u = torch.rand(N_rays, N_importance, device=bins.device) + u = u.contiguous() + + inds = torch.searchsorted(cdf, u, right=True) + below = torch.clamp_min(inds - 1, 0) + above = torch.clamp_max(inds, N_samples_) + + inds_sampled = torch.stack([below, above], -1).view(N_rays, 2 * N_importance) + cdf_g = torch.gather(cdf, 1, inds_sampled).view(N_rays, N_importance, 2) + bins_g = torch.gather(bins, 1, inds_sampled).view(N_rays, N_importance, 2) + + denom = cdf_g[..., 1] - cdf_g[..., 0] + denom[denom < eps] = 1 # denom equals 0 means a bin has weight 0, in which case it will not be sampled + # anyway, therefore any value for it is fine (set to 1 here) + + samples = bins_g[..., 0] + (u - cdf_g[..., 0]) / denom * (bins_g[..., 1] - bins_g[..., 0]) + return samples + + def normal_forward(self, planes, decoder, ray_origins, ray_directions, rendering_options): + max_batch = 100000 + self.plane_axes = self.plane_axes.to(ray_origins.device) + + if rendering_options['ray_start'] == rendering_options['ray_end'] == 'auto': + ray_start, ray_end = math_utils.get_ray_limits_box(ray_origins, ray_directions, box_side_length=rendering_options['box_warp']) + is_ray_valid = ray_end > ray_start + if torch.any(is_ray_valid).item(): + ray_start[~is_ray_valid] = ray_start[is_ray_valid].min() + ray_end[~is_ray_valid] = ray_start[is_ray_valid].max() + depths_coarse = self.sample_stratified(ray_origins, ray_start, ray_end, rendering_options['depth_resolution'], + rendering_options['disparity_space_sampling']) + else: + # Create stratified depth samples + depths_coarse = self.sample_stratified(ray_origins, rendering_options['ray_start'], rendering_options['ray_end'], + rendering_options['depth_resolution'], rendering_options['disparity_space_sampling']) + + batch_size, num_rays, samples_per_ray, _ = depths_coarse.shape + + # Coarse Pass + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_coarse * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, samples_per_ray, -1).reshape(batch_size, -1, 3) + + sample_coordinates.requires_grad_() + # input.requires_grad_() + with torch.set_grad_enabled(True): + colors = torch.zeros((sample_coordinates.shape[0], sample_coordinates.shape[1], 32), device=sample_coordinates.device) + sigmas = torch.zeros((sample_coordinates.shape[0], sample_coordinates.shape[1], 1), device=sample_coordinates.device) + + head = 0 + while head < sample_coordinates.shape[1]: + out = self.run_model(planes, decoder, sample_coordinates[:, head:head + max_batch], sample_directions[:, head:head + max_batch], + rendering_options) + colors[:, head:head + max_batch] = out['rgb'] + sigmas[:, head:head + max_batch] = out['sigma'] + head += max_batch + colors_coarse = colors + densities_coarse = sigmas + + input_grad = torch.autograd.grad(torch.sum(densities_coarse), sample_coordinates, create_graph=False)[0] + normal = -input_grad + + normals_coarse = normal.reshape(batch_size, num_rays, samples_per_ray, normal.shape[-1]) + + colors_coarse = colors_coarse.reshape(batch_size, num_rays, samples_per_ray, colors_coarse.shape[-1]) + densities_coarse = densities_coarse.reshape(batch_size, num_rays, samples_per_ray, 1) + + # Fine Pass + N_importance = rendering_options['depth_resolution_importance'] + if N_importance > 0: + _, _, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options) + + depths_fine = self.sample_importance(depths_coarse, weights, N_importance) + + sample_directions = ray_directions.unsqueeze(-2).expand(-1, -1, N_importance, -1).reshape(batch_size, -1, 3) + sample_coordinates = (ray_origins.unsqueeze(-2) + depths_fine * ray_directions.unsqueeze(-2)).reshape(batch_size, -1, 3) + + sample_coordinates.requires_grad_() + with torch.set_grad_enabled(True): + colors = torch.zeros((sample_coordinates.shape[0], sample_coordinates.shape[1], 32), device=sample_coordinates.device) + sigmas = torch.zeros((sample_coordinates.shape[0], sample_coordinates.shape[1], 1), device=sample_coordinates.device) + + head = 0 + while head < sample_coordinates.shape[1]: + out = self.run_model(planes, decoder, sample_coordinates[:, head:head + max_batch], sample_directions[:, head:head + max_batch], + rendering_options) + colors[:, head:head + max_batch] = out['rgb'] + sigmas[:, head:head + max_batch] = out['sigma'] + head += max_batch + colors_fine = colors + densities_fine = sigmas + + input_grad = torch.autograd.grad(torch.sum(densities_fine), sample_coordinates, create_graph=False)[0] + normal = -input_grad + normals_fine = normal.reshape(batch_size, num_rays, N_importance, normal.shape[-1]) + + colors_fine = colors_fine.reshape(batch_size, num_rays, N_importance, colors_fine.shape[-1]) + densities_fine = densities_fine.reshape(batch_size, num_rays, N_importance, 1) + + all_depths, all_colors, all_normals, all_densities = self.unify_samples(depths_coarse, colors_coarse, densities_coarse, + depths_fine, colors_fine, densities_fine, normals_coarse, + normals_fine) + + # Aggregate + rgb_final, depth_final, normal_final, weights = self.ray_marcher(all_colors, all_densities, all_depths, rendering_options, all_normals) + else: + rgb_final, depth_final, normal_final, weights = self.ray_marcher(colors_coarse, densities_coarse, depths_coarse, rendering_options, + normals_coarse) + + return rgb_final, depth_final, normal_final, weights.sum(2) + + +from torch_utils import misc + + +@misc.profiled_function +def dict2obj(d): + # if isinstance(d, list): + # d = [dict2obj(x) for x in d] + if not isinstance(d, dict): + return d + + class C(object): + pass + + o = C() + for k in d: + o.__dict__[k] = dict2obj(d[k]) + return o + + +from torch_utils import persistence + + +@persistence.persistent_class +class Pytorch3dRasterizer(nn.Module): + ## TODO: add support for rendering non-squared images, since pytorc3d supports this now + """ Borrowed from https://github.com/facebookresearch/pytorch3d + Notice: + x,y,z are in image space, normalized + can only render squared image now + """ + + def __init__(self, image_size=224): + """ + use fixed raster_settings for rendering faces + """ + super().__init__() + raster_settings = { + 'image_size': image_size, + 'blur_radius': 0.0, + 'faces_per_pixel': 1, + 'bin_size': None, + 'max_faces_per_bin': None, + 'perspective_correct': False, + 'cull_backfaces': True + } + # raster_settings = dict2obj(raster_settings) + self.raster_settings = raster_settings + + def forward(self, vertices, faces, attributes=None, h=None, w=None): + fixed_vertices = vertices.clone() + fixed_vertices[..., :2] = -fixed_vertices[..., :2] + raster_settings = self.raster_settings + if h is None and w is None: + image_size = raster_settings['image_size'] + else: + image_size = [h, w] + if h > w: + fixed_vertices[..., 1] = fixed_vertices[..., 1] * h / w + else: + fixed_vertices[..., 0] = fixed_vertices[..., 0] * w / h + + meshes_screen = Meshes(verts=fixed_vertices.float(), faces=faces.long()) + pix_to_face, zbuf, bary_coords, dists = rasterize_meshes( + meshes_screen, + image_size=image_size, + blur_radius=raster_settings['blur_radius'], + faces_per_pixel=raster_settings['faces_per_pixel'], + bin_size=raster_settings['bin_size'], + max_faces_per_bin=raster_settings['max_faces_per_bin'], + perspective_correct=raster_settings['perspective_correct'], + cull_backfaces=raster_settings['cull_backfaces'] + ) + vismask = (pix_to_face > -1).float() + D = attributes.shape[-1] + attributes = attributes.clone(); + attributes = attributes.view(attributes.shape[0] * attributes.shape[1], 3, attributes.shape[-1]) + N, H, W, K, _ = bary_coords.shape + mask = pix_to_face == -1 + pix_to_face = pix_to_face.clone() + pix_to_face[mask] = 0 + idx = pix_to_face.view(N * H * W * K, 1, 1).expand(N * H * W * K, 3, D) + pixel_face_vals = attributes.gather(0, idx).view(N, H, W, K, 3, D) + pixel_vals = (bary_coords[..., None] * pixel_face_vals).sum(dim=-2) + pixel_vals[mask] = 0 # Replace masked values in output. + pixel_vals = pixel_vals[:, :, :, 0].permute(0, 3, 1, 2) + pixel_vals = torch.cat([pixel_vals, vismask[:, :, :, 0][:, None, :, :]], dim=1) + # print(image_size) + # import ipdb; ipdb.set_trace() + return pixel_vals + + +# borrowed from https://github.com/daniilidis-group/neural_renderer/blob/master/neural_renderer/vertices_to_faces.py +def face_vertices(vertices, faces): + """ + :param vertices: [batch size, number of vertices, 3] + :param faces: [batch size, number of faces, 3] + :return: [batch size, number of faces, 3, 3] + """ + assert (vertices.ndimension() == 3) + assert (faces.ndimension() == 3) + assert (vertices.shape[0] == faces.shape[0]) + assert (vertices.shape[2] == 3) + assert (faces.shape[2] == 3) + + bs, nv = vertices.shape[:2] + bs, nf = faces.shape[:2] + device = vertices.device + faces = faces + (torch.arange(bs, dtype=torch.int32).to(device) * nv)[:, None, None] + vertices = vertices.reshape((bs * nv, 3)) + # pytorch only supports long and byte tensors for indexing + return vertices[faces.long()] + + +# ---------------------------- process/generate vertices, normals, faces +def generate_triangles(h, w, margin_x=2, margin_y=5, mask=None): + # quad layout: + # 0 1 ... w-1 + # w w+1 + # . + # w*h + triangles = [] + for x in range(margin_x, w - 1 - margin_x): + for y in range(margin_y, h - 1 - margin_y): + triangle0 = [y * w + x, y * w + x + 1, (y + 1) * w + x] + triangle1 = [y * w + x + 1, (y + 1) * w + x + 1, (y + 1) * w + x] + triangles.append(triangle0) + triangles.append(triangle1) + triangles = np.array(triangles) + triangles = triangles[:, [0, 2, 1]] + return triangles + + +def transform_points(points, tform, points_scale=None, out_scale=None): + points_2d = points[:, :, :2] + + # 'input points must use original range' + if points_scale: + assert points_scale[0] == points_scale[1] + points_2d = (points_2d * 0.5 + 0.5) * points_scale[0] + # import ipdb; ipdb.set_trace() + + batch_size, n_points, _ = points.shape + trans_points_2d = torch.bmm( + torch.cat([points_2d, torch.ones([batch_size, n_points, 1], device=points.device, dtype=points.dtype)], dim=-1), + tform + ) + if out_scale: # h,w of output image size + trans_points_2d[:, :, 0] = trans_points_2d[:, :, 0] / out_scale[1] * 2 - 1 + trans_points_2d[:, :, 1] = trans_points_2d[:, :, 1] / out_scale[0] * 2 - 1 + trans_points = torch.cat([trans_points_2d[:, :, :2], points[:, :, 2:]], dim=-1) + return trans_points + + +def batch_orth_proj(X, camera): + ''' orthgraphic projection + X: 3d vertices, [bz, n_point, 3] + camera: scale and translation, [bz, 3], [scale, tx, ty] + ''' + camera = camera.clone().view(-1, 1, 3) + X_trans = X[:, :, :2] + camera[:, :, 1:] + X_trans = torch.cat([X_trans, X[:, :, 2:]], 2) + shape = X_trans.shape + Xn = (camera[:, :, 0:1] * X_trans) + return Xn + + +def angle2matrix(angles): + ''' get rotation matrix from three rotation angles(degree). right-handed. + Args: + angles: [batch_size, 3] tensor containing X, Y, and Z angles. + x: pitch. positive for looking down. + y: yaw. positive for looking left. + z: roll. positive for tilting head right. + Returns: + R: [batch_size, 3, 3]. rotation matrices. + ''' + angles = angles * (np.pi) / 180. + s = torch.sin(angles) + c = torch.cos(angles) + + cx, cy, cz = (c[:, 0], c[:, 1], c[:, 2]) + sx, sy, sz = (s[:, 0], s[:, 1], s[:, 2]) + + zeros = torch.zeros_like(s[:, 0]).to(angles.device) + ones = torch.ones_like(s[:, 0]).to(angles.device) + + # Rz.dot(Ry.dot(Rx)) + R_flattened = torch.stack( + [ + cz * cy, cz * sy * sx - sz * cx, cz * sy * cx + sz * sx, + sz * cy, sz * sy * sx + cz * cx, sz * sy * cx - cz * sx, + -sy, cy * sx, cy * cx, + ], + dim=0) # [batch_size, 9] + R = torch.reshape(R_flattened, (-1, 3, 3)) # [batch_size, 3, 3] + return R + + +import cv2 + + +# end_list = np.array([17, 22, 27, 42, 48, 31, 36, 68], dtype = np.int32) - 1 +def plot_kpts(image, kpts, color='r', end_list=[19]): + ''' Draw 68 key points + Args: + image: the input image + kpt: (68, 3). + ''' + if color == 'r': + c = (255, 0, 0) + elif color == 'g': + c = (0, 255, 0) + elif color == 'b': + c = (255, 0, 0) + image = image.copy() + kpts = kpts.copy() + radius = max(int(min(image.shape[0], image.shape[1]) / 200), 1) + for i in range(kpts.shape[0]): + st = kpts[i, :2] + if kpts.shape[1] == 4: + if kpts[i, 3] > 0.5: + c = (0, 255, 0) + else: + c = (0, 0, 255) + if i in end_list: + continue + ed = kpts[i + 1, :2] + image = cv2.line(image, (int(st[0]), int(st[1])), (int(ed[0]), int(ed[1])), (255, 255, 255), radius) + image = cv2.circle(image, (int(st[0]), int(st[1])), radius, c, radius * 2) + + return image + + +import cv2 + + +def fill_mouth(images): + # Input: images: [batch, 1, h, w] + device = images.device + mouth_masks = [] + for image in images: + image = image[0].cpu().numpy() + image = image * 255. + copyImg = image.copy() + h, w = image.shape[:2] + mask = np.zeros([h + 2, w + 2], np.uint8) + cv2.floodFill(copyImg, mask, (0, 0), (255, 255, 255), (0, 0, 0), (254, 254, 254), cv2.FLOODFILL_FIXED_RANGE) + # cv2.imwrite("debug.png", copyImg) + copyImg = torch.tensor(copyImg).to(device).to(torch.float32) / 127.5 - 1 + mouth_masks.append(copyImg.unsqueeze(0)) + mouth_masks = torch.stack(mouth_masks, 0) + mouth_masks = ((mouth_masks * 2. - 1.) * -1. + 1.) / 2. + # images = (images.bool() | mouth_masks.bool()).float() + res = (images + mouth_masks).clip(0, 1) + + return res \ No newline at end of file diff --git a/training/__init__.py b/training/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..dfebd04f47e6f6b1b44984c14c23b57d56f72240 --- /dev/null +++ b/training/__init__.py @@ -0,0 +1,11 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +# empty diff --git a/training/networks_stylegan2.py b/training/networks_stylegan2.py new file mode 100644 index 0000000000000000000000000000000000000000..60af984bdf8752c98db560efef6ddfd05181210f --- /dev/null +++ b/training/networks_stylegan2.py @@ -0,0 +1,786 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Network architectures from the paper +"Analyzing and Improving the Image Quality of StyleGAN". +Matches the original implementation of configs E-F by Karras et al. at +https://github.com/NVlabs/stylegan2/blob/master/training/networks_stylegan2.py""" + +import numpy as np +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_resample +from torch_utils.ops import upfirdn2d +from torch_utils.ops import bias_act +from torch_utils.ops import fma + +#---------------------------------------------------------------------------- + +def normalize_2nd_moment(x, dim=1, eps=1e-8): + return x * (x.square().mean(dim=dim, keepdim=True) + eps).rsqrt() + +#---------------------------------------------------------------------------- + +def modulated_conv2d( + x, # Input tensor of shape [batch_size, in_channels, in_height, in_width]. + weight, # Weight tensor of shape [out_channels, in_channels, kernel_height, kernel_width]. + styles, # Modulation coefficients of shape [batch_size, in_channels]. + noise = None, # Optional noise tensor to add to the output activations. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + padding = 0, # Padding with respect to the upsampled image. + resample_filter = None, # Low-pass filter to apply when resampling activations. Must be prepared beforehand by calling upfirdn2d.setup_filter(). + demodulate = True, # Apply weight demodulation? + flip_weight = True, # False = convolution, True = correlation (matches torch.nn.functional.conv2d). + fused_modconv = True, # Perform modulation, convolution, and demodulation as a single fused operation? +): + batch_size = x.shape[0] + out_channels, in_channels, kh, kw = weight.shape + misc.assert_shape(weight, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(styles, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs to avoid FP16 overflow. + if x.dtype == torch.float16 and demodulate: + weight = weight * (1 / np.sqrt(in_channels * kh * kw) / weight.norm(float('inf'), dim=[1,2,3], keepdim=True)) # max_Ikk + styles = styles / styles.norm(float('inf'), dim=1, keepdim=True) # max_I + + # Calculate per-sample weights and demodulation coefficients. + w = None + dcoefs = None + if demodulate or fused_modconv: + w = weight.unsqueeze(0) # [NOIkk] + w = w * styles.reshape(batch_size, 1, -1, 1, 1) # [NOIkk] + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + if demodulate and fused_modconv: + w = w * dcoefs.reshape(batch_size, -1, 1, 1, 1) # [NOIkk] + + # Execute by scaling the activations before and after the convolution. + if not fused_modconv: + x = x * styles.to(x.dtype).reshape(batch_size, -1, 1, 1) + x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight) + if demodulate and noise is not None: + x = fma.fma(x, dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1), noise.to(x.dtype)) + elif demodulate: + x = x * dcoefs.to(x.dtype).reshape(batch_size, -1, 1, 1) + elif noise is not None: + x = x.add_(noise.to(x.dtype)) + return x + + # Execute as one fused op using grouped convolution. + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(batch_size) + misc.assert_shape(x, [batch_size, in_channels, None, None]) + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, groups=batch_size, flip_weight=flip_weight) + x = x.reshape(batch_size, -1, *x.shape[2:]) + if noise is not None: + x = x.add_(noise) + return x + +#---------------------------------------------------------------------------- + +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + lr_multiplier = 1, # Learning rate multiplier. + bias_init = 0, # Initial value for the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) / lr_multiplier) + self.bias = torch.nn.Parameter(torch.full([out_features], np.float32(bias_init))) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +class Conv2dLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + kernel_size, # Width and height of the convolution kernel. + bias = True, # Apply additive bias before the activation function? + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + up = 1, # Integer upsampling factor. + down = 1, # Integer downsampling factor. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output to +-X, None = disable clamping. + channels_last = False, # Expect the input to have memory_format=channels_last? + trainable = True, # Update the weights of this layer during training? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.activation = activation + self.up = up + self.down = down + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + self.act_gain = bias_act.activation_funcs[activation].def_gain + + memory_format = torch.channels_last if channels_last else torch.contiguous_format + weight = torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format) + bias = torch.zeros([out_channels]) if bias else None + if trainable: + self.weight = torch.nn.Parameter(weight) + self.bias = torch.nn.Parameter(bias) if bias is not None else None + else: + self.register_buffer('weight', weight) + if bias is not None: + self.register_buffer('bias', bias) + else: + self.bias = None + + def forward(self, x, gain=1): + w = self.weight * self.weight_gain + b = self.bias.to(x.dtype) if self.bias is not None else None + flip_weight = (self.up == 1) # slightly faster + x = conv2d_resample.conv2d_resample(x=x, w=w.to(x.dtype), f=self.resample_filter, up=self.up, down=self.down, padding=self.padding, flip_weight=flip_weight) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, b, act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, activation={self.activation:s},', + f'up={self.up}, down={self.down}']) + +#---------------------------------------------------------------------------- + +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality, 0 = no latent. + c_dim, # Conditioning label (C) dimensionality, 0 = no label. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output, None = do not broadcast. + num_layers = 8, # Number of mapping layers. + embed_features = None, # Label embedding dimensionality, None = same as w_dim. + layer_features = None, # Number of intermediate features in the mapping layers, None = same as w_dim. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + last_activation = None, # Last layer activation function + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training, None = do not track. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + if embed_features is None: + embed_features = w_dim + if c_dim == 0: + embed_features = 0 + if layer_features is None: + layer_features = w_dim + features_list = [z_dim + embed_features] + [layer_features] * (num_layers - 1) + [w_dim] + + if c_dim > 0: + self.embed = FullyConnectedLayer(c_dim, embed_features) + for idx in range(num_layers): + in_features = features_list[idx] + out_features = features_list[idx + 1] + if idx == num_layers - 1 and last_activation: + layer = FullyConnectedLayer(in_features, out_features, activation=last_activation, lr_multiplier=lr_multiplier) + else: + layer = FullyConnectedLayer(in_features, out_features, activation=activation, lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + + if num_ws is not None and w_avg_beta is not None: + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + # Embed, normalize, and concat inputs. + x = None + with torch.autograd.profiler.record_function('input'): + if self.z_dim > 0: + misc.assert_shape(z, [None, self.z_dim]) + x = normalize_2nd_moment(z.to(torch.float32)) + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = normalize_2nd_moment(self.embed(c.to(torch.float32))) + x = torch.cat([x, y], dim=1) if x is not None else y + + # Main layers. + for idx in range(self.num_layers): + layer = getattr(self, f'fc{idx}') + x = layer(x) + + # Update moving average of W. + if update_emas and self.w_avg_beta is not None: + with torch.autograd.profiler.record_function('update_w_avg'): + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast. + if self.num_ws is not None: + with torch.autograd.profiler.record_function('broadcast'): + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + + # Apply truncation. + if truncation_psi != 1: + with torch.autograd.profiler.record_function('truncate'): + assert self.w_avg_beta is not None + if self.num_ws is None or truncation_cutoff is None: + x = self.w_avg.lerp(x, truncation_psi) + else: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + +class SynthesisLayer(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this layer. + kernel_size = 3, # Convolution kernel size. + up = 1, # Integer upsampling factor. + use_noise = True, # Enable noise input? + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + channels_last = False, # Use channels_last format for the weights? + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.resolution = resolution + self.up = up + self.use_noise = use_noise + self.activation = activation + self.conv_clamp = conv_clamp + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.padding = kernel_size // 2 + self.act_gain = bias_act.activation_funcs[activation].def_gain + + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + if use_noise: + self.register_buffer('noise_const', torch.randn([resolution, resolution])) + self.noise_strength = torch.nn.Parameter(torch.zeros([])) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + + def forward(self, x, w, noise_mode='random', fused_modconv=True, gain=1): + assert noise_mode in ['random', 'const', 'none'] + in_resolution = self.resolution // self.up + misc.assert_shape(x, [None, self.in_channels, in_resolution, in_resolution]) + styles = self.affine(w) + + noise = None + if self.use_noise and noise_mode == 'random': + noise = torch.randn([x.shape[0], 1, self.resolution, self.resolution], device=x.device) * self.noise_strength + if self.use_noise and noise_mode == 'const': + noise = self.noise_const * self.noise_strength + + flip_weight = (self.up == 1) # slightly faster + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, noise=noise, up=self.up, + padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv) + + act_gain = self.act_gain * gain + act_clamp = self.conv_clamp * gain if self.conv_clamp is not None else None + x = bias_act.bias_act(x, self.bias.to(x.dtype), act=self.activation, gain=act_gain, clamp=act_clamp) + return x + + def extra_repr(self): + return ' '.join([ + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d},', + f'resolution={self.resolution:d}, up={self.up}, activation={self.activation:s}']) + +#---------------------------------------------------------------------------- + +class ToRGBLayer(torch.nn.Module): + def __init__(self, in_channels, out_channels, w_dim, kernel_size=1, conv_clamp=None, channels_last=False): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.w_dim = w_dim + self.conv_clamp = conv_clamp + self.affine = FullyConnectedLayer(w_dim, in_channels, bias_init=1) + memory_format = torch.channels_last if channels_last else torch.contiguous_format + self.weight = torch.nn.Parameter(torch.randn([out_channels, in_channels, kernel_size, kernel_size]).to(memory_format=memory_format)) + self.bias = torch.nn.Parameter(torch.zeros([out_channels])) + self.weight_gain = 1 / np.sqrt(in_channels * (kernel_size ** 2)) + + def forward(self, x, w, fused_modconv=True): + styles = self.affine(w) * self.weight_gain + x = modulated_conv2d(x=x, weight=self.weight, styles=styles, demodulate=False, fused_modconv=fused_modconv) + x = bias_act.bias_act(x, self.bias.to(x.dtype), clamp=self.conv_clamp) + return x + + def extra_repr(self): + return f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}, w_dim={self.w_dim:d}' + +#---------------------------------------------------------------------------- + +class SynthesisBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + out_channels, # Number of output channels. + w_dim, # Intermediate latent (W) dimensionality. + resolution, # Resolution of this block. + img_channels, # Number of output color channels. + is_last, # Is this the last block? + architecture = 'skip', # Architecture: 'orig', 'skip', 'resnet'. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + fused_modconv_default = True, # Default value of fused_modconv. 'inference_only' = True for inference, False for training. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.w_dim = w_dim + self.resolution = resolution + self.img_channels = img_channels + self.is_last = is_last + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.fused_modconv_default = fused_modconv_default + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + self.num_conv = 0 + self.num_torgb = 0 + + if in_channels == 0: + self.const = torch.nn.Parameter(torch.randn([out_channels, resolution, resolution])) + + if in_channels != 0: + self.conv0 = SynthesisLayer(in_channels, out_channels, w_dim=w_dim, resolution=resolution, up=2, + resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + self.conv1 = SynthesisLayer(out_channels, out_channels, w_dim=w_dim, resolution=resolution, + conv_clamp=conv_clamp, channels_last=self.channels_last, **layer_kwargs) + self.num_conv += 1 + + if is_last or architecture == 'skip': + self.torgb = ToRGBLayer(out_channels, img_channels, w_dim=w_dim, + conv_clamp=conv_clamp, channels_last=self.channels_last) + self.num_torgb += 1 + + if in_channels != 0 and architecture == 'resnet': + self.skip = Conv2dLayer(in_channels, out_channels, kernel_size=1, bias=False, up=2, + resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, ws, force_fp32=False, fused_modconv=None, update_emas=False, **layer_kwargs): + _ = update_emas # unused + misc.assert_shape(ws, [None, self.num_conv + self.num_torgb, self.w_dim]) + w_iter = iter(ws.unbind(dim=1)) + if ws.device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + if fused_modconv is None: + fused_modconv = self.fused_modconv_default + if fused_modconv == 'inference_only': + fused_modconv = (not self.training) + + # Input. + if self.in_channels == 0: + x = self.const.to(dtype=dtype, memory_format=memory_format) + x = x.unsqueeze(0).repeat([ws.shape[0], 1, 1, 1]) + else: + misc.assert_shape(x, [None, self.in_channels, self.resolution // 2, self.resolution // 2]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # Main layers. + if self.in_channels == 0: + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + elif self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, gain=np.sqrt(0.5), **layer_kwargs) + x = y.add_(x) + else: + x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + x = self.conv1(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs) + + # ToRGB. + if img is not None: + misc.assert_shape(img, [None, self.img_channels, self.resolution // 2, self.resolution // 2]) + img = upfirdn2d.upsample2d(img, self.resample_filter) + if self.is_last or self.architecture == 'skip': + y = self.torgb(x, next(w_iter), fused_modconv=fused_modconv) + y = y.to(dtype=torch.float32, memory_format=torch.contiguous_format) + img = img.add_(y) if img is not None else y + + assert x.dtype == dtype + assert img is None or img.dtype == torch.float32 + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **block_kwargs, # Arguments for SynthesisBlock. + ): + assert img_resolution >= 4 and img_resolution & (img_resolution - 1) == 0 + super().__init__() + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.num_fp16_res = num_fp16_res + self.block_resolutions = [2 ** i for i in range(2, self.img_resolution_log2 + 1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + self.num_ws = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res // 2] if res > 4 else 0 + out_channels = channels_dict[res] + use_fp16 = (res >= fp16_resolution) + is_last = (res == self.img_resolution) + block = SynthesisBlock(in_channels, out_channels, w_dim=w_dim, resolution=res, + img_channels=img_channels, is_last=is_last, use_fp16=use_fp16, **block_kwargs) + self.num_ws += block.num_conv + if is_last: + self.num_ws += block.num_torgb + setattr(self, f'b{res}', block) + + def forward(self, ws, **block_kwargs): + block_ws = [] + with torch.autograd.profiler.record_function('split_ws'): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32) + w_idx = 0 + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + block_ws.append(ws.narrow(1, w_idx, block.num_conv + block.num_torgb)) + w_idx += block.num_conv + + x = img = None + for res, cur_ws in zip(self.block_resolutions, block_ws): + block = getattr(self, f'b{res}') + x, img = block(x, img, cur_ws, **block_kwargs) + return img + + def extra_repr(self): + return ' '.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=self.num_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#---------------------------------------------------------------------------- + +class DiscriminatorBlock(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels, 0 = first block. + tmp_channels, # Number of intermediate channels. + out_channels, # Number of output channels. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + first_layer_idx, # Index of the first layer. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + resample_filter = [1,3,3,1], # Low-pass filter to apply when resampling activations. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + use_fp16 = False, # Use FP16 for this block? + fp16_channels_last = False, # Use channels-last memory format with FP16? + freeze_layers = 0, # Freeze-D: Number of layers to freeze. + ): + assert in_channels in [0, tmp_channels] + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.resolution = resolution + self.img_channels = img_channels + self.first_layer_idx = first_layer_idx + self.architecture = architecture + self.use_fp16 = use_fp16 + self.channels_last = (use_fp16 and fp16_channels_last) + self.register_buffer('resample_filter', upfirdn2d.setup_filter(resample_filter)) + + self.num_layers = 0 + def trainable_gen(): + while True: + layer_idx = self.first_layer_idx + self.num_layers + trainable = (layer_idx >= freeze_layers) + self.num_layers += 1 + yield trainable + trainable_iter = trainable_gen() + + if in_channels == 0 or architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, tmp_channels, kernel_size=1, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv0 = Conv2dLayer(tmp_channels, tmp_channels, kernel_size=3, activation=activation, + trainable=next(trainable_iter), conv_clamp=conv_clamp, channels_last=self.channels_last) + + self.conv1 = Conv2dLayer(tmp_channels, out_channels, kernel_size=3, activation=activation, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, conv_clamp=conv_clamp, channels_last=self.channels_last) + + if architecture == 'resnet': + self.skip = Conv2dLayer(tmp_channels, out_channels, kernel_size=1, bias=False, down=2, + trainable=next(trainable_iter), resample_filter=resample_filter, channels_last=self.channels_last) + + def forward(self, x, img, force_fp32=False): + if (x if x is not None else img).device.type != 'cuda': + force_fp32 = True + dtype = torch.float16 if self.use_fp16 and not force_fp32 else torch.float32 + memory_format = torch.channels_last if self.channels_last and not force_fp32 else torch.contiguous_format + + # Input. + if x is not None: + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) + x = x.to(dtype=dtype, memory_format=memory_format) + + # FromRGB. + if self.in_channels == 0 or self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + y = self.fromrgb(img) + x = x + y if x is not None else y + img = upfirdn2d.downsample2d(img, self.resample_filter) if self.architecture == 'skip' else None + + # Main layers. + if self.architecture == 'resnet': + y = self.skip(x, gain=np.sqrt(0.5)) + x = self.conv0(x) + x = self.conv1(x, gain=np.sqrt(0.5)) + x = y.add_(x) + else: + x = self.conv0(x) + x = self.conv1(x) + + assert x.dtype == dtype + return x, img + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +class MinibatchStdLayer(torch.nn.Module): + def __init__(self, group_size, num_channels=1): + super().__init__() + self.group_size = group_size + self.num_channels = num_channels + + def forward(self, x): + N, C, H, W = x.shape + with misc.suppress_tracer_warnings(): # as_tensor results are registered as constants + G = torch.min(torch.as_tensor(self.group_size), torch.as_tensor(N)) if self.group_size is not None else N + F = self.num_channels + c = C // F + + y = x.reshape(G, -1, F, c, H, W) # [GnFcHW] Split minibatch N into n groups of size G, and channels C into F groups of size c. + y = y - y.mean(dim=0) # [GnFcHW] Subtract mean over group. + y = y.square().mean(dim=0) # [nFcHW] Calc variance over group. + y = (y + 1e-8).sqrt() # [nFcHW] Calc stddev over group. + y = y.mean(dim=[2,3,4]) # [nF] Take average over channels and pixels. + y = y.reshape(-1, F, 1, 1) # [nF11] Add missing dimensions. + y = y.repeat(G, 1, H, W) # [NFHW] Replicate over group and pixels. + x = torch.cat([x, y], dim=1) # [NCHW] Append to input as new channels. + return x + + def extra_repr(self): + return f'group_size={self.group_size}, num_channels={self.num_channels:d}' + +#---------------------------------------------------------------------------- + +class DiscriminatorEpilogue(torch.nn.Module): + def __init__(self, + in_channels, # Number of input channels. + cmap_dim, # Dimensionality of mapped conditioning label, 0 = no label. + resolution, # Resolution of this block. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + mbstd_group_size = 4, # Group size for the minibatch standard deviation layer, None = entire minibatch. + mbstd_num_channels = 1, # Number of features for the minibatch standard deviation layer, 0 = disable. + activation = 'lrelu', # Activation function: 'relu', 'lrelu', etc. + conv_clamp = None, # Clamp the output of convolution layers to +-X, None = disable clamping. + ): + assert architecture in ['orig', 'skip', 'resnet'] + super().__init__() + self.in_channels = in_channels + self.cmap_dim = cmap_dim + self.resolution = resolution + self.img_channels = img_channels + self.architecture = architecture + + if architecture == 'skip': + self.fromrgb = Conv2dLayer(img_channels, in_channels, kernel_size=1, activation=activation) + self.mbstd = MinibatchStdLayer(group_size=mbstd_group_size, num_channels=mbstd_num_channels) if mbstd_num_channels > 0 else None + self.conv = Conv2dLayer(in_channels + mbstd_num_channels, in_channels, kernel_size=3, activation=activation, conv_clamp=conv_clamp) + self.fc = FullyConnectedLayer(in_channels * (resolution ** 2), in_channels, activation=activation) + self.out = FullyConnectedLayer(in_channels, 1 if cmap_dim == 0 else cmap_dim) + + def forward(self, x, img, cmap, force_fp32=False): + misc.assert_shape(x, [None, self.in_channels, self.resolution, self.resolution]) # [NCHW] + _ = force_fp32 # unused + dtype = torch.float32 + memory_format = torch.contiguous_format + + # FromRGB. + x = x.to(dtype=dtype, memory_format=memory_format) + if self.architecture == 'skip': + misc.assert_shape(img, [None, self.img_channels, self.resolution, self.resolution]) + img = img.to(dtype=dtype, memory_format=memory_format) + x = x + self.fromrgb(img) + + # Main layers. + if self.mbstd is not None: + x = self.mbstd(x) + x = self.conv(x) + x = self.fc(x.flatten(1)) + x = self.out(x) + + # Conditioning. + if self.cmap_dim > 0: + misc.assert_shape(cmap, [None, self.cmap_dim]) + x = (x * cmap).sum(dim=1, keepdim=True) * (1 / np.sqrt(self.cmap_dim)) + + assert x.dtype == dtype + return x + + def extra_repr(self): + return f'resolution={self.resolution:d}, architecture={self.architecture:s}' + +#---------------------------------------------------------------------------- + +class Discriminator(torch.nn.Module): + def __init__(self, + c_dim, # Conditioning label (C) dimensionality. + img_resolution, # Input resolution. + img_channels, # Number of input color channels. + architecture = 'resnet', # Architecture: 'orig', 'skip', 'resnet'. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + conv_clamp = 256, # Clamp the output of convolution layers to +-X, None = disable clamping. + cmap_dim = None, # Dimensionality of mapped conditioning label, None = default. + block_kwargs = {}, # Arguments for DiscriminatorBlock. + mapping_kwargs = {}, # Arguments for MappingNetwork. + epilogue_kwargs = {}, # Arguments for DiscriminatorEpilogue. + ): + super().__init__() + self.c_dim = c_dim + self.img_resolution = img_resolution + self.img_resolution_log2 = int(np.log2(img_resolution)) + self.img_channels = img_channels + self.block_resolutions = [2 ** i for i in range(self.img_resolution_log2, 2, -1)] + channels_dict = {res: min(channel_base // res, channel_max) for res in self.block_resolutions + [4]} + fp16_resolution = max(2 ** (self.img_resolution_log2 + 1 - num_fp16_res), 8) + + if cmap_dim is None: + cmap_dim = channels_dict[4] + if c_dim == 0: + cmap_dim = 0 + + common_kwargs = dict(img_channels=img_channels, architecture=architecture, conv_clamp=conv_clamp) + cur_layer_idx = 0 + for res in self.block_resolutions: + in_channels = channels_dict[res] if res < img_resolution else 0 + tmp_channels = channels_dict[res] + out_channels = channels_dict[res // 2] + use_fp16 = (res >= fp16_resolution) + block = DiscriminatorBlock(in_channels, tmp_channels, out_channels, resolution=res, + first_layer_idx=cur_layer_idx, use_fp16=use_fp16, **block_kwargs, **common_kwargs) + setattr(self, f'b{res}', block) + cur_layer_idx += block.num_layers + if c_dim > 0: + self.mapping = MappingNetwork(z_dim=0, c_dim=c_dim, w_dim=cmap_dim, num_ws=None, w_avg_beta=None, **mapping_kwargs) + self.b4 = DiscriminatorEpilogue(channels_dict[4], cmap_dim=cmap_dim, resolution=4, **epilogue_kwargs, **common_kwargs) + + def forward(self, img, c, update_emas=False, **block_kwargs): + _ = update_emas # unused + x = None + for res in self.block_resolutions: + block = getattr(self, f'b{res}') + x, img = block(x, img, **block_kwargs) + + cmap = None + if self.c_dim > 0: + cmap = self.mapping(None, c) + x = self.b4(x, img, cmap) + return x + + def extra_repr(self): + return f'c_dim={self.c_dim:d}, img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d}' + +#---------------------------------------------------------------------------- \ No newline at end of file diff --git a/training/networks_stylegan3.py b/training/networks_stylegan3.py new file mode 100644 index 0000000000000000000000000000000000000000..f8097b21ebe2e8334a731eae8d9d8b0bc3ee764f --- /dev/null +++ b/training/networks_stylegan3.py @@ -0,0 +1,510 @@ +# SPDX-FileCopyrightText: Copyright (c) 2021-2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved. +# SPDX-License-Identifier: LicenseRef-NvidiaProprietary +# +# NVIDIA CORPORATION, its affiliates and licensors retain all intellectual +# property and proprietary rights in and to this material, related +# documentation and any modifications thereto. Any use, reproduction, +# disclosure or distribution of this material and related documentation +# without an express license agreement from NVIDIA CORPORATION or +# its affiliates is strictly prohibited. + +"""Generator architecture from the paper +"Alias-Free Generative Adversarial Networks".""" + +import numpy as np +import scipy.signal +import scipy.optimize +import torch +from torch_utils import misc +from torch_utils import persistence +from torch_utils.ops import conv2d_gradfix +from torch_utils.ops import filtered_lrelu +from torch_utils.ops import bias_act + +#---------------------------------------------------------------------------- + +def modulated_conv2d( + x, # Input tensor: [batch_size, in_channels, in_height, in_width] + w, # Weight tensor: [out_channels, in_channels, kernel_height, kernel_width] + s, # Style tensor: [batch_size, in_channels] + demodulate = True, # Apply weight demodulation? + padding = 0, # Padding: int or [padH, padW] + input_gain = None, # Optional scale factors for the input channels: [], [in_channels], or [batch_size, in_channels] +): + with misc.suppress_tracer_warnings(): # this value will be treated as a constant + batch_size = int(x.shape[0]) + out_channels, in_channels, kh, kw = w.shape + misc.assert_shape(w, [out_channels, in_channels, kh, kw]) # [OIkk] + misc.assert_shape(x, [batch_size, in_channels, None, None]) # [NIHW] + misc.assert_shape(s, [batch_size, in_channels]) # [NI] + + # Pre-normalize inputs. + if demodulate: + w = w * w.square().mean([1,2,3], keepdim=True).rsqrt() + s = s * s.square().mean().rsqrt() + + # Modulate weights. + w = w.unsqueeze(0) # [NOIkk] + w = w * s.unsqueeze(1).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Demodulate weights. + if demodulate: + dcoefs = (w.square().sum(dim=[2,3,4]) + 1e-8).rsqrt() # [NO] + w = w * dcoefs.unsqueeze(2).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Apply input scaling. + if input_gain is not None: + input_gain = input_gain.expand(batch_size, in_channels) # [NI] + w = w * input_gain.unsqueeze(1).unsqueeze(3).unsqueeze(4) # [NOIkk] + + # Execute as one fused op using grouped convolution. + x = x.reshape(1, -1, *x.shape[2:]) + w = w.reshape(-1, in_channels, kh, kw) + x = conv2d_gradfix.conv2d(input=x, weight=w.to(x.dtype), padding=padding, groups=batch_size) + x = x.reshape(batch_size, -1, *x.shape[2:]) + return x + +#---------------------------------------------------------------------------- + +class FullyConnectedLayer(torch.nn.Module): + def __init__(self, + in_features, # Number of input features. + out_features, # Number of output features. + activation = 'linear', # Activation function: 'relu', 'lrelu', etc. + bias = True, # Apply additive bias before the activation function? + lr_multiplier = 1, # Learning rate multiplier. + weight_init = 1, # Initial standard deviation of the weight tensor. + bias_init = 0, # Initial value of the additive bias. + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features + self.activation = activation + self.weight = torch.nn.Parameter(torch.randn([out_features, in_features]) * (weight_init / lr_multiplier)) + bias_init = np.broadcast_to(np.asarray(bias_init, dtype=np.float32), [out_features]) + self.bias = torch.nn.Parameter(torch.from_numpy(bias_init / lr_multiplier)) if bias else None + self.weight_gain = lr_multiplier / np.sqrt(in_features) + self.bias_gain = lr_multiplier + + def forward(self, x): + w = self.weight.to(x.dtype) * self.weight_gain + b = self.bias + if b is not None: + b = b.to(x.dtype) + if self.bias_gain != 1: + b = b * self.bias_gain + if self.activation == 'linear' and b is not None: + x = torch.addmm(b.unsqueeze(0), x, w.t()) + else: + x = x.matmul(w.t()) + x = bias_act.bias_act(x, b, act=self.activation) + return x + + def extra_repr(self): + return f'in_features={self.in_features:d}, out_features={self.out_features:d}, activation={self.activation:s}' + +#---------------------------------------------------------------------------- + +class MappingNetwork(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality, 0 = no labels. + w_dim, # Intermediate latent (W) dimensionality. + num_ws, # Number of intermediate latents to output. + num_layers = 2, # Number of mapping layers. + lr_multiplier = 0.01, # Learning rate multiplier for the mapping layers. + w_avg_beta = 0.998, # Decay for tracking the moving average of W during training. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.num_ws = num_ws + self.num_layers = num_layers + self.w_avg_beta = w_avg_beta + + # Construct layers. + self.embed = FullyConnectedLayer(self.c_dim, self.w_dim) if self.c_dim > 0 else None + features = [self.z_dim + (self.w_dim if self.c_dim > 0 else 0)] + [self.w_dim] * self.num_layers + for idx, in_features, out_features in zip(range(num_layers), features[:-1], features[1:]): + layer = FullyConnectedLayer(in_features, out_features, activation='lrelu', lr_multiplier=lr_multiplier) + setattr(self, f'fc{idx}', layer) + self.register_buffer('w_avg', torch.zeros([w_dim])) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False): + misc.assert_shape(z, [None, self.z_dim]) + if truncation_cutoff is None: + truncation_cutoff = self.num_ws + + # Embed, normalize, and concatenate inputs. + x = z.to(torch.float32) + x = x * (x.square().mean(1, keepdim=True) + 1e-8).rsqrt() + if self.c_dim > 0: + misc.assert_shape(c, [None, self.c_dim]) + y = self.embed(c.to(torch.float32)) + y = y * (y.square().mean(1, keepdim=True) + 1e-8).rsqrt() + x = torch.cat([x, y], dim=1) if x is not None else y + + # Execute layers. + for idx in range(self.num_layers): + x = getattr(self, f'fc{idx}')(x) + + # Update moving average of W. + if update_emas: + self.w_avg.copy_(x.detach().mean(dim=0).lerp(self.w_avg, self.w_avg_beta)) + + # Broadcast and apply truncation. + x = x.unsqueeze(1).repeat([1, self.num_ws, 1]) + if truncation_psi != 1: + x[:, :truncation_cutoff] = self.w_avg.lerp(x[:, :truncation_cutoff], truncation_psi) + return x + + def extra_repr(self): + return f'z_dim={self.z_dim:d}, c_dim={self.c_dim:d}, w_dim={self.w_dim:d}, num_ws={self.num_ws:d}' + +#---------------------------------------------------------------------------- + +class SynthesisInput(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + channels, # Number of output channels. + size, # Output spatial size: int or [width, height]. + sampling_rate, # Output sampling rate. + bandwidth, # Output bandwidth. + ): + super().__init__() + self.w_dim = w_dim + self.channels = channels + self.size = np.broadcast_to(np.asarray(size), [2]) + self.sampling_rate = sampling_rate + self.bandwidth = bandwidth + + # Draw random frequencies from uniform 2D disc. + freqs = torch.randn([self.channels, 2]) + radii = freqs.square().sum(dim=1, keepdim=True).sqrt() + freqs /= radii * radii.square().exp().pow(0.25) + freqs *= bandwidth + phases = torch.rand([self.channels]) - 0.5 + + # Setup parameters and buffers. + self.weight = torch.nn.Parameter(torch.randn([self.channels, self.channels])) + self.affine = FullyConnectedLayer(w_dim, 4, weight_init=0, bias_init=[1,0,0,0]) + self.register_buffer('transform', torch.eye(3, 3)) # User-specified inverse transform wrt. resulting image. + self.register_buffer('freqs', freqs) + self.register_buffer('phases', phases) + + def forward(self, w): + # Introduce batch dimension. + transforms = self.transform.unsqueeze(0) # [batch, row, col] + freqs = self.freqs.unsqueeze(0) # [batch, channel, xy] + phases = self.phases.unsqueeze(0) # [batch, channel] + + # Apply learned transformation. + t = self.affine(w) # t = (r_c, r_s, t_x, t_y) + t = t / t[:, :2].norm(dim=1, keepdim=True) # t' = (r'_c, r'_s, t'_x, t'_y) + m_r = torch.eye(3, device=w.device).unsqueeze(0).repeat([w.shape[0], 1, 1]) # Inverse rotation wrt. resulting image. + m_r[:, 0, 0] = t[:, 0] # r'_c + m_r[:, 0, 1] = -t[:, 1] # r'_s + m_r[:, 1, 0] = t[:, 1] # r'_s + m_r[:, 1, 1] = t[:, 0] # r'_c + m_t = torch.eye(3, device=w.device).unsqueeze(0).repeat([w.shape[0], 1, 1]) # Inverse translation wrt. resulting image. + m_t[:, 0, 2] = -t[:, 2] # t'_x + m_t[:, 1, 2] = -t[:, 3] # t'_y + transforms = m_r @ m_t @ transforms # First rotate resulting image, then translate, and finally apply user-specified transform. + + # Transform frequencies. + phases = phases + (freqs @ transforms[:, :2, 2:]).squeeze(2) + freqs = freqs @ transforms[:, :2, :2] + + # Dampen out-of-band frequencies that may occur due to the user-specified transform. + amplitudes = (1 - (freqs.norm(dim=2) - self.bandwidth) / (self.sampling_rate / 2 - self.bandwidth)).clamp(0, 1) + + # Construct sampling grid. + theta = torch.eye(2, 3, device=w.device) + theta[0, 0] = 0.5 * self.size[0] / self.sampling_rate + theta[1, 1] = 0.5 * self.size[1] / self.sampling_rate + grids = torch.nn.functional.affine_grid(theta.unsqueeze(0), [1, 1, self.size[1], self.size[0]], align_corners=False) + + # Compute Fourier features. + x = (grids.unsqueeze(3) @ freqs.permute(0, 2, 1).unsqueeze(1).unsqueeze(2)).squeeze(3) # [batch, height, width, channel] + x = x + phases.unsqueeze(1).unsqueeze(2) + x = torch.sin(x * (np.pi * 2)) + x = x * amplitudes.unsqueeze(1).unsqueeze(2) + + # Apply trainable mapping. + weight = self.weight / np.sqrt(self.channels) + x = x @ weight.t() + + # Ensure correct shape. + x = x.permute(0, 3, 1, 2) # [batch, channel, height, width] + misc.assert_shape(x, [w.shape[0], self.channels, int(self.size[1]), int(self.size[0])]) + return x + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, channels={self.channels:d}, size={list(self.size)},', + f'sampling_rate={self.sampling_rate:g}, bandwidth={self.bandwidth:g}']) + +#---------------------------------------------------------------------------- + +class SynthesisLayer(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + is_torgb, # Is this the final ToRGB layer? + is_critically_sampled, # Does this layer use critical sampling? + use_fp16, # Does this layer use FP16? + + # Input & output specifications. + in_channels, # Number of input channels. + out_channels, # Number of output channels. + in_size, # Input spatial size: int or [width, height]. + out_size, # Output spatial size: int or [width, height]. + in_sampling_rate, # Input sampling rate (s). + out_sampling_rate, # Output sampling rate (s). + in_cutoff, # Input cutoff frequency (f_c). + out_cutoff, # Output cutoff frequency (f_c). + in_half_width, # Input transition band half-width (f_h). + out_half_width, # Output Transition band half-width (f_h). + + # Hyperparameters. + conv_kernel = 3, # Convolution kernel size. Ignored for final the ToRGB layer. + filter_size = 6, # Low-pass filter size relative to the lower resolution when up/downsampling. + lrelu_upsampling = 2, # Relative sampling rate for leaky ReLU. Ignored for final the ToRGB layer. + use_radial_filters = False, # Use radially symmetric downsampling filter? Ignored for critically sampled layers. + conv_clamp = 256, # Clamp the output to [-X, +X], None = disable clamping. + magnitude_ema_beta = 0.999, # Decay rate for the moving average of input magnitudes. + ): + super().__init__() + self.w_dim = w_dim + self.is_torgb = is_torgb + self.is_critically_sampled = is_critically_sampled + self.use_fp16 = use_fp16 + self.in_channels = in_channels + self.out_channels = out_channels + self.in_size = np.broadcast_to(np.asarray(in_size), [2]) + self.out_size = np.broadcast_to(np.asarray(out_size), [2]) + self.in_sampling_rate = in_sampling_rate + self.out_sampling_rate = out_sampling_rate + self.tmp_sampling_rate = max(in_sampling_rate, out_sampling_rate) * (1 if is_torgb else lrelu_upsampling) + self.in_cutoff = in_cutoff + self.out_cutoff = out_cutoff + self.in_half_width = in_half_width + self.out_half_width = out_half_width + self.conv_kernel = 1 if is_torgb else conv_kernel + self.conv_clamp = conv_clamp + self.magnitude_ema_beta = magnitude_ema_beta + + # Setup parameters and buffers. + self.affine = FullyConnectedLayer(self.w_dim, self.in_channels, bias_init=1) + self.weight = torch.nn.Parameter(torch.randn([self.out_channels, self.in_channels, self.conv_kernel, self.conv_kernel])) + self.bias = torch.nn.Parameter(torch.zeros([self.out_channels])) + self.register_buffer('magnitude_ema', torch.ones([])) + + # Design upsampling filter. + self.up_factor = int(np.rint(self.tmp_sampling_rate / self.in_sampling_rate)) + assert self.in_sampling_rate * self.up_factor == self.tmp_sampling_rate + self.up_taps = filter_size * self.up_factor if self.up_factor > 1 and not self.is_torgb else 1 + self.register_buffer('up_filter', self.design_lowpass_filter( + numtaps=self.up_taps, cutoff=self.in_cutoff, width=self.in_half_width*2, fs=self.tmp_sampling_rate)) + + # Design downsampling filter. + self.down_factor = int(np.rint(self.tmp_sampling_rate / self.out_sampling_rate)) + assert self.out_sampling_rate * self.down_factor == self.tmp_sampling_rate + self.down_taps = filter_size * self.down_factor if self.down_factor > 1 and not self.is_torgb else 1 + self.down_radial = use_radial_filters and not self.is_critically_sampled + self.register_buffer('down_filter', self.design_lowpass_filter( + numtaps=self.down_taps, cutoff=self.out_cutoff, width=self.out_half_width*2, fs=self.tmp_sampling_rate, radial=self.down_radial)) + + # Compute padding. + pad_total = (self.out_size - 1) * self.down_factor + 1 # Desired output size before downsampling. + pad_total -= (self.in_size + self.conv_kernel - 1) * self.up_factor # Input size after upsampling. + pad_total += self.up_taps + self.down_taps - 2 # Size reduction caused by the filters. + pad_lo = (pad_total + self.up_factor) // 2 # Shift sample locations according to the symmetric interpretation (Appendix C.3). + pad_hi = pad_total - pad_lo + self.padding = [int(pad_lo[0]), int(pad_hi[0]), int(pad_lo[1]), int(pad_hi[1])] + + def forward(self, x, w, noise_mode='random', force_fp32=False, update_emas=False): + assert noise_mode in ['random', 'const', 'none'] # unused + misc.assert_shape(x, [None, self.in_channels, int(self.in_size[1]), int(self.in_size[0])]) + misc.assert_shape(w, [x.shape[0], self.w_dim]) + + # Track input magnitude. + if update_emas: + with torch.autograd.profiler.record_function('update_magnitude_ema'): + magnitude_cur = x.detach().to(torch.float32).square().mean() + self.magnitude_ema.copy_(magnitude_cur.lerp(self.magnitude_ema, self.magnitude_ema_beta)) + input_gain = self.magnitude_ema.rsqrt() + + # Execute affine layer. + styles = self.affine(w) + if self.is_torgb: + weight_gain = 1 / np.sqrt(self.in_channels * (self.conv_kernel ** 2)) + styles = styles * weight_gain + + # Execute modulated conv2d. + dtype = torch.float16 if (self.use_fp16 and not force_fp32 and x.device.type == 'cuda') else torch.float32 + x = modulated_conv2d(x=x.to(dtype), w=self.weight, s=styles, + padding=self.conv_kernel-1, demodulate=(not self.is_torgb), input_gain=input_gain) + + # Execute bias, filtered leaky ReLU, and clamping. + gain = 1 if self.is_torgb else np.sqrt(2) + slope = 1 if self.is_torgb else 0.2 + x = filtered_lrelu.filtered_lrelu(x=x, fu=self.up_filter, fd=self.down_filter, b=self.bias.to(x.dtype), + up=self.up_factor, down=self.down_factor, padding=self.padding, gain=gain, slope=slope, clamp=self.conv_clamp) + + # Ensure correct shape and dtype. + misc.assert_shape(x, [None, self.out_channels, int(self.out_size[1]), int(self.out_size[0])]) + assert x.dtype == dtype + return x + + @staticmethod + def design_lowpass_filter(numtaps, cutoff, width, fs, radial=False): + assert numtaps >= 1 + + # Identity filter. + if numtaps == 1: + return None + + # Separable Kaiser low-pass filter. + if not radial: + f = scipy.signal.firwin(numtaps=numtaps, cutoff=cutoff, width=width, fs=fs) + return torch.as_tensor(f, dtype=torch.float32) + + # Radially symmetric jinc-based filter. + x = (np.arange(numtaps) - (numtaps - 1) / 2) / fs + r = np.hypot(*np.meshgrid(x, x)) + f = scipy.special.j1(2 * cutoff * (np.pi * r)) / (np.pi * r) + beta = scipy.signal.kaiser_beta(scipy.signal.kaiser_atten(numtaps, width / (fs / 2))) + w = np.kaiser(numtaps, beta) + f *= np.outer(w, w) + f /= np.sum(f) + return torch.as_tensor(f, dtype=torch.float32) + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, is_torgb={self.is_torgb},', + f'is_critically_sampled={self.is_critically_sampled}, use_fp16={self.use_fp16},', + f'in_sampling_rate={self.in_sampling_rate:g}, out_sampling_rate={self.out_sampling_rate:g},', + f'in_cutoff={self.in_cutoff:g}, out_cutoff={self.out_cutoff:g},', + f'in_half_width={self.in_half_width:g}, out_half_width={self.out_half_width:g},', + f'in_size={list(self.in_size)}, out_size={list(self.out_size)},', + f'in_channels={self.in_channels:d}, out_channels={self.out_channels:d}']) + +#---------------------------------------------------------------------------- + +class SynthesisNetwork(torch.nn.Module): + def __init__(self, + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output image resolution. + img_channels, # Number of color channels. + channel_base = 32768, # Overall multiplier for the number of channels. + channel_max = 512, # Maximum number of channels in any layer. + num_layers = 14, # Total number of layers, excluding Fourier features and ToRGB. + num_critical = 2, # Number of critically sampled layers at the end. + first_cutoff = 2, # Cutoff frequency of the first layer (f_{c,0}). + first_stopband = 2**2.1, # Minimum stopband of the first layer (f_{t,0}). + last_stopband_rel = 2**0.3, # Minimum stopband of the last layer, expressed relative to the cutoff. + margin_size = 10, # Number of additional pixels outside the image. + output_scale = 0.25, # Scale factor for the output image. + num_fp16_res = 4, # Use FP16 for the N highest resolutions. + **layer_kwargs, # Arguments for SynthesisLayer. + ): + super().__init__() + self.w_dim = w_dim + self.num_ws = num_layers + 2 + self.img_resolution = img_resolution + self.img_channels = img_channels + self.num_layers = num_layers + self.num_critical = num_critical + self.margin_size = margin_size + self.output_scale = output_scale + self.num_fp16_res = num_fp16_res + + # Geometric progression of layer cutoffs and min. stopbands. + last_cutoff = self.img_resolution / 2 # f_{c,N} + last_stopband = last_cutoff * last_stopband_rel # f_{t,N} + exponents = np.minimum(np.arange(self.num_layers + 1) / (self.num_layers - self.num_critical), 1) + cutoffs = first_cutoff * (last_cutoff / first_cutoff) ** exponents # f_c[i] + stopbands = first_stopband * (last_stopband / first_stopband) ** exponents # f_t[i] + + # Compute remaining layer parameters. + sampling_rates = np.exp2(np.ceil(np.log2(np.minimum(stopbands * 2, self.img_resolution)))) # s[i] + half_widths = np.maximum(stopbands, sampling_rates / 2) - cutoffs # f_h[i] + sizes = sampling_rates + self.margin_size * 2 + sizes[-2:] = self.img_resolution + channels = np.rint(np.minimum((channel_base / 2) / cutoffs, channel_max)) + channels[-1] = self.img_channels + + # Construct layers. + self.input = SynthesisInput( + w_dim=self.w_dim, channels=int(channels[0]), size=int(sizes[0]), + sampling_rate=sampling_rates[0], bandwidth=cutoffs[0]) + self.layer_names = [] + for idx in range(self.num_layers + 1): + prev = max(idx - 1, 0) + is_torgb = (idx == self.num_layers) + is_critically_sampled = (idx >= self.num_layers - self.num_critical) + use_fp16 = (sampling_rates[idx] * (2 ** self.num_fp16_res) > self.img_resolution) + layer = SynthesisLayer( + w_dim=self.w_dim, is_torgb=is_torgb, is_critically_sampled=is_critically_sampled, use_fp16=use_fp16, + in_channels=int(channels[prev]), out_channels= int(channels[idx]), + in_size=int(sizes[prev]), out_size=int(sizes[idx]), + in_sampling_rate=int(sampling_rates[prev]), out_sampling_rate=int(sampling_rates[idx]), + in_cutoff=cutoffs[prev], out_cutoff=cutoffs[idx], + in_half_width=half_widths[prev], out_half_width=half_widths[idx], + **layer_kwargs) + name = f'L{idx}_{layer.out_size[0]}_{layer.out_channels}' + setattr(self, name, layer) + self.layer_names.append(name) + + def forward(self, ws, **layer_kwargs): + misc.assert_shape(ws, [None, self.num_ws, self.w_dim]) + ws = ws.to(torch.float32).unbind(dim=1) + + # Execute layers. + x = self.input(ws[0]) + for name, w in zip(self.layer_names, ws[1:]): + x = getattr(self, name)(x, w, **layer_kwargs) + if self.output_scale != 1: + x = x * self.output_scale + + # Ensure correct shape and dtype. + misc.assert_shape(x, [None, self.img_channels, self.img_resolution, self.img_resolution]) + x = x.to(torch.float32) + return x + + def extra_repr(self): + return '\n'.join([ + f'w_dim={self.w_dim:d}, num_ws={self.num_ws:d},', + f'img_resolution={self.img_resolution:d}, img_channels={self.img_channels:d},', + f'num_layers={self.num_layers:d}, num_critical={self.num_critical:d},', + f'margin_size={self.margin_size:d}, num_fp16_res={self.num_fp16_res:d}']) + +#---------------------------------------------------------------------------- + +class Generator(torch.nn.Module): + def __init__(self, + z_dim, # Input latent (Z) dimensionality. + c_dim, # Conditioning label (C) dimensionality. + w_dim, # Intermediate latent (W) dimensionality. + img_resolution, # Output resolution. + img_channels, # Number of output color channels. + mapping_kwargs = {}, # Arguments for MappingNetwork. + **synthesis_kwargs, # Arguments for SynthesisNetwork. + ): + super().__init__() + self.z_dim = z_dim + self.c_dim = c_dim + self.w_dim = w_dim + self.img_resolution = img_resolution + self.img_channels = img_channels + self.synthesis = SynthesisNetwork(w_dim=w_dim, img_resolution=img_resolution, img_channels=img_channels, **synthesis_kwargs) + self.num_ws = self.synthesis.num_ws + self.mapping = MappingNetwork(z_dim=z_dim, c_dim=c_dim, w_dim=w_dim, num_ws=self.num_ws, **mapping_kwargs) + + def forward(self, z, c, truncation_psi=1, truncation_cutoff=None, update_emas=False, **synthesis_kwargs): + ws = self.mapping(z, c, truncation_psi=truncation_psi, truncation_cutoff=truncation_cutoff, update_emas=update_emas) + img = self.synthesis(ws, update_emas=update_emas, **synthesis_kwargs) + return img + +#----------------------------------------------------------------------------